diff --git a/imageprocessing/artemis/LICENSE b/imageprocessing/artemis/LICENSE
new file mode 100644
index 0000000000000000000000000000000000000000..b0c063de46a77c35c2d8339cb2390c0b453ac8cd
--- /dev/null
+++ b/imageprocessing/artemis/LICENSE
@@ -0,0 +1,23 @@
+ArtEmis: Affective Language for Art
+
+The MIT License (MIT)
+
+Copyright (c) 2021 Panos Achlioptas
+
+Permission is hereby granted, free of charge, to any person obtaining a copy
+of this software and associated documentation files (the "Software"), to deal
+in the Software without restriction, including without limitation the rights
+to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
+copies of the Software, and to permit persons to whom the Software is
+furnished to do so, subject to the following conditions:
+
+The above copyright notice and this permission notice shall be included in all
+copies or substantial portions of the Software.
+
+THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
+IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
+FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
+AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
+LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
+OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
+SOFTWARE.
\ No newline at end of file
diff --git a/imageprocessing/artemis/README.md b/imageprocessing/artemis/README.md
new file mode 100644
index 0000000000000000000000000000000000000000..edd587bb431d9b0eae1b60ea187e620f2fb39337
--- /dev/null
+++ b/imageprocessing/artemis/README.md
@@ -0,0 +1,160 @@
+## ArtEmis: Affective Language for Visual Art
+A codebase created and maintained by Panos Achlioptas.
+
+
+
+
+### Introduction
+This work is based on the [arXiv tech report](https://arxiv.org/abs/2101.07396) which is __provisionally__ accepted in [CVPR-2021](http://cvpr2021.thecvf.com/), for an Oral presentation.
+
+### Citation
+If you find this work useful in your research, please consider citing:
+
+ @article{achlioptas2021artemis,
+ title={ArtEmis: Affective Language for Visual Art},
+ author={Achlioptas, Panos and Ovsjanikov, Maks and Haydarov, Kilichbek and
+ Elhoseiny, Mohamed and Guibas, Leonidas},
+ journal = {CoRR},
+ volume = {abs/2101.07396},
+ year={2021}
+ }
+
+### Dataset
+To get the most out of this repo, please __download__ the data associated with ArtEmis by filling this [form](https://forms.gle/7eqiRgb764uTuexd7).
+
+### Installation
+This code has been tested with Python 3.6.9, Pytorch 1.3.1, CUDA 10.0 on Ubuntu 16.04.
+
+Assuming some (potentially) virtual environment and __python 3x__
+```Console
+git clone https://github.com/optas/artemis.git
+cd artemis
+pip install -e .
+```
+This will install the repo with all its dependencies (listed in setup.py) and will enable you to do things like:
+```
+from artemis.models import xx
+```
+(provided you add this artemis repo in your PYTHON-PATH)
+
+### Playing with ArtEmis
+
+#### Step-1 (important :pushpin:)
+
+ __Preprocess the provided annotations__ (spell-check, patch, tokenize, make train/val/test splits, etc.).
+ ```Console
+ artemis/scripts/preprocess_artemis_data.py
+ ```
+This script allows you to preprocess ArtEmis according to your needs. The __default__ arguments will do __minimal__
+preprocessing so the resulting output can be used to _fairly_ compare ArtEmis with other datasets; and, derive most _faithful_ statistics
+about ArtEmis's nature. That is what we used in our __analysis__ and what you should use in "Step-2" below. With this in mind do:
+ ```Console
+ python artemis/scripts/preprocess_artemis_data.py -save-out-dir -raw-artemis-data-csv
+ ```
+
+If you wish to train __deep-nets__ (speakers, emotion-classifiers etc.) *exactly* as we did it in our paper, then you need to rerun this script
+by providing only a single extra optional argument ("__--preprocess-for-deep-nets True__"). This will do more aggressive filtering and you should use its output for
+"Steps-3" and "Steps-4" below. Use a different save-out-dir to avoid overwritting the output of previous runs.
+ ```Console
+ python artemis/scripts/preprocess_artemis_data.py -save-out-dir -raw-artemis-data-csv --preprocess-for-deep-nets True
+ ```
+To understand and customize the different hyper-parameters please read the details in the provided _help_ messages of the used argparse.
+
+#### Step-2
+__Analyze & explore the dataset__. :microscope:
+
+Using the _minimally_ preprocessed version of ArtEmis which includes __all__ (454,684) collected annotation.
+
+ 1. This is a great place to __start__ :checkered_flag:. Run this [notebook](artemis/notebooks/analysis/analyzing_artemis.ipynb) to do basic _linguistic_, _emotion_ & _art-oriented_ __analysis__ of the ArtEmis dataset.
+ 2. Run this [notebook](artemis/notebooks/analysis/concreteness_subjectivity_sentiment_and_POS.ipynb) to analyze ArtEmis in terms of its: _concreteness_, _subjectivity_, _sentiment_ and _Parts-of-Speech_. Optionally, contrast these values with
+ with other common datasets like COCO.
+ 3. Run this [notebook](artemis/notebooks/analysis/extract_emotion_histogram_per_image.ipynb) to extract the _emotion histograms_ (empirical distributions) of each artwork. This in __necessary__ for the Step-3 (1).
+ 4. Run this [notebook](artemis/notebooks/analysis/emotion_entropy_per_genre_or_artstyle.ipynb) to analyze the extracted emotion histograms (previous step) per art genre and style.
+
+#### Step-3
+
+__Train and evaluate emotion-centric image & text classifiers__. :hearts:
+
+Using the preprocessed version of ArtEmis for __deep-nets__ which includes 429,431 annotations.
+(Training on a single GPU from scratch is a matter of __minutes__ for these classifiers!)
+
+ 1. Run this [notebook](artemis/notebooks/deep_nets/emotions/image_to_emotion_classifier.ipynb) to train an __image-to-emotion__ classifier.
+ 2. Run this [notebook](artemis/notebooks/deep_nets/emotions/utterance_to_emotion_classifier.ipynb) to train an LSTM-based __utterance-to-emotion__ classifier. Or, this [notebook](artemis/notebooks/deep_nets/emotions/utterance_to_emotion_with_transformer.ipynb) to train a BERT-based one.
+
+
+#### Step-4
+__Train & evaluate neural-speakers.__ :bomb:
+
+ - To __train__ our customized SAT model on ArtEmis (__~2 hours__ to train in a single GPU!) do:
+```Console
+ python artemis/scripts/train_speaker.py -log-dir -data-dir -img-dir
+
+ log-dir: where to save the output of the training process, models etc.
+ data-dir: directory that contains the _input_ data
+ the directory that contains the ouput of preprocess_artemis_data.py: e.g.,
+ the artemis_preprocessed.csv, the vocabulary.pkl
+ img-dir: the top folder containing the WikiArt image dataset in its "standard" format:
+ img-dir/art_style/painting_xx.jpg
+```
+
+ Note. The default optional arguments will create the same vanilla-speaker variant we used in the CVPR21 paper.
+
+ - To __train__ the __emotionally-grounded__ variant of SAT add an extra parameter in the above call:
+```Console
+ python artemis/scripts/train_speaker.py -log-dir -data-dir -img-dir
+ --use-emo-grounding True
+```
+ - To __sample__ utterances from a trained speaker:
+ ```Console
+ python artemis/scripts/sample_speaker.py -arguments
+ ```
+ For an explanation of the arguments see the argparse help messages. It is worth noting that when you
+ want to sample an emotionally-grounded variant you need to provide a pretrained image2emotion
+ classifier. The image2emotion will be used to deduce _the most likely_ emotion of an image, and input this emotion to
+ the speaker. See Step-3 (1) for how to train such a net.
+
+ - To __evaluate__ the quality of the sampled captions (e.g., per BLEU, emotional alignment, methaphors etc.) use this
+ [notebook](artemis/notebooks/deep_nets/speakers/evaluate_sampled_captions.ipynb). As a bonus you can use it to inspect the _neural attention_ placed on
+ the different tokens/images.
+
+### MISC
+- You can make a _pseudo_ "neural speaker" by copying training-sentences to the test according to __Nearest-Neighbors__ in a pretrained
+network feature space by running this 5 min. [notebook](artemis/notebooks/deep_nets/speakers/nearest_neighbor_speaker.ipynb).
+
+
+### Pretrained Models (used in CVPR21-paper)
+ * [Image-To-Emotion classifier (81MB)](https://www.dropbox.com/s/8dfj3b36q15iieo/best_model.pt?dl=0)
+ - use it within notebook of Step.3.1 or to _sample_ emotionally grounded speaker (Step.4.sample).
+
+ * [LSTM-based Text-To-Emotion classifier (8MB)](https://www.dropbox.com/s/ruczzggqu1i6nof/best_model.pt?dl=0)
+ - use it within inside notebook of Step.3.2 or to _evaluate_ the samples of a speaker (Step.4.evaluate) | e.g., needed for emotional-alignment.
+
+ * [SAT-Speaker (434MB)](https://www.dropbox.com/s/tnbfws0m3yi06ge/vanilla_sat_speaker_cvpr21.zip?dl=0)
+ * [SAT-Speaker-with-emotion-grounding (431MB)](https://www.dropbox.com/s/0erh464wag8ods1/emo_grounded_sat_speaker_cvpr21.zip?dl=0)
+
+ + The above two links include also our _sampled captions_ for the test-split. You can use them to evaluate the speakers without resampling them. Please read the included README.txt.
+
+ + __Caveats__: ArtEmis is a real-world dataset containing the opinion and sentiment of thousands of people. It is expected thus to contain text with biases, factual inaccuracies, and perhaps foul language. Please use responsibly.
+ The provided models are likely to be biased and/or inaccurate in ways reflected in the training data.
+
+### News
+
+- :champagne: ArtEmis has attracted already some noticeable media coverage. E.g., @ [New-Scientist](https://www.newscientist.com/article/2266240-ai-art-critic-can-predict-which-emotions-a-painting-will-evoke),
+[HAI](https://hai.stanford.edu/news/artists-intent-ai-recognizes-emotions-visual-art),
+[MarkTechPost](https://www.marktechpost.com/2021/01/30/stanford-researchers-introduces-artemis-a-dataset-containing-439k-emotion-attributions),
+[KCBS-Radio](https://ai.stanford.edu/~optas/data/interviews/artemis/kcbs/SAT-AI-ART_2_2-6-21(disco_mix).mp3),
+[Communications of ACM](https://cacm.acm.org/news/250312-ai-art-critic-can-predict-which-emotions-a-painting-will-evoke/fulltext),
+[Synced Review](https://medium.com/@Synced/ai-art-critic-new-dataset-and-models-make-emotional-sense-of-visual-artworks-2289c6c71299),
+[École Polytechnique](https://www.polytechnique.edu/fr/content/des-algorithmes-emotifs-face-des-oeuvres-dart),
+[Forbes Science](https://www.forbes.com/sites/evaamsen/2021/03/30/artificial-intelligence-is-learning-to-categorize-and-talk-about-art/).
+
+- :telephone_receiver: __important__ More code, will be added in April. Namely, for the ANP-baseline, the comparisons of ArtEmis with other datasets, please do a git-pull at that time. The update will be _seamless_! During this first months, if you have _ANY_ question feel free to send me an email at __optas@stanford.edu__.
+
+- :trophy: If you are developing more models with ArtEmis and you want to incorporate them here please talk to me or simply do a pull-request.
+
+
+#### License
+This code is released under MIT License (see LICENSE file for details).
+ _In simple words, if you copy/use parts of this code please __keep the copyright note__ in place._
+
+
diff --git a/imageprocessing/artemis/artemis/__init__.py b/imageprocessing/artemis/artemis/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..6d43784fb0f15bcd9c2b0a763a70ae580b56cfbe
--- /dev/null
+++ b/imageprocessing/artemis/artemis/__init__.py
@@ -0,0 +1,6 @@
+"""
+The MIT License (MIT)
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
+from .in_out.basics import files_in_subdirs
+from .in_out.basics import pickle_data, unpickle_data
\ No newline at end of file
diff --git a/imageprocessing/artemis/artemis/analysis/__init__.py b/imageprocessing/artemis/artemis/analysis/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c
--- /dev/null
+++ b/imageprocessing/artemis/artemis/analysis/__init__.py
@@ -0,0 +1,4 @@
+"""
+The MIT License (MIT)
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
\ No newline at end of file
diff --git a/imageprocessing/artemis/artemis/analysis/emotion_centric.py b/imageprocessing/artemis/artemis/analysis/emotion_centric.py
new file mode 100644
index 0000000000000000000000000000000000000000..4e02974c8db44fe2972c2e500f1f86c22da88991
--- /dev/null
+++ b/imageprocessing/artemis/artemis/analysis/emotion_centric.py
@@ -0,0 +1,72 @@
+"""
+Utilities for emotion-centric analysis.
+
+The MIT License (MIT)
+Originally created at 10/22/20, for Python 3.x
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
+
+import pandas as pd
+import matplotlib.pylab as plt
+
+from ..emotions import ARTEMIS_EMOTIONS, positive_negative_else
+
+
+def df_to_emotion_histogram(df, palette=plt.cm.Pastel1, emotion_column='emotion', verbose=False):
+ """ Take a dataset like ArtEmis and return a histogram over the emotion choices made by the annotators.
+ :param df: dataframe carrying dataset
+ :param palette: matplotlib color palette, e.g., plt.cm.jet
+ :param emotion_column: (str) indicate which column of the dataframe carries the emotion
+ :return: a list carrying the resulting histogram figure.
+ """
+ hist_vals = []
+ for emotion in ARTEMIS_EMOTIONS:
+ hist_vals.append(sum(df[emotion_column] == emotion) / len(df))
+
+ norm = plt.Normalize(min(hist_vals), max(hist_vals))
+ colors = palette(norm(hist_vals))
+
+ s = pd.DataFrame({"emotions": ARTEMIS_EMOTIONS, "vals": hist_vals})
+ s.set_index("emotions", drop=True, inplace=True)
+ plt.figure()
+ s.index.name = None
+ ax = s.plot.bar(grid=True, figsize=(12,4), color=colors, fontsize=16, rot=45, legend=False, ec="k")
+ ax.set_ylabel('Percentage of data', fontsize=15)
+
+ for rec, col in zip(ax.patches, colors):
+ rec.set_color(col)
+
+ plt.tight_layout()
+ res = [plt.gcf()]
+
+ plt.figure()
+ s = df[emotion_column].apply(positive_negative_else).value_counts() / len(df)
+
+ if verbose:
+ print('Pos-Neg-Else, percents:', s.round(3))
+
+ ax = s.plot.bar(grid=True, figsize=(8,4), fontsize=16, rot=45, legend=False, color='gray')
+ ax.set_xticklabels(['positive', 'negative', 'else'])
+ plt.tight_layout()
+ res.append(plt.gcf())
+
+ return res
+
+
+def has_emotion_max_dominance(grouped_df, exclude_se=False, return_max=False):
+ """ I.e., same emotion was selected (among all nine emotions) at least by half annotators.
+ :param grouped_df: dataframe of dataset grouped by stimuli, e.g., images.
+ :param exclude_se: if True, ignore the groups where the maximizer is the something-else category
+ :param return_max: return for each group that has dominance the emotion type that has the gathered the maximum annotations.
+ :return:
+ """
+ vals = grouped_df.emotion.value_counts()
+ maxim = vals.max()
+ threshold = vals.sum() / 2
+ res = maxim >= threshold
+ if exclude_se:
+ res &= vals.idxmax() != 'something else'
+ if return_max:
+ return res, vals.idxmax()
+ else:
+ return res
\ No newline at end of file
diff --git a/imageprocessing/artemis/artemis/analysis/feature_extraction.py b/imageprocessing/artemis/artemis/analysis/feature_extraction.py
new file mode 100644
index 0000000000000000000000000000000000000000..309bc1fac89e03e1e98426393a4970730e03bc8c
--- /dev/null
+++ b/imageprocessing/artemis/artemis/analysis/feature_extraction.py
@@ -0,0 +1,84 @@
+"""
+Routines to extract features from images.
+
+The MIT License (MIT)
+Originally created at 6/14/20, for Python 3.x
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
+
+import torch
+import torchvision.transforms as transforms
+import numpy as np
+from PIL import Image
+from torchvision import models
+
+from ..in_out.datasets import ImageClassificationDataset
+from ..in_out.neural_net_oriented import image_net_mean, image_net_std
+from ..neural_models.resnet_encoder import ResnetEncoder
+
+
+@torch.no_grad()
+def get_forward_features_of_dataset(encoder, dataloader, device, data_in_batch='image'):
+ b_size = dataloader.batch_size
+ for i, batch in enumerate(dataloader):
+ feats = encoder(batch[data_in_batch].to(device))
+ feats = feats.cpu().numpy().astype('float32')
+
+ if i == 0:
+ features = np.zeros((len(dataloader.dataset), feats.shape[1]), dtype='float32')
+
+ if i < len(dataloader) - 1:
+ features[i * b_size: (i + 1) * b_size] = feats
+ else:
+ # special treatment for final batch
+ features[i * b_size:] = feats
+ return features
+
+
+def image_transformation(img_dim, pretraining='image_net'):
+ if pretraining == 'image_net':
+ normalize = transforms.Normalize(mean=image_net_mean, std=image_net_std)
+ else:
+ raise NotImplementedError('')
+
+ res = transforms.Compose([transforms.Resize((img_dim, img_dim), Image.LANCZOS),
+ transforms.ToTensor(), normalize])
+
+ return res
+
+
+def vgg_encoder(device):
+ vgg = models.vgg16_bn(pretrained=True).to(device).eval()
+ feature_storage = []
+ def hook(module, hook_input, hook_output):
+ feature_storage.append(hook_output.detach_().cpu().numpy())
+ vgg.classifier[4].register_forward_hook(hook) # last relu layer before classification.
+ return vgg, feature_storage
+
+
+@torch.no_grad()
+def extract_visual_features(image_files, img_dim, method='resnet18',
+ batch_size=128, n_workers=12, device='cuda'):
+
+
+ img_transform = image_transformation(img_dim)
+ dataset = ImageClassificationDataset(image_files, img_transform=img_transform)
+
+ loader = torch.utils.data.DataLoader(dataset=dataset, batch_size=batch_size,
+ shuffle=False, num_workers=n_workers)
+
+ if method.startswith('resnet'):
+ vis_encoder = ResnetEncoder(method, 1).to(device).eval()
+ features = get_forward_features_of_dataset(vis_encoder, loader, device)
+
+ elif method.startswith('vgg'):
+ vis_encoder, features = vgg_encoder(device)
+ for batch in loader:
+ vis_encoder(batch['image'].to(device))
+ features = np.vstack(features)
+
+ elif method.startswith('random'):
+ vis_encoder = ResnetEncoder('resnet18', 1, pretrained=False).to(device).eval()
+ features = get_forward_features_of_dataset(vis_encoder, loader, device)
+
+ return features
\ No newline at end of file
diff --git a/imageprocessing/artemis/artemis/analysis/paintings_meta_data.py b/imageprocessing/artemis/artemis/analysis/paintings_meta_data.py
new file mode 100644
index 0000000000000000000000000000000000000000..a1a74b68b5a3f0858a21a857111c554c1d387ac5
--- /dev/null
+++ b/imageprocessing/artemis/artemis/analysis/paintings_meta_data.py
@@ -0,0 +1,26 @@
+"""
+Manually selected famous paintings that can be optionally put in a test-set.
+
+The MIT License (MIT)
+Originally created at 6/23/20, for Python 3.x
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
+
+masterpieces_for_test = [
+ 'leonardo-da-vinci_mona-lisa',
+ 'vincent-van-gogh_the-starry-night-1889(1)',
+ 'vincent-van-gogh_the-starry-night-1888-1',
+ 'vincent-van-gogh_the-starry-night-1889-1',
+ 'vincent-van-gogh_the-starry-night-1888-2',
+ 'vincent-van-gogh_the-starry-night-1888',
+ 'johannes-vermeer_the-girl-with-a-pearl-earring',
+ 'robert-silvers_girl-with-the-pearl-earring-2008',
+ 'robert-silvers_guernica-photomosaic-mounted-on-aluminum',
+ 'gustav-klimt_the-kiss-1908(1)',
+ 'leonardo-da-vinci_the-lady-with-the-ermine-cecilia-gallerani-1496',
+ 'vincent-van-gogh_cafe-terrace-on-the-place-du-forum-1888(1)',
+ 'vincent-van-gogh_the-cafe-terrace-on-the-place-du-forum-arles-at-night-1888',
+ 'vincent-van-gogh_cafe-terrace-place-du-forum-arles-1888(1)',
+ 'eugene-delacroix_the-liberty-leading-the-people-1830',
+ 'claude-monet_impression-sunrise',
+ 'james-mcneill-whistler_arrangement-in-grey-and-black-no-1-portrait-of-the-artist-s-mother-1871']
\ No newline at end of file
diff --git a/imageprocessing/artemis/artemis/analysis/utils.py b/imageprocessing/artemis/artemis/analysis/utils.py
new file mode 100644
index 0000000000000000000000000000000000000000..34c7c20871b2d5c5046459e5494e68535cfc1983
--- /dev/null
+++ b/imageprocessing/artemis/artemis/analysis/utils.py
@@ -0,0 +1,80 @@
+"""
+Auxiliary routines to be used when analyzing/comparing ArtEmis in terms of its subjectivity, abstractness etc.
+See also notebooks/analysis/concreteness_subjectivity_sentiment.ipynb
+
+The MIT License (MIT)
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
+import numpy as np
+from collections import defaultdict
+from tqdm.notebook import tqdm as tqdm_notebook
+
+from collections import Counter
+from ..language.basics import ngrams
+
+def contains_word(tokenized_sentences, word_set):
+ boolean_mask = tokenized_sentences.apply(lambda x: len(set(x).intersection(word_set)) >= 1)
+ return boolean_mask
+
+def contains_bigrams(tokens, bigram_set):
+ token_bigrams = set([' '.join(b) for b in ngrams(tokens, 2)])
+ return any(x in bigram_set for x in token_bigrams)
+
+
+def concreteness_of_sentence(tokens, word_to_concreteness, count_bigrams=True):
+ "Sorry, will add add explanation in April..."
+
+ bigram_vals = [] # concreteness values of found bigrams
+ if count_bigrams:
+ # find bigrams that occur and their multiplicity
+ bigrams = Counter(ngrams(tokens, 2))
+ utterance = ' '.join(tokens)
+ for bigram, cnt in bigrams.items():
+ bigram = ' '.join(bigram)
+ if bigram in word_to_concreteness:
+ for _ in range(cnt):
+ bigram_vals.append(word_to_concreteness[bigram])
+ utterance = utterance.replace(bigram, '') # remove bigrams from the utterance
+ # to not double-count/score them
+ tokens = utterance.split()
+
+ unigram_vals = [word_to_concreteness[t] for t in tokens if t in word_to_concreteness]
+ conc_vals = unigram_vals + bigram_vals
+
+ if len(conc_vals) == 0:
+ return None
+ return sum(conc_vals) / len(conc_vals)
+
+
+def pos_analysis(df, group_cols=None, round_decimal=1):
+ # Assumes nltk universal pos-tagging
+ # & df['pos'] has the part-of-speech tags
+ # analysis along the POS used in the paper
+
+ pos_syms = ['NOUN', 'PRON', 'ADJ', 'ADP', 'VERB']
+ pos_names = ['Nouns', 'Pronouns', 'Adjectives', 'Adpositions', 'Verbs']
+
+ if group_cols is not None:
+ groups = df.groupby(group_cols)
+ group_stats = []
+ group_lens = []
+ for n, gg in tqdm_notebook(groups):
+ g_stats = defaultdict(set)
+ group_lens.append(len(gg))
+ for t, p in zip(gg.tokens, gg.pos):
+ for x, y in zip(t, p):
+ g_stats[y[1]].add(x)
+ group_stats.append(g_stats)
+
+ for ps, pn in zip(pos_syms, pos_names):
+ u_pos = []
+ u_pos_norm = []
+ for i, s in enumerate(group_stats):
+ u_pos.append(len(s[ps]))
+ u_pos_norm.append(u_pos[-1] / group_lens[i])
+ print(pn, '{:.{}f}'.format(np.mean(u_pos), round_decimal), '{:.{}f}'.format(np.mean(u_pos_norm), round_decimal))
+ else:
+ for ps, pn in zip(pos_syms, pos_names):
+ print(pn, df.pos.apply(lambda x: len([i[0] for i in x if i[1] == ps])).mean().round(round_decimal))
+
+
diff --git a/imageprocessing/artemis/artemis/captioning/__init__.py b/imageprocessing/artemis/artemis/captioning/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..18fc359f582e4ac403654d09ede5e85fd196423c
--- /dev/null
+++ b/imageprocessing/artemis/artemis/captioning/__init__.py
@@ -0,0 +1,4 @@
+"""
+The MIT License (MIT)
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
\ No newline at end of file
diff --git a/imageprocessing/artemis/artemis/captioning/sample_captions.py b/imageprocessing/artemis/artemis/captioning/sample_captions.py
new file mode 100644
index 0000000000000000000000000000000000000000..be270d6779e07e258b5daff2d3b1e355197c7f01
--- /dev/null
+++ b/imageprocessing/artemis/artemis/captioning/sample_captions.py
@@ -0,0 +1,78 @@
+"""
+Helper functions for sampling (@test -- inference-time) a neural-speaker.
+
+The MIT License (MIT)
+Originally created at 20/1/20, for Python 3.x
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+"""
+
+import pandas as pd
+import numpy as np
+from torch.utils.data import DataLoader
+
+from ..neural_models.attentive_decoder import sample_captions, sample_captions_beam_search, properize_captions
+from ..in_out.basics import wikiart_file_name_to_style_and_painting
+from ..emotions import IDX_TO_EMOTION
+from ..utils.vocabulary import UNK
+
+
+def versatile_caption_sampler(speaker, data_loader, device, max_utterance_len, sampling_rule='beam',
+ beam_size=None, topk=None, temperature=1, drop_unk=True, use_bert_unk=False,
+ drop_bigrams=False):
+ """Provides all implemented sampling methods according to the sampling_rule input parameter.
+ """
+ vocab = speaker.decoder.vocab
+
+ if sampling_rule == 'beam':
+ dset = data_loader.dataset
+ loader = DataLoader(dset, num_workers=data_loader.num_workers) # batch-size=1
+
+ max_iter = 8 * max_utterance_len # should be large enough
+ beam_captions, alphas, beam_scores = sample_captions_beam_search(speaker, loader, beam_size,
+ device, max_iter=max_iter,
+ temperature=temperature,
+ drop_unk=drop_unk,
+ drop_bigrams=drop_bigrams)
+ # first is highest scoring caption which is the only we keep here
+ captions = [c[0] for c in beam_captions]
+ alphas = [np.array(a[0]) for a in alphas] # each alpha covers all tokens: , token1, ...,
+ else:
+ captions, alphas = sample_captions(speaker, data_loader, max_utterance_len=max_utterance_len,
+ sampling_rule=sampling_rule, device=device, temperature=temperature,
+ topk=topk, drop_unk=drop_unk, drop_bigrams=drop_bigrams)
+
+ captions = properize_captions(captions, vocab).tolist()
+ captions = tokens_to_strings(captions, vocab, bert_unk=use_bert_unk)
+ return captions, alphas
+
+
+def captions_as_dataframe(captions_dataset, captions_predicted, wiki_art_data=True):
+ """convert the dataset/predicted-utterances (captions) to a pandas dataframe."""
+ if wiki_art_data:
+ temp = captions_dataset.image_files.apply(wikiart_file_name_to_style_and_painting)
+ art_style, painting = zip(*temp)
+ grounding_emotion = [IDX_TO_EMOTION.get(x, None) for x in captions_dataset.emotions.tolist()]
+ df = pd.DataFrame([art_style, painting, grounding_emotion, captions_predicted]).transpose()
+ column_names = ['art_style', 'painting', 'grounding_emotion', 'caption']
+ df.columns = column_names
+ else:
+ image_files = captions_dataset.image_files.tolist()
+ grounding_emotion = [IDX_TO_EMOTION.get(x, None) for x in captions_dataset.emotions.tolist()]
+ df = pd.DataFrame([image_files, grounding_emotion, captions_predicted]).transpose()
+ column_names = ['image_file', 'grounding_emotion', 'caption']
+ df.columns = column_names
+ return df
+
+
+def tokens_to_strings(token_list, vocab, bert_unk=True):
+ """ Bert uses [UNK] to represent the unknown symbol.
+ :param token_list:
+ :param vocab:
+ :param bert_unk:
+ :return:
+ """
+ res = [vocab.decode_print(c) for c in token_list]
+ if bert_unk:
+ res = [c.replace(UNK, '[UNK]') for c in res]
+ return res
+
diff --git a/imageprocessing/artemis/artemis/captioning/senti_cap_anps.py b/imageprocessing/artemis/artemis/captioning/senti_cap_anps.py
new file mode 100644
index 0000000000000000000000000000000000000000..4932d61b9924ac4295e208e108022adacc600a29
--- /dev/null
+++ b/imageprocessing/artemis/artemis/captioning/senti_cap_anps.py
@@ -0,0 +1,111 @@
+"""
+Handling ANP-data // injection of sentiment according to SentiCap: https://arxiv.org/pdf/1510.01431.pdf
+
+The MIT License (MIT)
+Originally created at 10/19/20, for Python 3.x
+Copyright (c) 2021 Panos Achlioptas (ai.stanford.edu/~optas) & Stanford Geometric Computing Lab
+
+Note:
+ Given the lack of time to add comments: PLEASE SEE directly notebook "sentimentalize_utterances_with_anps"
+for use-case.
+"""
+
+import nltk
+import numpy.random as random
+from collections import defaultdict
+
+def read_senticap_anps(senticap_anp_file):
+ """
+ :param senticap_anp_file:
+ :return: twp lists, first has positive ANPs [beautiful dog, nice person] the second negative.
+ """
+ positive_anps = []
+ negative_anps = []
+ current_sentiment = 'positive' # the file lists first the postives, then all the negatives
+ with open(senticap_anp_file) as fin:
+ for i, line in enumerate(fin):
+ if i == 0:
+ continue
+
+ if "Negative ANPs:" in line:
+ current_sentiment = 'negative'
+ continue
+
+ anp = line.rstrip()
+
+ if len(anp) == 0:
+ continue
+
+ if current_sentiment == 'negative':
+ negative_anps.append(anp)
+ else:
+ positive_anps.append(anp)
+ return positive_anps, negative_anps
+
+
+def build_senticap_noun_to_ajectives(pos_anps, neg_anps):
+ res = dict()
+ for tag, anps in zip(['positive', 'negative'], [pos_anps, neg_anps]):
+ res[tag] = defaultdict(list)
+ for anp in anps:
+ adjective, noun = anp.split()
+ res[tag][noun].append(adjective)
+ return res
+
+
+def nouns_and_adjectives_of_senticap(pos_sent_anp, neg_sent_anp):
+ all_nouns = set()
+ all_adjectives = set()
+ for catalogue in [pos_sent_anp, neg_sent_anp]:
+ for item in catalogue:
+ adjective, noun = item.split()
+ all_nouns.add(noun)
+ all_adjectives.add(adjective)
+ return all_nouns, all_adjectives
+
+
+def add_anp_to_sentence(sentence_tokenized, noun_to_adj, rule='random_adjective'):
+ """ Pick a noun of the sentence at that is a key of the noun_to_adj dictionary at random. Given the rule
+ pick the corresponding adjective from the noun_to_adj and add it before the noun. Return the new sentence.
+ If such a noun does not exist, apply no changes and return None.
+ :param sentence_tokenized: ['a', 'running' 'dog']
+ :param noun_to_adj: e.g., dog -> {happy, sad}, cat -> {funny, happy} etc.
+ :param rule: if "most_frequent_adjective" the noun_to_adj also includes frequencies:
+ e.g., dog -> {(happy 5), (sad, 1)}
+ :return:
+ """
+ sentence_tokenized = sentence_tokenized.copy()
+ pos = nltk.pos_tag(sentence_tokenized)
+ noun_pos = [i for i, x in enumerate(pos) if x[1][0] == 'N'] # all noun locationns
+
+ valid_noun_pos = []
+ # Drop nouns that do not have adjective ANP.
+ for p in noun_pos:
+ if sentence_tokenized[p] in noun_to_adj:
+ valid_noun_pos.append(p)
+
+ if len(valid_noun_pos) == 0:
+ return None
+
+
+ valid_noun_pos = sorted(valid_noun_pos) # sort for reproducibility
+ random.shuffle(valid_noun_pos)
+ picked_noun_pos = valid_noun_pos[0] # pick a noun at random
+ picked_noun = sentence_tokenized[picked_noun_pos]
+
+ if rule == 'random_adjective':
+ valid_adjectives = sorted(noun_to_adj[picked_noun]) # sort for reproducibility
+ random.shuffle(valid_adjectives)
+ picked_adjective = valid_adjectives[0]
+
+ elif rule == 'most_frequent_adjective':
+ most_freq_adjective_with_freq = sorted(noun_to_adj[picked_noun], key=lambda x: x[1])[-1]
+ picked_adjective = most_freq_adjective_with_freq[0]
+
+ ## Avoid adding an existing adjective (e.g., happy happy man)
+ if picked_noun_pos > 0 and sentence_tokenized[picked_noun_pos-1] == picked_adjective:
+ pass
+ else:
+ sentence_tokenized.insert(picked_noun_pos, picked_adjective)
+
+ return ' '.join(sentence_tokenized)
\ No newline at end of file
diff --git a/imageprocessing/artemis/artemis/data/glove.6B.100d.vocabulary.txt b/imageprocessing/artemis/artemis/data/glove.6B.100d.vocabulary.txt
new file mode 100644
index 0000000000000000000000000000000000000000..34b90586e74733cd8fa041587d71e21d03f23c64
--- /dev/null
+++ b/imageprocessing/artemis/artemis/data/glove.6B.100d.vocabulary.txt
@@ -0,0 +1,400000 @@
+237th
+bavaria-munich
+56-42
+5,670
+connate
+rrochet@ap.org
+microvax
+enters
+rebuilds
+bsmi
+stimulators
+19sec
+owed
+1740s
+bridgwood
+silkies
++0.4
+pishin
+apnic
+ו
+joppa
+96.25
+acinonyx
+mccray
+pitiable
+hyang
+mairena
+elderberry
+10/8
+sacrarum
+accepts
+fibroids
+euro54
+konchellah
+canino
+aerialists
+preamp
+69.57
+vojislav
+karrada
+4-day
+amitabh
+denticulata
+pavlovich
+lanasa
+hochstedt
+arcanum
+backbeat
+societé
+chigusa
+unauthorised
+belnap
+scm
+jonasson
+2454
+avocation
+^
+worswick
+raskob
+pullmantur
+jarmouni
+2-33
+fansubs
+hassanein
+.460
+kinfe
+cadets
+afulah
+espoused
+koivisto
+.532
+goal_chicago
+basses
+0800gmt
+vetoed
+49-41
+fkm
+75-year
+arne
+skyworth
+399.99
+short-notice
+slamed
+doy
+péronne
+gujarat
+tarazi
+kloser
+amess
+superbowl
+vashee
+luxembourgian
+gouveia
+dnt
+kwilu
+illicit
+negoesco
+backeds
+commun
+vauclair
+nurpur
+berrien
+cowling
+sts-132
+swindler
+(954)
+obligate
+frischmann
+lla
+bachelier
+120.0
+luger
+gozi
+16.05
+goulaine
+terriss
+825,000
+non-empty
+dioscorea
+tuigamala
+lieber
+2:25
+bushkin
+16.4-billion
+first-season
+despoiled
+muons
+altuna
+omnivores
+rotenone
+rožňava
+winsen
+bayreuther
+lachs
+champus
+akamas
+dixiecrat
+sub-station
+forbear
+caixaforum
+xinji
+bsg
+anelli
+chumminess
+dandurand
+adhere
+142.5
+summmit
+petruno
+darkey
+4.62
+landgren
+bussereau
+tolin
+microcosmos
+baduk
+mitroff
+8-cylinder
+cumber
+seydi
+53.57
+ommission
+hemiola
+mapam
+mcwilliams
+keelty
+esma
+re-writes
+murzyn
+thawee
+oltp
+123456789
+dashkasan
+adv17
+3.43
+frankenweenie
+iabg
+marehan
+pensiones
+farooqia
+chenliu
+tisbury
+soos
+szeto
+caresses
+sorokko
+cornas
+palmed
+surmising
+plassey
+schrenker
+mispillion
+ofb
+ebisawa
+berries
+icdc
+hibernaculum
+quires
+delco
+human-rights
+extractor
+adriatica
+hunkered
+jefri
+umbanda
+breuning
+sussmann
+fennig
+kfh
+tenna
+9.687
+nursery
+clybourn
+yabaki
+zhukova
+masauni
+christophe
+fiorentino
+ncw
+vanguard
+rensch
+3,279
+gnininvi
+suttor
+context-specific
+12-year-old
+rectangular-shaped
+aldaya
+homesteads
+classism
+non-identical
+wanasinghe
+ramadhan
+explainers
+herock
+115.68
+nabire
+trick-or-treating
+aloko
+pay
+1593
+gaurs
+whetton
+holovko
+benney
+93.73
+ludvigsen
+davidenko
+crossflow
+majors
+tok107
+mid-2002
+mandriva
+262
+communication
+northeast-southwest
+1519
+hignett
+functor
+14:35
+vuze
+dormandy
+guillaumin
+7,690
+2,103
+faction
+6,835
+henningsen
+pepck
+rittenhouse
+dameyune
+oeming
+metazoa
+marv
+reject
+disbursal
+massingham
+popularised
+30-share
+hiệp
+basanez
+enterotoxin
+haircare
+scadden
+transgenerational
+binladin
+scaurus
+151.4
+try-outs
+ball
+zito
+vodden
+wildau
+cullman
+trusties
+newsround
+foppa
+expand
+eight-game
+eliodoro
+jtbc
+control
+nonjudgmental
+cross-dresser
+abo
+employability
+employers
+nanoseconds
+chronicle
+arteriole
+evangelists
+1042
+otro
+monetti
+hague
+kidapawan
+arndale
+nicollet
+sernovodsk
+spotted
+radionuclides
+bharuch
+ragwort
+kuo
+hago
+5.24
+kosare
+sorcerers
+đurišić
+porsches
+tagesspiegel
+nohv
+bantry
+koyanagi
+bxd4
+lampooned
+conda
+nilas
+pannonian
+ravenhead
+peochar
+nybot
+charal
+lewistown
+unison
+estan
+guozhong
+lvds
+82.12
+3-for-15
+marotta
+maurício
+sweid
+knowling
+borcea
+statt
+bekking
+motton
+182
+half-page
+peco
+humbug
+1h15
+askamp
+nationaltheatret
+betwixt
+wylam
+starch
+two-horse
+mcaliley
+amenas
+backmasking
+salza
+dydek
+thurlow
+spaceborne
+jamtfall
+toula
+hosken
+0605
+mesodermal
+castigated
+kobia
+ōsumi
+kildwick
+3-lucio
+aide-de-camp
+goodloe
+ybp
+jewelweed
+auspice
+text-books
+texas-mexico
+721
+gujjar
+ejigu
+vil
+basidiomycetes
+samsara
+hamlet
+thence
+obsessing
+marceline
+skin
+matriarchy
+industry-specific
+nasya
+kumah
+aite
+77-69
+proia
+mandy
+do-well
+ccat
+delice
+crónicas
+guilt-ridden
+kircheisen
+intensive-care
+euro666
+mattes
+mycenaean
+valeyard
+thalmann
+süß
+24,000-strong
+slower
+1.6-1
+rieter
+drywall
+base-2
+caitriona
+nash
+inan
+p75
+dorger
+1,672
+hantaviruses
+c-span
+pianoforte
+47sec
+buble
+frisson
+nilambur
+nucleate
+sextuplets
+alar
+disaffiliate
+narain
+23.51
+aristotle
+highjump
+natolin
+headlights
+riemenschneider
+salvemini
+nesbit
+reactionaries
+maharlika
+estell
+dfj
+diblasio
+zhirinovsky
+chernoff
+jacobian
+indarti
+all-important
+nava
+90.53
+kameoka
+enriquillo
+26.65
+biljon
+halve
+www.carnival.com
+andaluza
+fri
+zosimus
+formula_35
+anti-rent
+categorized
+sanitized
+snatching
+fucus
+stoneham
+eliakim
+wicked
+duleek
+nul
+9:45
+perton
+laleli
+fuhwa
+14:26
+61.18
+idar
+previn
+centennials
+karanth
+chamberland
+wittenberg
+www.ninds.nih.gov
+krell
+newswires
+ewww
+lakewood
+chlordane
+asdt
+brzeźnio
+kleintop
+rpcs
+scuzzy
+tumulus
+dagne
+oooooooooo
+eberstadt
+hynix
+impugns
+oldboy
+bankbook
+aleisha
+interposed
+ouseley
+vilseck
+maiellaro
+kunyang
+gandini
+kūh
+arboretum
+syers
+hendricks
+loganville
+calzolari
+mouths
+rfid
+abdisho
+2086
+reparations
+osnabruecker
+käsebier
+gereja
+folge
+tofting
+124.63
+07
+antheil
+lykken
+al-jahiz
+fanta
+xstrata
+mangels
+lorikeet
+fonds
+two-reel
+mittelbau-dora
+nbd
+stifles
+rosia
+sciascia
+cardigan
+earles
+formula_111
+mouzone
+yamane
+hemal
+ogallaga
+inscrutably
+dosing
+blood
+http://members.aol.com
+cauer
+sekhemre
+giosuè
+heatwaves
+moruo
+fd
+poile
+adaro
+65.80
+kerckhoff
+deadpool
+puławy
+sakakawea
+pashkov
+toulon
+jumna
+bonab
+uchiyama
+balzan
+easterday
+21/32
+utsugi
+iner
+a-terre
+kuol
+klis
+bkm
+senatobia
+euramerica
+movies
+dharmachakra
+swcc
+dobiegniew
+7,630
+asv
+wild-eyed
+echinochloa
+mangubat
+coincided
+roxanne
+geol
+miseria
+paisaje
+hohenschönhausen
+postdoc
+frutti
+bosiljka
+heidel
+grails
+birdville
+ncbs
+tarhuna
+lope
+leht
+employee
+nevinson
+lanzarote
+inquired
+seefeldt
+rupnagar
+jeremiah
+barasoain
+7-on-7
+ngāi
+scic
+triallist
+jeziorki
+balayogi
+chocolatier
+terrific
+rainsford
+unprovable
+nasipit
+tsitelubani
+mitzeee
+vocational
+http://www.sun.com
+transcendentalists
+gaio
+shuvee
+carpeggiani
+anchorites
+gargash
+spamcop
+tevye
+1/2cup
+lukovica
+1.2935
+pasteurization
+tamby
+eisenstaedt
+re-releases
+stralsund
+humanae
+retalhuleu
+scavenge
+vaugrenard
+entrada
+29-foot
+pidha
+mainstreamed
+kazutoshi
+kurumada
+bratcher
+companero
+11-cent
+euro168
+bernstine
+rhomberg
+asterisms
+mandjeck
+reefer
+q400
+squadmate
+0037
+blaylock
+10.30
+zvenigorod
+abandon
+trimix
+awnings
+57.89
+three-meter
+usair
+homewood
+rapanos
+makomanai
+requisite
+hertel
+122.9
+libitum
+reworking
+butterfly
+lelber
+gudermes
+rosengard
+laurynas
+corymbia
+five-times
+bosra
+3,416
+polaner
+1.2-meter
+aprs
+bazhanov
+174.2
+118.9
+vacuumed
+cavedog
+deka
+subjects
+28.40
+bhaji
+1h10
+deonarine
+soccio
+yushun
+javanese
+shergill
+з
+wuhrer
+8-point
+2002-3
+motohiro
+14.15
+kookaburras
+hazani
+halder
+couse
+flimsiness
+zlata
+ideen
+exemplification
+norborne
+icehouse
+crowther
+libéré
+tnuva
+ballon
+mesadieu
+bruker
+stuka
+selome
+khotkevych
+nematollah
+cryptopsy
+circuito
+faught
+tascon
+grassmere
+3:26.00
+gironde
+optically
+marinol
+7030
+consorcio
+undershot
+neumayer
+chivas
+syndicalists
+reducibility
+bounteous
+hypochlorous
+jackalow
+chanak
+niemen
+uclaf
+factor
+pheomelanin
+4,960
+15.20
+eurema
+kyin
+schembri
+i-26
+petzschner
+31.04
+brusco
+quinter
+demchugdongrub
+monton
+showstopping
+duen
+bjørnstad
+carreño
+phase-space
+omnia
+paresis
+aknowledged
+al-sadd
+pangburn
+matejko
+moselle
+dardar
+rouco
+dutty
+self-governing
+bedri
+noite
+bagre
+merksteijn
+nearer
+94.5
+sacagawea
+machil
+gerety
+kori
+copulate
+guía
+1320s
+excelling
+303.8
+british
+24-0
+natel
+innovator
+beaugency
+rolnik
+abercorn
+burevestnik
+rawhi
+todesca
+manna
+cardillac
+justiciable
+romp
+ellner
+praised
+acicular
+staver
+varalakshmi
+sebadoh
+loncin
+dimboola
+kielce
+package
+thermoelectric
+bhagiratha
+kolhapure
+nacido
+backgrounders
+cytotec
+lof
+ship-owner
+siyah
+interesante
+geotextile
+bogert
+ijn
+whimper
+steppingstone
+mortalities
+shovkovskiy
+segregationists
+telefonos
+tetrachloride
+saivite
+varan
+liberale
+dribble
+melancthon
+tomy
+3,383
+stratta
+ahmeti
+190.5
+sherbakov
+800-metre
+bc3
+okinoshima
+heese
+wandervogel
+onat
+pleaders
+shubei
+grackle
+ahmer
+bilayer
+doumar
+intisar
+farmlands
+makau
+waalo
+74-76
+walkway
+chkhartishvili
+llegue
+pelican
+gocha
+biocryst
+financieros
+http://www.seattletimes.com
+caravaca
+bal
+bowfin
+prudentius
+mid-1947
+kote
+codacons
+niranjan
+satpura
+71.61
+sidamo
+shanhaiguan
+4-33
+stockpile
+clubb
+isb
+monod
+alyn
+free-lance
+freemans
+fissure
+hitting
+lockean
+corporis
+foley
+roseneath
+mobily
+lowry-corry
+mendillo
+squeaked
+craigslist
+falcão
+prabhas
+morally
+pecoraro
+under-15
+rutstein
+samokhvalov
+patrum
+macys
+scelsa
+mict
+well-used
+oomph
+0.475
+actores
+klinikum
+plowright
+layth
+bergfors
+tummler
+(714)
+20.77
+hereford
+ascender
+vilmos
+khaz
+oratorios
+100.22
+executive
+kapunda
+17:00
+re-activation
+mmtc
+kaiser-wilhelm
+daldry
+hadithah
+giblen
+dharan
+connoisseur
+fukie
+acupuncturists
+silverblatt
+gunsmiths
+rateau
+judenplatz
+anti-israel
+colouring
+zovirax
+ggg
+irish-americans
+2,707
+paymah
+mizuno
+nxe5
+celebreality
+harki
+sidko
+mártires
+malach
+sundae
+cnas
+exitosa
+citibank
+d'allemagne
+metamatic
+mejdani
+poobah
+mangwende
+escrick
+khoshab
+retardants
+lebeouf
+hobden
+98-97
+springbank
+fifpro
+lhokseumawe
+guillermin
+romack
+opportunities_los
+armstrong
+vertebra
+precast
+squint
+fairings
+jesse
+tình
+ruffy
+wookiees
+extraleague
+karpat
+terminalia
+lembaga
+religious
+jaunts
+1.5550
+cheney
+crumble
+pni.com
+antenatal
+marktredwitz
+aquae
+maybrook
+xishuangbanna
+parnthep
+1-67
+mangku
+xavier
+aborting
+shagrat
+torchia
+vandross
+17.77
+veste
+zhancang
+speakerphone
+nca
+1,027
+ealham
+2001-2008
+mmb
+board-certified
+sebbag
+parise
+barmore
+2.96
+28.59
+sambra
+eigth
+lycurgus
+sigalas
+orphnoch
+khloe
+cloisonne
+13-16
+1/4-inch
+mid-body
+uren
+souness
+piscataqua
+gogi
+efim
+sisal
+mcgimpsey
+sanousi
+abitbol
+massoumeh
+multi-image
+manhole
+borsuk
+monsalve
+fifers
+delfin
+t10
+34.61
+lagunita
+222.4
+ncba
+s&w
+lechner
+exobiology
+syahputra
+mithraic
+kerney
+lindsborg
+exhibition
+schwalm
+71-73
+oleguer
+potus
+sauvage
+pedophiliac
+112.68
+single-sided
+2105
+coherentism
+malave
+kempin
+bluffdale
+distintos
+armers
+sebastiao
+gadolo
+regrant
+glazer
+railbus
+kalinga
+jabr
+doggy
+cullen
+fruitfully
+springborg
+m-day
+continentals
+bugajski
+bouzereau
+pardos
+gershengorn
+5-for-18
+kinross-shire
+tomorrowland
+walmsley
+266.5
+eyestripe
+7:27
+brandenburg-prussia
+ringnes
+ontological
+1st-4th
+shootist
+weather-resistant
+xiushan
+symbiotic
+cardetti
+zoma
+svec
+8-by-8
+rosellini
+origines
+monné
+shubik
+127.17
+authorized
+tropa
+jekyll
+capos
+indische
+subversively
+visn
+mashharawi
+mages
+democratization
+patagonian
+anm
+prajadhipok
+kneiphof
+distributes
+emerich
+cannibalistic
+nuhu
+hayford
+hambrick
+medea
+5-cent
+bellush
+fraunhofer
+suradji
+person-centered
+arisa
+toothcomb
+spar
+apdj
+amana
+janicek
+anoushka
+4.67
+siloviki
+argyle
+ehc
+72.25
+bogan
+kaiso
+westbroek
+hyperaldosteronism
+i-35w
+bucaramanga
+scarron
+tunny
+mazeaud
+kenneally
+sone
+bidoun
+1941-1945
+r-3
+jackhammer
+lja
+soldato
+reoccurs
+kavulich
+nntp
+swalwell
+minister
+self-sustaining
+mapquest
+brunn
+sesssion
+phonographs
+panadura
+atmospherically
+35-16
+janks
+maraniss
+gold-coloured
+kraits
+steptoe
+bdeir
+tri
+waialae
+fistfights
+4,710
+syntactical
+corcomroe
+hedging
+södertälje
+pennant
+roshcha
+short-film
+dangerman
+seely
+florey
+ptak
+120.68
+peplum
+sonet/sdh
+880-yard
+loretta
+wed.
+19-nation
+ventress
+quicksilver
+samia
+embracing
+aarschot
+99-94
+chouteau
+jeckyll
+hwah
+fugit
+think
+3,651
+guest-star
+buspar
+craxi
+mandara
+tulk
+shagbark
+forehands
+blanketing
+enrages
+cochinchina
+tinnemeyer
+polish-swedish
+2,470
+haddadi
+distant
+wally
+chowing
+emilie
+question-and-answer
+200million
+f-106
+suyatmo
+naray
+labella
+ramaley
+kiyokawa
+shayr
+painter
+unfulfilling
+gesher
+reisman
+čáslav
+jägala
+cantarini
+armed
+27.53
+barile
+neógain
+octopussy
+bibiena
+deployed
+iganga
+saletan
+stanaway
+fl
+mid-1988
+gwanda
+wilman
+chelonia
+azeroth
+cecilia
+hinchcliffe
+corf
+repetitiveness
+khalilzad
+webshow
+f.c.c.
+hydroxy
+pensive
+bpr
+sortie
+1430
+roselli
+shiota
+mailroom
+sreenivas
+.480
+zevalin
+8.09
+karbo
+14.74
+ithaca
+pilas
+baraboo
+aesir
+sorosky
+bendinelli
+specializing
+kligman
+39,400
+puffin
+mccanns
+maramureș
+sasu
+milian
+teleco
+tanum
+61.5
+lalabalavu
+semi-finals
+tvedestrand
+longstreth
+reveles
+kulatunga
+wattis
+koehl
+zevs
+águeda
+adelina
+koroi
+cigar
+canalis
+1120
+rajyavardhan
+ipsf
+rachou
+habré
+austerity
+(828)
+labored
+yeen
+kingsley
+upazila
+mandelbaum
+oktyabrskaya
+vågan
+jiuhua
+gurwitch
+ovingdean
+ganong
+mid-1700s
+duodenum
+prefer
+shobo
+wolfsheim
+尚書省
+600-megawatt
+ginevra
+wyalong
+hyperborean
+devereux
+cilea
+coperation
+reiver
+carelessness
+elebits
+peiser
+nangahar
+tartness
+baucau
+mahavidyas
+couleurs
+4.29
+grabner
+rhône-poulenc
+cauberg
+encountered
+americanize
+kuching
+posicor
+hookah
+kolles
+decstation
+re-occupation
+naqi
+labials
+lebenthal
+zinnias
+countesses
+gavrilenkov
+fuhrer
+edmund
+7,440
+28.1
+midgett
+sisulu
+misericords
+dolgoprudny
+data-mining
+topscored
+then-state
+gorelick
+counterinsurgent
+fonteyne
+dublin-born
+agoraphobic
+rosenfeldt
+coker
+alief
+wringer
+lushun
+belluzzo
+bicks
+azzoni
+misjudge
+bridlewood
+kozlovsky
+oesterreichischen
+brahmagiri
+pinecrest
+nongenetic
+d17
+14-state
+sharpstown
+gopala
+1,900
+letran
+nabbed
+100-megawatt
+talek
+notimex
+luzi
+likelihoods
+bonnycastle
+binocular
+loomba
+231.1
+2003-4
+mop-up
+fredson
+moncalieri
+www.boston.com
+dogstar
+nyando
+pismo
+101.57
+loffreda
+gunnedah
+38-26
+rono
+corgis
+yanagi
+cubillan
+indicatoridae
+bath-house
+owney
+allopathic
+slfp
+11-27
+smillie
+cayce
+diapers
+pallenberg
+ahady
+ticotin
+swissair
+67.7
+greenmarine
+kitaro
+burkinshaw
+cristino
+skyboxes
+52-week
+plf
+fisken
+grupo
+ageeth
+grindelwald
+qabrikha
+solorzano
+menomonee
+hindusthan
+short
+***
+platters
+9nb
+confabulations
+cedars-sinai
+lexically
+conspicuously
+murdostoun
+degrading
+antolini
+noone
+fedotenko
+teen
+recordbreaking
+limoux
+malema
+martianus
+sub-schools
+downunder
+kink.com
+batsch
+250km
+akihisa
+61.27
+foral
+counterbid
+kururi
+mcramerglobe.com
+berkovits
+58.77
+romerike
+remos
+groenink
+autoweek
+abadia
+9,410
+commmittee
+perske
+939th
+memetic
+unwalled
+margrethe
+yha
+martire
+iron.acquiremedia.com
+julita
+questionnaire
+grecu
+wers
+ruel
+wenjun
+7:42
+dr.med
+slab
+lusting
+suparno
+tallapoosa
+łoniów
+radulović
+smirking
+weisser
+leathers
+fuel-cell
+grebes
+zooxanthellae
+electromagnetics
+semi-classical
+disappeared
+dinty
+subprovince
+stenciled
+chenzhou
+selander
+bathing
+nxc6
+inciarte
+villacorta
+16s
+durieu
+angelyne
+sodexo
+lomond
+guideposts
+nerdist
+jagoda
+zoolander
+kadiatu
+caslaru
+2-78
+tenzin
+shenghua
+discretion
+grulac
+jacamars
+ganpat
+euro75
+dome-like
+sokolniki
+ldf
+2,106
+vilamoura
+unconfined
+oilsands
+321
+644
+67-ball
+acho
+lobo
+gedalia
+crawley
+myogenesis
+61-59
+8-0
+thirty-seven
+trzebinia
+foams
+duplicators
+tosa
+dramaturge
+vapidity
+palaeogene
+drs
+bit.trip
+orotava
+randazzo
+skillman
+miletus
+c-quam
+tuffey
+aquafresh
+musudan
+12-city
+beltrame
+gong
+wackiest
+1957-1958
+virar
+hurghada
+olia
+government-sponsored
+ágreda
+sharlto
+gross-rosen
+aucas
+matin
+chaleff
+hawk-like
+wendo
+moirang
+overheard
+sueno
+66.66
+sensations
+spitzbergen
+sidorsky
+d'amelio
+cabranes
+gyron
+verses
+open-access
+objectifies
+petersburgers
+microcosms
+636,000
+chorea
+perindopril
+pálsson
+miesian
+johnsbury
+paraje
+surtax
+capgemini
+fascial
+paabo
+interchanges
+moserova
+counter-drug
+ftaap
+mutahi
+mikhailo
+3,263
+phonic
+harmony
+parga
+distraction
+neurological
+89-88
+cicerone
+grazia
+37.95
+sarra
+groupthink
+morong
+spongers
+bulgargaz
+38,915.87
+humidor
+aubusson
+gloriam
+get-go
+graz
+state-wide
+27,800
+codice_1
+parni
+aso4
+semi-private
+manipulate
+totius
+berghof
+landwind
+bye-bye
+econometric
+euro559
+volunteer-led
+22-umit
+mikoto
+drier
+17-years
+tnk
+tongjian
+havlíčkův
+aligarh
+fjelde
+uryū
+fuji
+slaving
+seminars
+oettinger
+naias
+25.08
+kessler
+reppert
+chippy
+toyopet
+по
+urbaine
+blog.seattlepi.com
+stabling
+kuney
+ruahine
+napoléon
+1339
+conservations
+backfired
+etting
+brokered
+halbfinger
+samarjit
+130-ton
+dhere
+1741
+kashin
+passignano
+461st
+forest-savanna
+villafuerte
+bain
+veered
+economia
+mfi
+1,666
+synergen
+hacker
+tsukiyama
+tatianna
+zambezian
+omri
+kassites
+estabrook
+grady
+liska
+chemor
+oils
+vries
+gnarr
+naegeli
+rasinski
+dostoyevsky
+khushal
+21-christoph
+miroslav
+creator-owned
+longs
+ricciardi
+senga
+methods
+midrashic
+chellie
+acetaminophen
+troopers
+thrills
+maccabee
+combinations
+palen
+moorebank
+melancholic
+shii
+iron-rich
+broye
+malmsey
+ormont
+1,194
+danze
+palk
+stubhub
+humane
+3-bedroom
+4,720
+coorsh
+barbiero
+kerzner
+contursi
+multimillionaire
+599th
+a4
+gajevic
+sardonicus
+gallagher
+meagher
+eventuated
+uba
+jallon
+galifianakis
+selimović
+202-473-1819
+stripping
+ecla
+unchangeable
+nawf
+limpar
+nerma
+0.029
+corthron
+everage
+deoxygenation
+dirioz
+1790
+centauro
+twersky
+69-72
+hosaka
+hearken
+stickle
+crovan
+vedomosti
+spareribs
+prinzhorn
+prose
+boldin
+fortinbras
+rental
+26-30
+45.90
+lixin
+2,300-mile
+anacrusis
+tearjerker
+dybwad
+biphasic
+frequenter
+gg
+c5
+9.80
+lavoro
+sternal
+transaminases
+wenzao
+행정동
+dacheng
+queenslanders
+assocham
+51-39
+12.76
+ethmia
+hialeah
+denoix
+whorwood
+f-104g
+42.21
+perk
+pyogenic
+antonova
+vermejo
+campanella
+13-22
+unthreatening
+funcom
+dalcin
+determine
+hearst
+goa
+backache
+rubescens
+seraphina
+63.77
+ditzy
+hilir
+ibp
+breh
+pietists
+'08
+sub-17
+schondelmeyer
+18.54
+1693
+sheboygan
+fumento
+mcmeniman
+ru-486
+carri
+:48
+accouterment
+poses
+bacons
+sagoo
+single-layer
+skookumchuck
+table
+newnham
+tarchaneiotes
+gymnasia
+esrc
+sfaa
+garciaparra
+gionatha
+memons
+swordfight
+headquarter
+beek
+c40
+tefnakht
+midsayap
+dounreay
+chartes
+garecht
+unveiling
+relent
+nobelity
+tugboat
+eochaid
+sveinsson
+minervini
+amadiyah
+martindale-hubbell
+blockade-running
+horchow
+sāmoan
+nipped
+imprecise
+flivver
+prerov
+2227
+superfund
+selby
+maluleke
+muv-luv
+changde
+45.01
+'
+collver
+euro327
+departmental
+baup
+peierls
+cavada
+fadillah
+habibganj
+consolation
+robel
+pletcher
+early-stage
+dubbers
+massoni
+brân
+bamileke
+artbooks
+deakin
+3,671
+bedouin
+116.88
+republican
+surinamensis
+ns1
+iv-c
+newham
+diet
+hotjobs
+gr8
+langness
+iesa
+heirloom
+nobler
+150-member
+graduated
+dogpile
+deibel
+stenholm
+fahr
+troilus
+janša
+hearkened
+mittenwald
+becklean
+5.4-meter
+bands
+rcaf
+albarino
+vocale
+197.8
+brega
+43.55
+chengelis
+duhan
+locustellidae
+10-course
+olivi
+priebke
+realising
+137.7
+breechblock
+palomar
+4-square
+foys
+duronto
+diradical
+hypocrisies
+linked
+paten
+697
+massawa
+phs
+shahine
+gurbachan
+allodynia
+regionalisation
+55-41
+1.3980
+thoros
+19-percent
+pasco
+ashenden
+mahalleh-ye
+inadvertently
+slab-sided
+redding
+fba
+freeling
+enochs
+hieron
+2,034
+instantiation
+sèvres
+19:00
+masalskis
+hafnarfjörður
++2.25
+masdar
+(617)
+nlr
+d'ulisse
+muyongo
+mosteller
+http://www.pacom.mil/
+ellenville
+jenniskens
+avetisyan
+sayonara
+aprobacion
+gravatt
+millionths
+forty-foot
+best-remembered
+norteamericana
+g/dl
+5,975
+xiaobo
+dağ
+truste
+letty
+taves
+smashed
+8:7
+cereal
+shindig
+pvr
+khalwat
+monacelli
+rimrock
+adelaar
+vitalone
+148-run
+squeeze
+wetteland
+vovk
+misidentified
+abernathy
+orangery
+allsup
+duchemin
+fachhochschulen
+ca8
+ibérica
+stewartia
+hatin
+mukarram
+1.117
+amyris
+rwamakuba
+lstafford
+rimvydas
+feferman
+igaya
+zmodem
+unik
+zenobius
+aust-agder
+fermion
+4,750
+1907-1910
+ropley
+6-16
+petronio
+30-32
+bucuane
+deniz
+weitling
+shackle
+fraternité
+vicar
+30.49
+michelia
+grbs
+elte
+cheste
+hillclimbs
+hackert
+panto
+ondi
+1.227
+pathogenesis
+shocking
+hesketh
+shilpi
+maounis
+7a
+stroemberg
+behrmann
+axolotls
+baztan
+2,054
+silvermine
+wftda
+dodged
+egnatius
+grrrl
+slavi
+shopowner
+versaemerge
+dunelm
+j-shaped
+gordonii
+perturbed
+relegation/promotion
+29.86
+jayendra
+kahnuj
+lorentz
+pretest
+ibj
+tabbara
+catarrhalis
+histories
+100-proof
+http://web.nytimes.com
+12,450
+sanding
+pavlin
+karyaka
+msta
+tayebi-ye
+blanched
+agroecology
+21.65
+prograde
+yarrawonga
+4.8-kilometer
+321.8
+al-qahtani
+nandigama
+23.4
+comorian
+avanti
+24-11
+59.53
+alestra
+zhouqu
+hulon
+4:55
+destabilised
+interlocutory
+superstardom
+nykesha
+skeneidae
+2,962
+granddad
+silchar
+centrism
+megahits
+husayba
+mineshaft
+tegra
+bawdy
+lualaba
+1,858
+kusama
+cycas
+supernaut
+herbert
+lebedeva
+76-seat
+larrieux
+clinique
+beber
+toddle
+janjira
+vandehei
+thanaporn
+glassheart
+valueclick
+sherden
+124
+eardwulf
+hakeim
+subscales
+objectify
+war-like
+contemporáneo
+jerrold
+berkovich
+77.94
+wubbzy
+fulbe
+moffit
+sullavan
+subnets
+radzinski
+.443
+benyamin
+plancy
+water-tube
+xrf
+quilliam
+littler
+narsinh
+m/s
+715
+tempa
+zalyotin
+taplejung
+ludwell
+consultations
+linnen
+51.49
+daedelus
+78-63
+phrenologist
+pesch
+nameplate
+cardinia
+björkö
+646,000
+u-40
+interest-based
+frankivsk
+chalsty
+tinelli
+skygazers
+pannonhalma
+wumen
+chernyshev
+2.23
+commercialising
+zingales
+tasrail
+lupatelli
+bitung
+anti-obesity
+incomers
+opentype
+jesting
+cleare
+soie
+boncourt
+monjas
+azm
+furo
+camra
+conspiracy
+chooser
+confederations
+robocon
+26,900
+limeade
+buzzword
+francique
+mahamid
+prefabricated
+alka-seltzer
+chilliwack
+nistlerooy
+tonal
+messageboard
+ecas
+laco
+klam
+zobahan
+keepin
+35.37
+prabhakar
+polus
+brok
+randia
+gurab
+agunah
+mbpd
+erotica
+darthard
+seventy-sixth
+sandf
+nuzum
+ogemaw
+benefis
+soybeans
+amaranth
+savu
+r4000
+datt
+awda
+73.47
+distinguishing
+ingersoll
+gertz
+i-25
+hennop
+prism
+particulate
+smythies
+arek
+blackhill
+satului
+konteska
+marlar
+page
+osyth
+ditmar
+desulphurization
+rosalita
+bayaman
+melting
+rueppel
+nasra
+renauld
+targ
+propitiated
+eighty-one
+1,268
+elemer
+folkman
+marling
+kocic
+belsk
+nuchal
+hensarling
+tsunekazu
+euro434
+formula_5
+symbolising
+jupp
+help
+questar
+utilis
+fine-structure
+bansud
+amaravathi
+reclaimed
+reger
+roquebert
+bedandbreakfast.com
+moskaluk
+caparisoned
+satellite
+cemboard
+65-55
+mccullen
+paolella
+caughnawaga
+fucking
+non-credit
+lindstrøm
+andirons
+bepicolombo
+vince
+cerebral
+colinet
+remedying
+iga
+pfaa
+strategists
+fatih
+taramis
+tamsen
+shotting
+dukun
+crashgate
+pardoned
+ederson
+tōno
+claras
+swannell
+reem
+malanów
+pleasantville
+shawish
+vacua
+verkade
+and-7
+jeanne-marie
+shrien
+appt
+carreteras
+haunting
+orbital
+palaeontologist
+mvnos
+pen-name
+soza
+bily
+4-of-10
+flystrike
+cutaneous
+renick
+jonas
+shootdown
+hfpa
+angband
+2,196
+critico
+brandir
+palatable
+mau
+trpanj
+15-player
+archiver
+brancaccio
+yatsu
+thrace
+inbound
+tasneem
+tavernise
+hurl
+lel
+collines
+bedroomed
+colombey-les-belles
+ardian
+unigov
+marocaine
+tapan
+consistori
+tefl
+languishing
+vikhroli
+45-64
+bottcher
+skeets
+unequaled
+eppolito
+amco
+62.40
+salamander
+gatherer
+brucan
+0.047
+brahmos
+gaspin
+radiographic
+seventeen-year-old
+jfk
+sahakian
+interahamwe
+llangurig
+jaq
+49-year-olds
+marjana
+111.80
+passer-by
+saguaros
+baize
+purnick
+103.40
+ottl
+skeggs
+sultanpuri
+parmer
+3,538
+longobardi
+cayey
+tsolekile
+adeniran
+mexique
+voir
+amaterasu
+kosir
+forceps
+issarak
+suitland
+griesinger
+mahrous
+71.55
+20.25
+dilutes
+hodzic
+harps
+heah
+sheftel
+sutharoj
+2202
+usui
+k100
+onufrienko
+bermudians
+hausers
+belzer
+bacashihua
+consob
+sulfonate
+ninguna
+warin
+nebeker
+72.92
+140kg
+industriebank
+soru
+granta
+rickm
+caius
+marinaro
+hofmannsthal
+terrastock
+kolpakova
+chargeback
+dallenbach
+török
+mesquida
+veasna
+partium
+tribe
+ghc
+clallam
+pme
+vasse
+033
+changsheng
+tianxia
+kuldīga
+felch
+proprioceptive
+sendirian
+spc
+zoroastrians
+end
+straightway
+lerum
+andelman
+kuhrt
+nonfiction
+second-busiest
+14.92
+bahrein
+subnotebook
+wasp
+jumbled
+walleyes
+balarabe
+-3.1
+krasniqi
+maximus
+straight-4
+seatruck
+speared
+vrhovnik
+anomalous
+viktorovich
+hellstrom
+saltbush
+earthscope
+bergoust
+avera
+rulli
+szántó
+tccc
+saprobic
+hanegem
+decaro
+co2
+sheringham
+superkart
+two-wheelers
+poplicola
+kythira
+ornithology
+http://www.fbi.gov
+loga
+rotuma
+stenalia
+lhota
+walon
+foolscap
+tad
+wsj
+dynkin
+immmediately
+399,000
+coosje
+1933/34
+exudes
+paramedian
+depicts
+craddick
+corsehill
+perjuangan
+lawe
+brackish
+hôtel-dieu
+saurus
+alhambra
+72.62
+gittin
+viqueira
+denver-based
+werowocomoco
+1954-55
+guberniya
+lingka
+matrona
+moncure
+kempenfelt
+blabbermouth
+contrivances
+aptx
+afsa
+kayyem
+scheurebe
+buttram
+bolkus
+easterner
+atrial
+cartographical
+bye-laws
+bhil
+1,209
+hunter-gatherers
+estuviera
+lashkari
+racemare
+wa'el
+guesthouses
+nesar
+perlaza
+onoba
+thare
+baun
+empowering
+51.85
+43-nation
+pushdown
+117.22
+rhéaume
+niederauer
+bisan
+jenalia.moreno@chron.com
+valastro
+iscariot
+babwin
+overemphasized
+therein
+buttrey
+cyclohexane
+gallet
+priestner
+manchurian
+volos
+parapets
+colyer
+supari
+himars
+ramalinga
+teshuva
+saens
+1627
+hamili
+unprofessionally
+f&b
+200-strong
+bersani
+rosewall
+13:32
+enterra
+borrower
+baillieu
+superhuman
+coigny
+afcs
+6-week
+multihit
+sadhus
+jinlong
+reverends
+italians
+uncleanliness
+quasi-religious
+chad
+descend
+35.54
+ipec
+1.93
+quentier
+impactor
+wladawsky
+clastic
+abrahamic
+jaurès
+chi-square
+pntr
+streamline.com
+lambarene
+boonjumnong
+momcilo
+possessor
+half-time
+poesie
+solenoid
+stoneridge
+rebaptised
+encouraging
+flouride
+d.a.
+customizable
+1,033
+glutamine
+prejean
+matchfixing
+tripucka
+lindman
+canticum
+mayoralty
+digiorgio
+1267
+txucom.net
+girsky
+longer
+jackknife
+blatas
+hafstein
+calc
+guyatt
+resiliently
+mixed-media
+johannesburg
+conventionalized
+m/h
+her/his
+sugarcult
+polio
+küchler
+schmoller
+abashiri
+spotlight
+minus-11
+gudenus
+świętajno
+lenat
+falstein
+mururoa
+riyal
+30-25
+8.77
+putsch
+samajam
+,470
+vh-1
+squantum
+lannisters
+augusto
+milewski
+goblins
+hornick
+mignone
+369,000
+kawakubo
+alzado
+heeter
+tni
+nyt7
+lucano
+additive
+grunting
+atsuo
+dabaya
+zhaorong
+gillmeister
+gastrocnemius
+in-depth
+29.41
+scalpers
+run-through
+secrist
+datacom
+frodo
+habitational
+rocketi
+zanj
+mutinous
+beenie
+p-adic
+lenhardt
+urinal
+townland
+pmm
+explicitness
+berretta
+libani
+sośnie
+jochum
+pre-med
+kornienko
+kaulitz
+enlightened
+nafis
+letmathe
+creveld
+rosenwasser
+coalitions
+finke
+narcos
+chongmao
+outfitters
+enchaine
+fakes
+bourbon-parma
+decrements
+conferencia
+verkhny
+lilac
+nurminen
+bioterrorists
+gain/loss
+vitous
+saverin
+yamla
+ecorse
+8.88
+thăng
+30-goal
+opisthorchis
+73.26
+standeford
+unreel
+slat
+m8
+70.25
+1.3000
+kirchschlager
+tarifas
+24a
+basolateral
+meolans
+prosa
+meidl
+dulcimer
+haikal
+830s
+1037
+francisca
+eurymedon
+huggin
+coq10
+rincón
+khushab
+inteko
+havannah
+rookmangud
+pyongang
+4,084
+krungolcas
+110-mph
+r28
+dipped
+52-52
+120.48
+mercato
+fifth-century
+logie
+indefatigable
+bente
+aie
+0120
+argostoli
+skipped
+darchinyan
+acbsp
+co-occur
+1-hour
+creaking
+specific
+albertville
+british-born
+mommsen
+132.3
+notebaert
+microfinancing
+goudhurst
+marginalisation
+rtls
+conformity
+moita
+eystein
+vinciquerra
+byrom
+indri
+gleaner
+joynt
+paharganj
+i9
+.9997
+vågsøy
+amata
+gasthof
+klyne
+łosice
+tpsa
+portzamparc
+greenman
+wiegand
+bohemia
+3,163
+one
+96.34
+lajjun
+n'awlins
+118.0
+gotland
+70-page
+bracketed
+south-to-north
+ahra
+899
+dravograd
+birthweight
+landazuri
+48.56
+huggers
+6,960
+essences
+woodpile
+mleonard
+stamboul
+taekwando
+flugzeugwerke
+blowfly
+lifestock
+wastebin
+datafeatures
+brisbane
+gruntilda
+corsetry
+māui
+pergo
+kandie
+oscar
+meatier
+kawato
+136.50
+hecking
+bookman
+30.33
+cems
+lupi
+provincially
+caribbeans
+macka
+atis
+reykjavíkur
+yitzak
+meiselas
+csi
+xindian
+coziest
+wiśniowiecki
+thohoyandou
+nine-minute
+formula_20
+1.367
+talsi
+flattered
+antibonding
+73.61
+dirge
+366
+pandavas
+merenberg
+envisage
+sukhumbhand
+bewitching
+a_21
+ad-free
+polytropic
+2,048
+froment
+monilifera
+canadian
+wail
+ibn
+gussying
+takami
+all-japan
+non-japanese
+lison
+handholding
+bradwall
+jassim
+báb
+non-specialists
+karachaganak
+ednaswap
+avms
+tsygurov
+anti-crime
+inbursa
+anschütz
+laned
+mucke
+pleiotropic
+bergman
+sanctums
+73.95
+charlson
+bca
+tdsb
+okudzhava
+escondido
+kaibiles
+mapuri
+schistosomes
+a_18
+pantera
+maryland
+6:21
+sugars
+lodish
+dubinsky
+tincture
+cnms
+backstrokes
+kaspi
+carabiniere
+markian
+collimated
+saint-mihiel
+tamari
+52.32
+innisfree
+rishworth
+10:38
+asasekiryu
+gettis
+abysmal
+greenlighted
+cop16
+gagloyeva
+hwkellenberger
+consquences
+goolwa
+ankylosaurus
+lawyered
+falconi
+1900-2000
+prexige
+haves
+berg
+geert
+tehuantepec
+fedrigo
+thevenet
+balıkesir
+alcopop
+icsu
+narges
+natkin
+flycast
+tarnogród
+gesneriaceae
+25.80
+multiethnicity
+22-10
+destabilisation
+stourhead
+elchin
+hext
+musavi
+dunums
+vidant
+wickedness
+asmahan
+hazlet
+08/09
+shoveling
+laissez-faire
+aleka
+phahonyothin
+handfield
+30-cent
+z28
+ridden
+gcsi
+gummere
+jailors
+pulmonate
+primes
+thân
+manosque
+yangzom
+liou
+åmot
+jinmao
+joensen
+rajevac
+dcb
+ribadeneira
+1,482
+erstwhile
+samatar
+pudil
+keiner
+lrm
+beirut
+dpj
+miserly
+kanrei
+samovars
+nanometers
+-43
+tapeworm
+mannina
+re-creations
+quelqu'un
+beseda
+(626)
+nassim
+hockessin
+sketch-comedy
+chadbourne
+eighteen-year-old
+knighton
+hance
+encinas
+gay-straight
+evangelical-lutheran
+jamboree
+egas
+bhalakula
+assael
+whitefly
+labled
+nansi
+nakazato
+squinting
+fronted
+pawlik
+6:2
+sude
+monaro
+valparaiso
+mid-late
+giudici
+propionic
+dtap
+ugi
+rnethaway
+selective
+unlined
+1.695
+fiorenzuola
+qawasmeh
+colella
+tenanted
+wieseltier
+streetcars
+zmago
+difficulty
+hairs
+zingmagazine
+jafra
+pineiro
+hashahar
+maglev
+23.23
+margi
+shield/desert
+malifa
+electrodes
+1,200-member
+z.
+evading
+lazytown
+albertsons
+29.6
+unsavoury
+ngunnawal
+anele
+anup
+mcneile
+metalurh
+boomboxes
+permeate
+bruehl
+showgirls
+acidified
+tsukahara
+locomotion
+116.38
+mobile
+vinaya
+bedpost
+shiho
+udps
+homicides
+brushing
+vianello
+33.82
+(480)
+breadline
+csere
+corbier
+2,672
+cram
+tuitupou
+35.23
+1967/68
+veljovic
+gorst
+puscifer
+9.2-inch
+rothberg
+strangeways
+kirpal
+rommy
+darkseid
+mecano
+ganaveh
+lifelock
+langfield
+aquiline
+horak
+vols
+a.d
+gansz
+weiner
+ulysses
+one-sentence
+62-60
+ríos
+rafiqdoust
+motier
+honeyman
+wireservicedenverpost.com
+kornberg
+aquaria
+glucksman
+gjertsen
+constitutionnel
+16,958
+powell-cotton
+kelleys
+.21
+bamboo
+sizzler
+hoti
+zechariah
+akaki
+gabbai
+teleprinters
+yagura
+jean-éric
+pauperism
+46.44
+9-cent
+propre
+chlamys
+contrôle
+pistons
+klemetsen
+pliensbachian
+rivularis
+skamlova
+lobular
+voitsberg
+shuyan
+fucai
+faulty
+audacity
+244,000
+masahisa
+1922/23
+ardahan
+cleve
+hambourg
+duffryn
+prescreening
+time-outs
+música
+blasting
+ziercke
+syahnakri
+precipice
+ak-56
+nalbari
+trebuchet
+ephson
+accompanist
+crosshouse
+susanf
+mortimer
+earmarks
+citoyenne
+houtteman
+buckfield
+pezza
+receptacles
+tapscott
+arjo
+jamaatul
+wresting
+sherwen
+gusto
+rosellen
+clitoral
+euronymous
+outmigration
+overlays
+dunblane
+cleckheaton
+rangitata
+picasso
+goulden
+trilling
+sogliano
+nečas
+snina
+mojkovac
+beschi
+zerrougui
+spermidine
+ciutat
+mego
+century-long
+9.762
+capricia
+gameshows
+deburau
+barabanschikova
+64,000
+wharfe
+1.5725
+mineko
+ozcan
+wchinitz
+awcc
+wind-tunnel
+freethinking
+bactris
+luneburg
+co-editors
+adirek
+ionikos
+waley
+leonidas
+plunge-dive
+tuberosa
+dolmabahçe
+wanis
+5-0
+cartons
+torda
+wörth
+ortege
+profundus
+nesters
+geraniums
+subrata
+kucharek
+fuchsian
+tahirih
+remyelination
+resplendently
+feech
+omari
+zeta-jones
+begbie
+galey
+js
+ambiga
+adlabs
+chełmiec
+arbiter
+read-only
+electronvolts
+courthope
+brim
+3-119
+interserve
+valida
+marquis
+species-rich
+mailloux
+to-morrow
+público
+filastin
+burness
+surbahar
+spatola
+pacult
+gmc
+penitani
+energis
+88.90
+roll-on/roll-off
+outlay
+paugh
+polystyrene
+carlgren
+skerne
+lohko
+sulaimani
+lipie
+fyodorovna
+39-page
+matka
+vilnius
+seena
+55-year-old
+damnica
+bruggisser
+colasanti
+tuilagi
+non-sovereign
+jimena
+maeve
+jamnalal
+martyre
+quilapayún
+unstrut
+raisio
+songzhi
+mudurnu
+iwona
+orlova
+hofman
+cousino
+sult
+1,082
+55.86
+exploiters
+neway
+hacaoglu
+wesely
+marcelinho
+dražen
+liveplanet
+tiegs
+clathrates
+sacb
+barbora
+jamahiriya
+femtocells
+kurmi
+singal
+tickers
+peipus
+continuous-wave
+bridgeman
+fusako
+becomes
+shetler
+wiśniowa
+kirilenko
+lidback
+krakatoa
+6/8
+linksys
+vogeler
+baurzhan
+bridgwater
+serums
+denomination
+119.56
+bejabbers
+mavrovic
+euro422
+nickerson
+corwen
+mazas
+dazs
+bowater
+matrox
+bano
+road
+dangers
+papf
+apologists
+737-700s
+belaboring
+featherweights
+olivaceus
+prum
+heirens
+ginga
+11-digit
+praseodymium
+shambhala
+bonamassa
+ewaso
+metatarsus
+newly-formed
+kintbury
+mcnaught
+bugliosi
+chamlong
+kraatz
+panyu
+slashes
+banana
+zissis
+kokkina
+hawthornden
+shāh
+minotti
+ghostwriters
+sarutobi
+berch
+naach
+phenoms
+gren
+corelli
+gushiken
+guanahani
+unwittingly
+aifb
+falchuk
+psary
+kuka
+duplicative
+lapovo
+121-year
+ramakien
+habria
+sv40
+euro197
+sethsothorn
+http://www.sothebys.com
+levi-montalcini
+nonbinding
+occoneechee
+15/16
+mallin
+karnivool
+chaklala
+5-ht3
+lead-in
+saunter
+gashing
+ishun
+tacklers
+blmc
+schmalfuss
+nub
+boyds
+warbling
+claridge
+fata
+series-parallel
+tle
+uso
+canlubang
+xinghua
+tamileelam
+rummy
+eeb
+kaskade
+digimon
+hagerty
+otoko
+goalfest
+xquery
+edensor
+amenhotep
+dillons
+μg
+renea
+cardiologist
+impartial
+tln
+euro282
+eisenhart
+ladou
+pashons
+cut-out
+jayakody
+hamler
+harvick
+militum
+adiantum
+millhouse
+russophobia
+andriessen
+oilers
+skelton
+thielemann
+duenwald
+somkiat
+passiveness
+idiosyncratic
+plah
+ieper
+copson
+kucek
+sundaynight
+murshed
+kornilov
+ognjenovic
+ex-minister
+disembowelment
+enyeama
+'97
+manahan
+styponias
+gj03
+bb3
+lily
+saif
+cleverness
+pistor
+argiris
+re-discovery
+13,550
+binghampton
+battleaxe
+dalyan
+infomercials
+fan-like
+recursion
+rafaat
+solidago
+1974-1978
+pinecastle
+serezis
+taylori
+rebate
+ffl
+kassabaum
+avon
+bessel
+tulving
+130-meter
+eastmain
+tilberis
+left-back
+chartrand
+ploetz
+enlightening
+husting
+brecken
+flipboard
+census
+maradana
+liggett
+zap
+microtubule
+27.87
+18.52
+nauimi
+oeis
+06/24
+varro
+lawshall
+bodmer
+stansbury
+earline
+abbazia
+rosso
+axé
+anterior-posterior
+phrf
+falu
+weggis
+fathomed
+benfer
+yepes
+sebastjan
+keladi
+superdog
+webtop
+rhoshii
+dhangar
+baky
+chianti
+1/8-inch
+44-37
+2,724
+medved
+autologous
+l'estrange
+marshal
+trefor
+konlive
+tatjana
+theurgy
+mid-1999
+outlaying
+wirz
+grinstead
+akmatbayev
+fractions
+vikan
+clannish
+mixmag
+dramatise
+fourtou
+lapenkova
+spotnitz
+3,772
+bilodeau
+winglike
+euro577
+ratchford
+poisson
+raitt
+n-dimensional
+598
+arvn
+magazine-fed
+janney
+debited
+51.48
+gousha
+singhana
+dichromate
+otoliths
+wasc
+boulenger
+femaleness
+qiyas
+tamago
+robbinsville
+propagate
+ucav
+mulini
+revolución
+xingjian
+cantered
+pontormo
+maralyn
+rubert
+palmarès
+predate
+neftegorsk
+ijaws
+hettich
+wirat
+khimik
+yaroun
+thawatchai
+l997
+comedown
+esens
+econoboxes
+internationalised
+mycoplasma
+frustrating
+1,300-kilometre
+rgavinglobe.com
+mip
+gondolier
+gonadotropin
+harper
+massacred
+zoetermeer
+childhelp
+globemaster
+shelford
+1980s-1990s
+104.8
+avoids
+mullins
+aglietti
+97.67
+tokto
+olowu
+epigraphy
+57-day
+b’nai
+sagarese
+supachalasai
+esaf
+94.26
+itek
+72.67
+monism
+stymie
+retour
+grigny
+gtu
+player/coach
+hasibul
+hardenne
+fdis
+pahamin
+vatsyayana
+50-kilometre
+plaskett
+galba
+150-a
+ihss
+overdoes
+risa
+395
+andrewartha
+puranas
+sabzevar
+marnock
+schweinitz
+napocor
+midc
+.85
+coprinellus
+divined
+open-plan
+maroney
+backpass
+moviereview
+formbook
+2720
+boskic
+palasport
+paixao
+dolder
+fettiplace
+kipi
+follo
+bluntschli
+potrykus
+sulfotransferase
+safo
+a-d
+arcari
+gąbin
+klarion
+scu
+politti
+minorities
+rupeni
+cándido
+quincentennial
+arasu
+naturaliste
+rhymer
+kokumin
+shinhwa
+bukharin
+880s
+http://timesunion.com
+rwagasore
+madalina
+lavr
+holowesko
+maghrebi
+bollnäs
+hermosa
+ι
+lutenists
+videotaped
+naumann
+foxtrax
+battlegroups
+shalott
+zhangjiakou
+durness
+antiguan
+ecovillages
+cges
+sized
+huntley-brinkley
+mozambican
+aspherical
+2.8
+mansion
+zealot
+circumferences
+francavilla
+malibran
+rodulf
+77.79
+botvinov
+khata
+5:00
+greatest-hits
+iberville
+unchgd
+do-re-mi
+d'algerie
+weyland
+chaturthi
+45.60
+morini
+shaara
+burgemeester
+outraise
+coupons
+psuc
+henriot
+cessford
+day
+weisshaus
+altoon
+rehana
+cef
+rubberised
+gbagbo
+ung
+madhes
+jdub
+sfcg
+clane
+447
+buford
+21/4
+lanoue
+munger
+20-volume
+ultimate
+10-block
+odessey
+beaucoup
+switchyard
+shearwaters
+cyclisme
+phata
+saint-inglevert
+millicent
+pbo
+liveline
+multicultural
+spitfire
+impressionism
+iosseliani
+trafficking
+specificities
+napp
+24.54
+3,000-square
+66.44
+wordy
+singer
+recognises
+fali
+teczar
+1,059
+madhyamik
+karasyov
+alexandroupolis
+paiks
+limay
+ahlmark
+12-player
+tamburini
+laird
+sahindal
+coerce
+chorten
+splint
+akademiya
+49.38
+cabletel
+clearances
+chasse
+4,535
+joigny
+lazaretto
+aitcheson
+surpassing
+arbiters
+autotransformer
+unten
+1931-1945
+alajuelense
+yaroslavl
+m26
+bighorns
+fasap
+rooper
+papaver
+laïcité
+menn
+creu
+maric
+ferman
+deputise
+owlet
+trickling
+artificers
+yambio
+dejeuner
+borovcanin
+uteri
+62.9
+sounder
+maruo
+ashville
+breña
+shaping
+12-race
+budrus
+raincy
+sagoff
+contrastive
+tonioli
+necesitamos
+hazmat
+faucets
+saunders-roe
+liptov
+imperial
+synapsid
+sanchez
+gökhan
+whitwell
+vav
+swiss
+water-colours
+12,750
+zacharias
+toiler
+mandai
+sociality
+czuleger
+cowell
+čez
+mini-episodes
+gbu
+zbruch
+jaouad
+cobbling
+dohlen
+4-for-9
+killraven
+greenwood
+julienne
+cave-in
+trencher
+enteral
+narwa
+josee
+necochea
+short-necked
+bogaert
+cauldron
+discrepancy
+bromwell
+dsh
+keyhan
+platform-independent
+mfb
+crenshaw
+surjadi
+neater
+assar
+kostya
+bumfights
+115-run
+dustur
+clatsop
+brünn
+waterweg
+196.4
+plemons
+ulpan
+bwilliams
+r.d.
+accessibly
+objection
+doffed
+greasing
+aureo
+language-specific
+ghostwriting
+universo
+penacook
+saiyan
+koesterich
+tsakhia
+25.35
+hypoxic
+outtara
+grammar
+solochek
+1919-1920
+hamzeh
+suka
+mcnair
+enguerrand
+bheem
+kalkbrenner
+microhabitat
+torturously
+xochicalco
+leeuwarden
+meresankh
+(760)
+overreach
+dho
+brannan
+paralympian
+r/t
+891
+tashlin
+daoukro
+d'mello
+gentilly
+reile
+tarnowskie
+unmogip
+3,963
+near-contemporary
+convulsion
+13.88
+onselen
+convertible
+2,926
+denr
+bullous
+sumatriptan
+babysitting
+rolled
+9,230
+17-page
+haninge
+khajil
+mrągowo
+eckstrom
+gueron
+flicka
+edmiston
+whitespace
+escaped
+darshan
+chitungwiza
+hautes
+kuehbacher
+woomble
+perception
+non-celibate
+sheaths
+l-39
+lifecasting
+roue
+re-engineering
+outlived
+european-style
+www.zonelabs.com
+2.3-liter
+herrera
+corruptive
+concealed
+reising
+french-owned
+icemen
+necessitating
+locura
+75.55
+baasyir
+friesland
+sucres
+entomologique
+.692
+w/m
+paskin
+bailee
+tenderizer
+kuchen
+http://www.supremecourtus.gov/
+thunderbolt
+mitchel
+kadare
+khajuraho
+yalden
+casciano
+five-hundred
+jozy
+toodles
+rasberry
+psara
+hoorn
+human-interest
+pepsi-cola
+exposición
+azamgarh
+sustrans
+eloping
+mohns
+l'ultimo
+config
+triphthongs
+fhs
+marchesa
+seanwfz
+hall-of-famer
+proffered
+38s
+wordlessly
+epidermidis
+mythmaking
+satrio
+hudgins
+modellers
+bolaji
+vendola
+popularise
+中書侍郎
+korle
+teammates
+cinquetti
+usrrc
+telerecordings
+blacktop
+sluggers
+roberton
+tocchet
+fringer
+deterioration
+non-test
+1981-86
+nietzschean
+katipuneros
+cercado
+as-said
+cárdenas
+epidural
+laicization
+crespin
+65-6832-8098
+hašek
+47.82
+venkata
+period_8
+hamburgers
+franco-prussian
+at-3
+autoworld
+ciotti
+overstepped
+mutualists
+717-200
+sife
+moncreiff
+recchiuti
+ahmet
+augstums
+frigga
+barresi
+bowlmor
+twaddle
+urals
+kotipelto
+hulsman
+26.21
+1.6
+papist
+potente
+percussionists
+thompson
+karyono
+holan
+11sec
+bedie
+cherchell
+tolbiac
+yerington
+archaeologia
+indistinct
+kikutani
+cratylus
+prugh
+vrg
+lugansk
+pnoc
+canada-us
+8:54
+signallers
+cossidae
+wod
+anantnag
+woolen
+pani
+mayorships
+ahlquist
+29.01
+savills
+pre-1955
+http://www.whitehouse.gov/
+many-worlds
+explosiveness
+noye
+tpn1
+creticus
+bielby
+linesmen_lonnie
+guey
+angeloni
+carabiniers
+kondrashov
+latched
+shahin
+scapes
+googoosh
+tweedledum
+murietta
+17,600
+hohtz
+kuppam
+teabag
+lufthansa
+unenclosed
+takeout
+glassmakers
+raonic
+nyassa
+moreton
+18,125
+firlej
+sloppiest
+rb8
+l-1011s
+carpiquet
+natzweiler-struthof
+moutot
+comity
+diisocyanate
+moppets
+redrawn
+chatman
+dictaphone
+gazprom
+receptivity
+kamiakin
+mekeisha
+beechwood
+asari
+agboville
+makhoul
+tranche
+mcmansion
+cassiar
+mlb.tv
+platzeck
+menefee
+barnardo
+hadri
+monineath
+trusses
+bhikshu
+shemesh
+granlund
+b-cut
+montenegrin
+équateur
+sheemie
+mixed-blood
+navigations
+089
+kwp
+black-haired
+sorlin
+fujimoto
+wynand
+terrestres
+wearside
+by-the-book
+korchnoi
+pushkina
+luebeck
+schopenhauer
+anti-microbial
+nicolas
+ibizan
+c.l.r.
+wilbur
+beggs
+artabanus
+psychodramas
+37-yarder
+jung-won
+lagomarsino
+multi-core
+oxysporum
+lipiec
+3114
+fennessey
+pheromones
+ladwig
+melchert
+21-1
+formas
+.212
+55.67
+javanfekr
+massell
+products/services
+gauliga
+floodings
+makuhari
+getherall
+polunsky
+paff
+prsc
+481.4
+uzb
+958,000
+egoyan
+schlozman
+sesma
+sharaku
+beatles
+poutchkova
+mycelium
+51-15
+displeases
+reaal
+harmoko
+47.59
+nucleosynthesis
+76.75
+erosive
+winnie-the-pooh
+sanand
+bleak
+hijau
+ailene
+4:33
+pts
+snes
+hirshberg
+d52
+ol
+castagnede
+denoncourt
+fadeaway
+epc
+joanou
+59.55
+softee
+ommaya
+shamkhal
+toyshop
+sacchi
+ocon
+waipoua
+sidiki
+belarussia
+late-war
+90-88
+.304
+harkens
+cheeta
+hla-a
+pater
+communauté
+tranquillo
+macdevitt
+self-mocking
+espousing
+opioid
+allured
+jetski
+arix
+chapeltown
+bäckman
+kākā
+asansol
+rhian
+lisker
+fujishima
+nosgoth
+hectored
+seiss
+lemnian
+afarin
+geralt
+cribbins
+bernadine
+cati
+kaltschmitt
+53.91
+grizzle
+wistow
+helicoverpa
+feuds
+cedrone
+bosch
+maidenhead
+heinecken
+acciona
+kirkkonummi
+pelléas
+karayalcin
+steet
+cavazos
+culbertson
+46.54
+asphalt
+pc-7
+antin
+scranton
+26.85
+vag
+wvga
+garavaglia
+autolycus
+seyfried
+kostiantyn
+metabolic
+vesyegonsky
+charitra
+narimanov
+105.03
+varadero
+1994-2002
+ungers
+kr
+perivascular
+khulaifi
+lasaga
+madaris
+107-year
+aimard
+preparative
+sambenedettese
+dmgt
+0-19
+mrr
+wodder
+495
+digg.com
+nelnet
+2.805
+observatorio
+ardclough
+gutnish
+szczepanski
+red-purple
+2140
+misner
+estes
+integumentary
+lingappa
+legutiano
+brownlee
+alcatel-lucent
+boice
+hieromonk
+bankhead
+faxian
+alesina
+dede
+mhra
+daubeney
+2,050
+ticehurst
+halit
+vanotti
+atacanli
+grips
+djoussouf
+49th
+ghei
+eggplants
+jointness
+gota
+guoquan
+337.5
+sheilah
+hollins
+spakovsky
+wham-o
+tiem
+mebendazole
+2047
+gogean
+rubble
+cooktops
+bt19
+bric-a-brac
+gingersnaps
+(603)
+patriota
+crv
+persevere
+hoài
+nonprofit
+buyukanit
+!!!!
+savang
+legio
+.002
+kamran
+latches
+platy
+babita
+perpendicularly
+60,000-square
+devaluating
+marinating
+ndayizeye
+jarc
+nanisivik
+d.v
+flourishes
+njeru
+virtus
+ifremer
+turland
+detrani
+muzong
+vontavious
+kemer
+bum
+kidwa
+corrigan
+4-disc
+pangloss
+nodosaurid
+angoulême
+bukantz
+dogfighter
+beru
+polled
+magennis
+classifiers
+áth
+a465
+setsuko
+hitless
+rtos
+lavapies
+aashiq
+c36
+pecatonica
+ulladulla
+viewliner
+grassington
+cezary
+ben-zvi
+namaz
+kasarani
+rudin
+marzia
+prospered
+75-million
+braves
+commode
+misinterpreted
+leise
+frecce
+metallurgical
+diederich
+queiros
+yongtai
+phaethontidae
+juliette
+o'callaghan
+malpractices
+almendros
+3.4-mile
+123.53
+excitedly
+navy
+legalists
+121.08
+antonius
+remiges
+trease
+2,991
+munnelly
+ss13
+twistin
+twills
+torchy
+weiden
+gametap
+wyclef
+susans
+inspections
+24.81
+sevendust
+odienne
+dyurso
+vms
+sickingen
+2054
+sprinters
+hospitals
+probert
+drosera
+weyrauch
+luitel
+dstanford
+bieghler
+ʃ
+italian-american
+jemappes
+kolesnikov
+mcshane
+arawakan
+15,000-member
+silliman
+saddest
+stockmarkets
+news-press
+50.95
+taffet
+mutualism
+chelly
+111.60
+rollovers
+müntzer
+excitatory
+napoleons
+sithi
+1.5144
+hedd
+ziglar
+sutorius
+tebo
+52-28
+rear-facing
+majel
+3-0-11-0
+discography
+keloids
+vidyalay
+transhab
+durcan
+diar
+molloy
+piesse
+chamillionaire
+cuozzo
+post-election
+57.06
+makina
+3,000-ton
+sulf1
+50.32
+influencial
+electricidade
+allegedly
+noumenon
+respeto
+nusatenggara
+25.15
+viggo
+2-of-8
+copelatinae
+31.36
+durkheim
+schmallenberg
+liren
+22.01
+drumlin
+silures
+free-trade
+rozzi
+offended
+sabaton
+dumervil
+afore
+fieldy
+shirai
+decouple
+newa
+euro387
+beamed
+nuzzling
+rajawali
+vacaciones
+obernewtyn
+heartstream
+firmino
+moriero
+kmsp-tv
+gavriliuk
+sukhadia
+highspeed
+bobover
+cembalo
+waljama'a
+maraga
+refugee
+fizzles
+grec
+pfai
+soltau
+8-for-10
+mixto
+service-related
+ritahj
+nicita
+internet-only
+bohler
+120.28
+http://www.freddiemac.com
+br-060
+independance
+tu-4
+nesle
+monetarism
+3,370
+ankiel
+anaesthesia
+coartem
+asluj
+yamba
+mambilima
+attapeu
+jamborees
+dar-e
+icarian
+xis
+238
+frankley
+optiplex
+72.44
+bonapartists
+2000-related
+t-neck
+master
+d2o
+woodrow
+88.7
+al-anbar
+anti-pollution
+‟
+menapii
+2x3
+twinset
+tais
+adjunctive
+57.8
+karbi
+woolstone
+woodburning
+autoclaves
+peya
+gsu
+dureza
++14
+mid-canada
+dcas
+viviers
+anastrozole
+ninnies
+balkh
+paula
+ce
+thimister
+martinu
+brando
+jassal
+etō
+stour
+pantex
+bussaco
+palaver
+meteogroup
+jaras
+sverigetopplistan
+gonzáles
+stolarz
+heisman
+demetrios
+griazev
+roychowdhury
+gayda
+figurations
+manufactories
+disconnect
+boloria
+bias
+cervarix
+schlaudraff
+jata
+yasujirō
+non-cash
+bivona
+artos
+utrom
+minasian
+lutts
+siliwangi
+counterbalance
+hawthorns
+subtractive
+extra-base
+yodo
+cleburne
+cor-ten
+benzine
+fountains
+glauca
+guediguian
+4,420
+kiser
+holofernes
+felids
+finambras
+mid-1971
+ablative
+mandle
+houyi
+merszei
+welten
+96.92
+conchos
+2,141
+gusii
+50-nation
+wphl
+pawl
+14-screen
+integración
+64.84
+kekko
+umayr
+aaftc
+reisch
+albula
+mamozai
+118.36
+shihezi
+14.61
+wahid
+batiatus
+pompadoured
+ejecutivos
+42-43
+0930gmt
+flashiest
+rangaswamy
+smelled
+hatzolah
+pyotr
+qallaf
+interdisciplinary
+facist
+74.23
+inglenook
+cupboard
+smrek
+panhandled
+73kg
+robinvale
+tura
+toombs
+uin
+nishimoto
+karlsson
+permai
+heterodoxy
+6-of-14
+ridvan
+rubel
+significand
+pistilli
+41.48
+rott
+salian
+kodar
+siahaan
+palillo
+marché
+farfa
+apra
+akonangui
+meekness
+schoolbreak
+latimore
+shallal
+yeganeh
+jaynagar
+houver
+corsets
+generalmajor
+profesional
+bereavement
+delauro
+rls
+summersby
+hirt
+reisinger
+commitee
+jet
+18-10
+beedle
+chander
+lbp
+urrutia
+panhellenic
+louis-hippolyte
+featherston
+reclassifying
+henton
+muslera
+rove
+28-5
+mattu
+editore
+monothelitism
+cusd
+fawcus
+ahron
+sharyo
+hadspen
+c65
+pōmare
+bockel
+sidetracks
+273.4
+bolano
+milind
+2,000-megawatt
+roupen
+253.5
+netechma
+demeaned
+clowney
+34.32
+o.f.
+gwalia
+eusko
+elbasani
+enzyme-linked
+curled
+celldweller
+bensouda
+jupitus
+oudin
+beshear
+400-hectare
+bairagi
+uttaranchal
+telemaque
+seligson
+feldt
+t-pain
+dannon
+sube
+venkaiah
+2.6-million
+bărăgan
+tweeddale
+schwarzenbach
+donsol
+luffing
+amorosa
+organza
+penketh
+natali
+0-18
+luring
+rosberg
+126.6
+omits
+maust
+atsc-m/h
+kleczew
+leptocephalus
+lophophore
+fones
+roscosmos
+desiccation
+jelko
+brothers
+minbu
+nozal
+avz
+grayden
+shiyoukhi
+safouri
+orthography
+haeger
+icegators
+banali
+i-divisioona
+kafana
+ther
+kelloggs
+napster
+investement
+bullman
+.211
+rady
+troublingly
+duihong
+nss
+les
+besancon
+comunes
+unnoticed
+77-61
+computrace
+mushed
+oshu
+knittel
+ungraceful
+1970s-1980s
+mccollum
+palestinans
+sub-zone
+51.71
+landed
+bon
+optimum
+chiaro
+speakman
+054
+mini-tournament
+amarillas
+pherecydes
+fruitbearing
+adnan
+muban
+efstathios
+medial
+inhaled
+hospitably
+out-of-wedlock
+pulo
+sooners
+8-ball
+hillhaven
+49-47
+trophozoite
+belski
+athea
+4,152
+cà
+blaq
+evie
+mi9
+repurchases
+degaton
+followed-up
+9.95
+élisabeth
+unregistered
+18-room
+mid-1943
+leblond
+scratchley
+mckown
+blackdown
+thai-boxing
+federally
+chihn
+khark
+opportunistic
+groats
+6202/64033
+5.74
+delek
+kubelik
+perfluorocarbons
+vinal
+war-crimes
+psia
+bhatt
+cavallero
+400.5
+ventoux
+champney
+alfreton
+whaling
+balaghat
+nuestras
+ribbleton
+qtc
+kobolds
+conover
+vibe
+abrolhos
+mendacious
+dabis
+nonactors
+91.16
+18:10
+taimi
+as-28
+biodynamics
+weißwasser
+few
+delorme
+mughrabi
+pinguicula
+otávio
+borgquist
+2,402
+hire-purchase
+ayutla
+baggins
+teachings
+noventa
+squat
+nepc
+niyonsaba
+omu
+hoyas
+percier
+iria
+ruhland
+86-year
+eurosonic
+squeezes
+godaddy
+kvc
+phaseout
+avantika
+zeisel
+dawning
+276,000
+gendai
+teissier
+113-page
+bipasha
+wwwq
+herrstein
+pentangular
+360
+shaohannah
+suhana
+vallarino
+genk
+furnished
+trpa1
+319.8
+gauzy
+løgting
+haubold
+overt
+elaborates
+palme
+spittoon
+non-homologous
+lifson
+strausz
+andonis
+yuille
+miffed
+wobbles
+laes
+nakskov
+fortey
+charlotte
+6.78
+strossmayer
+cacciari
+scibelli
+46-month
+odemwingie
+jij
+star
+gorgeous
+manchus
+timok
+catorce
+preowned
+maritimum
+merion
+hammermill
+sating
+mujahidin
+56.46
+zarkasi
+ochse
+ruislip
+awada
+62.45
+mughniyah
+rubin
+puletua
++00
+delson
+apocalypso
+dufek
+onstott
+brunton
+carats
+u.s.-australia
+68,400
+ancwl
+guanabacoa
+lsbf
+aabenraa
+29-day
+mgf
+53,750
+bassat
+nz-apc
+flr
+romme
+charenton
+toros
+olomu
+barque-rigged
+kashiwa
+devastatingly
+thunderstorms
+pierre-françois
+knutsson
+technocrats
+mualem
+barma
+dolenjske
+dishwalla
+trd
+sacrifices
+widower
+salimbeni
+yu-gi-oh
+peddled
+sylvana
+greendale
+laupen
+prittwitz
+mezey
+30-9
+sekiyama
+hauntings
+kawānanakoa
+wurtzel
+harringtons
+thaden
+1.475
+ceamurlia
+41.99
+kumkhum
+batalik
+panoramic
+double-entendre
+:9
+celeron
+pedestrianised
+y&t
+rayvon
+skydeck
+peñalba
+crucifixes
+94.84
+hammerich
+concelebrated
+serbian-born
+itron
+tanrikulu
+ragetti
+waltz
+kharitonov
+itam
+laundromats
+supergirl
+guard/forward
+ccps
+mcnairy
+baye
+u20
+darkman
+abduction
+holsters
+biskupice
+jeannin
+2,125
+auler
+peple
+2.58
+amirmachmud
+65.70
+peering
+52.14
+tri-county
+manahi
+bonanzas
+50.8
+stunning
+mehrdad
+ergative
+86-dos
+tinio
+.141
+josce
+fosters
+noncommercial
+vucitrn
+smethurst
+endothelium
+leptobrachium
+lisps
+iotapa
+svs
+lenience
+slaveholders
+gravestones
+castrati
+iset
+flipping
+shino
+naam
+eskdale
+87.56
+busing
+railion
+budapesti
+rigondeaux
+lemery
+kebnekaise
+swampy
+thaïs
+codice_38
+udham
+iriarte
+villehardouin
+brecknock
+15.41
+comedy/variety
+monument
+zenji
+ulvert
+kean
+agenices
+tumescence
+kamini
+kresna
+freakbeat
+steger
+homily
+goldblum
+spades
+40.45
+teagle
+graduate-level
+obu
+kabariti
+nswrl
+semi-nomadic
+welsch
+introverted
+non-islamic
+nerved
+295th
+rutterschmidt
+birkeland
+aestivation
+amadeus
+charbroiled
+yippee
+quilla
+belitz
+dug
+1,065
+pournami
+rén
+picmg
+.594
+iturbide
+jingcheng
+coldfield
+thalweg
+arpa-e
+workboat
+ch-ch
+apponyi
+agostinho
+blida
+tuco
+abercromby
+peaden
+buthidae
+carraro
+terrytown
+lifland
+hangxiao
+b-q
+laphonso
+sooo
+eweek
+clarias
+consconf
+meandered
+rohs
+samanid
+linch
+pjb
+anti-communists
+branco
+srikant
+mobilfunk
+shi'ism
+blockings
+barnsley
+333
+pachulia
+gramme
+vattimo
+bumper
+3300
+gunasekara
+liénard
+nukunonu
+fairtrade
+databank
+stereochemistry
+humanness
+toujan
+co-hosted
+elliff
+schlundt
+serers
+personalizing
+hamanaka
+werbe
+cliffe
+bhatinda
+ashbridge
+c/c
+padoa
+b-10
+westford
+apha
+yurungkax
+d'iberville
+viron
+sønner
+moopanar
+hensala
+olching
+phosphorus
+manchesters
+wencai
+stiftelsen
+gorze
+nehemia
+bakare
+landguard
+himat
+felixes
+khalji
+demarkation
+tayyar
+17,104
+napanee
+vsa
+impsa
+sye
+amidar
+hulks
+88.0
+georgakopoulos
+jizhi
+bafta-nominated
+5-53
+dermawan
+sicknesses
+xinan
+groins
+gotham
+18:42
+arcadians
+spiderwort
+ruesch
+sichan
+ninety-second
+prosiebensat
+raíces
+juantorena
+mcqueeney
+euro397
+1.54
+cryptically
+panitchpakdi
+9th-century
+beckles
+chope
+dabizas
+iverson
+000000
+groopman
+hollandsworth
+milloy
+asiasec
+felicien
+khlestov
+toymaker
+babys
+bumblefoot
+ndez
+http://www.aa.com
+30.26
+weight-saving
+qubad
+1992-1994
+zerdin
+kijac
+stec
+nistru
+grantville
+mees
+overprints
+peduzzi
+peduncle
+anarchistic
+alouatta
+impedes
+knippa
+hesder
+soubise
+koski
+parlays
+nomenclatures
+49.44
+mysterons
+cocooned
+19.59
+juara
+norheim
+epr
+mass-to-charge
+stereoselectivity
+mohammadullah
+yasar
+pgce
+----------
+ilsa
+abstruse
+kulenović
+maximino
+nonmedical
+jiaming
+fuu
+goodis
+20.8
+9x13-inch
+aito
+akinoshima
+finchampstead
+zurvanism
+goettingen
+19:46
+hogstrom
+coolidge
+74.25
+mishawaka
+belau
+75.19
+baqaa
+gusenbauer
+skipjack
+masuo
+jetset
+zopa
+shizong
+otunnu
+renzenbrink
+d'huez
+rongzhen
+debrecen
+tkts
+kallu
+variedad
+wenning
+mv
+herrndobler
+vendor
+morula
+una
+cadaveric
+tergum
+non-ideal
+clamato
+surrency
+val-de-travers
+c-802
+vamsi
+uvas
+6/4
+lithographed
+heliports
+softphone
+premonstratensians
+zaytun
+mutawakil
+gatopoulos
+masint
+twelve-step
+jianxi
+darick
+53.44
+36-13
+kasumigaseki
+maule
+39.96
+artemisinin
+hopelessness
+immigrants
+a-barrel
+uscnote
+inzaman
+gopalaswamy
+manorama
+bungalow/craftsman
+131st
+simper
+sniffed
+flatmate
+pandals
+ideogram
+deseret
+stepdown
+wethersfield
+nicoli
+cucolo
+rivetti
+mammalogy
+neurologist
+semi-staged
+lochner
+mgwr
+would
+kurchaloi
+non-print
+cipel
+creationist
+mireia
+abounding
+yes/no
+saac
+yeboah
+ritsema
+boritt
+vitrectomy
+turkestani
+nac
+denisa
+qaleh-ye
+willibrord
+oleta
+jeffcoat
+brandel
+propolis
+merrett
+techwood
+fontenoy
+anpac
+cuneate
+baty
+creusa
+gargoyle
+intersexual
+steeds
+53.03
+stafon
+bsheets
+prawiro
+bechke
+göransson
+sankaran
+clements
+ssa
+sawtelle
+heinlein
+yanhui
+munich-based
+15-track
+d'lo
+dhp
+.220
+hoofed
+sectionalism
+non-scheduled
+augarten
+businesswoman
+zonneveld
+40.09
+varella
+7-23
+skims
+kukla
+elicit
+0207
+tiete
+331.8
+37.31
+akyuz
+5.3-million
+korai
+disbursed
+marley
+pronator
+sohaemus
+tresidder
+sji
+faizabad
+ergotism
+montanans
+estragon
+duplantis
+favela
+darkside
+todorova
+inflation
+bannocks
+verone
+hasn
+rivelino
+non-malays
+heckenkamp
+auroras
+yankin
+esophagitis
+shehadi
+fortysomething
+o'moore
+single-core
+tpf
+breakwater
+5,875
+relativist
+paulsboro
+kuya
+absurdist
+agbu
+448
+glaspaleis
+quicksort
+caretaker-manager
+dennerby
+117.7
+demokratie
+bristow
+'n
+pixellated
+12.5
+cattedrale
+detouring
+organic
+rust
+gen-2
+chamitoff
+disparity
+ductus
+34-13
+sidhathan
+weissmann
+40.1
+intensity
+incantatory
+sarajlic
+london
+isup
+dayville
+2032
+3,199
+iraj
+slickness
+alker
+subluxation
+fischhoff
+sranan
+take-away
+delfonics
+36.22
+caryn
+city/22
+posiblemente
+taiya
+uchimura
+tabloid
+decisis
+land-owning
+bunkmate
+wiktionary
+liebenfels
+suchlicki
+heatly
+aspendos
+sidabutar
+philipsson
+rolm
+annum
+newscom
+minimise
+spoolname
+bewitched
+fariborz
+vietri
+scania-vabis
+346
+algonquin
+jewish-american
+enslaving
+syndicalism
+archnemesis
+tananarive
+saint-étienne
+mba
+galarraga
+joze
+cresol
+lkg
+tarnum
+weeki
+karana
+lahoti
+chitlin
+propiedad
+raghadan
+cladograms
+timea
+soeda
+interments
+enrononline
+puniet
+longitudinal
+33.95
+krohg
+oleh
+kilowog
+wasteland
+nauseated
+16-bit
+schwäbisch
+silmarillion
+iberostar
+hogback
+chest
+18,545
+schiehallion
+immolate
+animal
+littleton
+2004-2009
+passoff
+re-nominated
+merrick
+requoted
+settle-carlisle
+impairing
+tma-2
+10b5-1
+yanxi
+25-13
+deene
+hextor
+solimoes
+sf1
+helpfully
+tepee
+fazoli
+payette
+dissertation
+bordello
+proulx
+sotto
+amfb
+simers
+villains
+agrarians
+suchit
+106.69
+romped
+taillevent
+mortaring
+alexandroni
+nashville-based
+greeno
+quran
+execs
+670,000
+initiators
+slay
+half-circle
+naturkunde
+lohithadas
+formula_105
+diesem
+cobbles
+filipo
+stunkel
+apéritif
+bassiuni
+kossoff
+yungay
+militant
+mimosas
+then-captain
+wssd
+fann
+nccpg
+sententious
+jtls
+bitburger
+mccandless
+bellecour
+chg
+winkeljohn
+minnow
+154.6
+clause
+lucking
+skyjacking
+algeria
+1.5-litre
+klinksptimes.com
+reenlist
+engelmayer
+indicts
+daube
+99.25
+puhakka
+tonsilitis
+viminacium
+mironski
+ragona
+16.87
+magri
+didinga
+underpayment
+607,000
+andarabi
+brussels
+christina
+manai
+utamaro
+huairou
+suetsuna
+tughlaq
+ludwick
+mercyful
+hrolf
+synan
+44-31
+tippee
+riverbed
+aghbash
+1.5-percent
+gki
+brita
+tagamet
+hengdian
+hymettus
+deupree
+monolithically
+64k
+11-15
+vahts
+sathyaraj
+periklis
+jokingly
+divljan
+georgia
+tombalbaye
+cléo
+knockout
+branchville
+habibur
+630-seat
+hosta
+køge
+phylogenetic
+letzte
+duchamp-villon
+acetosella
+wcu
+dpl
+brunious
+kente
+somsavat
+kettl
+130.1
+saas
+dvornik
+vafþrúðnir
+passavant
+dookeran
+sauerbreij
+shubaki
+308.8
+1,363
+orvieto
+pontifex
+cd-only
+two-member
+haymond
+jeanneth
+caaguazú
+katha
+sirdar
+boorishness
+riemersma
+conclusions
+pre-1990
+noseband
+airlifters
+wistrich
+dechen
+chojna
+xdsl
+anpr
+tracheal
+ballagh
+kazu
+kjøbenhavns
+trinet
+wurts
+66.15
+vonda
+wesbury
+skidding
+02-07
+aymes
+capodistria
+phool
+quantitatively
+göhrde
+bamman
+banepa
+non-sex
+sande
+occupancy
+haddo
+coopérative
+riwu
+2024
+intransigence
+kats
+perley
+rubén
+fuzzball
+woolsey
+retakes
+namm
+d'artagnan
+zenyatta
+24x7
+1-tablespoon
+meno
+queenly
+parked
+122
+fancelli
+tellefsen
+uplands
+lishui
+gontineac
+witz
+geh
+waitkus
+obin
+troodontid
+2006-07
+ahill
+úbeda
+mini-bus
+blastoff
+vengefulness
+curiae
+mimics
+stojkovski
+maonan
+gargan
+5,144
+shortish
+bailard
+bostjancic
+mooned
+196.3
+25g
+tinton
+pantaleone
+thunders
+k-love
+narcissism
+cede
+nonlinear
+malhotra
+novello
+ephors
+metamorphism
+sadamitsu
+kostelec
+indigene
+musangana
+bmews
+brull
+569,000
+wazzan
+gorra
+bassiana
+admirer
+dijkstal
+grabavoy
+bluegrass
+chiru
+hplc
+kurka
+coppélia
+1.176
+2494
+oudeh
+homemakers
+tokuyama
+gilauri
+703,000
+krom
+avina
+viki
+kpm
+shucking
+gath
+street-legal
+broadly
+bley
+etiologies
+keatings
+kottegoda
+diário
+biophysics
+malaysiakini
+muswell
+show-biz
+terrasses
+frieberg
+tannu
+djarot
+sellenger
+7-5
+gundi
+addressing
+berria
+klose
+litter
+tari
+vorn
+bestow
+doormen
+detractor
+shipler
+prateeksha
+shkurtaj
+papathanassiou
+h
+mfat
+inflows
+bibles
+8p
+piedimonte
+macnamara
+rezvan
+janis
+soufiane
+jō
+parasaurolophus
+nurcholish
+soberano
+101.8
+kadish
+v16
+system/370
+hodur
+pataudi
+nasta
+539,000
+heijden
+yepishin
+2,358
+contrabass
+simmer
+packman
+modernistic
+sallukh
+tremblers
+alboreto
+moorhen
+llamosa
+revised
+prima
+retards
+66.34
+86-84
+parkton
+ademola
+systemes
+ghencea
+phönix
+echeveria
+bobak
+greh
+haroldo
+74.75
+20.76
+galignani
+garcía
+thode
+exurbs
+guilfest
+horsky
+estec
+persecutes
+harold
+holten
+lambrou
+trebil
+administrative
+charioteer
+bouderbala
+califone
+assailant
+viardot
+mschif
+senario
+counter-espionage
+aflame
+jablonsky
+chok
+64-megabyte
+colquitt
+iomaire
+southeastern
+sonderjyske
+like
+poliomyelitis
+hubristic
+51.65
+89.1
+mahana
+spider-man
+screwballs
+fibonacci
+mikhailovich
+velur
+psychonauts
+rigell
+.251
+wood-frame
+bensheim
+richerson
+rapido
+jackpot
+crangle
+d-von
+chito
+murexsul
+describes
+all-metro
+robichaud
+henrico
+post-apocalyptic
+bsap
+tenencia
+taipeh
+związek
+finse
+gudelj
+39s
+anderton
+highchairs
+2012-2015
+h-ii
+dinobots
+pegg
+kalina
+kettner
+24.5
+disproportionality
+judgemental
+galliform
+seumeren
+plainly
+hearths
+cavallino
+rumpfhuber
+maaskant
+todos
+brainwaves
+finklea
+patriotique
+25-49
+rwandans
+uom
+hjalmarsson
+clarinet
+oculist
+ndah
+n1
+sculpins
+long-stroke
+bokhara
+.428
+muda
+disallows
+miuccia
+autoracks
+sub-boss
+lahk
+discover
+clubs
+girlfriend
+settat
+persicaria
+attractant
+phagwara
+ette
+rpc
+low-light
+berrett
+yonanglobe.com
+jadar
+non-olympic
+criminalists
+conflent
+lip-synch
+lepoglava
+backends
+k.s.k.
+carangi
+boathouse
+upmann
+hast
+mamabolo
+łęczyce
+macroprudential
+fenlon
+unbearable
+martinovic
+clackmannan
+cuscatlán
+delfeayo
+bootleggers
+overhangs
+angelina
+trichinella
+relatable
+cipriano
+tanevski
+wounding
+piru
+nicmos
+schilt
+shadegg
+dorohusk
+zeal
+tombeau
+baled
+kalecik
+nursultan
+neckties
+s-box
+hoarseness
+kosumi
+oranjestad
+64.4
+legambiente
+turnesa
+emi
+naxalbari
+degeneration
+legitimise
+benidorm
+compendia
+anhalt-dessau
+traffickers
+hamlaoui
+physiotherapists
+chaebol
+gamespy
+slanders
+a.m.-5
+kartarpur
+10-27
+nigeriens
+x-7
+mussoorie
+403.7
+aouda
+summariser
+subtribe
+non-abelian
+jimmer
+nwfp
+a-week
+resultant
+begović
+wallcovering
+wrestlemania
+rip-off
+1984-5
+1-marcos
+pantego
+fahraj
+polarizable
+ehrenfest
+indo-europeans
+leveaux
+lasd
+sinterklaas
+war-fighting
+flavorings
+pyrethrum
+13.09
+ziari
+antonetti
+trinkl
+hunky
+azawad
+unequals
+initiated
+gyulai
+risinger
+herer
+4.02
+wiedeking
+càrn
+purloined
+4:6
+zambon
+phaethon
+spahi
+erlanger
+mifune
+lulzsec
+100m
+arklow
+posterity
+cerrillos
+jespersen
+rosebush
+llcc
+28-17
+skirball
+velká
+hireling
+merciless
+ancien
+tayaran
+suseno
+o’rourke
+acta
+jaago
+martissant
+repossession
+double-agent
+acevedo
+14.44
+pecans
+watson-crick
+2,647
+mini-league
+shalhoub
+mirrlees
+aplacental
+spudis
+advergaming
+syndicator
+aftab-e
+sues
+nserc
+8-to-1
+orlofsky
+euro640
+undertakings
+ségou
+65-million
+96.22
+bayliss
+milpas
+adsr
+mccooey
+sc-1
+pradeshiya
+ajloun
+slaver
+low-fat
+19s
+keda
+eroticism
+chydenius
+31.05
+stealth
+post-presidency
+sunfest
+somawansa
+parit
+unrewarding
+d'aulnoy
+frankfort
+palay
+oblong
+interagency
+cartland
+taupin
+dipak
+akkadians
+kwanyih
+sevrin
+naoshi
+end-products
+clipped
+traficant
+koenigs
+rahir
+solal
+virusscan
+arraigned
+bitchin
+ugueth
+kievan
+tõnu
+prony
+aryana
+soundest
+flunkies
+occupations
+vacui
+jeker
+bender
+caldew
+cmie
+ashkabad
+venango
+contorno
+maneuverability
+blustery
+toonami
+wasson
+banishes
+useni
+hessischer
+nipalensis
+pavement
+akatiev
+novardok
+interés
+committees
+jowood
+mcclements
+luscombe
+sakal
+mercator
+anari
+londinium
+semiformal
+garments
+claymation
+warship
+philippic
+tausig
+5,561
+labia
+overtaking
+ismailov
+golina
+rahimi
+rabins
+dalny
+68.87
+individualizing
+hashem
+xxiv
+52.30
+chested
+whicker
+andrieu
+kheer
+trippet
+velandia
+medicate
+ganic
+phun
+dc-4s
+oranienbaum
+neige
+ptv
+cpx
+t.i.p.
+howstuffworks
+town
+semi-trailers
+9.48
+jean-guy
+aiquile
+imidazole
+kop
+18.38
+despondent
+boruch
+19.04
+joichiro
+ghettoes
+shadian
+'70
+-44
+dorrell
+komisar
+smalto
+bernardes
+stambouli
+gerhard
+bródy
+robbe-grillet
+precept
+30.44
+ronay
+chibale
+tiebreak
+cirillo
+anaphylactic
+desalinated
+spektor
+lievin
+342-seat
+iig
+storeng
+disfavored
+remover
+bassianus
+785,000
+schanker
+township
+sahak
+crailsheim
+lucians
+chifney
+6.29
+houti
+farini
+telstraclear
+drooling
+1727
+8-9
+x2
+consortia
+5:01
+http://www.yahoo.com
+pieri
+44.38
+germanico
+rüdiger
+udomchoke
+feliz
+lamppost
+toscanini
+fuchs
+marians
+moodily
+yikang
+verrone
+artha
+undan
+retroflex
+dalys
+ers
+therapies
+terbium
+fertilize
+sole
+27-story
+moika
+dareini
+vares
+hick
+zgornji
+expressionists
+breeds
+lissitzky
+canvas
+tixall
+suprematist
+akabane
+talma
+energy-absorbing
+gdp
+breitbart
+muzzafarabad
+dyke
+penlee
+.684
+deena
+prower
+commsec
+salifou
+cwhite
+centrosaurus
+seekers
+golfo
+tomomitsu
+tromped
+marycrest
+goliat
+buci
+costea
+axelsson
+chinchillas
+bg7
+b2
+lied
+covermount
+total-goals
+sleiman
+adon
+saint-loup
+recaap
+campa
+rackard
+commericial
+microliths
+eweida
+coltorti
+300,000
+advantus
+namespaces
+aerts
+kitingan
+faletti
+wassaic
+cyberjaya
+imc
+telenoticias
+parigi
+lattanzi
+hopsital
+fradin
+iais
+beihai
+ponselle
+nuremburg
+tsps
+urquijo
+18,100
+vines
+henrie
+1990-98
+harian
+beran
+writeoffs
+simonis
+multimers
+evanovich
+kyrillos
+cgames
+animorphs
+acheive
+petrauskas
+orissa
+weigand
+aztecas
+yrsa
+flm
+gianpietro
+hueck
+famalicão
+loose-leaf
+lazem
+neurologists
+l'horloge
+149-nation
+tormenters
+tennessean
+marando
+80.48
+comienza
+guara
+abc2
+lightner
+dubash
+kalasa
+traynham
+trainload
+montegut
+uncompressed
+imbroglios
+superlobbyist
+contagious
+73.07
+nanostructures
+nirajan
+villepreux
+18-12
+69.22
+howling
+bergersen
+proponents
+movietone
+hincks
+boatyards
+coltabaco
+valeska
+eich
+exerting
+retraction
+3:07
+10-night
+mirosevic
+pre-credits
+tehatta
+beyt-e
+paronto
+0645
+aptiva
+etzel
+schollander
+re-telling
+dazhi
+1,566
+narwar
+constitucion
+noseguard
+6.9-billion
+euro43
+barno
+mikis
+phospholipid
+notional
+four-horned
+ottri
+mamikonian
+daklak
+pagel
+moviola
+63-year
+finders
+non-polish
+5,795
+ahuja
+now-common
+4900
+karter
+hudner
+cd25
+divari
+mosdell
+trade-off
+rivière-des-prairies
+blue-green
+rotarians
+snapshot
+baghel
+manneken
+teter
+thes
+gjoni
+mourne
+cardiorespiratory
+abv
+sahwas
+zingy
+sspl
+pierra
+2.375
+mirror-like
+sup
+memon
+mini-lp
+incandescence
+ostar
+snooks
+embroiders
+28c
+self-supporting
+mangabeira
+goehr
+damagingly
+bhattarai
+buttermere
+mozilo
+abdelrazek
+goden
+transistor
+channing
+sojourning
+tiriel
+ascott
+40.37
+tammet
+quiller
+land-dwelling
+ipg
+dhuluiyah
+2141
+saltos
+bultmann
+polonetsky
+moniker
+penan
+ericoides
+wunderbar
+83.69
+d.k
+rajai
+sólo
+plenty
+gra
+jinnah
+monowitz
+rongai
+supercalifragilisticexpialidocious
+genealogia
+sfakia
+enveloping
+charlaine
+perfecto
+schrag
+off-set
+hajjiabad-e
+boney
+amram
+'85
+zijn
+cientos
+15.12
+akkelidou
+eij
+excerpt
+dolomite
+csta
+mindfulness
+sōtō
+assunta
+nonsensically
+busily
+elfish
+bartolommeo
+odostomia
+coombes
+dataviz
+seducer
+sebree
+balwyn
+massiel
+chemdex
+němec
+root-knot
+trr
+1.4000
+ségara
+skankin
+siciliani
+apprenticed
+192.7
+aggrolites
+nakamaru
+baisden
+number-three
+ekstraklasa
+gottorp
+geographica
+onalaska
+zany
+brinkman
+centrobasket
+19,000-seat
+value-added
+aka
+fałków
+ogle
+o-n
+dispossessing
+deploys
+rovs
+1979-83
+tin
+barnsdall
+suckering
+strong-willed
+ludot
+miqati
+cimarron
+fortissimo
+kolind
+as-salih
+sikhism
+burnham
+voracious
+bakers
+plaridel
+anticoagulants
+sstv
+116.7
+mottaki
+jengka
+26.89
+solingen
+watchmaking
+293,000
+liveability
+javaone
+standout
+obonyo
+southwark
+elmos
+25.47
+snout-to-vent
+wenzhou
+alcantarilla
+borde
+kusum
+164.2
+netnoir
+northward
+flares
+juridical
+wasserburg
+hypothesized
+cwm
+apartheid
+30k
+underplay
+almgren
+5-23
+sealand
+courtesans
+doo-wop
+8.2767
+impact
+vishnyakova
+nekketsu
+elian
+11:34
+dewi
+sigla
+funiculus
+crack
+cetshwayo
+breunig
+104.43
+quasispecies
+amba
+50-plus
+malovic
+47.78
+43.88
+lent
+cuco
+chelmno
+jeopardising
+phukan
+talibani
+pennette
+biloxi
+trudeau
+nessman
+gurtu
+karl-theodor
+soerensen
+29.53
+candle
+selwyn
+iannuzzi
+.476
+buttoning
+kolken
+gusta
+andrás
+fel
+chamaeleo
+estopinal
+osijek
+circumscribe
+honouring
+ribicoff
+v-22
+n5
+halsell
+idel
+gastone
+ourself
+takaka
+ght
+periplasmic
+25.78
+5:52
+peckolt
+meroe
+deadbolt
+simental
+yeshivot
+counteroffensive
+stagliano
+burriss
+fa
+urabi
+enx
+mcgugin
+doria
+uncritical
+omega-3
+hirsuta
+(718)
+recklessly
+-26
+absences
+single-phase
+liễu
+800-plus
+inbio
+colsaerts
+shraddha
+proportionate
+eniwa
+huaihe
+rasmus
+dicruridae
+senussi
+elsick
+meulendijks
+duhv
+1.46
+woodruff
+cuculiformes
+carmageddon
+fransen
+michiko
+klüver
+pedway
+redhook
+35,313
+scarved
+suessmuth
+122d
+reynoso
+gutheinz
+heinrich
+317.5
+1,555
+116.57
+damond
+pimp
+432
+marzuk
+1,464
+monicagate
+pribram
+nethack
+jean-sébastien
+69.5
+rentoul
+tormentor
+laywomen
+slums
+674
+copolymers
+yoshukai
+zog
+70m
+parivaar
+ittihad
+stengel
+ronis
+embarked
+beledweyne
+highlighters
+computerware
+eurofighters
+jean-charles
+neuropsychological
+unknown
+badinage
+kounen
+gentilhomme
+bozo
+brining
+kron
+5k
+ondieki
+cancellara
+krsko
+riddling
+krocsko
+clyro
+rathlin
+flopping
+yusill
+wort
+21.8
+61.23
+lasn
+45.51
+plasm
+nwt
+spelunking
+pinckneyville
+finer-grained
+loussier
+kers
+orientali
+revolve
+morikawa
+metcalf
+cockatiels
+greenhills
+metulla
+ringlet
+1641
+lottner
+sandover
+25.25
+koulibaly
+philologists
+longhand
+british-style
+tracfone
+hydropathic
+abohar
+álamo
+malleefowl
+canda
+manipuris
+sauk
+nomex
+tepidarium
+jundallah
+fullarton
+sajeewa
+96.46
+okacha
+primeau
+tykocin
+nfts
+pontiacs
+pouliches
+uk/us
+adv24
+shallenberger
+mauryan
+1,221
+quintaglios
+halkbank
+warna
+hor
+¿
+solan
+phenomenon
+mégantic
+13-person
+non-mandatory
+governorate
+krivelyova
+bicuspid
+rambaudi
+doris
+christodoulos
+bassila
+wallstroem
+diptheria
+ekkart
+focke-wulf
+gagliardi
+cleugh
+1934-35
+pyridinium
+privatize
+0-40
+wekiva
+1.189
+dupri
+gampopa
+esthetic
+cdb
+1,057
+challa
+chichen
+ellwangen
+mehring
+hsm
+ooo
+chippewa
+2115
+gassee
+purines
+2r
+bouchon
+microchipped
+hypo
+asit
+romario
+buki
+npt
+yolly
+tilla
+woodhill
+steak
+realty
+1750
+miniatures
+valet
+weyden
+ioway
+kazalište
+steinbacher
+corax
+850-word
+atomizer
+hsdpa
+atcha
+ulverstone
+usabiaga
+pulsatilla
+nowshehra
+radgona
+gumley
+certhiidae
+47-7
+weerasak
+maguire
+bluegills
+sobhraj
+tostao
+wief
+bashkirian
+50.29
+promulgation
+decathlete
+transitivity
+hilal
+incl
+bonapartism
+volquez
+vettriano
+visions
+chanukah
+narcisa
+stricta
+16th-18th
+gunnels
+ltp
+silvanus
+stieff
+overwinter
+warmbloods
+bärenreiter
+anodyne
+pharmacokinetics
+158.8
+42-kilometer
+amsel
+2,064
+32.84
+tabak
+mediatory
+vural
+lombi
+118.25
+cercone
+antsiranana
+falaniko
+lotz
+clone
+76-year
+round-trips
+futuroscope
+ponticelli
+rodenberg
+mcgillycuddy
+game-day
+owch
+jester
+lauravecseyseattle
+carucci
+golshan
+circulatory
+løv-ham
+685.5
+agnivesh
+topcliffe
+movienation
+fuzzies
+dight
+chemotherapy-induced
+dismisses
+الله
+microsystem
+confident
+terraformer
+juggle
+xinyuan
+bushes
+bcr
+kinahan
+klawans
+flávia
+tbd
+directorships
+cloudier
+mieszko
+sekondi
+bulbul
+cury
+20.03
+avellino
+cleeve
+gorbea
+cart
+suisham
+fursenko
+besets
+teixeira
+unreserved-designated
+gitex
+moonis
+m&e
+nyt4
+rùm
+widera
+2.85
+cabras
+viewership
+whereever
+135-140
+zaanoun
+cosmologists
+greenlit
+telephus
+magpie
+hyzaar
+unlovable
+californiensis
+risk-adjusted
+nondemocratic
+rayville
+carabinae
+frontpage-1stld
+trandahl
+abandono
+jurai
+pre-cambrian
+padlocked
+staffords
+byres
+jegathesan
+2,221
+wicketkeepers
+lightcurve
+porirua
+bletchingley
+lccs
+mcfate
+3,414
+re-arrangement
+latifur
+atsushi
+gaoler
+loynes
+vacuum
+lexicographers
+main.html
+114.35
+libdeh
+siddhu
+108
+erico
+zahara
+darboux
+cristante
+tuncay
+contradicted
+mavinga
+shui-bian
+ludwigsfelde
+do-it-yourself
+repola
+instruments
+der
+ccny
+samuele
+three-year-long
+trient
+agouti
+magga
+tâmpa
+chaudière-appalaches
+1914-1916
+tranøy
+pullets
+mancienne
+fli
+73-70
+nótt
+bekasi
+unchained
+mabuni
+4,155
+robertus
+muhlenkamp
+remy
+bosbyshell
+encik
+fornix
+saftey
+vn
+visualize
+68.35
+punchinilame
+jpa
+minallah
+envoi
+bronchioles
+dirty
+bloemen
+artistdirect
+child-friendly
+autoweb
+wallhead
+eisenhower
+tabei
+buitoni
+kyoung
+2,174
+kareen
+redtail
+filanbanco
+lutte
+fazlollah
+redouane
+euroland
+masvidal
+goyskoye
+snowboarding
+convulsed
+stojko
+hazaribagh
+270,000
+afgooye
+stiffly
+sltb
+drabs
+s-92
+suncook
+fariñas
+typepad
+bollards
+galloppa
+46-3
+94.36
+45-15
+2-4
+kimmorley
+60-dollar
+storfjorden
+nalchik
+on/off
+celador
+solitarily
+dolphin
+hi-fi
+co-educational
+boppard
+6/9
+martinot
+dumler
+readjusts
+attak
+coloradans
+600-word
+alamin
+nonalignment
+cau
+gandolfi
+silverado
+32.22
+47.23
+hamda
+ziaul
+yuliana
+disbelievers
+kalmia
+xicai
+bogs
+undulations
+hankerson
+tarski
+sohrab
+vasenkov
+unmatched
+messy
+good-looking
+mathea
+mid-ocean
+kulish
+sighthill
+cld
+optimismo
+expurgated
+rumbas
+lotharingia
+ha'ir
+tanaji
+papillons
+grigoryan
+tongyong
+lums
+inveigled
+zadornov
+israelitische
+ārya
+third-busiest
+permiten
+cfe
+reinemund
+maximizer
+13-mile
+bugz
+geewax
+amharic
+salabat
+symphonist
+horiguchi
+carcinogenesis
+galeb
+uttering
+zvobgo
+gravediggaz
+dijkgraaf
+chitta
+godwit
+astbury
+desafio
+rathenau
+rathas
+kenin
+40percent
+copyist
+29-cent
+34.95
+2.8-million
+goldwell
+torresdale
+ginestet
+toucan
+playlet
+mlanghenry
+1st-2nd
+spio
+schelly
+l'image
+2000-5
+wicu
+berekat
+novatel
+ouray
+124.06
+maisch
+'70s
+ommaney
+baran
+naps
+spotkick
+yabushita
+leeb
+bechtel
+rlv
+odfjell
+nontechnical
+dhiab
+joannie
+bundrick
+thess
+pecanha
+stonestown
+vaupes
+jrotc
+cues
+hypochondriacal
+hellenikon
+gavalas
+gyun
+vacuolar
+eam
+theories
+terroirs
+gasoline-powered
+crispum
+romberg
+massin
+wedges
+zuck
+ipd
+nine-mile
+łódź
+aadesh
+kidreh
+annasophia
+brandweek
+robbyn
+akhundzadeh
+2,425
+klepacki
+amiloride
+dimerisation
+cytogenetic
+warm
+titans
+raeder
+imotski
+arytenoid
+véronique
+1,680
+d.o.c.
+cariño
+kazadi
+pivac
+afonso
+paha
+planarity
+animotion
+eaf
+vinh
+wittenborn
+loups
+artyukhin
+donabate
+t.d.
+rgavin@globe.com
+handshake
+franceschini
+kagay
+reki
+raanan
+leopold
+3,461
+rgv
+cheadle
+1:41
+seniority
+pinnick
+rinpoche
+fantôme
+witmer
+nabeshima
+alleging
+agpl
+uwb
+sinisterly
+1987a
+helvig
+panettiere
+seks
+37-day
+horvath
+cleghorn
+thushara
+lessens
+intraregional
+knob
+macneil
+vain
+hammashi
+nc3
+macgyver
+veysel
+iosia
+annexes
+exponentially
+lihk
+moorland
+gyu
+breitsprecher
+affectionate
+lisdoonvarna
+negrete
+steinheim
+fuel
+lawanda
+benedetta
+savickas
+100
+crummell
+seleucids
+casu
+ecclesias
+three-position
+raspe
+nógrád
+flyballs
+78.69
+etkin
+entreaties
+kundla
+well-timed
+trogus
+aymaras
+kellgren
+mabie
+almodóvar
+lyubertsy
+1,571
+p&g
+177.8
+46.51
+finely
+nzsas
+1578
+tossa
+headstand
+saban
+annis
+japp
+rilo
+isamuddin
+7.63
+475,000
+unfashionable
+togolese
+ngayon
+sangwon
+kentucky-based
+elisabeth
+macksville
+bejart
+cristatus
+moakley
+258.2
+cannanore
+longhena
+sez
+rouiller
+cavin
+perić
+creaks
+soot
+maille
+kaljurand
+keibler
+fortunate
+fabulosos
+3,936
+-4.7
+elías
+east-north-east
+luminously
+oben
+8,259.31
+inquirer.net
+alakazam
+nowra
+bhumika
+anti-ship
+unfeasible
+alfieri
+115.90
+bazelon
+eci
+cruzan
+kantai
+whistlers
+mantronix
+showers
+sect
+drossos
+22,083
+hurrahs
+113.18
+ivax
+anselme
+movsesian
+paraphilic
+tomoo
+walibi
+forsskål
+khagrachari
+burden
+ejaculate
+magenta
+buccal
+ntoutoume
+hoathly
+9x19mm
+videoconferencing
+droid
+tiguas
+paratime
+hermaphroditic
+immunosuppressant
+pandurang
+kuramoto
+hofstadter
+44-point
+pro-allied
+tayside
+sophonpanich
+layperson
+14:44
+bible-based
+aberlin
+slammy
+accreting
+714
+fertilise
+sigley
+fassino
+patapsco
+glenrothes
+herger
+ethanolamine
+lorcán
+5th-6th
+602,000
+sapientia
+navona
+flossing
+playa
+shabat
+jongleur
+7,500-square
+contextualize
+garm
+class-b
+killough
+a.a.
+souquet
+helmerich
+vereda
+75.66
+19.85
+walburn
+bonin
+rastatt
+13-state
+towed
+orejuela
+chida
+deepika
+honeys
+goor
+shanny
+pre-1964
+amoris
+2007-2012
+cicc
+absent-minded
+stints
+malina
+protheroe
+touching
+1,038
+rizzitelli
+sts-126
+euro546
+kyaukpyu
+outwash
+garenne
+junid
+leeks
+fumiaki
+unmis
+castellino
+beauticians
+jacksonville
+guernseys
+caecilian
+hellos
+علی
+gandin
+shabran
+perfidy
+5-to-4
+kpi
+163d
+year-over-year
+twentieth
+parreira
+swirls
+bassuk
+august
+djamel
+peptide
+zwiebel
+airness
+23.41
+uvira
+ouja
+1910-13
+frassoni
+socs
+decelerating
+pleurotomella
+http://www.amd.com
+tongchuan
+tightrope
+51.87
+ingleside
+kurmuk
+sicamous
+kumara
+nechells
+courtright
+wages
+rolonda
+saps
+eisenbahn
+savaria
+transept
+thadzi
+showdowns
+106mm
+ptt
+vectren
+gibberd
+ledford
+calluna
+jazy
+bracks
+kornet
+shuras
+feola
+16,100
+manaw
+capay
+hugman
+straddling
+shehabi
+2,327
+a.t.m.
+manumissions
+mygale
+giraffatitan
+nightshirts
+kace
+maroochydore
+naek
+zero-emissions
+underdone
+aiyana
+bastan
+matzohs
+millonario
+ice-hockey
+risks
+18.56
+vinum
+gandal
+rtf
+rumangabo
+skehf
+coterie
+subcritical
+judeo-arabic
+placoderm
+giuseppa
+musiques
+apart
+marazion
+jailable
+46.20
+1.2644
+gin
+bouncy
+hoebel
+gastarbeiter
+tapers
+kovalevskaya
+faisel
+temporary
+isotropy
+melty
+squirreling
+dernbach
+77.63
+45-minute
+reformatting
+uihlein
+9news
+dyanne
+all-euroleague
+amounts
+tegetthoff
+hinged
+voivodeships
+purmerend
+shaming
+wilków
+ophiolite
+prewashed
+nacda
+pakhli
+onondaga
+extra-parliamentary
+1719
+duport
+saraste
+aaai
+niutao
+fliers
+doughnut
+9:27
+arbit
+organica
+lanao
+mourthi
+karev
+ankylosaurid
+sidelnikov
+brentnall
+frowns
+jockeyed
+natos
+ogam
+lodovico
+windtalkers
+energía
+shinsei
+elbarasse
+confectioneries
+dialogs
+russification
+malmsteen
+otford
+coburg
+salvadoreño
+supertest
+veatch
+swallowtail
+trim
+klim
+balitang
+lokot
+lcms
+stojic
+osby
+53.68
+kronfeld
+ujiie
+articulable
+bulldozes
+rauf
+franciscolo
+nilkantha
+md-81
+puis
+webnoize
+those
+gardyne
+lopes
+nachikatsuura
+bsd
+brinkmanship
+ipr
+holyroodhouse
+five-track
+mendez
+weill
+obverse
+somethin
+name-checked
+skrypnyk
+pepy
+dives
+trebay
+chris-craft
+monopole
+kenzan
+axl
+non-constituency
+digital
+estudiar
+rittman
+regather
+bāgh
+kushal
+29.52
+âu
+ehrenfried
+non-celebrity
+prendergast
+aminoacyl-trna
+hafidh
+gpmg
+38.78
+jíbaro
+seregil
+hyflex
+158.6
+e-w
+tiep
+naudé
+arbitrariness
+doakes
+bankgesellschaft
+latinist
+tto
+chicho
+migliaccio
+refurbishments
+saric
+yōsuke
+55,300
+tillekeratne
+approves
+assimilating
+lottery
+pioneer
+vmt
+ferencz
+teunis
+horikawa
+rubruck
+supermarionation
+torma
+kyphon
+bks
+open-circuit
+.810
+poma
+stratospheric
+camrys
+cermak
+turbanned
+solund
+charleston
+d&d
+2.5-liter
+lindseth
+rómulo
+forez
+13nb
+tu-22m
+cya
+stomil
+reacquaint
+chacao
+cosmodrome
+huachuca
+shadowrun
+yalsa
+heis
+puu
+guinle
+stopovers
+diaphragms
+fundus
+somdet
+etched
+inhabitants
+sinuiju
+positive
+unreeled
+badlands
+272.5
+pasmore
+athenagoras
+allou
+shosei
+zervos
+wehrung
+milošević
+qingpeng
+rudest
+milliard
+oji-cree
+moelwyn
+choirgirl
+velum
+mottus
+turnier
+ludovica
+hachiman-gū
+raab
+chattopadhyay
+leoncio
+wawrzyniak
+chargé
+hrithik
+peroxide
+íñiguez
+decamp
+spoerl
+mccaig
+58.91
+scher
+dearmer
+stigmatized
+mooch
+rerum
+scottsbluff
+celica
+bufton
+persahabatan
+double-hung
+voss
+teleprompters
+haruhiko
+peisistratus
+meat
+livingood
+scarlatti
+janssen
+illarionov
+rejoinders
+undertones
+uws
+x-43a
+258.9
+self-guided
+antisatellite
+sgushee
+alamaro
+yadavindra
+stellaland
+ipac
+morawetz
+workspaces
+ilyin
+karski
+ghum
+ouf
+nalbandian
+pineal
+ssw
+accredited
+garman
+jmalonecoxnews.com
+igloos
+saburi
+unplanned
+boulder
+dixwell
+deviate
+halides
+angling
+ruiter
+cisneros
+gobblers
+somov
+tafel
+publically
+1574
+rifles
+foremost
+collett
+marut
+esophageal
+anak
+streak
+peacetime
+94.61
+neelie
+mojmir
+pias
+censer
+waya
+mestel
+elinor
+1958-1959
+co-chaired
+robber
+lithographs
+artful
+asic
+14.3
+mannikin
+half-filled
+false-positive
+13.00
+ambika
+folk-inspired
+wc2003-ind
+brandao
+fast-tracked
+bauld
+behinds
+foreigner
+parlance
+hennen
+diacetyl
+carolco
+raetia
+underfunding
+ecct
+doleman
+medafighter
+1.7-mile
+zouaves
+orthologic
+kloves
+bayrampasa
+beutel
+8.89
+gampo
+goanna
+surabhi
+wavering
+usfp
+keogh
+schippers
+28.15
+gephart
+0.076
+kowal
+contortionists
+vollen
+langur
+mid-2nd
+co-produces
+alazraqui
+susman
+piyale
+marieta
+endorse
+andren
+d'arnaud
+s.n.
+nordvik
+130,478
+jinggang
+bmdo
+lenfilm
+dueled
+inswinger
+strigl
+75.50
+kola-ye
+ozymandias
+mizsei
+three-player
+pfieffer
+tsz
+cinca
+knoebel
+outlaws
+s40
+ishige
+bruns
+4,336
+torosaurus
+norichika
+slotting
+baccalaureate
+hisbah
+111-110
+flyers
+condoning
+cerebus
+euro213
+chesters
+thim
+eugenio
+brownes
+non-hybrid
+guder
+2-6-2t
+gcos
+illumine
+léaud
+65-35
+kolarov
+94.83
+dreco
+lividus
+lidstrom
+wave-gotik-treffen
+7.75
+deprecate
+re-arrested
+northridge
+mẫu
+ketti
+13-song
+danba
+macdowall
+luzhou
+kamwenge
+sujudi
+capco
+münchhausen
+sinding-larsen
+ratings
+5,470
+heptathlon
+jaspers
+agressions
+staphylinidae
+salvelinus
+machala
+116.67
+letona
+jeden
+damji
+pizzaexpress
+taiyi
+betp
+caria
+iterating
+match-fixing
+strums
+fancifully
+kotelnik
+upgradable
+koleilat
+livens
+genetta
+thursday
+nueve
+leuna
+dotterel
+43.91
+doorknob
+photography
+saijo
+uebber
+eagerness
+denigrating
+mythopoeic
+perlstein
+marucci
+xeon
+baloise
+50.71
+rd.
+standard-definition
+madraiwiwi
+annihilates
+2-a
+kassoum
+conline
+muhibbah
+expends
+cisterna
+gundulf
+noot
+srinigar
+jingzhou
+hbo2
+suresh
+kazakhistan
+blé
+membrane
+marienplatz
+kasukabe
+tinordi
+choosy
+khammouane
+lisztomania
+grossmont
+uhlans
+tarkin
+gerz
+hiram
+acetylcysteine
+ælle
+forno
+nongame
+close-in
+demographically
+abney
+fuman
+9-inch
+puvis
+mckelvin
+rimantas
+sourcebook
+farad
+calcareous
+mapuranga
+aliona
+thanhouser
+romantic
+comparables
+pierz
+beevor
+luminarias
+1.222
+blooded
+17m
+42.4
+crankcase
+unromantic
+tbk
+grafer
+mountains
+perceives
+jiaozi
+bobdart@coxnews.com
+30.20
+unchecked
+bettens
+zurg
+sunidhi
+edkins
+chhum
+calfo
+bigazzi
+mahadji
+inishbofin
+jingoism
+dishonoured
+martlet
+upwell
+34.73
+rostker
+morgue
+maharajadhiraj
+herreshoff
+nosiviwe
+6.18
+79.79
+dru
+valentyna
+fontenelle
+lisco
+l977
+2:01
+uzhhorod
+fleckenstein
+dziekanski
+sisters
+pc-9
+tecun
+izmerly
+ipad
+whimsically
+pepsiamericas
+inhabits
+norén
+iphigeneia
+reinjure
+astp
+42.46
+dong-gun
+l'expansion
+littlebigplanet
+shabda
+abram
+ums
+thornless
+nikolaevna
+plummetted
+indeterminism
+8.84
+cacatua
+kommune
+10.32
+jeptha
+goold
+30-room
+----
+disembowel
+theyre
+dinaburg
+croghan
+nyandoro
+deuces
+heartline
+enrile
+senator-elect
+gulyayev
+hixon
+rudis
+vanquisher
+richtersveld
+kulbhushan
+kielholz
+glycation
+choloma
+thermionic
+desulfurization
+oldways
+overscan
+sumiyoshi
+fruity
+danelaw
+northwick
+宣武
+66.64
+ylli
+dilkes
+vibraphones
+squeezed
+1124
+matanog
+watchword
+acl
+raa
+59.79
+flaking
+150-acre
+claps
+sante
+sugarplums
+shilo
+gruffness
+ticketcity
+trousseau
+2-25
+bolshevik
+obligatory
+appalachia
+kokhba
+vo2
+shadley
+atec
+sequa
+64.04
+animist
+rahsh
+mungomba
+dravidas
+wgcs
+phthisis
+southerton
+winded
+jaroong
+medine
+polarizers
+musée
+abijah
+english-american
+tulkus
+igdir
+hambantota
+four-game
+210.4
+rosewood
+examine
+kalen
+pinkham
+cybergold
+juntao
+32-4
+niraj
+gotlib
+gpu
+ternus
+mencia
+bonafide
+alx
+mostovoy
+awardees
+murs
+derochette
+annmarie
+anantha
+167.50
+kitai
+neuroses
+sompit
+jillson
+milicz
+25-35
+schmiedeberg
+milkis
+qilla
+ignagni
+robert
+millions
+porteno
+704,000
+developmentally
+dimethylformamide
+kamuli
+houlihan
+bechor
+macrobiotic
+nikolas
+chuzhou
+p-glycoprotein
+lowney
+yousefi
+embla
+nezir
+sheung
+dzhokar
+wellness
+bouteflika
+1,828
+skogen
+hosseini
+osio
+blee
+motorcross
+thammarak
+2,774
+philipose
+embitter
+lomi
+ratner
+hazier
+ardija
+marwah
+fresheners
+98.47
+pemulwuy
+daryll
+bodish
+12.74
+cornucopias
+lexecon
+spiciest
+handstands
+8,450
+sedgemoor
+parnitha
+corbyn
+gujral
+100,000-square
+kyokushuzan
+cristol
+toey
+jrue
+79-62
+wkqx
+bezeq
+dhungana
+herba
+paglia
+bce
+cayeux
+portofino
+extratropical
+razo
+defamation
+misdemeanour
+1-23
+yesenia
+18.49
+moorish
+.78
+nicaraguan
+xhaferi
+ticona
+magi
+smehlik
+19b
+tierradentro
+0340
+lbc
+dorks
+willse
+powwows
+apposite
+antimicrobial
+abingdon
+hiyoshi
+baking
+series-winning
+sudafed
+emslie
+chamma
+suherman
+tiefenbach
+ppcli
+soavi
+parfums
+keys
+vassalage
+keydets
+matthaei
+chakothi
+territories
+lambertsen
+louron
+thelton
+41.68
+gym
+baik
+hanako
+pursues
+harville
+tripti
+vogtei
+exception
+119.27
+tenaglia
+baldry
+slocan
+lifetime
+predispositions
+geber
+lankford
+samata
+salan
+2,945
+kalloni
+gilat
+guittard
+creationists
+smitt
+neighbours
+dannheisser
+linde
+ninian
+tanpura
+kedleston
+cation
+lecesne
+lumberjacks
+conceptualisation
+yé-yé
+sayago
+petechiae
+51.15
+killea
+merite
+dismissively
+brava
+clydebank
+benisede
+valadez
+156,000
+straggling
+jaral
+valencian
+rabbitte
+28-31
+cassette-only
+opportunities_colorado
+spacemen
+gowdas
+ods
+16:26
+jusuf
+ostentation
+rivara
+strangeloves
+angelim
+thousand
+moralizing
+overshadows
+43.09
+iero
+hicom
+stroganovs
+126.77
+karima
+kagin
+22/23
+counterfactual
+starflyer
+viniar
+crosscurrents
+assume
+carrots
+yawei
+safwat
+unsought
+mortazavi
+unseld
+antoniadis
+dreith
+terzian
+ngn
+dnr
+tuscan
+thusday
+abdelkarim
+schérer
+never-say-die
+cenobites
+britt
+nascent
+-13
+milkins
+arutyunyan
+10-under
+55.28
+mubeen
+malësia
+jezebel
+strzałkowo
+boroughs
+ramkumar
+lt
+5.1-channel
+guisborough
+-9:30
+.357
+manojlovic
+12-for-12
+æthelthryth
+fixates
+abdiqasim
+mocking
+sannie
+beximco
+apostolatus
+vanclief
+triangulations
+ziprealty
+margarito
+holtville
+1,605
+minersville
+hyogo
+manawydan
+59.52
+22-week
+benishangul-gumuz
+jürgens
+oromia
+guldimann
+ackermans
+laman
+scerbo
+bavi
+delchamps
+giaimo
+pyrams
+scuffed
+faster-paced
+k20
+siddharth
+guéret
+chaires
+season-best
+1690
+shanin
+koishikawa
+orlev
+attracted
+macnider
+reflects
+wten
+braaten
+wahr
+eflornithine
+xylan
+elongation
+humanitas
+bogdanor
+rainbird
+embossed
+kulasekhara
+treaty
+burti
+98.50
+gilliatt
+setar
+lisles
+necking
+l'astrolabe
+3,404
+us-91
+cataluña
+doubleclick
+kostelka
+multi-platform
+gorshin
+yawkey
+21:15
+31.61
+strommen
+plos
+feifer
+gangland
+interpromotional
+domain-containing
+extrapolated
+tbs
+croupier
+opr
+gat
+ramage
+bucareli
+leigh-on-sea
+czochralski
+calystegia
+euforia
+h&h
+canonero
+penne
+nimbalkar
+jérémie
+doremus
+egziabher
+austro-daimler
+edalji
+flegg
+workouts
+over-consumption
+solana
+unskillful
+krasenkow
+cicilline
+perjurers
+frança
+krivolak
+222-2028
+impugned
+tamraz
+maradona
+mccafe
+anti-venom
+reform
+sandfly
+wilbraham
+freeness
+m81
+.72
+longjiang
+london-wide
+paydays
+valenciano
+harnage
+102.04
+themistoklis
+kangla
+129.0
+a.n.r.
+shira
+non-broadcast
+95.40
+220
+showscan
+peadar
+mmckenna
+fastbacks
+rumiana
+in-game
+mchaney
+teratology
+munsters
+falling-out
+predominantly
+pastrana
+poonch
+josy
+etude
+soberanes
+gurukul
+foie
+transporte
+oiran
+tyrer
+glezen
+operacija
+bačka
+2,250
+endear
+broad-leaf
+mirthless
+champigny
+romeo
+jitters
+mewling
+shedded
+bikeways
+khin
+ojinaga
+dowson
+daleh
+kinshasa
+udpates
+zilker
+bnf
+kerkyra
+deep-lying
+baquerizo
+confesor
+toru
+fortepiano
+ruddle
+v-weapon
+ghiggia
+ragtag
+lebensraum
+uriburu
+gmina
+4.5-5
+buluk
+waverly
+yeadon
+christal
+5:19
+espn/usa
+117.47
+gorski
+faxes
+komorniki
+-19
+16.71
+peretti
+sivori
+gandara
+0040
+miba
+qureshi
+caala
+naeole
+reinforcements
+manekshaw
+hezbollah
+officials
+burbach
+hun
+vezina
+fabless
+kaset
+sternwheelers
+bahamasair
+wikileaks.org
+kabbala
+salmas
+strugglers
+predicaments
+puroks
+30.4
+displayed
+dolf
+hashiratani
+kronig
+,620
+prorogued
+philosphy
+an-26
+skadar
+otaman
+busted
+randall
+velay
+padmanabha
+dahlan
+herrara
+attuma
+seaham
+adda
+tulsi
+stenning
+hinder
+ptn
+schmoe
+t-35
+rech
+riposte
+nonholiday
+fainted
+rooter
+nez
+curvy
+furioso
+kenro
+erdimi
+namelist
+bolly
+arahant
+4-70
+rewrites
+calyces
+extinct
+cfb
+myddelton
+airbrakes
+saint-gilles
+lacaille
+paceman
+parodying
+landsmål
+geldart
+malubay
+kolesov
+locked-in
+unrolls
+tremolite
+mattiolo
+jinan
+klag
+manuella
+gadis
+non-navigable
+nduka
+sowings
+overpromising
+nelle
+gumperz
+pre-occupied
+pssas
+38.87
+faired
+gally
+linzhou
+foibe
+edaphic
+m70
+jobs
+squab
+weisman@globe.com
+winslade
+pltw
+nickell
+chronos
+elottery
+12:49
+teresina
+hemorrhaged
+muze
+weatherwise
+cinnamon
+serghei
+baghdis
+taimoor
+irreversible
+lindo
+3:04
+tellings
+unwitting
+.2723
+cụt
+drugs
+homelink
+pricked
+efta
+assisted
+6,220
+regenerative
+matalam
+graterford
+cammisa
+ramot
+8,470
+5-2
+69.66
+heavy-weight
+visitations
+chonburi
+aha
+baloncesto
+hesitates
+hagadone
+zago
+amiry
+ouspensky
+curricular
+heegaard
+ezeagwula
+senilagakali
+word-of-mouth
+hindarto
+alpesh
+karunanayake
+merghani
+virgil
+joep
+tsachi
+cca
+tirthas
+louche
+iii/iv
+estyn
+353d
+free-flowing
+advertorials
+pracharaj
+englisch
+tellurometer
+infantino
+gust
+aasu
+granat
+ordonnance
+thường
+52.24
+42.83
+xenopus
+yocum
+rss
+discernable
+cerron
+senaki
+apennines
+terris
+dysfunctionality
+siguientes
+intime
+awamori
+batson
+beyens
+p.k.
+maraud
+iterated
+env
+alchemy
+4-cylinder
+komárom
+samtskhe
+kovels
+barouh
+gilliard
+six-furlong
+bukovec
+chén
+kerslake
+emergy
+pernilla
+(401)
+pulsates
+gbabgo
+2,298
+austalian
+gcse
+dianmu
+13-turn
+willenberg
+pettinato
+high-demand
+smyre
+tuohy
+waikanae
+tabuteau
+19-month
+32
+lakhmids
+80-million
+wiryawan
+45-14
+piontkowski
+ro
+kamerman
+macovei
+kirmayr
+biomechanics
+enum
+motsepe
+al-saud
+modot
+rectified
+bwlch
+axos
+cadron-jetté
+csia
+subcomandante
+ramzan
+switchboards
+beersheva
+itics
+abdul-rahman
+sepoy
+lammers
+ace
+wiley-blackwell
+68.32
+keenest
+haz
+121.53
+privatizacion
+gytha
+93.52
+songlines
+ōtani
+microgames
+venado
+geatish
+vouilloz
+aaland
+calabi
+calveley
+-10:00
+salaam
+tort
+upticks
+tamon
+southward
+lieutentant
+magrane
+habakkuk
+virago
+empresses
+masudi
+anette
+myoelectric
+inappropriate
+manja
+actioner
+mugham
+terracina
+60
+exocet
+truro
+oduro
+11g
+biotechnological
+nlra
+bacri
+tremadog
+halsey
+triterpene
+tololing
+ayscough
+profligate
+philistia
+psychotics
+wss
+argentino
+clytemnestra
+7,970
+syd
+nearsightedness
+valia
+secher
+gutowski
+mindon
+directionality
+sumiko
+ksa
+wnol
+uga
+725,000
+dethomas
+lexis
+yassine
+517th
+protest
+del.icio.us
+7
+susurluk
+hemnes
+breitmeyer
+nikolovski
+oleskey
+ppn
+profiteering
+chhnang
+craftiness
+sancton
+highams
+1106
+23.12
+shopaholics
+pundt
+balzaretti
+torabi
+co-np
+boero
+wansley
+chanchai
+next
+hibbard
+cornstalk
+condoms
+pouget
+khobe
+backlighted
+suaveolens
+4,541
+41.29
+tibshelf
+1/20
+instrumentality
+end-of-season
+nimbleness
+bashful
+vicariously
+cheddi
+111.07
+canniest
+sulfide
+gasc
+fdma
+renascenca
+frequencies
+botulin
+sorest
+hominids
+enhydra
+rhythms
+shumilin
+wildsmith
+norfolk
+animation
+krisda
+no-load
+yablokov
+lansburgh
+crerar
+muntz
+avonside
+yediot
+euro300
+stanka
+hopeless
+jehona
+qabus
+zc
+basharat
+ogunjobi
+fadel
+wonka
+hillview
+euro55
+maïga
+briskets
+mgwirizano
+mouvements
+akhunzada
+o'hern
+haiman
+incapacitating
+palmanova
+mollet
+gabar
+half-breed
+barrancabermeja
+pellatt
+ceriani
+2,134
+kriendler
+45.13
+35-nation
+2,563
+nanjiang
+storrow
+compositor
+32.26
+mocidade
+dhamaal
+archa
+36-day
+kotschau
+27km
+bajas
+shaukat
+merritt
+61-page
+ghoulish
+cuthbertson
+liuhua
+goltz
+chronically
+lahijan
+beattie
+106.38
+selye
+aijaz
+bihari
+zhī
+chesoni
+affectionally
+punjab
+joneses
+standardizing
+nikolov
+decree
+balaya
+2,970
+uighurs
+25.09
+saberi
+soldano
+carrigaline
+zhenxiang
+hedren
+exaggerates
+unpopped
+almaz
+conatel
+panics
+hwwa
+swashbuckler
+20-match
+mabin
+zigging
+ferredoxin
+hisayuki
+jull
+palea
+coronell
+fernandao
+retrenching
+shigemi
+belene
+papermill
+stopband
+celles
+casule
+3:38
+105.72
+berzerker
+rawsthorne
+sorsogon
+ultraconservative
+netease.com
+baine
+haunts
+neatnik
+agronomical
+manteo
+malakhov
+daigaku
+solita
+schleissheim
+klutznick
+m203
+4.2-percent
+rustica
+fenland
+tartuffe
+aftermaths
+fjölnir
+enforcements
+.413
+scrappy
+anormed
+convergently
+okays
+bierstadt
+joicey
+antley
+kuijt
+709th
+terre
+typography
+vernet
+synchrony
+fahim
+sleight
+pungent
+altig
+kyiv
+10-kilometer
+tarbiat
+lupberger
+palanker
+fourteen-year
+kanger
+ansbacher
+seisdon
+vinayan
+sarada
+undented
+campesina
+oppida
+smedt
+mancel
+rwc
+morval
+lavelli
+chislett
+gasherbrum
+fainaru
+itapúa
+39.92
+10.03
+suffusion
+1,428
+keqiang
+gibbering
+zbójno
+17.76
+raeburn
+addisu
+nyenze
+ultor
+mollington
+witherell
+castelnuovo-tedesco
+moe.
+millionth
+barewa
+42-meter
+financo
+london-bound
+iebc
+efavirenz
+traesch
+malecon
+ltée
+bookend
+tehrik
+harnecker
+suzumiya
+takano
+handgrenade
+philadanco
+panglong
+zug
+coonhound
+intelligibility
+jr
+fulmer
+bricktown
+chivasso
+sandweiss
+'99
+14:29
+manahawkin
+allowance
+200.1
+mallotus
+nichole
+peoplepc
+42.52
+porticos
+woosie
+pfeifle
+stansky
+continent-wide
+papalia
+quân
+3,364
+moronuki
+munia
+jemaa
+bollinger
+vasili
+tuska
+17.66
+brinjals
+hedonism
+multi-faceted
+92.2
+zitzewitz
+leong
+sinisa
+prusis
+ma'alot
+daybed
+5,160
+beneficent
+pumper
+asiaticus
+figeroux
+confernce
+cbe
+lfe
+86.42
+cache
+algebras
+vulgate
+matsu
+michalsky
+shailagh
+batul
+viktoriya
+zhixue
+winefest
+boldklubben
+jianbin
+74.00
+mannis
+840
+monge
+6.96
+ratmansky
+hadian
+querer
+да
+cbh
+gennie
+sochatchover
+meinhardt
+entrenches
+bruguiere
+#ukqec
+villes
+albay
+matlala
+cooperative
+jokes
+rockhouse
+echocardiogram
+10.57
+serock
+graça
+utx
+52-35
+giri
+colección
+millworkers
+moropant
+93-90
+castroneves
+ooops
+tapuah
+620-mile
+mutch
+dowgielewicz
+cimoli
+executable
+anielewicz
+stoican
+henrician
+eccas
+mensch
+balanitis
+bakić
+dressier
+everly
+cwt
+robicheaux
+tianxi
+hidipo
+noticiero
+3,658
+soule
+x-10
+coworker
+imperio
+temporalis
+forsee
+qua
+misjudgments
+goolsby
+gambling
+stubbornness
+makaha
+stillness
+nagumo
+singer/songwriter
+waist-high
+update6
+pelletizing
+1955/56
+iskender
+europhile
+perianal
+20-gauge
+chow
+nonrecourse
+hubu
+alstom
+jouffroy
+adel
+medinan
+vaishnavite
+centrifuge
+bimp
+haricots
+penman
+3-footer
+rahab
+t-9
+qc5
+enthusiast
+fondest
+123.30
+logrado
+kool
+outraised
+redeployment
+sixian
+hotdocs
+bafta
+pauahi
+vachellia
+bondoc
+sanok
+conoil
+tsiang
+edmundson
+multilateration
+sub-brand
+peleng
+stańczyk
+layovers
+20-ish
+skinned
+loughs
+self-image
+lundquist
+castaldo
+94-80
+misab
+bustards
+doth
+zaker
+1906-1908
+lewton
+cogentrix
+nibs
+jinghe
+chrono
+bogie
+yakovlevich
+czosnów
+benzon
+sama
+nelisse
+spafford
+difesa
+transcaucasian
+caudex
+accoceberry
+moea
+riverwalk
+epidemia
+otti
+ircam
+l'ouest
+śmigiel
+gohil
+re-set
+gallizio
+kseniya
+69.67
+heulot
+abbandonata
+unfertilised
+multi-award-winning
+368,000
+matoaka
+segni
+lovestone
+tverdovsky
+dorismond
+roussos
+norcen
+kamandalu
+aids
+wassana
+thilorier
+surya
+8,700
+karnaugh
+shita
+privatizaciones
+józef
+sin-offering
+bytów
+stelling
+undramatic
+rothbart
+intonation
+invertible
+socio-historical
+orlen
+unenforceable
+45-9
+everdingen
+phú
+pokaski
+gaunt
+vis
+writedowns
+cbgbs
+kacou
+capek
+swid
+29/32
+dizayee
+sonatina
+roughgarden
+ampeg
+midnight
+409th
+surra
+conjugacy
+lp/cd
+61.10
+caio
+asar
+nishio
+direst
+hilsa
+nourrit
+350-foot
+krnov
+blockage
+twistor
+medico
+fasttrack
+ghorak
+sainte-barbe
+kaspersky
+plump
+erlingsson
+agl
+merryn
+deheart
+auteuil
+cifs
+53.71
+16-billion
+kump
+mukah
+w33
+corredores
+oath-taking
+marinkovic
+pickrell
+koukal
+d21
+elite-level
+arngrim
+45-kilogram
+hrs
+tile
+system-on-a-chip
+whf
+sanfrancisco
+paquin
+thulin
+pocus
+busybox
+dabra
+auditoria
+aaas
+kukish
+majestically
+telcor
+emba
+khaleel
+weigel
+tsypin
+3,229
+personales
+rah
+springboro
+charsadda
+nonbank
+prasnikar
+610-foot
+brebeuf
+d100
+ventajas
+teuku
+heir-apparent
+chollet
+dutchman
+10,00
+sandspit
+nolf
+glossy
+dzhonev
+375
+seifullah
+harperpaperbacks
+sleazebag
+joubran
+mokra
+ensayo
+newsreaders
+saint-gilloise
+tarasova
+grode
+raiders
+vaganova
+42-second
+amatong
+pazo
+hawkey
+khava
+herencia
+67.18
+mmea
+indus
+antis
+cosipa
+marriages
+manfred
+yongfeng
+bán
+huppe
+zemedkun
+ktvk
+fiske
+cosper
+salmaan
+budoff
+län
+semans
+ardeshir
+lacalamita
+gloppy
+pre-trial
+floatplane
+isoniazid
+hunkin
+shuttlesworth
+29.05
+exline
+hoods
+2.175
+movimiento
+ambala
+idolizes
+5,800
+veerpalu
+chūō
+pesters
+folembray
+hundredths
+pote
+oberto
+laviana
+90.18
+one-night-stand
+nord
+7:19
+freeze-drying
+hutchesons
+celebrates
+paradis
+benedicto
+medii
+goodwins
+vver-1000
+poshteh-ye
+tempo
+bolshoi
+busta
+gumbel
+thilina
+voraciously
+smeralda
+sister
+kodak
+44-million
+flashy
+1991-98
+piriformis
+strathpine
+195.7
+arza
+karnik
+posner
+anthimos
+.184
+tour
+khoram
+90-mph
+crèches
+churchgoers
+eldar
+sbx
+gerrymanders
+wanniarachchi
+columnar
+agendas
+merchandise
+freund
+austria-hungarian
+ix
+dicastery
+endocrinology
+veneris
+consents
+aglionby
+1723
+pálffy
+trevan
+falzarano
+palak
+zweiten
+1.2300
+decipherable
+nfpa
+jimin
+6.0-percent
+medal
+desparate
+third-generation
+showtime
+summerdale
+evacuates
+1.2680
+director/choreographer
+rafalski
+enterobacteria
+mcfadden
+ofdm
+sørlandet
+januária
+56.61
+alerts
+bettong
+girded
+ghazl
+rahilly
+nimbyism
+44-year
+karekezi
+sixpack
+nabard
+ouch
+schadenfreude
+aerial
+discourtesy
+plateaued
+golen
+grimace
+bifa
+7-1/2
+www.metmuseum.org
+tevfik
+tyke
+aventajado
+39.43
+pitkin
+nizhnyaya
+semir
+safadi
+voiceprint
+calbayog
+hwy
+aseambankers
+-3.50
+craik
+prudnik
+cinephiles
+sapio
+howsoever
+kajiado
+pintails
+bombarding
+inspiring
+tuesdsay
+foleo
+hooved
+reinstein
+coric
+canariensis
+11.37
+antártica
+bryher
+earnock
+sentience
+jajrom
+diapsid
+52.79
+u.s.-flag
+barga
+0.31
+passero
+securitymen
+softhearted
+platyptilia
+kretzschmar
+worldtravel
+cryptozoologist
+szymczak
+khulafa
+fagor
+producers
+cuckolded
+curtsey
+linbeck
+ogun
+dugong
+u.p.
+pitot
+mccullagh
+xiaoji
+shogun
+53.62
+pali
+obeying
+grayscale
+paolo
+firday
+lukanin
+pinfield
+salvador
+d-5
+engineered
+gaudenzio
+bluebunch
+molting
+egyptian-born
+slavonian
+steinlager
+dilke
+reconstructionists
+rully
+olmedo
+phyliss
+sirois
+4,235
+alberty
+redmayne
+venet
+taum
+korniyenko
+10-40
+fuzhou
+1889-1890
+cristi
+daisetta
+v/s
+boeing-747
+61,000
+bondian
+ozi
+aboke
+ulises
+dagomba
+4,024
+undergrowth
+françois
+burao
+euro218
+łukta
+srirangapatna
+embroiderer
+scramble
+kreeri
+baccio
+robes
+brabus
+siddik
+69-run
+7,530
+elmgreen
+wrl
+stroudwater
+hyuga
+glaza
+arizona-based
+proclaim
+lams
+hitlerite
+first-line
+silda
+sifton
+clifftop
+godzilla
+eustatius
+schnauzers
+fmc
+pacu
+bhurban
+slide
+assemblage
+hoshi
+baatezu
+shoy
+woodblock
+goldsborough
+dohnányi
+92.41
+nondurable
+haakenson
+goathland
+turpin
+schill
+cobourne
+aimster
+72,600
+soso
+lunatus
+olofinjana
+city-area
+ciprianis
+siyad
+gabba
+moderators
+oguchi
+divisionism
+mushega
+pokomo
+crystallizing
+hidenao
+hedwig
+seaq
+deducted
+histology
+christiane
+mpv
+glocke
+erythematosus
+ogooue
+guorong
+crystal-clear
+shortchanging
+santas
+guenevere
+enizi
+papadimas
+lorries
+19.84
+nowland
+decl
+procacci
+deco
+stereoselective
+comalcalco
+mascaro
+drafter
+pelajaran
+crumpler
+tawake
+medtner
+clothier
+contemptuously
+0-4-2t
+danino
+conformation
+zuihō
+567-page
+30.46
+seaver
+libe
+kalitta
+wavin
+gangsters
+beached
+surfaced
+inhibitors
+mcelwain
+1,528
+uotila
+avai
+belkis
+zumthor
+hemiplegic
+erzincan
+tantric
+90th
+peach
+magician
+stock
+jlg
+maximova
+junon
+lamballe
+gadid
+.150
+wankhede
+106.67
+waroona
+udmurtia
+123.14
+zenithoptimedia
+kafe
+pemmican
+67-71
+42-member
+presenteeism
+monday.the
+yesalis
+vincula
+cooksley
+jarosite
+shichun
+bullen
+three-metre
+erbakan
+85.82
+111.85
+vodka
+multilinear
+pushmataha
+pantabangan
+13,050
+wasilewski
+khan
+knr
+93-92
+pomace
+kostadinova
+foi
+bourdy
+sigue
+azurix
+gtw
+donaueschingen
+r27
+j.e.
+crashworthy
+chav
+sunaina
+1895-96
+włodzimierz
+basicity
+cospar
+spinbaldak
+jmurray
+sulur
+c90
+paramotor
+towering
+anthuenis
+laff
+roms
+realiza
+diamnds
+ausone
+carlyn
+sidelong
+linebacking
+diddams
+venkateshwara
+lineker
+subtracting
+windfarms
+facsimile
+cloudsplitter
+qurei
+lyons
+kuchak
+onufriyenko
+1h05
+repainting
+soviet-led
+al-haj
+soll
+41,875
+mackichan
+1636
+plasman
+świdwin
+cardinalfish
+barkham
+bandura
+pupfish
+sijil
+lungsod
+cavorted
+morente
+1,957
+strathcarron
+denyer
+cedis
+country
+thinkers
+calugar
+sheikhdom
+bipinnate
+disenfranchised
+luxottica
+kampo
+nosov
+342.2
+bilingue
+bleier
+dredging
+pawed
+morvich
+coprolite
+bulga
+amodeo
+târgovişte
+cini
+rigney
+cheat
+purdah
+homeopathic
+raving
+etterlin
+,10
+knopfler
+nasso
+factory-made
+okka
+quinone
+37.67
+loved
+gishu
+of-11
+coran
+floodwaters
+temir
+netday
+angelnotes
+romashchenko
+dachang
+holtzmann
+yihan
+therewith
+passerine
+horine
+renia
+catalysing
+marist
+wehrkreis
+0.3-percent
+softwares
+eins
+riney
+billen
+cluytens
+relaunch
+touchiness
+scalpels
+prek
+dislocates
+everex
+c-130
+yokkaichi
+allievi
+kamionka
+roams
+loughridge
+teki
+qms
+ardagh
+spiritualities
+flaccus
+customizes
+senol
+5.77
+glazier
+autun
+vreeland
+protozoal
+krilic
+prototyping
+5,775
+minsitry
+role-based
+wilhoit
+cultrera
+mondadori
+tanegashima
+charo
+recapitalized
+blowholes
+tm1
+convalescent
+yung-jan
+ayush
+ceglia
+croods
+dutkiewicz
+monnier
+post-hypnotic
+2-19
+paheli
+acastus
+nawrahta
+miłosz
+2,349
+fibiger
+électriques
+13-hour
+tolpuddle
+moderate-sized
+2,619
+tsonga
+pareles
+rinna
+seifu
+stored-program
+rudloff
+109.98
+l.america
+dushmani
+montferrat
+collectivize
+ringing
+585
+incepted
+credits
+bayin
+y-12
+gonsalves
+donnersberg
+koeppen
+one-pocket
+newhaven
+eddic
+challen
+alvez
+nabb
+mahagonny
+vendsyssel
+martinova
+brag
+1,056
+pronounces
+westmoreland
+3,275
+salvage
+larcher
+goners
+37,750
+malahayati
+sheetrit
+dynamit
+leiden
+petliura
+islacom
+shubin
+82.19
+vapor
+zayn
+aritomo
+umeki
+psr
+olindo
+elaphus
+sandrich
+bune
+peuples
+empanada
+1.037
+kuranda
+bouet
+ienner
+woai
+veda
+pensar
+quiff
+ansari
+malabaricus
+squadmates
+maxfli
+imta
+shuning
+4,000-seat
+jina
+backstroker
+transvestism
+intracity
+haselbach
+envy
+steinhilber
+dhulia
+bleakley
+liberties
+khaddafy
+declaration
+juggler
+bambi
+yankeenets
+jobst
+mosasaur
+eddeen
+cognetics
+riflemen
+abogados
+collagist
+cattlemen
+sirindhorn
+cliché
+verl
+oregonian
+nakazaki
+180-year
+wensleydale
+surburbs
+hsh
+cavalrymen
+pugach
+mudbrick
+xlconnect
+menya
+westchester
+ද
+acrobatic
+11/km
+rajoy
+54.81
+2.71
+doleac
+swac
+3-7
+kunishige
+kaumudi
+fanja
+mactaggart
+lac
+ørsted
+evaluator
+bottom
+alarmism
+incremented
+erdinc
+computerworld
+weinglass
+glengyle
+well-known
+msk
+150-word
+amateurishly
+half-century
+7.7410
+self-named
+ramadhin
+unitedhealth
+newley
+mayville
+commission
+lament
+gam
+tanakpur
+1971-1977
+potoos
+mango
+collégiale
+95.93
+165.50
+superwomen
+anadia
+ethnobiology
+klink
+abelson
+vij
+hoeffding
+dweebs
+7,395
+yizkor
+knatchbull
+koukalova
+mackaye
+flamen
+ramanujan
+proto-language
+ngauranga
+lefa
+peshmergas
+novotroitsk
+mansoura
+higher
+gho
+kowske
+menninger
+14000
+proposer
+quercifolia
+77.66
+pfaster
+cfa
+scalloway
+senora
+switzerlnd
+85.88
+134.00
+jellinek
+ouedraogo
+al3
+assy
+seremet
+zamaninia
+sanderman
+21.67
+6.70
+willaumez
+moseneke
+hamidou
+riazanov
+danco
+hrbatý
+jouve
+reali
+pardee
+ogallala
+perceivable
+subcaudal
+1-month
+intrasquad
+kurma
+agwu
+streetlights
+cephalus
+hice
+5-feet
+cuitláhuac
+psi-20
+hydrating
+rosebrock
+latheef
+anesthetics
+latrans
+lamhe
+sya
+risperidone
+cadalora
+goalscorers
+roadworkers
+mapagu
+ananiashvili
+heiferman
+wordmark
+donation
+brahmagupta
+navarathri
+cherokee
+taxila
+narciso
+bageshwar
+rob
+jeltz
+kirtland
+czars
+felrice
+crossway
+nondiscriminatory
+win
+muntadhar
+self-realisation
+rebelliously
+59.71
+phatfish
+borislow
+chillers
+autodromo
+sharapova
+mid-fourteenth
+plea
+archaeological
+formato
+childcare
+demiurge
+briseida
+morphic
+ugarte
+zoetebier
+ness
+lubricator
+kyoto
+klaipeda
+717-646-4850
+qichen
+smackover
+19.86
+pharmacotherapy
+danida
+bilinski
+djaballah
+lodgepole
+non-asian
+howdy
+pavlovian
+subtlest
+wilfert
+all-species
+korba
+philbrick
+languedoc
+inline-6
+sowie
+toupees
+clue
+cuffe
+1.455
+kharia
+straniere
+canwest
+neuhof
+1980-81
+23-5
+neptali
+10-question
+monze
+20g
+edrs
+castroviejo
+rohling
+catholic
+liguera
+artane
+helmont
+photo-realistic
+psidium
+rff
+honfleur
+promenading
+rocen
+grahn
+linrung
+aguillard
+desempleo
+86.97
+518-623-2825
+border-style
+miyaji
+grotesques
+vk
+powershot
+dignities
+trespass
+rosenbluth
+transpetrol
+romanek
+farran
+engine-powered
+guterres
+desalinating
+gormley
+emden
+wardy
+dufner
+phaon
+olegario
+prototype
+poston
+trp
+pitchblende
+ponferradina
+baader-meinhof
+fidencio
+mahfoudh
+riether
+zeise
+speakerboxxx
+under-sheriff
+nieuwoudt
+revoque
+gebresilasie
+ladainian
+aetosaur
+abū
+panaeolus
+youku
+klitschko
+seraglio
+kiratpur
+globovisión
+ghazali
+d’or
+longo
+mcleans
+kotscho
+11p
+muhiddin
+insurrections
+telemovies
+distict
+trebbiano
+spliff
+conniption
+obywatelska
+mantila
+ihithisham
+110.14
+bayern-süd
+9th
+southold
+5,012
+orkin
+sejny
+ký
+32,768
+wacko
+wärtsilä
+ilidža
+aldobrandeschi
+nazeh
+otoka
+123.82
+hoffe
+bessinger
+2-0-0
+marenzio
+jezioro
+ginder
+gunma
+caimito
+suppository
+42-1
+gallons
+eucratides
+euphemistically
+destabilizing
+gröning
+nespelem
+rogovin
+avenarius
+infinitis
+hegemons
+hymnbook
+mašina
+hypertrophied
+barbus
+hudson
+glutens
+calligraphers
+yama
+comnenus
+tornadic
+grèce
+mccrone
+purananuru
+msrp
+croitoru
+jenelle
+finnbogadottir
+symphonic
+20-party
+fixed-line
+drifted
+supersonic
+saskia
+kolpak
+skiy
+licenses
+motherland
+biasca
+villebon
+huajuapan
+kanyama
+31a
+kottaram
+biografia
+ventilate
+budejovice
+conversos
+cyanotype
+239-year
+superbrands
+watanuki
+23.64
+jump5
+glyceryl
+ḩasanābād
+israeli-american
+jancula
+sanlitun
+beeville
+handbasket
+trifles
+sundanese
+38-23
+canberra
+mitani
+pinkish-brown
+myf
+8.21
+469,000
+spaur
+lawzi
+múzeum
+turbay
+bobo
+araucanía
+noorduyn
+solyom
+1,804
+haslund
+chamchamal
+moms
+parshuram
+joling
+6.21
+celestica
+fruitland
+naldi
+francoist
+parrotfish
+wenlong
+kerschner
+abada
+glavica
+jarnjak
+keirn
+prettify
+magellanic
+bayd
+deadening
+claessens
+unforgiveable
+dahlman
+boysie
+mauborgne
+bamm-bamm
+interfilm
+purports
+riyale
+35.94
+aspecto
+syesha
+armatus
+.424
+mcleodganj
+sembilan
+49.60
+gatherings
+taipa
+harrisonburg
+tangency
+karlsøy
+reformists
+busies
+cwlf
+wls-tv
+117.54
+borders.com
+numéro
+holling
+sros
+pinte
+jayousi
+edad
+salzgitter
+special
+cobram
+xade
+turlough
+bagua
+saigh
+16,500
+nairs
+azole
+golshiri
+carmarthenshire
+woodlanders
+gloominess
+27aou94
+miramax
+hydrogenases
+93-87
+celtics
+nafie
+talbot
+zin
+sheymov
+supercenters
+filarmónica
+bullfight
+12-4
+kollias
+kuparuk
+repowered
+31,875
+minett
+96-hour
+1.5145
+dehydrating
+abene
+hatboro
+bankable
+1,548
+pre-merger
+namdev
+meijide
+neversoft
+neuropathy
+sealants
+pasqualoni
+headin
+saxe-wittenberg
+boston-area
+ifrc
+blennies
+lounging
+statkevich
+zpm
+goodricke
+wingert
+spillage
+vecchia
+81-mm
+turnblad
+189,000
+noval
+jemb
+pbde
+blasphemies
+asiasat
+industrialists
+mirdita
+108-year
+médecins
+communautés
+psychoacoustics
+frey
+smiles
+unitaf
+forty-sixth
+learoyd
+ionela
+delano
+coutant
+worsening
+greig
+36-yard
+2,456
+caylus
+1.012
+capriasca
+29.85
+agliotti
+astrocaryum
+grus
+rioted
+olivennes
+conundrums
+25-mph
+ancestry.com
+elkind
+tobaiwa
+breman
+organistion
+fume
+dallesandro
+balsamo
+compagnons
+reato
+duewag
+mcginn
+lanzi
+-1.9
+5,930
+seuling
+polluting
+urethra
+earned
+nzdf
+futeno
+e300
+indubitably
+guarda
+108.60
+soare
+trae
+windclan
+chal
+debutant
+31-15
+spotlighting
+solly
+amravati
+roarke
+hydrogen-like
+mweka
+24.23
+dab
+adx
+mouses
+swfs
+bancrofts
+ressler
+joshed
+rapti
+2,909
+quantock
+houlding
+tok102
+susanin
+nozoe
+tillable
+motivators
+semitones
+bardhi
+borchers
+260-foot
+83-page
+galveston-houston
+muscarello
+haughey
+fahal
+thodupuzha
+ftir
+erener
+tagicakibau
+dębno
+straight-8
+tap-dancing
+frankmusik
+californication
+1999/00
+59-page
+gigabytes
+zarrin
+white-banded
+besnard
+licausi
+mcelhinney
+embryo
+suffren
+skramstad
+alier
+pupkin
+tide
+backflow
+yurchenko
+wiggs
+puttered
+45-26
+akhvlediani
+herbage
+grichting
+93.94
+eloida
+borgne
+saitiev
+marmorata
+wtba
+ozell
+felsenstein
+recirculate
+leibesübungen
+1803
+kombouare
+earnt
+personality
+lemke
+corvis
+226
+lazarenko
+hastrup
+elz
+pinky
+ausman
+1553
+havlat
+kōchi
+sumanth
+austrians
+receipts
+paling
+karlovci
+ijtema
+waitomo
+mashhadani
+139.1
+igm
+dragonfish
+39-square
+yong
+probing
+256-color
+mobitv
+zachares
+ebita
+passerelle
+45-room
+33,200
+crb
+shakoor
+cookstoves
+suicune
+484.5
+pagán
+bunny
+hrastnik
+jacquemin
+kashgar
+froemming
+bosilegrad
+chartock
+hemans
+norte
+shuangqi
+abera
+cotidianul
+disavow
+garamba
+dehart
+102.9
+klinkenberg
+sprachen
+acidly
+crystal
+fcfa
+insularum
+trooper
+scores
+sicurezza
+cuscuta
+ramparts
+16x
+karrer
+2,977
+tabackin
+sotah
+scientiarum
+khrunichev
+brookings
+tyro
+fabrício
+huneker
+1990-1993
+jaundiced
+alborn
+touch-sensitive
+iason
+neibaur
+archant
+a-minus
+francophiles
+70.26
+zakheim
+bomer
+1752
+sts-128
+decamped
+ubm
+teall
+septuplets
+clingfish
+312.4
+shriya
+third-lowest
+boguo
+nhtsa
+coraci
+waimate
+quadrille
+narcocorridos
+malmsbury
+nofv-oberliga
+mishina
+willowbrook
+mico
+freakazoid
+cretan
+sliwa
+reif
+gooneratne
+metallica
+semi-naked
+elementos
+slimani
+hyflux
+gssp
+traitorous
+762,000
+hfea
+karim
+inui
+glutamate
+kotorska
+hutchinson
+unsuitability
+nikolsburg
+tripp
+eddowes
+bunglers
+burbury
+40-26
+disenfranchises
+geraldines
+magden
+u.s.-manned
+5,125
+hyoseong
+p50
+kkl
+grossi
+lauterecken
+iyasus
+ladagnous
+lavishness
+roughyeds
+infallible
+hardtack
+videx
+45.64
+nassiakos
+cand.philol
+incarcerate
+trenchant
+pebbles
+murugesan
+impatiently
+fiemme
+isostasy
+clawfinger
+understood
+3.17
+41.11
+apprehend
+iswahyudi
+manticore
+einion
+codice_9
+weser-ems
+sockburn
+qallab
+hebdo
+aplon
+kwela
+smoller
+explosive
+azzurra
+babington
+uplift
+cross-hatching
+19-hour
+moudon
+83.2
+nfc
+gliomas
+trademark
+colette
+3-for-3
+kuibyshev
+hesychasm
+damaris
+holzapfel
+sirri
+3.46
+vaudreuil
+prq
+serjeant
+orbitz.com
+godefroot
+batiscanie
+amador
+epsom
+posterior
+oklahoma
+langsford
+rupununi
+aventure
+2,0
+repsol
+drattell
+adulterers
+1,647
+ezzat
+sampraday
+proclamations
+mousavian
+ddl
+fenglin
+rinteln
+gaitley
+convergents
+sunburst
+gfsr
+processions
+gratifying
+igneous
+saint-gobain
+barnabus
+jgurwitz@express
+palekar
+okui
+kotor
+paleomagnetism
+comrat
+huhtala
+shwetha
+barzak
+apologetics
+gordano
+impious
+1343
+kolhatkar
+nazimova
+american-produced
+sashes
+wench
+kindercare
+minamata
+rostro
+thrusday
+stefka
+dudes
+rockwell
+dighe
+philbin
+rakovník
+spine-tingling
+colleges
+hubby
+5-foot-8-inch
+qabil
+mehamn
+383.75
+iapmo
+harkness
+slory
+38.57
+starbeat
+46.61
+amperage
+brawijaya
+fagerbakke
+odobescu
+devoted
+lt.cdr
+gurrola
+bayero
+contine
+20-second
+chay-ye
+imerina
+s-a
+netspeak
+mohallas
+guienne
+choline
+overpower
+wichard
+ywain
+zongquan
+16:47
+englert
+sang-woo
+siamak
+garay
+escudé
+järfälla
+ruthenian
+yehude
+rescaled
+allisonsptimes.com
+mcleary
+fuyuan
+amfac
+co-headliners
+edith
+fisheries
+kitsilano
+classed
+danish-american
+esteves
+ridi
+bienvenu
+sanguineus
+koach
+untouchables
+hagon
+garowe
+parties
+araba
+hp
+führerprinzip
+takht
+humar
+guerrini
+froggy
+óscar
+anuja
+105.7
+rubina
+koreagate
+isotope
+vitantonio
+snapple
+private-public
+schieber
+armitstead
+berger
+novelette
+gazmin
+entraps
+suehiro
+solons
+melan
+curuchet
+davioud
+defoliant
+servir
+overweening
+mattiace
+eppler
+abdyl
+bremen-vegesack
+piccadilly
+donohoe
+adomian
+silvertown
+money-losing
+map-making
+degassing
+powerpoint
+gravellier
+mng
+stealthy
+clanculus
+smithburg
+cny
+mid-span
+79.70
+i.o.u.s.a.
+battelle
+93.29
+kruma
+pk-5
+ethnobotanical
+yevsyukov
+prenuptial
+smartcards
+user-specified
+mitzner
+lafontant
+kreon
+factcheck
+robinet
+birthrates
+issi
+re-purposed
+obersalzberg
+komeda
+patkin
+urbe
+torontos
+3.365
+d'ambra
+47.85
+reedie
+whitethorn
+slighted
+ferré
+delbrueck
+reenacts
+2:12
+feedmeal
+genocyber
+showband
+proto-uralic
+1-roger
+klestil
+tael
+wylie
+kazanjian
+tenido
+tutong
+mukonoweshuro
+volberding
+vidhyalaya
+zarma
+transcriptional
+outleaped
+climate/oceanic
+narrating
+cw02
+pisanello
+makumbi
+somerville
+lydda
+magh
+amniotic
+seong
+ramanaidu
+moisturizer
+43.9
+cavers
+lugner
+dentatus
+accumulated
+jeg
+qasemabad
+lertsuridej
+mamane
+trobairitz
+road-building
+country-tinged
+saek
+tbr1
+tchmil
+espanyol
+28.58
+laundress
+kaii
+dzogchen
+much-loved
+rigid
+wenxia
+zarawani
+ideologically
+dodin
+kennet
+nevadans
+conisbrough
+52.45
+leixlip
+technika
+borobudur
+myre
+peoplemover
+88.6
+ungated
+double-digit
+easy-listening
+cana
+11-all
+cutrone
+chemerkin
+quemado
+aris
+diffracted
+vonappen
+sursok
+insignificantly
+gariepy
+sipos
+helmetless
+2e
+mahony
+cinemanow
+(516)
+kreme
+kanaka
+makerfield
+bisexual
+luani
+implants
+fuselages
+varying
+fuso
+jonesville
+kci
+tandang
+meinhardiner
+massabesic
+u.s.-cuban
+pallett
+pashas
+affairs
+dahlquist
+gedge
+ico
+lehm
+växjö
+clonmacnoise
+foxton
+bleckley
+jarmusch
+44.56
+reboost
+producible
+quoz
+mellgren
+,1
+aliquot
+whiskered
+gumps
+nowlan
+safireonlanguage@nytimes.com
+realignments
+c128
+cohasset
+75-63
+prairies
+oncle
+schook
+closed
+luveniyali
+kennington
+raku
+sinulog
+ueo
+average-case
+provocation
+kornukov
+alibris
+political-economic
+spirometer
+141st
+vocalise
+catostomidae
+1,500-2
+doc
+modern
+127.5
+belmar
+filippos
+sakra
+hufanga
+neuroblastoma
+38-yarder
+binomial
+mtagwa
+memberships
+tribulation
+17.16
+two
+wellens
+sharbel
+hotaki
+oakmont
+pawlenty
+aggrandizement
+amaury
+devizes
+floodwall
+state-sanctioned
+inus
+pottstown
+klarsfeld
+satti
+pacanów
+13.21
+primi
+amref
+48-46
+99
+fotboll
+homeground
+19.0
+vinegars
+treverton
+endothelin
+kilmacolm
+barry-murphy
+dmitriev
+macbride
+1979-1980
+mesothelioma
+tapio
+entail
+kurman
+alphonse
+omondi
+elzinga
+bacan
+4.685
+ottman
+eh-ye
+widawsky
+distinguished
+leofwine
+braud
+boydston
+20-team
+http://www.microsoft.com
+braeswood
+johkang
+rsis
+henricksen
+sukardi
+pallars
+pe'er
+silifke
+balthazar
+deen
+butternuts
+ioanid
+3,433
+reconsecrated
+skyheroes
+83-72
+peloquin
+mussed
+hno3
+mirretti
+kibun
+eulogized
+cancino
+9-10th
+rho
+waśniów
+gorgosaurus
+hampel
+chemotherapy
+longquan
+lounges
+nengō
+bram
+authoritarians
+budweis
+2341
+multidrug
+szabolcs
+70-point
+percolator
+mater
+baltika
+mawby
+samakuva
+bragh
+crutchfield
+vilmorin
+homebase
+kallir
+168th
+imach
+carne
+mátyás
+dukurs
+ovambo
+hetmans
+oke-ila
+marland
+roog
+treys
+lead
+25-degree
+abdelrahim
+mousseline
+bananafish
+cita
+lalaine
+habsburg-lorraine
+harangued
+soppy
+feminino
+gurovic
+hardwoods
+plante
+jaune
+ettridge
+clathrate
+midcon
+winnicker
+ajan
+blowhole
+smv
+basilicata
+hoecker
+syslog
+dentler
+1,063
+v.
+mazursky
+contactless
+lawter
+nordmøre
+dobias
+fascisti
+makedonski
+word-play
+eidgenössische
+2am
+demean
+vsop
+a46
+blini
+lainey
+patient-centered
+wilkison
+span
+obstetricians
+vergne
+salminen
+consumer-oriented
+jordanstown
+minuteman
+hegemon
+szentendre
+hershel
+suburbanite
+pagliarulo
+157.9
+parapsychologists
+infeasible
+shayeb
+renesas
+nadh
+cordiale
+32.74
+occitan
+rauhala
+cornices
+convoys
+rasetti
+wviac
+hlohovec
+kulenovic
+curriculum
+stuff
+counterprotesters
+mottahedeh
+henchoz
+splashy
+condominiums
+23-minute
+degehabur
+mon
+sextets
+indentify
+mahatir
+halkyn
+konitz
+inma
+deuss
+wicher
+allchurch
+30,313
+quan
+durak
+97.21
+pirated
+nellie
+turell
+schoenbrunn
+carryout
+87.11
+fortunato
+toliver
+430-foot
+costelloe
+susi
+pushto
+82.88
+hongdae
+grab
+57.84
+18.4-cent
+johnathan
+pelophylax
+okrent
+panther
+halde
+obstetric
+boschert
+bahiya
+overpromise
+stubbe
+tzong
+anna-marie
+mutis
+non-unionized
+valspar
+1914
+sipri
+camisole
+azzahar
+walubita
+powerpc
+esslingen
+tiff
+gisors
+17.10
+vedior
+euro274
+gehin
+additional
+flourished
+vagn
+prensa
+speakership
+auermann
+anthemic
+whingeing
+norwegen
+covertly
+gaziantepspor
+negros
+peckinpaugh
+luxi
+ellesmere
+partex
+3,245
+orky
+33.41
+worthy
+zappas
+vpr
+autoerotic
+stadskanaal
+14/km
+volman
+toumany
+olé
+wahidi
+167.10
+giftedness
+brana
+atilla
+colonies
+mossimo
+convierte
+corylus
+stymies
+pancreatitis
+andrianjaka
+forsaking
+patak
+tanter
+superior-general
+nnsa
+tehelka.com
+airless
+chauvelin
+cosman
+commesso
+atai
+charlatans
+oxenbridge
+kharqan
+antennas
+all-china
+canjar
+babits
+toxoplasmosis
+spelke
+demasiado
+wolves
+foisted
+curic
+konrad
+20001
+boetticher
+ankylosaurids
+florida-based
+overvaluing
+rethmeier
+an/tpq
+allums
+sasana
+ghouse
+transvestites
+1/30th
+2:33
+jetty
+farhang
+tatsunori
+tomer
+almagor
+stormtrooper
+torlen
+topy
+practicalities
+dehnow-e
+banegas
+sukarno
+wolfsfeld
+divergens
+e-2t
+fokine
+snsc
+blacke
+byggmark
+53.43
+pressler
+108.30
+quenya
+italian-canadian
+patents
+non-transferable
+soviet-made
+10-company
+1,729
+ozora
+chuckanut
+herty
+arms
+checkin
+41-2
+bulacan
+koreng
+mingo
+13:58
+charlee
+a.m.-4
+lograr
+easingwold
+28.30
+román
+64,500
+outboxed
+hoaxer
+nixa
+condottiero
+photocopied
+teepees
+that
+2-32
+lacerations
+46.68
+southmen
+ditmas
+algol
+carefree
+bccs
+celio
+art-making
+strength
+kincora
+maaa
+kaposvár
+jeb
+http://www.riaa.com
+harrisonville
+nonthaburi
+ocala
+timer
+strigiformes
+snooty
+ecommerce
+proofed
+visite
+schwaz
+rgl
+jyoungwacotrib.com
+benzyne
+youcef
+71.4
+boogied
+kocharian
+milelong
+camiguin
+15:34
+clanton
+entertaining
+prevents
+patani
+integrative
+sihpol
+goldhawk
+couvreur
+panellist
+hammud
+broad-billed
+hoarfrost
+dü
+bodoland
+hoeg
+costantino
+gudmund
+75-100
+montefiascone
+89.00
+jacquot
+amoena
+euro319
+sannazaro
+halsa
+waive
+1.5905
+post-exilic
+oneonta
+ooze
+82.1
+kinki
+aphelion
+metalanguage
+chakdara
+i-17
+thoralf
+frederiksen
+piest
+vegan
+a11
+croker
+azziz
+stitchers
+mlc
+inbounding
+burnley
+cvsa
+techno-thriller
+pretreated
+biochips
+rabiatou
+muleskinner
+chicken
+liscard
+82.80
+bahār
+hauts
+caucasia
+infighting
+duddy
+rajkhowa
+pseudoscorpions
+clg
+hicklin
+wildflowers
+.179
+newlands
+frolinat
+ashantigold
+negishi
+plethysmography
+4.58
+millepied
+gisbourne
+swineherd
+microwave
+fractionalized
+591,000
+crafting
+eui
+bijelo
+ainda
+nilam
+yenangyaung
+tridents
+auditioners
+mayagüez
+bandstands
+vusi
+liveried
+mleczak
+29,700
+refugees
+pre-release
+pléiade
+registrations
+70.0
+reznikoff
+spilsbury
+mining
+35,714
+pipkins
+voltage-dependent
+www.travel.state.gov
+yoshiteru
+mukasa
+voudouris
+bot
+uncheck
+osas
+pakeha
+falangist
+dressmaking
+eckbach
+kaminski
+petrowski
+well-educated
+bisig
+msekwa
+rumkowski
+didgeridoos
+abeles
+off-network
+storks
+dubble
+muddier
+trans-african
+cudgels
+tryson
+megaquake
+aberrations
+vivian
+a449
+valva
+northmead
+dubernard
+obotrites
+trinitarian
+superfast
+srour
+marranos
+furie
+junichi
+erkang
+cnet.com
+8:26
+pjd
+celester
+lianwei
+snyders
+d'estrées
+tagma
+underwrite
+bjerregaard
+gate
+pittsylvania
+mineros
+hanzō
+wollemi
+binary-coded
+punic
+117.36
+rhon
+neve
+minakata
+lubomyr
+southerland
+brothertown
+ambushes
+luminosities
+birkholz
+kalhana
+capitolina
+katoucha
+chinula
+218.8
+sudairi
+earmuffs
+ing
+baumgardner
+masorin
+transjordan
+17.3
+38.55
+118.58
+jdn
+diagonals
+axles
+brookhaven
+assailing
+ave
+1302
+chophel
+strothers
+2010-2015
+self-propagating
+hon.
+1.174
+luri
+grotesquely
+1995-96
+lary
+12:24
+cautiousness
+nervously
+langstroth
+orvis
+allegorically
+phrao
+khakim
+mediatization
+lentil
+janma
+rasiej
+guiming
+dairi
+valens
+disabled
+damase
+jacknife
+lazard
+rsvp
+rymanów
+nahmias
+'76
+walk-on
+lamentable
+spectrally
+co-producer
+hillery
+ragdoll
+szczerców
+befriends
+hudibras
+lehf
+encirclements
+anina
+vandalized
+174.50
+supernaw
+strophic
+rucellai
+ud-daulah
+luby
+aiphanes
+clerfayt
+serc
+transtexas
+niner
+stomached
+modica
+actros
+blonger
+champalimaud
+carabus
+dratchev
+creatively
+homestand
+ibague
+hawthorn
+10:03
+larudee
+kotc
+hembram
+1h37
+cvetic
+amputate
+uvc
+alabang
+thighmaster
+monye
+mahaney
+antimalarial
+nika
+berninger
+hissar
+ústí
+sofía
+kapel
+pufferfish
+non-metric
+dereon
+salvation
+4.99
+jianlian
+sight-seeing
+zealousness
+boutilier
+juicier
+vautier
+ebo
+reinette
+brawled
+nicap
+šabac
+bieber
+dreadwing
+boat
+cannas
+gonder
+mashad
+regrette
+berzain
+yellow-white
+happo'one
+broadhurst
+piltel
+red-eared
+caspian
+fizzy
+megaupload
+geils
+passio
+alienated
+217.7
+unsimulated
+secretos
+multimillionaires
+gougers
+unrelievedly
+emco
+gasparri
+stressful
+winterfold
+ioudenitch
+khanabad
+astonished
+zulte
+beauveria
+johri
+chartres
+icarus
+gadabout
+empress
+74.69
+wbkb
+dissuasion
+101.75
+114-112
+kapitänleutnant
+bimantara
+19.03
+naushon
+pro-american
+scintilla
+trésor
+anticipations
+proleptic
+renton
+threlkeld
+hanyang
+eosinophilia
+rugrats
+72.2
+theatrics
+alho
+cowgate
+bod
+marxian
+alexie
+wap
+kuni
+alconbury
+dalahu
+sybaris
+claycourter
+ricarda
+zwettler
+koru
+wincing
+4c
+4,190
+kresge
+shirt
+mingora
+liturgy
+banacci
+37,900
+solenne
+exotique
+khalilullah
+sh-60b
+abaddon
+borri
+lacantera
+selm
+worksafe
+wherry
+deliverymen
+premised
+ramsau
+.426
+chambishi
+buggins
+euro447
+gawa
+outliner
+dwf
+defever
+hullermann
+4,184
+bromeliad
+21.66
+wontner
+30.65
+entirety
+.689
+2252
+day/night
+especialmente
+2003-2013
+straight-chain
+six-team
+filamentous
+grog
+toshiya
+r10
+oppressed
+nowrunning.com
+pepito
+braintree
+88-yard
+fock
+shri
+trastevere
+cookware
+skywards
+hounddog
+nup
+52-49
+treeshrew
+4,672
+prosecuters
+lig
+magomed
+galatzan
+genn
+vetro
+newco
+fie
+120.46
+sobibór
+gurn
+marce
+goodkin
+polytonality
+pahrump
+mägo
+suitors
+dumont
+cadence-lypso
+needtobreathe
+cyclobutane
+x40
+menta
+danger
+u.n.-organized
+zahr
+20,800
+chloe
+nawwaf
+ricer
+meric
+llws
+crimmel
+fechin
+macho
+maxime
+hendrix
+2103
+vinje
+entranceway
+tevet
+abler
+cutoff
+wkts
+jedang
+465th
+19:10
+headaches
+crocs
+towarzystwo
+pontin
+petrosa
+downfield
+sfgate.com
+gordianus
+jainal
+tonsillar
+mk.iii
+kew
+waits
+apiece
+diggs
+sundargarh
+22.14
+kataklysm
+grobman
+24.01
+binibining
+passholders
+79.97
+sharifabad
+fichtel
+brokat
+cushion
+125-million
+chevie
+mccc
+opon
+cloudland
+eliécer
+ille-et-vilaine
+aquarium
+raich
+wisler
+delone
+coteries
+microlending
+bealls
+valeriya
+27.83
+montufar
+focaccia
+biak-na-bato
+gamova
+polizei
+broberts
+euro275
+kraja
+713-3661
+grindall
+f50
+sniffer
+railcars
+hussam
+ansúrez
+xanthou
+be-bop
+tyrwhitt
+salaz
+horchata
+baldi
+copil
+1,200-strong
+122.43
+104.23
+donst
+blatchford
+2.975
+touretski
+inhibit
+pleated
+crozier
+interbase
+hirschman
+gacha
+18,345
+1,400-strong
+ryes
+kott
+dawamat
+783
+bahceli
+wadud
+rosebowl
+gravely
+mekhissi
+hecatomb
+g.a.
+warchest
+phpbb
+marijuana
+50.86
+definiteness
+skyclan
+pfeffer
+datek
+ryōma
+etap
+soundman
+rekindles
+maoists
+sanofi
+dag
+chronologically
+cochair
+mosby
+53.06
+bruseth
+sind
+denneny
+subrace
+cerulean
+roelants
+kavajë
+mochas
+nadar
+means@hearstdc.com
+groundcovers
+c.f.c.
+fimbriata
+76.73
+yanez
+3,410
+braggadocio
+wattret
+liège
+debre
+49.12
+dupeyron
+gonzález
+wherehouse
+25.52
+dohna
+867-4105
+easyriders
+dinny
+nekron
+rice-growing
+lagrone
+xico
+kobzar
+accusingly
+washinton
+crosspoint
+hordichuk
+shurtliff
+psychosocial
+mozyr
+tokhtakhunov
+votolato
+devagiri
+manxman
+1771
+kokane
+soudan
+pastilles
+blackmore
+pre-hospital
+o'flanagan
+engimatic
+disproportional
+33-year
+longreach
+mittler
+hamsters
+piratical
+aboucherouane
+janick
+howeth
+clarinetist
+domenica
+130.90
+elam
+leaphorn
+chizuo
+repossessing
+proforma
+zombified
+bilney
+199.7
+recrimination
+108kg
+cheapens
+guitarist/singer
+opio
+dubbs
+outgun
+subramanya
+purnea
+halad
+cantù
+saron
+runge
+bavly
+250-word
+scourged
+mulgan
+settees
+tbarnhart@ajc.com
+lindemans
+cesena
+wettest
+minic
+provoking
+bonham
+kelian
+fistula
+99.7
+peake
+spahn
+sausage
+lhsaa
+rollcage
+nonathletes
+free/open
+austrått
+luu
+strapwork
+belon
+boztepe
+privette
+pago
+speculations
+maci
+cool-headed
+alvent
+2-92
+2,869
+now
+wachter
+ōmori
+materialization
+redetv
+bockstael
+misato
+gelre
+sabei
+adud
+121.05
+nimis
+holloman
+ambato
+biers
+bishara
+906
+austria
+partite
+jutra
+purebred
+billies
+detriot
+dumbrava
+202-628-3100
+broadmeadows
+shoulder-mounted
+30.86
+actuate
+gialle
+headlining
+aylor
+nickson
+baltar
+vespe
+hallsville
+bhardwaj
+nanshan
+1992
+peloponnesus
+polyphase
+feliciana
+viars
+uspga
+tacurong
+intrinsic
+sharqia
+inflorescences
+retailmetrics
+katouzian
+torkan
+tymes
+yongyu
+diabate
+4-month
+gemellus
+eigenvector
+regiomontanus
+ewelme
+bukit
+virtuoso
+kiriakis
+beeldende
+pandal
+34.44
+serranía
+mcada
+rappard
+b19
+o'hagan
+drasner
+grekov
+ogbeh
+yáñez
+zimbawean
+sdpr
+emilia-romagna
+haymon
+m51
+linia
+breakway
+hanwa
+huskins
+stasium
+48-19
+neuro-linguistic
+dem
+1419
+klagholz
+abrene
+battens
+khoka
+recession
+poong
+callil
+misfired
+j.p.
+governnment
+provigo
+procreate
+meetha
+matala
+connerly
+semi-automatic
+brookfield
+3,150
+tutelage
+conaway
+sredna
+dfost
+ionomer
+schwarzlose
+replicas
+separado
+eidanger
+late-inning
+l'ami
+suzi
+đầu
+overprescribed
+referees_kerry
+crivitz
+karditsa
+1.017
+nispel
+petrina
+hazu
+annand
+nip/tuck
+giessen
+clogher
+myaing
+kahng
+darklands
+swirlgirls@pbpost.com
+blyton
+verschueren
+peruna
+ghar
+functionalities
+1730gmt
+mezquita
+gorbach
+rankled
+reck
+glatt
+72-year
+junqing
+aurilio
+papazian
+abott
+psa
+vitello
+palmettos
+yoshimi
+zelinka
+eligio
+nenana
+nedvěd
+cashing
+arcsight
+mullineux
+gakushuin
+caparica
+hyades
+consoli
+cria
+gorgodze
+lollar
+52.65
+saunas
+legislator
+rsgb
+dueno
+game-saving
+educative
+valikamam
+lits
+vasaloppet
+sega
+moxy
+side
+handover
+winooski
+0.41
+donachie
+transactivation
+albatros
+1988-95
+surreptitiously
+cruiser-destroyer
+trailered
+gorgas
+d12
+gimnàstic
+gladney
+coquettishly
+muhi
+glass-reinforced
+laser
+advowson
+kotas
+deutekom
+staehelin
+prova
+adm.
+tv-broadcasting
+ever-present
+neoplan
+562
+barinov
+obeid
+plagiarist
+balfe
+eberron
+star-studded
+extend
+marinucci
+wtrg
+azerbaijian
+plenderleith
+0812
+afikpo
+fueron
+moore-brabazon
+heffley
+moundbuilders
+sanjoy
+statuses
+themself
+persona
+essenes
+brezinsky
+afro-peruvian
+janelle
+lahaul
+paravur
+canceled
+analco
+lovat
+4,025
+fininvest
+baldridge
+coelacanth
+if3
+moong
+ealing
+christianna
+exult
+hironobu
+apomorphies
+mocelin
+dillamond
+mushin
+lesticus
+140-meter
+edificio
+ranya
+guerreiro
+revisal
+canute
+ixcateopan
+witbank
+reprinting
+galop
+muskogean
+martynov
+dubik
+cecilius
+pendeen
+hagen
+filmfest
+republiek
+granado
+jigawa
+jiwa
+interurban
+denel
+muszaphar
+67-61
+seec
+gold-certified
+phieu
+heather
+varen
+boudica
+postponment
+moriches
+victoriaville
+lokvenc
+midrace
+martinsson
+zachar
+doppelgangers
+spitsbergen
+vitas
+goncharova
+bodhran
+inherent
+witnessing
+maritime
+salons
+34,700
+taim
+chiacchia
+2.665
+duvel
+codice_46
+stumps
+salizzoni
+laboratory-based
+tallent
+somnolence
+32-seat
+watlington
+diabetics
+tin-tin
+dj10
+cast-off
+sadiqi
+30-31
+feud
+ceaurriz
+globescan
+valcartier
+pendygraft
+domburg
+flores
+shanda
+95.29
+remiremont
+sukehiro
+carrascosa
+vanwall
+donnalley
+hydro-electric
+syedan
+cofidis
+donax
+dumri
+cautery
+maluf
+yeovil
+vkhutemas
+ovrebo
+blaser
+ostra
+176-pound
+countout
+kabaha
+shera
+fablehaven
+impulse
+nbb
+didsbury
+merillat
+wto
+choses
+vraie
+rumi
+karar
+dwele
+commiserate
+50,000-seat
+finite
+lipiński
+xuebing
+cf6
+dewitte
+eastwest
+careerbuilder
+townline
+1,800-year
+1,193
+trelew
+frontloading
+fhm
+vanzo
+sören
+uvs
+mizen
+bledisloe
+ourinhos
+cervus
+transfuse
+hypobank
+ridleys
+joviality
+isomura
+52.56
+message-passing
+sumbawa
+haut
+wollan
+aubagne
+aleksinac
+encyclopedias
+kivalu
+flexplay
+habaniyah
+striate
+culprit
+kharboush
+anfp
+webo
+15-seat
+civil-rights
+callichthyidae
+96.86
+meryem
+caudle
+duma
+54.82
+2,155
+gatski
+inowrocław
+callable
+hippodamia
+pagbilao
+hallas
+rubenis
+cx-9
+afghanis
+rodford
+realia
+lutsk
+vincze
+vascos
+http://www.democrats.org
+club-record
+inđija
+death/thrash
+aktham
+birkins
+evaluations
+chusovitina
+bouchout
+sev
+altawil
+schloesser
+12th-13th
+syndicators
+schism
+upturned
+nanci
+sayda
+mendeleyev
+doma
+vasgersian
+nibiru
+kousseri
+free-diving
+650cc
+bushbury
+tussling
+muru
+steff
+eavesdroppers
+solikamsk
+crescenzo
+mesmerised
+five-figure
+d-box
+dubee
+heritable
+newsstand
+overlong
+15.28
+cappadocians
+allégret
+hirschbiegel
+icp
+swin
+almon
+3-1-0
+47-42-18-81
+rueben
+buzzin
+jayasimha
+(209)
+ists
+counterproposals
+göttinger
+zayre
+semblog
+rinaldo
+ordinariate
+elsheimer
+kavieng
+nhn
+ultramarino
+kuli
+krout
+ondine
+4-7
+brites
+politicians
+gersh
+gst
+saint-denis
+sitthichai
+peniston
+30/32
+khok
+m-35
+unicredito
+elvy
+icesave
+mvt
+wangsadisastra
+airdropping
+acyclic
+capably
+rooy
+sonoran
+incessantly
+longines
+:26
+opletalova
+pliner
+junan
+partovi
+unretired
+lloydminster
+obaseki
+hopetown
+multiregional
+systematised
+barlick
+perincek
+swygert
+unformatted
+pousada
+brand
+wolpoff
+sintel
+lassissi
+028
+slotback
+chromaticity
+breathalyser
+expression
+hazing
+mangaung
+zhiyong
+dov
+thalía
+d'angoulême
+krasne
+tenncare
+uppishly
+3-by-5
+cooperativity
+bissonnet
+frederike
+matignon
+macki
+tocsik
+88.67
+17.05
+1995-2000
+barbaro
+verbeek
+lindenhurst
+mattawoman
+dicterow
+ostbahn
+prosimians
+vivekanand
+euro169
+d9
+transmision
+leibovitch
+hardrock
+valmon
+oversleep
+aleida
+abadeh
+nafpaktos
+cabaret-style
+polverini
+obert
+10.11
+bialystok
+trombetta
+mlg
+aquanauts
+toameh
+audlem
+breitenstein
+trumpeldor
+xf
+womb
+diminutives
+hasslacher
+seitz
+vsh
+tresgrandas
+riddlesperger
+millionaire
+landowner
+mynetworktv-affiliated
+pomacea
+wsaz
+slatkin
+sahara
+zobelle
+adoptable
+sodalities
+sequencers
+anti-invasion
+ziqi
+free-will
+gorshkov
+oranim
+reorientation
+triangulation
+galago
+falsen
+asesinas
+ahanta
+nadai
+-17
+summarise
+kathrin
+hermogenes
+venema
+alexsandr
+ketchmark
+trauth
+b.l.
+yoshitake
+tsv
+kelana
+waldmann
+chernovol
+vickerman
+fangcheng
+soin
+alhaj
+oussama
+calida
+vertol
+prostrations
+astro-turf
+cheyennes
+overcorrected
+mongrel
+mid-june
+dilantin
+rod
+wkrp
+0.999
+hoogie
+bla
+goudreau
+.485
+modernizes
+vekayam
+shahrekord
+3,064
+völsunga
+ciano
+koshi
+dmargolieskcstar.com
+sleeveless
+elmhirst
+rhinegold
+122.17
+soileau
+cnidus
+markale
+faroudja
+mathématique
+nexrad
+sirmium
+communality
+austad
+burghley
+3lw
+steklov
+measurability
+96.57
+2240
+yoru
+theologiae
+cleaned
+7.6-meter
+88-storey
+datatypes
+9,125
+loosening
+leede
+jovi
+9-24
+:12
+fabijan
+bjj
+amorites
+revelers
+oft-cited
+celerons
+mudgett
+colores
+hoc
+auctions
+k.r.i.t.
+charrington
+dpp
+38.8
+2-76
+sông
+kadhimi
+west-east
+pro-french
+voelcker
+prompan
+münster
+shaders
+by-2
+surimi
+lymphoproliferative
+apicomplexa
+hcp
+freeskier
+524,000
+barnet
+manifestation
+rhymney
+kehna
+altitude
+belemnite
+corpas
+czarnecka
+tailgate
+dime
+aulas
+foreskin
+seli
+bougie
+daylighting
+biskind
+ysbyty
+uranquinty
+hushed
+2-lane
+houdini
+shangani
+0:40
+38.0
+left-right
+tudou
+legislating
+aonghus
+mnzm
+kivshchyna
+tishchenko
+hydrophobicity
+bridgeheads
+elicits
+84.4
+mccolgan
+ssc
+décoratifs
+kressley
+mumby
+powerbooks
+xai
+poing
+anachronox
+throughput
+lci
+annexin
+jurišić
+cheeriness
+sajida
+damri
+shohada
+archangels
+velvets
+chemi
+inflections
+tteok
+submitter
+nephrology
+beetlejuice
+cappiello
+etymologiae
+echolocating
+rohi
+mikkelson
+gidon
+relations
+siaw
+footstar
+soaking
+longenecker
+rebec
+akhara
+recursively
+bookplate
+fannish
+70.7
+centinel
+totschnig
+21-july
+ration
+peacefulness
+1,850,000
+:08
+porous
+afrikaans
+schall
+takuto
+nose-down
+3-for-2
+exertions
+nasarawa
+llŷn
+anitta
+godowsky
+substances
+97-yard
+ismayil
+stanitsa
+-2000
+turkomen
+hudd
+t-bird
+napi
+amazed
+diptych
+anti-syrian
+hunter-killer
+orthologous
+semiconductor
+dgc
+inuzuka
+muruli
+2620
+talbot-lago
+headache
+distinctive
+fsw
+400-square
+65-53
+supplanted
+non-metal
+sondheimer
+www.tucows.com
+ramaria
+kindlmann
+rabbani
+hsichih
+funnelled
+czink
+tabaksblat
+oshana
+cella
+okanogan
+3-72
+vicarages
+birchall
+helfrich
+falls-windsor
+hekla
+ceaser
+l/40
+hujra
+hefe
+malati
+21.37
+mangakis
+liuyang
+bushwhackers
+shoot-out
+eixample
+39.38
+cabanatuan
+onera
+oort
+strengthens
+potti
+talks
+loanwords
+minus-14
+stefanski
+farimex
+extra-parochial
+shugendō
+khasawneh
+corbi
+yokoo
+fihl
+77.19
+reprieved
+subsidence
+goodhearted
+edibility
+kuharich
+binta
+sarajuy-ye
+24.79
+walton-le-dale
+olajuwon
+nag
+2,796
+ruggles
+anglesey
+victorious
+showoff
+skillings
+diehard
+tokay
+qrc
+sajan
+13:47
+rivkind
+casf
+frem
+modifications
+pondexter
+meacher
+bonham-carter
+screech
+menges
+havili
+toadflax
+ny451
+despotism
+shakirullah
+billion
+haeggman
+rainouts
+halys
+interdimensional
+bimis
+toufic
+tharwat
+plebe
+shahor
+middleclass
+karuizawa
+nyan
+sieverts
+sölvi
+unmacht
+begaye
+revotes
+neo-georgian
+luxembourg-based
+submersion
+videophones
+coryatt
+nazih
+arutz
+wehler
+courtside
+manu'a
+anomeritis
+pedantic
+parabellum
+na
+halmosi
+completamente
+siemen
+izh
+danilkin
+chouet
+illegals
+boddam
+greenwoods
+teicher
+howton
+chevreul
+keratoplasty
+ovechkin
+gruma
+31.97
+sadomasochistic
+00:50
+batallions
+autonomies
+shikhara
+4-space
+psw
+salleh
+neusiedl
+haam
+schusterman
+calame
+gloves
+dorr
+majorca
+jonoon
+yingjie
+lovably
+catell
+peñafrancia
+bécquer
+lugaid
+sollaku
+bioenvision
+furutaka
+abuzayd
+stahler
+sbowl
+circumscriptions
+non-apple
+nonlawyer
+sunspot
+sobuza
+anti-slapp
+manioc
+al-islam
+sueño
+elpidio
+sleipner
+bd/dvd
+tegel
+neurology
+handwringing
+helpful
+pizzey
+steepen
+morphine
+đính
+jampacked
+papastathopoulos
+baramullah
+kadan
+blackwall
+cross-reactivity
+iskandariya
+jwarner
+320x240
+cribiore
+ls6
+eun-soo
+domesticity
+4x2
+dialysis
+postcommunist
+wvit
+accent
+richmal
+unicornis
+bigwig
+alcina
+largest
+vinexpo
+gurewitz
+pesavento
+per-unit
+orison
+kanama
+satch
+mahamud
+yojanas
+horsepower
+cookridge
+promulgating
+ennius
+ilmor
+casull
+simulcasts
+sumptuous
+castellaneta
+panaria
+clichéd
+kongor
+howen
+138.0
+broadens
+sketchier
+downgrading
+rincon
+ranulf
+olusoji
+quality-control
+5:59
+radack
+actively
+jvc
+sida
+sugiyama
+donovani
+wesleyan
+digaetano
+stout-bodied
+po4
+sespe
+basaveshwara
+beguiles
+desiree
+taare
+missen
+052
+capurso
+ofheo
+korchagin
+nk1
+bayadere
+misawa
+megalosaurus
+trophonius
+frostad
+merck
+fidler
+caveman
+aikin
+f-80s
+starvin
+yanai
+kerckhoven
+14-turn
+tankor
+92.88
+hobbit
+mostaqbal
+7.84
+sonny
+abele
+gildernew
+okaroh
+second-degree
+jurf
+anthoefer
+omnipresence
+4,257
+4.73
+constitution
+colace
+25-month
+increasing
+simond
+cantagalo
+imposible
+birotron
+2-acre
+21-match
+schoenberger
+all-in-one
+caratti
+ivanovo
+kåre
+predilections
+ekta
+isaza
+jadranka
+stringfellow
+buros
+1956
+fdca
+godó
+bhim
+microwaved
+megalodon
+outsources
+leukaemia
+canonizing
+dobrá
+kitco
+refuelings
+tonio
+20mm
+cotte
+andler
+machine-gunners
+broiler
+zayas
+rashid
+larue
+pennoyer
+sapsan
+shipmanagement
+gardemeister
+juliets
+larochelle
+ambassadors
+tritico
+joint-use
+pastoral
+mantas
+wenwei
+l'age
+moggridge
+n/2
+writeable
+1976-1979
+deale
+wittels
+1,855
+electrochemically
+vr
+16.55
+deformed
+mrc
+husbandry
+assemblers
+nsac
+lasers
+jazirah
+chc
+chieko
+humaidhi
+reek
+3,592
+gedolah
+sirik
+galgenberg
+cleared
+.163
+dilworth
+resurreccion
+dubrovnik-neretva
+resurged
+5-9
+evanov
+sakthan
+78.00
+emesis
+forestiere
+creve
+amanresorts
+lingenfelter
+rabobank
+multi-site
+14-10
+beerbaum
+friendly
+martikainen
+tsukuda
+santhome
+backstops
+all-acc
+59.87
+fido
+tidskrift
+toshimi
+67.1
+47,900
+quiapo
+plowshare
+stormberg
+fraternity
+merseyside
+fbn
+índia
+quintavalle
+rusia
+bi-national
+butenandt
+81.1
+barkly
+lani
+moorii
+bong-92
+gurs
+undeterred
+urquiola
+gowen
+sadikin
+drags
+benchrest
+golino
+enidtem
+finneran
+pokey
+milly
+polyandry
+hadrat
+kekexili
+10-step
+serialisation
+dudamel
+commandement
+tym
+unnecessarily
+jesien
+.233
+bobin
+breifne
+kugluktuk
+mutizwa
+abberline
+fratianno
+0.008
+poni
+heady
+compromisers
+ols
+asan
+örnsköldsvik
+124.55
+s550
+glidewell
+anser
+kocis
+wrekin
+genethia
+mxr
+jurie
+aldis
+sponge
+underused
+teitelman
+wolkonowicz
+counter-strike
+baldacci
+nonmotorized
+muziris
+hellyer
+jannaeus
+hkfe
+157.2
+chihi
+longest
+shentong
+outworn
+bulman
+beholds
+zayu
+rockton
+deportees
+uttar
+lifehouse
+allusions/references
+508-point
+flexible-fuel
+broken-hearted
+vials
+seselj
+við
+grabois
+rocaf
+voodoos
+anish
+kirley
+wawona
+4,400
+resistence
+rahmah
+ea
+lovsan
+bokan
+attain
+drobnic
+delbanco
+year-around
+naniwa
+chamkani
+piłsudski
+perfumer
+amicability
+gaudapada
+stereoisomers
+ratas
+raimonds
+vukčević
+lagerback
+cholmley
+tannins
+tassili
+jetways
+overproduction
+hashemite
+jaxa
+disband
+gabb
+bookworms
+sq.ft
+leicht
+damariscotta
+hubie
+colusa
+kandivali
+rigel
+sarsour
+oreskovic
+internatioanl
+romanova
+wieruszów
+mhdi
+honeycrisp
+lever-action
+janszoon
+gorgonian
+vanover
+laney
+cutlery
+archstone
+andoain
+btech
+mormonism
+seances
+pital
+retting
+anzar
+wafu
+jaggar
+rosalía
+lemak
+ektachrome
+falilat
+macneish
+34.56
+zazzle
+turcoman
+65b
+stumpf
+empowerment
+kasse
+debil
+pakala
+avlona
+standford
+hagopian
+infusoria
+80-74
+magnetrons
+jrf
+159.3
+fibrin
+kelafo
+1940-1945
+bernice
+authorization
+1,863
+amino-terminal
+irc
+fondazione
+fishing
+100base-tx
+petersson
+sledd
+cézanne
+www.census.gov
+salutaris
+64.82
+44.52
+dheim
+albelin
+2,337
+eluki
+heilbronn
+yordan
+jhassell
+62,000
+xiwen
+sanmina
+gulas
+1835
+inhomogeneity
+drdo
+litening
+gillet
+dimitra
+liriodendron
+sparti
+nodule
+borja
+swartberg
+murio
+22.24
+antigua
+declares
+mudejar
+coalmines
+zango
+drysdale
+presentable
+nutrient-poor
+deia
+lasensky
+guelleh
+.531
+carbon-fibre
+mirnyi
+blore
+volstead
+langan
+36.97
+tetradze
+zouave
+guterman
+morphosis
+calaycay
+130-million
+villar
+greenline
+xingtai
+skipp
+okah
+allots
+inferential
+6:55
+robartes
+hoquiam
+unsteadily
+boatmen
+finkleman
+persekutuan
+steppers
+cpla
+academi
+gwendolyn
+х
+olic
+huddart
+superficial
+61.80
+tingey
+montanaro
+reedsburg
+vacate
+bc4
+acep
+shimotori
+dalida
+140.00
+intelligently
+dálaigh
+ringley
+gramps
+gioberti
+hardi
+negociar
+terajima
+chophouse
+d'arby
+illyana
+seedless
+mbongeni
+bulimics
+fucsovics
+sandor
+pettit
+batchelor
+53.27
+bruen
+rotstein
+pharmacophore
+chier
+kikuchi
+lep
+31-29
+janissaries
+buetikofer
+metrovacesa
+vervain
+capuzzo
+icher
+nola
+ducs
+asiatic
+hnat
+salikh
+2.2
+mihkel
+ramirez
+greco
+fiscalini
+vazineh
+nqs
+two-source
+wptv
+f30
+festspiele
+condiment
+durack
+chaetodon
+koshkonong
+gimble
+rathen
+coarseness
+hypnagogic
+macwilliam
+cesna
+buckle
+jordão
+dysnomia
+4,000-kilometre
+haswell
+beauvais
+7:55
+rytas
+rix
+elkana
+j-wave
+marantis
+280,000
+côa
+kilia
+tomac
+fundis
+drowned
+alexi
+rf-84f
+lomatia
+reinhart
+1974-76
+amli
+ltcol
+dân
+parnham
+coronas
+cherrier
+zongo
+385,000
+mombi
+kaplinski
+dayrell
+hawatmeh
+pvb
+ctrl
+scrimped
+butar
+hardt
+intellisync
+nußdorf
+cathepsin
+1-lee
+sameur
+quahogs
+60,600
+liossia
+sienese
+marclay
+hofkapelle
+koulikovskaya
+buser
+mordell
+obliqua
+cutlet
+spaceliner
+enrc
+3,837
+anti-materiel
+unworldly
+wclv
+rutaceae
+holyoke
+submissions
+anglicised
+pillboxes
+madusa
+visine
+haiyun
+petesch
+armado
+beslan
+soulages
+2,467
+0900
+fmla
+3,462
+jex
+three-lobed
+mandic
+souad
+hanushek
+sinuhe
+odepa
+exploracion
+malenko
+berms
+complaisant
+two-point
+marmor
+brahimaj
+sundberg
+103.26
+wincingly
+istrati
+ragga
+stenborg
+swainsboro
+7.7475
+landeros
+barranger
+amoruso
+jtm
+punzalan
+bullough
+lioy
+36-16
+haysi
+inputs
+o'donis
+wwww
+18
+fiddles
+all-ireland
+ganpati
+idexx
+dsquared2
+quartermaine
+trb
+mamsurov
+72.34
+tnf-alpha
+mesophleps
+121,000
+ludab
+vallini
+116.62
+ponyboy
+neen
+paigc
+6,000-word
+secundino
+among
+streamflow
+bacala
+trichophyton
+kordes
+schmidhuber
+gentamicin
+fridovich
+riccobono
+hicimos
+zachodni
+akber
+gualala
+owen
+clairette
+ortholog
+bonine
+33-company
+balikatan
+mummify
+shepherdess
+theosophists
+tessina
+oilcloth
+oestrus
+w.i.
+65.42
+0320
+detectability
+asterius
+dagar
+soquimich
+people
+zhol
+criterion-referenced
+dustjacket
+u-boats
+truancy
+stenner
+dasmariñas
+federals
+doltish
+vima
+sportscentury
+jugović
+tirupattur
+protruded
+rafters
+noncompliance
+tancredo
+aslin
+soutien
+ta'anit
+longhua
+betinho
+second-highest
+reinstituting
+echavarri
+systembolaget
+spilak
+archipenko
+publishings
+pazmany
+kazhdan
+heard
+comprises
+widder
+slippy
+mpeg-2
+6,330
+lobacheva
+saucer
+paranhos
+3,603
+rutten
+tharwa
+wral
+croall
+sheepshead
+cepu
+shoaling
+79-65
+rovio
+scorekeeping
+didik
+meazza
+laja
+6.51
+babakova
+parvifolia
+n80
+segarra
+donalds
+hybridoma
+euro610
+north-east
+goemaere
+barran
+negotiated
+system/360
+skarn
+nimue
+minded
+citric
+epaulettes
+disraeli
+aear
+soo
+eslava
+natsukawa
+mid-2003
+ratchathani
+reeler
+wojciech
+independientes
+dirigiste
+xelaju
+dumdum
+brasilenas
+hikurangi
+expedience
+gigantism
+miev
+chian
+monforte
+tarigan
+blomberg
+mayflower
+argenziano
+l.r.
+two-issue
+gsell
+suphanburi
+ravesteyn
+long-horned
+rembert
+kasatka
+unending
+blandon
+inferior
+1,623
+tovarich
+adderall
+bouffes-parisiens
+twyford
+tarver
+kks
+macrophyllum
+moerenhout
+vanniyar
+balikpapan
+stadlen
+alpujarras
+pardue
+indescribably
+mixed-signal
+mulder
+pyschological
+ranganath
+sayi
+1u
+bimbisara
+yarrows
+livability
+akua
+priebe
+vandalization
+sourdough
+28-22
+mid-1994
+o.b.
+ucs
+brazilian-born
+subcontractors
+20-2
+integrins
+gamaliel
+huggable
+australoid
+sannine
+aura
+thrane
+aqap
+pandy
+guillermina
+executioner
+moley
+rs-24
+toppy
+jomphe
+two-seats-in-tandem
+sera
+inflight
+hartals
+savol
+pirès
+missile-3
+rimes
+kimarite
+pretties
+63-seat
+infundibular
+jawahar
+santol
+crealock
+63.34
+penton
+nosecone
+15w
+grubstake
+57-25
+bamaiyi
+roebling
+waywardness
+soufi
+baglan
+greatrex
+outserved
+kizuna
+mentalism
+rumpler
+nellor
+close
+co-writers
+kai-shek
+greifensee
+saverio
+troisdorf
+single-tier
+szombathelyi
+pipala
+epigoni
+warmness
+ispahan
+mgp
+unlikeable
+11-play
+árbenz
+troyan
+15.30
+welk
+alcohol
+ustedes
+sut
+spinach
+babayev
+3-3-3
+vertu
+saharicus
+rx300
+fantasists
+11.03
+kahs
+embezzlements
+samta
+asi
+tehf
+propriété
+scozzafava
+karol
+progress-m
+b.b.c.
+komárom-esztergom
+messageries
+brewarrina
+tressel
+djerassi
+pushes
+ebags
+colvill
+mondonico
+110
+taels
+harta
+milngavie
+girlishly
+j.o.
+46.81
+cavalleria
+konchog
+peeved
+sulfate-reducing
+107-97
+nobumasa
+larrain
+glarus
+lazutkin
+consumer-driven
+muther@globe.com
+mestres
+manso
+heriot
+diegans
+guleghina
+yaswant
+lyf
+skyraider
+baksaas
+kryshtanovskaya
+mujati
+curiously
+pensione
+accustom
+winde
+roasters
+idemitsu
+bentivegna
+chandrabhanu
+ardea
+euro323
+4-91
+vesterålen
+lütfi
+adulteration
+państwowa
+latal
+palestian
+believer
+grunigen
+f-22
+harkers
+etching
+hxg5
+ethelbert
+hawk-eagle
+opporunity
+2-state
+bajuk
+petrographic
+kleinhans
+morio
+ziese
+istar
+schiff
+tiejun
+functionally
+vide
+nrlc
+chiaha
+wolds
+neurontin
+293.6
+tuman
+silvretta
+nbcolympics.com
+yavin
+naitasiri
+sarti
+oligomers
+permeation
+balco
+walloon
+boutros-ghali
+tamina
+samb
+brienz
+brandberg
+stanwell
+simulating
+abhijit
+ispwich
+plásticas
+nison
+snijders
+rearers
+chanderi
+olukya
+vermeersch
+zulkifli
+rochas
+2-6-0
+makham
+tecnomatix
+underplays
+gennadyevich
+badgerline
+connett
+pinetop
+formicinae
+outfoxing
+nhspatot
+newsdesk
+conditionally
+2,680
+straja
+laner
+rangell
+terminar
+committal
+abdulov
+menorahs
+kepi
+truecar
+tervel
+accession
+bambridge
+zanchi
+kuncze
+akayesu
+jamdani
+aydelotte
+tiling
+squad
+n.y.-based
+northpark
+a370
+steitiye
+7,660
+bueng
+107-101
+hopefully
+branxton
+gabriele
+heirarchy
+zenoni
+ahq
+maemi
+tairov
+speedily
+aono
+kehrer
+mydin
+12.9
+nachos
+horsewoman
+idrf
+hull-loss
+kibwetere
+dim
+sillon
+tsi
+bukidnon
+sztabin
+3.240
+menaul
+ju
+2,490
+palamas
+kazimiya
+obuasi
+meisner
+http://www.un.org
+unmindful
+3-48
+hypercalcemia
+trinculo
+redzone
+mirsky
+5.64
+jankulovska
+raymi
+turckheim
+palmach
+lithospermum
+reyhan
+khalas
+www.ohtrainer.com
+loganberry
+dunghutti
+lasiocampidae
+accomplishments
+crevalle
+shinyo
+uhlman
+schmidti
+freakish
+cortex-a8
+axial
+phosphorylate
+cholmondeley
+yevloyev
+delinquencies
+hauraki
+oxlee
+jio
+kueppers
+agon
+r-134a
+krogan
+underbank
+paralyses
+singer/actress
+mongol
+suplex
+8,000-kilometer
+torrington
+pogorelov
+kremlinologists
+faysali
+racier
+vallone
+brca2
+quartetto
+elytra
+andr
+genna
+anuran
+ppt
+karkouri
+p-3s
+6-million
+kroners
+vopper
+rahimabad
+halimah
+gtp
+severi
+julier
+rezaabad
+soribada
+irrigates
+giraldi
+colombe
+dschang
+illustribus
+livescribe
+ljubinko
+metkovic
+ice-t
+lacovara
+fewster
+u2019m
+septemvri
+customer
+yuhiko
+feaster
+12-string
+leakey
+unirrigated
+arien
+jone
+muero
+rober
+0.325
+wilsterman
+horani
+tv2
+bordighera
+blockhead
+910,000
+m.v.p.
+chiniquy
+119-pound
+sna
+65.7
+rogombe
+yowie
+ketcham
+3-46
+toiletries
+damanaki
+moyock
+sahu
+baishan
+k6-2
+harnden
+carangoides
+testino
+tijd
+roselend
+filigreed
+worst-case
+trifunovic
+taysir
+muminov
+jika
+colby
+halen
+krajinovic
+-34
+hecht
+salivary
+fxff
+3,635
+lagerbaeck
+bernardez
+propers
+persuade
+rosie
+129.75
+22-point
+rectifiable
+hydrofluoric
+urartu
+yater
+carrickshock
+cringes
+venkat
+pierluigi
+operatorship
+relaxants
+opua
+bošnjak
+kimweri
+interdiscount
+announcement
+bône
+oliva
+36.8
+inchkeith
+cahaya
+eatery
+proba
+disarmingly
+86.50
+knowlesi
+cleamons
+cbk
+paysandu
+morningwood
+mcneill
+49.09
+humaira
+parashara
+1990-97
+ballclub
+relinquishes
+schizothorax
+serifis
+1939-1944
+greenhead
+pugio
+janna
+sorrell
+qube
+single-panel
+fortieth
+rivervale
+ossuaries
+saenchai
+arimori
+periodic
+gonja
+bajan
+alfonso
+yiannopoulos
+sanwa
+inflammations
+glasgow-based
+26-25
+michler
+kantalai
+yujie
+changin
+yamal
+fieldston
+cremin
+aria
+poaching
+atlases
+griboyedov
+epureanu
+3.5-0
+majdal
+antinous
+mail-in
+doege
+42.93
+landesman
+raspy
+pacaya
+eutrophication
+ohsu
+256.8
+heatedly
+prevaricated
+roton
+bte
+25.10
+79.25
+vysotsky
+gyeonggi-do
+leth
+chingachgook
+68-54
+gunhus
+http://www.usda.gov
+vfl
+schmalbach
+dimsdale
+plancius
+chipset
+stephentown
+euro12
+vogosca
+40-42
+seccuro
+euro9
+creggan
+shilly
+ry
+poth
+hassi
+patsatzoglou
+embalmed
+gatha
+parvat
+aharonishki
+shovelled
+gohary
+suburbs
+lorikeets
+radisys
+60-watt
+6x4
+baly
+basinger
+scleroderma
+taildragger
+giscours
+63.27
+jarrold
+peiresc
+burkhead
+ampas
+klibor
+sylva
+eudes
+3:33
+tree-dwelling
+addu
+jealousy
+bubi
+nimrodi
+pamiri
+protectively
+al-masudi
+hypersonic
+glassfish
+sobolew
+1h24
+3rd/4th
+armfuls
+yutu
+gaudencio
+qalai
+minimizer
+millon
+18-seat
+overbalanced
+mcevoy
+discombobulating
+kiddieland
+missoni
+112.32
+yaman
+balintawak
+tuttman
+usa.net
+okanagan
+2001-2010
+delphian
+loteria
+decorate
+dozens
+fiction
+as30
+57,300
+174.6
+55.84
+tfh
+cruella
+kaloyev
+inst
+1,197
+zupco
+aurel
+usaca
+pump
+cedaw
+shotaro
+dyal
+pascack
+cejka
+strangford
+220.2
+denso
+os/360
+minimi
+thylacine
+slayings
+top-50
+successor
+eilema
+uttrakhand
+amah
+11-member
+polypoetes
+32-month
+etb
+quester
+www.sciencemag.org
+çorum
+glitz
+gitt
+runs_mcgwire
+57-40
+hyzy
+paramus
+corradino
+p600
+flexuosa
+hausser
+miniskirted
+santeros
+aicardi
+mélodie
+borshchev
+undeath
+quinion
+f-4j
+masamichi
+simpfendorfer
+e-pakistan
+shined
+aussi
+93-minute
+scramjet
+17:16
+sortes
+breath
+linuxworld
+adept
+sleaziness
+sychyov
+steffey
+smok
+left-liberal
+mib-30
+cragg.hines
+underlay
+4,493
+neretva
+definity
+bryanston
+defranco
+tatishchev
+zabel
+marmora
+derga
+zanzibari
+calming
+chhay
+alameddine
+grecula
+innovatory
+150.000
+siriwardena
+15.60
+mathayus
+bracteate
+halawa
+bordone
+whittredge
+subgraph
+kopec
+az
+blackheath
+jolina
+pêche
+500,000-barrel
+pambansa
+albertini
+arabesque
+mahran
+mayaguez
+moonstar
+couchman
+slahi
+beckhams
+clearcutting
+d'agostino
+subharmonic
+customizations
+1/2-cup
+weiland
+andra
+meteorological
+libanius
+rolanda
+dmus
+cinching
+gorney
+ilmar
+ramadorai
+tarpley
+gutai
+klaeden
+non-exempt
+refilled
+fgd
+mido
+winckler
+leamas
+arlequin
+cherhill
+pallene
+telkomsel
+rahr
+licenciate
+cradling
+tepelenë
+penida
+mcas
+asteroidal
+wesselényi
+jehoram
+c9
+carpels
+availabilities
+duljaj
+wailin
+granary
+gwyer
+3,675
+digamma
+heal
+armoury
+50-acre
+marketshare
+termon
+181,000
+tightens
+guardsmen
+arakkonam
+assembly-line
+khronos
+oob
+2,039
+cadi
+torrevieja
+kg3
+dawood
+bunky
+bennish
+ecotypes
+500-homer
+contamination
+iquique
+monoprix
+washings
+crystallins
+architrave
+sequential
+2275
+muirfield
+4-6-3
+footdragging
+dadra
+klone
+visage
+oppland
+kazin
+topper
+liesl
+ntumi
+aramaki
+shoney
+guyett
+arshba
+frann
+mckell
+graffiti
+helon
+tanna
+prams
+pro-administration
+genis
+oxy
+euro21
+73-68
+zinzanni
+kulat
+shamseddine
+demszky
+rhotic
+cetinkaya
+quellos
+caiga
+0.06
+mileena
+21-7
+chutzpah
+hugin
+444.6
+harvestman
+confrérie
+bolivian
+dyncorp
+livelihoods
+visits
+schroer
+appeases
+reckord
+1368-1644
+amiran
+dropped
+rendah
+vijender
+w18
+wojdakowski
+asko
+pittsgrove
+село
+rochefoucauld
+500-mile
+monrad
+denbighshire
+1988-1997
+tsx
+sequestration
+healings
+anti-angiogenic
+trtc
+46.88
+a-bike
+abuse
+lanyon
+majaida
+narayanan
+tots
+mdc-t
+narozhilenko
+cramphorn
+logano
+8020
+sabriye
+most
+nival
+brong
+egroups
+stillman
+figtree
+68.34
+saajan
+delegitimized
+minhaj-ul-quran
+oved
+2008-january
+proleter
+fairlee
+pny
+six-piece
+shamzai
+bindal
+gholamhussein
+errico
+piela
+5.3-billion
+wáng
+legno
+kemppel
+fiammetta
+isobutyl
+piovani
+soda
+yongnian
+runnells
+maluso
+2,677
+bernarr
+tsentralnaya
+ruban
+freight-only
+grad
+furniture
+voiced
+exterior
+bizarreness
+godhra
+aloni
+tsurugaoka
+singareni
+47-45
+madrid
+yasui
+qadian
+semilunar
+personne
+sucht
+gametophyte
+tekirdag
+40.72
+p-38
+constructionism
+48.76
+arechis
+kavkaz
+renegotiations
+ovulate
+dewberry
+srichaphan
+autistics
+zigli
+orphism
+rotate
+kerchove
+excelsis
+haemonetics
+azerbaijanis
+41-0
+khanjar
+malaz
+filmer
+siu
+surcoat
+sahariar
+89-73
+tomasky
+stand-out
+mickle
+volchek
+galumphing
+disowning
+spot-kick
+ruhv
+mcbay
+majka
+chuch
+congileo
+labial
+rumbling
+shipwrecks
+http://www.aclu.org
+shahriari
+nla
+3,457
+vuelve
+arvidas
+kupolokun
+taktarov
+o'faolain
+smalls
+affirm
+moycullen
+underwhelmed
+masten
+capture
+tanmay
+mangusta
+cultura
+sub-sectors
+baixing
+rawling
+943,000
+triplets
+iconographer
+guèye
+vrabel
+jola
+81.56
+pandoras
+9,100
+lucker
+moneragala
+lucey
+67,000
+hand-hewn
+elides
+cubbon
+wahide
+shiels
+yuga
+denkova
+khoshchehreh
+functionals
+nageeb
+imeem
+widerøe
+nekra
+1840
+eastward
+wwj-tv
+lykos
+ré
+sarobi
+abhik
+trulku
+heemstede
+luzius
+gaeilge
+osnos
+nucifora
+lubrza
+incapable
+primorsky
+linnell
+ohlund
+virmani
+grandiloquent
+doctorin
+handling
+dimmick
+cow-calf
+moonan
+yanling
+200-member
+suffragan
+1932-33
+cimmeria
+1284
+thil
+1.5408
+homonyms
+tohil
+jah
+qb7
+pepino
+setembro
+molesme
+euro358
+vpp
+seeding
+deadbeat
+noszaly
+fvr
+heol
+6,650
+hkg
+19:58
+dat
+shahrabad
+nominoe
+transneft
+bogalay
+db2
+pramoedya
+duplicado
+3,303
+vegemite
+moderniser
+crashlanded
+kolan
+nicolaisen
+shredded
+a-f
+snrnas
+14:16
+osse
+shoyu
+222.1
+purachai
+e-b
+meidinger
+gawad
+augurs
+123.40
+fames
+shouk
+shanna
+fus
+cowdery
+reactance
+bentvueghels
+merrell
+hayr
+unretire
+brand-name
+crudup
+u.s.-mexico
+rumohr
+halcones
+southorn
+agnates
+gerais
+german-british
+852,000
+itemizing
+aasiya
+enchantingly
+junin
+charite
+fagen
+mgl
+vion
+propounding
+degroote
+rock/metal
+souss-massa-drâa
+heliport
+jye
+multi-country
+585.5
+extensors
+2000
+dli
+6-feet-3
+thalheim
+cartouches
+enzhao
+twemlow
+mostarda
+uwaezuoke
+vicars
+atwitter
+56-year-old
+wfla
+pne
+aiyangar
+mpci
+jinhua
+trussed
+aronimink
+brata
+mutoh
+norisbank
+airburst
+baying
+futral
+wondolowski
+lecrae
+l'industrie
+automated
+kee
+556,000
+despondently
+87-74
+superbank
+headley
+talin
+amar
+forchion
+thingyan
+decompress
+barysch
+trachea
+milligrams
+eike
+stavridis
+11-player
+medulla
+ririe
+macguffin
+fashionability
+sriracha
+heds
+cheema
+indian-born
+pross
+fugui
+litterbugs
+pro-western
+luini
+đằng
+demant
+fuwei
+prolix
+balsys
+silverglate
+paribatra
+ebsen
+skander
+pendergraph
+backcheck
+tayssir
+post-modernist
+veranke
+two-decade
+yuelu
+shodown
+stirring
+e-naw
+lessac
+expressively
+sarasvati
+fishkin
+overstimulation
+1961/62
+ameh
+129.9
+iis
+palm-leaf
+brehon
+phalaris
+bundahishn
+jazzier
+transfats
+neffa
+aacta
+i̇lhan
+c-130h
+premarital
+luton
+perna
+tirupur
+sifakis
+barons
+ls-120
+seignory
+frederikshavn
+deontology
+whistler
+exponents
+lombo
+on-air
+crash-land
+cpld
+dynein
+touchier
+prioritisation
+blangah
+hiccuping
+begriffsschrift
+whiz
+relied
+viroconium
+malachite
+bontecou
+cameron
+sahaptin
+brigido
+rebeccah
+non-football
+dabagh
+riftwar
+vikramaditya
+extention
+amor
+murney
+nld
+cvw-9
+crozon
+moaned
+proactiv
+timesselect
+balloons
+bsb
+sakuma
+28,060
+self-awareness
+kosaka
+5-65
+pelagie
+phthia
+organization
+concocts
+2nd-4th
+bollegraf
+batu
+contrariness
+zak
+kovalam
+sidot
+nonpolitical
+goalless
+zafra
+polyclinics
+jamar
+impenetrable
+20.56
+morphologies
+rothermel
+ham-kam
+kabanga
+motorcycles
+handl
+librium
+roomies
+fawns
+parsee
+gunfight
+opted
+celerity
+roquelaure
+integrate
+vivien
+zarra
+muhaimin
+ichida
+1,561
+fateful
+tablelands
+px50
+carcinogen
+97.39
+26.67
+hovell
+depredations
+manco
+luliang
+audaciously
+eastpak
+capucho
+pyrokinesis
+anhalt-bernburg-schaumburg-hoym
+fibroid
+free-flying
+sabatier
+cheese-making
+e-journals
+couldn
+aomori
+guldahl
+schoolyards
+wuest
+minus-20
+robbing
+ponty
+deleanu
+smirk
+22.30
+opticks
+g16
+.0163
+scampia
+dums
+zizyphus
+poplarville
+coverts
+wirich
+mithai
+gonet
+newspapermen
+tillekaratne
+indianpolis
+gerra
+denigrate
+mcnew
+5:37
+mid-cap
+synesthetic
+shitan
+mcspaden
+revisionists
+bma
+commences
+ovenden
+odoratum
+eram
+irún
+i-27
+chanthaburi
+d'yquem
+sherinian
+mạnh
+noregs
+pukan
+zohra
+messali
+386.00
+metcard
+candidatures
+twin-cam
+spiritual
+mardy
+razzaq
+vettel
+montecchia
+rouvas
+configuration
+yokai
+runkle
+single-digit
+combichrist
+aaref
+inguinal
+barukh
+cross-over
+nagarathar
+tchicaya
+re-engaged
+lessor
+sangmu
+villahermosa
+mazarakis
+vorenberg
+crenellations
+afz
+bhuvan
+samland
+skjåk
+sinatra
+i2p
+mfj
+30-june
+sialkot
+'68
+alfeld
+mandell
+narcotics
+rautavaara
+cooter
+ryuhei
+estemirova
+nortons
+yafei
+rawness
+kurosawa
+l'académie
+meetei
+schmeiser
+ortiz
+allawi
+1967-1968
+mohebian
+76.53
+bethalto
+kinng
+tsuneo
+tuple
+quacking
+guimarães
+plourde
+hamadan
+medeva
+5.14
+ubud
+fadzil
+ecthr
+lavallee
+callovian
+11:03
+73.31
+gurung
+bsa
+federales
+dbx
+shepaug
+shuhong
+96-88
+traumatically
+summerfield
+ribeira
+faxing
+glider-style
+debauched
+ccsvi
+shiu
+deontic
+leukodystrophy
+starikov
+stangler
+domnitz
+mamat
+launaea
+skibine
+woodchester
+burr
+siltstones
+smil
+trama
+kojin
+panis
+port-la-joye
+ōzeki
+499-3342
+yandarbyev
+rauchenstein
+caraffa
+26.47
+far-reaching
+necker
+adv12
+hummelstown
+wiehl
+u-53
+noninflationary
+bonadio
+remley
+britain
+kolton
+krenwinkel
+stittsville
+peñasco
+30.34
+attraction
+karie
+maslarova
+liscio
+reestablishing
+homogeneously
+36,000-mile
+enterprisers
+seattlepolitics
+seva
+spargo
+decima
+olympico
+islwyn
+guiyang
+hariprasad
+frangialli
+okamoto
+hangul
+cygni
+2ue
+snaffled
+resides
+depths
+kwanza
+grond
+englebert
+grumbling
+problema
+t33
+bogey-5
+proglottids
+safar
+projekt
+chiropractor
+telescopium
+jianzhou
+cuypers
+2:40
+shorten
+southbridge
+carné
+co-inventor
+penlight
+hoffenheim
+hotel
+thorne
+zysman
+eurodance
+e-kumri
+dishonestly
+commotions
+oneclick
+teamorigin
+expanders
+snb
+merengue
+santrac
+heartening
+3,600
+ex-chief
+kościelec
+bolingbroke
+kuro
+yuanpei
+scabbards
+1989-2004
+relentlessness
+hoshiar
+powershares
+okavango
+iphoto
+mentored
+guanchashi
+jasper
+nugget
+ulundurpet
+basketful
+øy
+migrates
+momenta
+ndjamena
+werenskiold
+pentangeli
+drinfeld
+2425
+geojit
+u.n.-appointed
+spessart
+111-109
+516
+polloi
+29-20
+1.267
+muman
+28,000-square
+47-yarder
+104.7
+nowlin
+ragan
+direct3d
+involves
+elided
+tortoiseshell
+kelin
+seasons
+socios
+hearkening
+cherbury
+zador
+takk
+sienna
+requa
+ellos
+luek
+reubens
+realtytrac
+geranyl
+wandering
+woss
+mukteshwar
+chitimacha
+maurstad
+yadumi
+dwyane
+roux
+sixth-rate
+mucous
+abrau
+69.69
+hellip
+topically
+clementia
+dentary
+66.03
+modeste
+deft
+rear-view
+whiterock
+yachters
+mangesh
+altair
+ehadadi
+schmucks
+mullock
+fnatic
+ernesto
+shirko
+fhwa
+nannini
+boligee
+fast-moving
+rejectionists
+unalakleet
+cerc
+doak
+tenant-in-chief
+alligood
+lapenta
+recompression
+mrozy
+bankruptcies
+craziest
+snoble
+wenezoui
+cciced
+birstein
+formula_59
+kiyohara
+nanteuil
+spurway
+21278
+grundberg
+secord
+upturn
+sudhana
+herrenhaus
+fabled
+laboral
+augmentative
+eor
+maraini
+felisberto
+céline
+under-representation
+.223
+shred
+freelon
+battal
+grunts
+37.9
+gas-phase
+eurasia
+devalued
+nayaka
+3,015
+accustomed
+76.69
+lansley
+maskiot
+diman
+hoglan
+formal
+50.55
+non-europeans
+arribas
+morsel
+aveda
+bulimulinae
+knbr
+tornay
+live-action/animated
+šentjur
+muséum
+elorduy
+arians
+hibernated
+unreferenced
+vorilhon
+ss
+ray-finned
+herbeck
+g-d
+parm
+ahmadiya
+update4
+blackbourn
+caliphal
+lavalette
+depositing
+199th
+caveats
+duque
+44.23
+meringues
+single-screw
+annenberg
+airland
+doctor
+desierto
+developments
+qinetiq
+contreras
+padalino
+ginko
+abhorsen
+indictement
+hussaini
+45-12
+tiburtina
+universidades
+oruvan
+8,650
+railing
+baluda
+pithily
+lenya
+rubinho
+self-incrimination
+ongaro
+rátót
+jirgas
+broken
+diffusa
+memphremagog
+altham
+direct-acting
+in-home
+villacoublay
+oukrop
+bizglance
+hnoms
+skag
+soderstrom
+rapid-fire
+reappointing
+dargai
+spellman
+kernville
+tubulidentata
+gál
+kagel
+bsi
+rautins
+angolan
+807,000
+neighborworks
+treatment-resistant
+goodmanson
+keersmaeker
+onkelos
+micklethwaite
+imbricata
+falgun
+pmi
+,12
+aqi
+clyburn
+whouse
+harmfully
+doti
+directivity
+trapezoid
+amélie
+ioe
+jareth
+ahamed
+velhas
+verkehrsbetriebe
+3.7-mile
+grades
+rusmana
+sumbe
+cutbush
+duffee
+rosamond
+trkb
+acropolis
+woodworth
+pvc
+castelbajac
+ecomog
+hohenberg
+wendys
+advanced-level
+ficarrotta
+economica
+dudok
+bernsteins
+ravitz
+viejas
+kielland
+deciders
+145-mph
+kirm
+andreoli
+hennon
+247
+darnley
+franked
+dead-ball
+simić
+belize
+voter
+117.55
+53.47
+signboards
+5-46
+kronus
+tuxford
+uragan-m
+sychev
+harradine
+0025
+autrey
+bullfrogs
+mardale
+anglian
+rennet
+106.79
+sonangol
+coup
+oreibi
+lavoine
+4,039
+74.81
+carpinello
+5-fu
+courrier
+shaharyar
+ainsdale
+20.97
+chamelecon
+saint-nazaire
+satir
+westra
+senechal
+lillooet
+bahamonde
+critchfield
+nge
+güyük
+ldquo
+polisario
+simesecurities
+zipingpu
+jaret
+self-similar
+omeir
+vertically
+breckland
+laverda
+keawe
+southerner
+skyhorse
+radiocor
+rapprochment
+hlongwane
+bramantyo
+hesperian
+750th
+1876-77
+larne
+mokhele
+yannakis
+baronets
+extracellular
+staleness
+vatovavy-fitovinany
+pathologic
+co-habiting
+1988-1995
+n'djamena
+oly-2004-swim
+transfrontier
+carneglia
+oxidize
+ero
+advait
+unifies
+christianunion
+boegli
+esos
+latinoamerica
+libellous
+krongsamsri
+donner
+orbits
+nauvoo
+sagnier
+hotze
+35,000-pound
+us-canada
+syarifudin
+padauk
+zł
+kneeler
+yanovski
+psittaciformes
+karameh
+entrenchments
+liquidating
+ealdorman
+cointreau
+balkline
+morada
+lvc
+susenyos
+weingarten
+eus
+tacchini
+72
+taxus
+52-second
+krikalyov
+christianus
+rayong
+grądy
+42.63
+kickboxer
+weapons
+pontificated
+100-metre
+pembleton
+giao
+ill-informed
+2220
+month
+free-flight
+washwood
+cascine
+670s
+7.32
+f-150s
+dewaele
+3,126
+82.2
+geringas
+huchra
+glenoaks
+premodern
+piedmontese
+1709
+sturnus
+dreno
+biel-bienne
+convex
+viviendas
+tzi
+wahhabi
+larino
+plástica
+rollerjam
+rajagopala
+iglesias
+841,000
+1,068
+jassy
+bulldoze
+szolnok
+bostjan
+80-page
+disc1
+civiletti
+5040
+homophones
+irama
+pettiford
+loek
+maturer
+csepel
+40.05
+suprianto
+kapitalanlagegesellschaft
+contry
+sheridans
+sporn
+heliopolis
+xo
+mid-1940s
+ians
+schlechter
+pee-wee
+gulistan
+thackeray
+iturgaiz
+chap
+pontifices
+hinderaker
+well
+feldheim
+veldkamp
+migrante
+1961-66
+navo
+genovia
+recapitulated
+102-run
+cce&hr
+hard-liners
+38.09
+sharla
+longsword
+aiel
+communicant
+150,000-square
+khmu
+100.05
+victorine
+spacefaring
+liwei
+suggest
+postural
+algarve
+first-century
+drafn
+kheng
+nadery
+nudibranchs
+geomatics
+norn
+2,191
+abdul-malik
+igreja
+qeshlaq
+kelso
+xingquan
+2010/11
+puffins
+0-24
+nethersole
+577
+indo-fijians
+dodecahedra
+.09
+trihk
+yasuyoshi
+kriemhild
+ulenga
+svcd
+last-named
+spoornet
+shunted
+kujawy
+career-oriented
+amphibian
+barty
+prezant
+ağar
+hooge
+dressing-room
+urgence
+lahj
+langalibalele
+chardara
+tumazos
+gibault
+compleat
+cun
+hlg
+westbury
+.400
+18:00
+zenel
+270-meter
+hyperalgesia
+yaser
+wushi
+alih
+ravindranath
+754,000
+xieng
+100-ton
+sternfeld
+7,625
+mccarney
+teleporter
+molon
+noncompetitive
+skate
+boyens
+meowth
+brel
+flossenbürg
+jovica
+ci
+dominions
+achieve
+changting
+intocable
+izatha
+cuento
+chugai
+pistoleros
+sherzai
+culture-bound
+milker
+1,519
+countersink
+masulipatam
+stille
+whitcoulls
+rumiko
+salsa
+hebridean
+242-member
+energy-related
+o-methylated
+1,504
+durai
+30th
+verandas
+2090
+massow
+indecently
+luboš
+aeronautique
+rush-released
+peñuelas
+2,330
+108.29
+10.71
+h.i.
+dhāraṇī
+wast
+gotwald
+kakul
+greers
+amacuro
+thornier
+grandval
+pennyworth
+chancellorsville
+crested
+rcpi
+conveyors
+tomskneft
+mané
+leo'o
+collectanea
+single-pass
+masami
+joltid
+debarment
+g.a.r.
+mirren
+concoction
+herben
+brocton
+ktf
+dunta
+anakkara
+mentavlos
+pondimin
+254th
+upper-level
+alors
+d’histoire
+insecticide
+adhd
+extradites
+scow
+merom
+undervalued
+lehrte
+gws
+dapo
+compositors
+stardock
+outdrawing
+jeffress
+beddia
+arcnet
+sweetbay
+109-mile
+reblochon
+monsoons
+bošković
+ravenel
+arteries
+magor
+rundt
+stirrups
+lee
+caselli
+3,295
+psst
+vonlanthen
+feindouno
+woore
+m41
+tanks
+tverskaya
+-07
+24.33
+1000cc
+taï
+moister
+quantification
+post-mortem
+ulamas
+gougne
+jayakarta
+sinotrans
+guajira
+rhône
+muttley
+yx
+unremorseful
+flight
+keli
+noori
+akilam
+givi
+monopolists
+super-heavy
+heao
+gadomski
+ehardt
+boustany
+horam
+award-nominated
+lallement
+premachandran
+cardosa
+neuveville
+emoluments
+chucun
+51.72
+hutsul
+rinearson
+erzherzog
+zarembski
+1,330
+linesmen_dan
+cassiano
+winnie
+b-1bs
+n&w
+straxus
+accies
+3,665
+titu
+autoceste
+breastfeed
+maguindanao
+nzru
+fairtex
+celebutante
+80-cent
+intriguing
+mattachine
+arash
+sun
+sero
+mechanisms
+off-piste
+e-group
+6.03
+unsifted
+3,188
+grimoires
+venancio
+fenton
+third-base
+pramila
+three-floor
+rownan
+1937-1938
+stolojan
+1946-1948
+fari
+apoptotic
+redstate.com
+ataxic
+gliwicz
+33-inch
+mississippian
+55m
+80mm
+36ers
+stål
+s-61
+groover
+agordon
+luzon
+adgas
+backpedaling
+2,919
+ayd
+murda
+leobardo
+thornton
+4-all
+31.87
+47.35
+dreamstone
+uzelac
+skimcoat
+bangar
+acknowleges
+canaries
+pundits
+beleagured
+55.93
+schrock
+cellpadding
+hedmark
+acasuso
+lindstedt
+baljic
+eudy
+d.r.i.
+trichuris
+jcaho
+cowpokes
+fyr
+uzbeg
+rez
+clerodendrum
+saen
+gruffydd
+r.hamilton
+industrialised
+joannette
+verugal
+rentz
+lusterless
+neily
+reclad
+imov
+.172
+aplus
+weibel
+bluebeard
+haraden
+w-76
+submontane
+wolfmeyer
+in-q-tel
+weer
+.341
+prejudiced
+mustaqbal
+bolswessanen
+ucj
+schintzius
+sideway
+p-values
+geopotential
+daule
+violation
+7.7405
+adia
+schnauzer
+reynes
+iw
+xebec
+63.10
+underprice
+roberti
+ampon
+nzérékoré
+grassbird
+shrove
+slaughters
+carryon
+patuone
+venezuela
+durability
+rade
+contrabassoon
+knap
+azrojan
+haa
+tithed
+highest-selling
+hanwell
+overanalyze
+cadastre
+25/26
+binswanger
+halmai
+2005-07
+ridha
+campanula
+folger
+waggener
+cantopop
+trimedia
+feroze
+oecophoridae
+legionella
+49,000
+mvr
+barbes
+ury
+villari
+gnm
+cornstalks
+depsite
+loígde
+aduana
+stultified
+melodramas
+qareh
+niña
+fangs
+wantirna
+seberang
+endowing
+hungering
+sodomize
+mardini
+brockett
+deem
+cypriote
+ettarashany
+142-0
+gurage
+sealable
+cappelletti
+24.46
+gourmands
+14.63
+zitko
+wildearth
+contenting
+glam
+sacatepéquez
+lectins
+lukaku
+setton
+malingerer
+starina
+simunic
+sleepovers
+desford
+berets
+lissavetzky
+cochino
+baltus
+donnas
+keynsham
+hanguk
+caciocavallo
+invergarry
+laelapidae
+instrumentos
+daunted
+ogidi
+horror/thriller
+hedding
+informatica
+stringing
+hasselblad
+cubadebate
+calderoli
+worksop
+breland
+yadavas
+talay
+boxers
+cecilie
+hinz
+ngowi
+erawan
+dignam
+jaki
+33.57
+airfoils
+2,267
+hermsdorf
+mokriyan-e
+aila
+thundershower
+heartwarming
+paunovic
+pre-1997
+peristaltic
+bunda
+hillquit
+lamoral
+janab
+barrmill
+legija
+ţara
+anastasius
+fritzl
+lombroso
+shamser
+lauwaert
+vastra
+preconception
+carpeted
+raystown
+capelet
+capitalisation
+102.30
+collates
+anarsia
+hallmarking
+w.g.
+maldah
+sear
+3,023
+ivg
+sulfite
+calfskin
+scrambles
+catholicos
+coursey
+d'enghien
+ezquerro
+yoed
+qxf3
+jogged
+anholt
+nanocomposites
+kpwr
+2,283
+gedolot
+grousset
+ukeco
+melzner
+jarquin
+gaspé
+kaliyan
+faucigny
+placement
+106.61
+borneensis
+defrancesco
+dickison
+stih
+simplices
+250-yard
+carboxyhemoglobin
+vulkan
+230.6
+mezzaluna
+brevig
+ferrochrome
+gunnes
+maestros
+dersim
+15:46
+stratosphere
+debating
+achakzai
+reconsiderations
+interdicting
+217th
+jsc
+rosaria
+toggle
+basketballs
+pulver
+hagiographic
+scooby-doo
+antiqued
+quirrell
+mixed-mode
+retha
+edwan
+györgy
+oxidizers
+sukeban
+overeager
+ctl
+alès
+pancorbo
+langobardorum
+madisha
+tenderest
+three-fourths
+kukar
+wracks
+gog
+elzer
+spevack
+exoduses
+chikatilo
+abbassi
+egerszegi
+taaffe
+ravensberg
+2,884
+grauerholz
+copia
+caloris
+cigale
+yinhong
+dumper
+gardenburger
+gaubert
+boissy
+rolleston
+sidgmore
+kinana
+topol
+unsolvable
+trainmen
+faceted
+firstborn
+gretar
+buhi
+gpda
+bingham
+spin-stabilized
+napata
+anvari
+cryptologic
+pushrod
+taltos
+trabi
+3,041
+wisconsin-based
+dhafra
+half-completed
+mackaill
+elvers
+condon
+37-36
+z-trip
+ices
+shaposhnikov
+emptying
+60.58
+sosa
+sjoestroem
+fismer
+kleinow
+sdn.
+brca
+nandha
+inordinately
+cherish
+tigar
+autorama
+khalis
+6,160
+tournaments
+tecra
+malkus
+halsall
+produktion
+converse
+podrabinek
+keahey
+ext2
+asurans
+theatine
+nakhjavani
+nachmanoff
+apkindo
+cumulative
+ensigned
+cassoulet
+shut-out
+witherill
+world-systems
+balint
+egoz
+ufcw
+tri-deputate
+unseaworthy
+shirtliff
+neds
+paxil
+restating
+eha
+sanjurjo
+pincay
+gaymard
+shahm
+shū
+elcock
+sarabande
+x20
+counterfeiters
+js02
+hartle
+66-64
+aslan
+flatworm
+conserved
+free-jazz
+kalorama
+guzang
+spottail
+vaunted
+conf
+edis
+inl
+netshow
+ås
+alters
+smocking
+mega-cd
+paper
+111.66
+wtcg
+sheren
+reibey
+gelation
+chahak
+preview
+baphuon
+dykes
+misdialed
+hairdryer
+druce
+shourie
+onslaughts
+mehtas
+henries
+stainsby
+gapes
+hovind
+kingwood
+shashiashvili
+fike
+costas
+cras
+novospassky
+herita
+snowflake
+militarist
+borbidge
+semigroups
+ifv
+chichewa
+coxnews.com
+synapse
+eid-ul-fitr
+dizin
+twaddell
+ussocom
+88.10
+tilford
+rodel
+depend
+abc1
+tassio
+photorefractive
+gentlemen-at-arms
+114.76
+comitia
+hynd
+figari
+anawrahta
+lionize
+unrealised
+3-d
+monthlies
+shleifer
+warrant98
+97.5
+wishard
+customshouse
+biens
+shiozaki
+pearls
+cona
+pfo
+strimple
+icsi
+lowculture
+tallow
+87.65
+jackness
+molly
+floribunda
+254
+accomodations
+reffye
+videnov
+nine-ball
+escueta
+nostratic
+pestano
+subway
+200-300
+demoustier
+303-954-1669
+global
+latroy
+buentello
+leveen
+bhoi
+dupay
+craftwork
+30-hour
+sekhon
+erythema
+normative
+non-sport
+oil-related
+raved
+agarose
+549th
+futzing
+dump
+furstenberg
+strangeland
+linka
+mebo
+wilden
+charkha
+rothes
+stats
+khz
+shakaki
+tampi
+schistosomiasis
+abbud
+74.17
+moradlu
+buckelew
+craigmillar
+brandy
+63.02
+bestia
+59,000
+multipage
+kh2
+rainbow-colored
+abraxas
+frieder
+toponyms
+1,299
+rockingham
+montferrand
+meurthe
+medicinalis
+4,390
+psytrance
+74.86
+vagner
+sanitise
+19.35
+koit
+death/doom
+arrecife
+cabet
+ciolek
+crewed
+geita
+youzhen
+23-30
+rotorua
+chrétien
+interfraternity
+votel
+juventino
+apparao
+cowra
+talk-radio
+yudi
+kurunegala
+whr
+vanderlinden
+seventh-place
+zingg
+gehv
+greengate
+re-equipped
+admiring
+mylo
+artzt
+5,425
+grogg
+rookie
+second-eldest
+9.35
+hoedspruit
+truthful
+epistolary
+ads/cft
+dojang
+sandelman
+lucens
+motored
+husbanded
+isentropic
+dfo
+m-26
+nguru
+heuga
+minwax
+kristjansdottir
+magnetometers
+stepps
+overreaches
+tanic
+hambleton
+annal
+smersh
+rasputina
+107,500
+townsfolk
+toomp
+friendliest
+khalanga
+kapo
+trackwork
+vodochody
+n.f.
+krynn
+transvaal
+tricia
+huysmans
+dovgun
+samouni
+decisionmaking
+rolf
+kinniya
+headwear
+dbi
+vagelos
+lazzaro
+giuli
+cagr
+rodd
+complementarity
+gyaltsen
+seaboards
+coppice
+i-96
+neo-conservatives
+semdin
+rosignano
+banagher
+chaon
+four-stage
+lovewell
+magliocchetti
+22.78
+nimer
+ritschl
+jonesing
+sposi
+lightless
+country-western
+jędrzejów
+gonski
+filthiest
+malty
+mpvs
+14-story
+11/12
+malvik
+101-84
+chandragiri
+8.34
+16h00
+auxier
+ruttenberg
+karanja
+spui
+grillini
+burkesville
+seomin
+inadvisable
+safra
+guerrière
+vai
+pangandaran
+caste-based
+113.31
+wcsh
+cartillier
+nuha
+kingstanding
+goetheanum
+1902-1903
+jernbanetorget
+danthonia
+vlan
+gbl
+1087
+impetuously
+vanryn
+mcnee
+glimco
+124.30
+tarras
+solomos
+42.01
+victoria
+burian
+0410
+boshell
+schmoekel
+mauresmo
+james-younger
+drummey
+mitri
+channel
+bicoastal
+torsos
+colachel
+5-10
+farnesyl
+1917-1919
+vierling
+double-slit
+böll
+akume
+kayu
+ntdtv
+55-45
+67-kilogram
+1984-92
+handschu
+outriggers
+u.s.-libyan
+bankruptcy
+sinbad
+l'anza
+maudsley
+tough-talking
+malkawi
+36.69
+lorimier
+well-attended
+downloads
+manischewitz
+lichtenfeld
+healthfully
+subnormal
+8.15
+97.33
+stroh
+1252
+sreesanth
+mercurial
+eboracum
+opencourseware
+gioeli
+lpe
+5:58
+235
+nako
+101.25
+marmon-herrington
+25-22
+evison
+smarts
+ijssel
+matteson
+phiale
+benveniste
+-37
+rabu
+nonfans
+66.90
+psittacosaurus
+refusing
+billericay
+romer
+handbags
+tencteri
+sluice
+makeda
+:21
+waitresses
+comorbidities
+macrocephalus
+6th-class
+codel
+battling
+35.29
+bradhurst
+vysshaya
+jehoshaphat
+d'analyse
+defuse
+kogenate
+euro457
+48.97
+lipatti
+ewo
+zapolski
+contreraz
+canalised
+detailer
+yanguas
+91-page
+private-use
+longden
+growth
+sumber
+servin
+sanford-brown
+longlands
+rakovica
+electro-optical
+vinasat
+cappe
+trends
+furs
+gasana
+winspear
+riethmuller
+late-game
+deutchman
+bex
+patriote
+josslyn
+recovering
+outer-space
+gph
+deitz
+unplanted
+noninterest
+delai
+comites
+ferenc
+linsley
+esencial
+caviness
+kusano
+waterlily
+fforest
+government-held
+information-theoretic
+formula_67
+gossens
+pharmacy
+ipolito
+goyle
+kahuku
+kersee
+pgt
+nagatsuka
+khvor
+heuer
+endriartono
+2005-09
+gaaf
+4,310
+kiruna
+hdg
+pioche
+dii
+tray
+palliative
+shinholster
+tatum
+beckford
+consequently
+four-chambered
+mackinlay
+0-8
+geleta
+cragg.hines@chron.com
+smartest
+pergamon
+gatow
+houseful
+molehill
+45.30
+pallo
+hensher
+mid-nineties
+chieftainess
+firebaugh
+dicks
+29,035
+louie
+stabilized
+biografisk
+biodynamic
+hôtels
+schweer
+umayya
+beardy
+kopaonik
+fufa
+xhtml
+cuticle
+goldsteins
+etc.
+lucca
+morgenstein
+i-taiba
+16.06
+santarcangelo
+thoratec
+3:13
+człuchów
+wayburn
+enabled
+cadette
+flooding
+1,199
+cyro
+airwalk
+deboned
+kaviraj
+1806-20
+100,000-pound
+capitulates
+phunk
+neira
+wauters
+katakana
+clugston
+surat
+4,055
+chinstrap
+jaga
+valmont
+palasa
+laser-based
+yiyuan
+47.84
+http://cirrus.sprl.umich.edu
+frutos
+fpmt
+jiezi
+janitors
+arff
+168.4
+freudians
+sheoak
+sealyham
+gso
+eris
+100-93
+verceles
+kilbride
+kidspost
+kajang
+alcoa
+baraza
+potently
+fehérvár
+codco
+light-blue
+pfr
+foolproof
+69.05
+blerim
+14.59
+dubon
+belfast-based
+kadikoy
+tomboys
+narita
+lumina
+s.c
+doorframe
+daucus
+bup
+all-district
+selepak
+krupac
+jericho
+stukelj
+siong
+packham
+5.93
+ariga
+klingons
+900-kilogram
+ill
+office-holders
+kranhold
+raston
+ballinamore
+mandorla
+homosassa
+trøndelag
+sneeringly
+htp
+skateboarding
+b-26s
+polyphony
+33,100
+disc-shaped
+chem
+wangrin
+sharers
+weblink
+jene
+i-82
+krakoff
+stelmach
+hemorrhage
+trittin
+lacordaire
+ramangkura
+jentz
+hatless
+snellen
+vayalar
+apomorphic
+aéreas
+ultrasensitivity
+prayas
+okechukwu
+2,795
+2321
+nahum
+spawners
+bourrie
+wess
+randi
+diacrin
+15-21
+northallerton
+345-kilometer
+expressionless
+heintzman
+zengi
+annwn
+overestimated
+weenies
+artreview
+international
+hilmarsson
+turnaround
+archdruid
+stop-and-go
+saambou
+kobalia
+wewelsburg
+synodus
+74.34
+disbands
+laiyuan
+olmi
+arcangues
+nasality
+0359
+xinping
+tveruniversalbank
+vonn
+interpellation
+wds
+hammerson
+27.10
+fanthorpe
+umeda
+izar
+rypin
+maysara
+avonmore
+cadwgan
+unalike
+conceptualized
+bxc6
+girlband
+non-league
+phylloscopidae
+hipaa
+gmf
+34.77
+funcionario
+rayas
+sajoud
+cloutier
+kpnx
+sighvatsson
+aero-engines
+einarsson
+remer
+desipramine
+biographers
+zhvania
+festa
+novelas
+quoting
+dadyal
+efa
+surik
+post-season
+faithfuls
+mcclenahan
+flammea
+hydroelectrical
+avulsion
+callaway
+philharmonie
+nocardia
+preußen
+cryonic
+panner
+profesor
+herceg
+ebrard
+6.8-magnitude
+circassia
+1,100-kilometer
+731
+wuning
+ryogoku
+976
+110.65
+dorney
+supremacist
+hoshang
+niver
+medicine
+mitigated
+conewango
+onyekwe
+phagmodrupa
+štadión
+maria
+chersky
+cheaney
+eversion
+worthless
+grandiloquence
+.01
+cityplace
+dihydrotestosterone
+4.125
+dworin
+regensburg
+nuestros
+mahalakshmi
+embedding
+modello
+ch-47
+awarta
+3-ounce
+8,440
+spits
+wilford
+yengi
+fotbollförbund
+mhambrey
+angles
+hohentwiel
+palmor
+uncharacterized
+supertwins
+hallum
+coalition
+bloemendaal
+low-calorie
+s.koreans
+malibus
+1,592
+rcw04
+3,422
+anfisa
+shahri
+zirids
+fateh
+71-69
+steamboats
+tbg
+daykundi
+anothers
+ophidian
+blaisdell
+octobre
+claystone
+zátopek
+caesarion
+koroit
+zuoyi
+get-rich-quick
+loschwitz
+bagheria
+turbojet
+andriy
+tanoan
+ohsaa
+self-loathing
+derren
+blue-tongued
+27.09
+theodolites
+conflicto
+dcom
+deis
+prasert
+stormont
+cremonini
+rangefinders
+economized
+smarck
+ntb
+neukom
+reverberates
+sneinton
+bourgault
+4-11
+guryev
+megumi
+soviet-born
+facultad
+flocculation
+autódromo
+selenide
+nessie
+okawa
+consistencies
+mandira
+46.37
+hubiera
+barabati
+welle
+butter
+20/21
+reddin
+chugani
+raivo
+iyo
+miladin
+crianza
+mediæval
+vice-provost
+winy
+isom
+gsf
+farace
+chatrapati
+bupyeong
+mengs
+tuum
+three-sport
+theisbergstegen
+suseela
+tretton
+halpin
+tvguide.com
+sarani
+lsm
+blandine
+artvin
+fernandez
+protagonist
+pallikaranai
+interprocess
+tomi
+bcl-2
+ronalds
+brihat
+fold-down
+mav
+1.13
+pcc
+allinger
+sackful
+bootlegged
+ligases
+cays
+sannino
+cpcc
+zeybek
+erodible
+1:31
+gallbladder
+gpl
+zie
+tracheotomy
+jf
+nff
+fijuljanin
+terl
+427.5
+przytyk
+favalora
+shikotan
+rd4
+korneyev
+motti
+1860-1861
+semiquavers
+76-minute
+rockne
+arboles
+pyne
+unverified
+2p
+mixu
+lewinter
+500-m
+czech-born
+reprehensible
+eddy
+http://www.asahi.com
+festwochen
+bevona
+argote
+squire
+microwaves
+intentions
+54-28
+titanosaurian
+rochester
+allocate
+89.82
+ider
+ultranationalist
+dignitas
+luer
+waynesburg
+dkw
+p-orridge
+haidalla
+baid
+button-down
+xiphophorus
+rubenzer
+reubin
+penenberg
+florentin
+10.34
+asura
+reedbed
+17.2-billion
+petal-like
+78.30
+dragutinovic
+hamud
+valdepeñas
+toltecs
+leukemans
+dra
+steam-driven
+catchers
+suzerains
+centenaire
+overfishing
+glauser
+achy
+września
+millimeters
+soltis
+outvote
+bénin
+peed
+mimos
+sirny
+epoch
+nanmadol
+unfriendly
+shuji
+umemoto
+drooled
+filmpreis
+boycott
+doły
+bennion
+ya'akov
+shiming
+38,000
+leonards
+resorts
+flyte
+shanghai
+fik
+luminism
+elseneer
+truthfully
+conceptualism
+glaciations
+student-operated
+hyperrealism
+blowhards
+milka
+communards
+43.46
+trivialized
+taks
+hammet
+precaution
+liminal
+sōsuke
+pointfest
+peabo
+surselva
+bigas
+zisi
+idealized
+ranta
+spicy
+tackiest
+3,812
+vaani
+sputters
+seishi
+contrast
+jianying
+voegelin
+89-82
+kiger
+shene
+governmentally
+educate
+16,700
+groundshare
+600-pound
+curtain
+aboitiz
+96.06
+self-assured
+mishal
+svanborg
+statins
+rondeli
+ryu
+erm
+ayanbadejo
+nppa
+supergiant
+vereinsthaler
+cariaco
+intimacies
+zehri
+bricking
+french-algerian
+radakovich
+akkaya
+mug
+tremonti
+suwan
+khrennikov
+moots
+gozon
+improvisers
+marilyngcoxnews.com
+disenfranchise
+fotherby
+bdart@coxnews.com
+wedded
+25.23
+kiln
+sfm
+natalka
+beenhakker
+phương
+15.29
+makharadze
+krauser
+megaherz
+5-last
+timesunion.com
+gslp
+fifth-highest
+cracroft
+declaro
+eprex
+,5
+hakohen
+grounds
+rahimuddin
+144.0
+onate
+cronulla-sutherland
+81mm
+702
+bryology
+meaney
+cinevegas
+creeping
+rittenberg
+masaru
+oer
+kunoichi
+tianzhu
+kalmbach
+mycorrhiza
+sclc
+nizhni
+pasuya
+loihi
+matzkin
+sassone
+lemden
+658,000
+iphone
+ankush
+photometric
+2,223
+weiqi
+beddor
+ojek
+rf4
+adai
+emdur
+yargelis
+hashim
+microsimulation
+aav
+pirojpur
+unitized
+karsts
+prestatyn
+iso/iec
+80.4
+kjos
+sjr
+baquba
+adjournments
+tiven
+paterlini
+rockridge
+65.51
+12-percent
+outpaces
+mashhadi
+baden
+triomphant
+well-grounded
+audios
+metsu
+pro-ana
+runar
+mircera
+calamities
+wim
+gohouri
+sametime
+23.35
+attending
+u.s.-supported
+multimodal
+mcauslan
+salim-sulaiman
+optimized
+itani
+chah
+slowed
+dwarfed
+us-based
+chronologies
+scriptura
+county-level
+batons
+ashwell
+vulpes
+almutah
+toroweap
+winningham
+incyte
+donovans
+duwailah
+frolicsome
+saramaka
+toujours
+535-yard
+cinecittà
+vacillation
+respondio
+20:30
+liqueur
+bbdo
+pyapon
+aberhart
+bbs
+tunja
+66.33
+armeno
+baggies
+unlettered
+1.3250
+pws
+crescendoed
+11.49
+plasmapheresis
+lwrs
+82.02
+nighters
+rink
+mosuo
+outvoted
+pochman
+easley
+24-26
+amorite
+chawl
+decouples
+31.5
+fossmo
+115.50
+(206)
+titanomachy
+telesp
+thiermann
+150-room
+t&p
+sinaiticus
+duper
+demann
+jannatabad
+nai101-102
+samuli
+nahl
+adaption
+pong
+colchoneros
+blowups
+laon
+miptv
+muktsar
+ssmes
+subtenant
+faiella
+pentecost
+gts
+nehwal
+pongsudhirak
+pr-52
+prachai
+thibodeaux
+edano
+babos
+20.82
+pterodactyloid
+shuaa
+baji
+loureiro
+ahmedzai
+roll-over
+vanderhaeghe
+culianu
+kanchenjunga
+hummocky
+hoback
+gargiulo
+keïta
+racism
+yahata
+bergomi
+dashti
+bridger
+kalatozov
+gurwitz
+fundamentalist
+110.06
+exceptions
+waddell
+abolitionists
+morganville
+qalandarabad
+chihuahua
+itō
+longburn
+binder
+ultrarunning
+holly
+boyfriends
+indelicate
+werris
+mchenry
+unsc
+makela
+anatolii
+mazar-e-sharif
+restrictionist
+hyperlinked
+97.70
+3,381
+berken
+superviser
+pivoting
+citizen-soldiers
+tjibaou
+trique
+scandinavica
+ill.
+constrain
+10-count
+hillmen
+copiapo
+kucher
+prajogo
+iccp
+accelerating
+holdup
+keedy
+comintern
+olt
+shaktism
+unspooled
+wesendonck
+altadena
+fengcheng
+blusters
+abates
+khawla
+żuromin
+belmore
+snowmaking
+747sp
+24.99
+arvi
+104.39
+kiani
+saulsbury
+battlefleet
+foots
+betzdorf
+mark.lane
+tavenner
+4x6
+invalidates
+comiskey
+neamț
+inwardness
+porizkova
+payor
+phenotypically
+m&m
+5,4
+1956-57
+coatbridge
+e-shariat
+sel101
+radeče
+pointwise
+iroquoian-speaking
+rasmei
+hiding
+a25
+1.4865
+lashup
+764-2815
+sirtis
+1994-95
+alemayehu
+scrawny
+herdman
+strandlund
+pescosolido
+neoplatonist
+oversubscription
+pro-military
+aout
+svansicklersptimes.com
+mediamax
+dahuri
+reroute
+l'hotel
+flexion
+heaped
+distrusted
+veirs
+waterplace
+sassine
+gullikson
+marktl
+half-pipe
+kobori
+fledglings
+isberg
+105.60
+xarardheere
+supercars
+77.26
+knoll
+reber
+øivind
+sakellariou
+zhengzhou
+inese
+bergenheim
+hatmaker
+nakazawa
+izeh
+florianopolis
+ahwaz
+grulla
+devastating
+africare
+euro27
+kea
+ber
+tanjug
+invents
+harriet
+ajou
+rebroadcasting
+tiba
+merchandising
+tingwall
+ocac
+rolemaster
+yuzhkuzbassugol
+muhtar
+europhiles
+poitou
+oly-2004-basket
+seminaries
+perum
+italianate-style
+teepen
+constitutionalist
+loiacono
+40.55
+sisi
+munga
+pólya
+jianguomen
+hóng
+johal
+calotype
+taishi
+44.90
+aripgadjiev
+24b
+puckishly
+curtatone
+needy
+cahl
+glomerular
+fheis
+houghton-le-spring
+first-known
+thingol
+45
+palmtops
+passenger-carrying
+bito
+allrecipes.com
+calmac
+acpi
+klinkenborg
+protohistory
+chargesheet
+gmos
+three-self
+billow
+tibet
+rfe
+rares
+casiguran
+84.15
+preoperative
+offenders
+22.41
+derek
+televen
+foni
+stam
+torahs
+180,000-strong
+shouldered
+eter
+webpage
+31-yarder
+oscoda
+cornermen
+continuous-flow
+freightliner
+shena
+215-pound
+kulwicki
+traps
+butchering
+signalized
+23-mile
+callanan
+82.90
+bases_lcastillo
+kaewparadai
+clottemans
+baator
+compounce
+fedexcup
+52.1
+mccleary
+0145
+225.2
+áurea
+woodball
+triaca
+understate
+lilic
+heiau
+tall-e
+h-town
+orenbuch
+angulatus
+teach-in
+severgazprom
+sougarret
+jre
+servlets
+keelan
+w&od
+travertine
+leibacher
+ananya
+u.a.
+lippes
+flat-roofed
+michelsberg
+shego
+then-reigning
+broussard
+zavin
+scholasticism
+u.s.-peruvian
+akko
+co-presidents
+somare
+eggen
+provirus
+1.955
+prerequisites
+savona
+proliferating
+vásquez
+xiomara
+mahoney
+matchlock
+balser
+682
+chickenhawk
+gotovina
+rioux
+florenz
+2.7-mile
+demoness
+wefa
+katyal
+3,116
+szepietowo
+103.84
+wallop
+highwoods
+flashforward
+sanzar
+s.w.a.t.
+francies
+shuxian
+kayan
+katti
+283.8
+cruncher
+irpino
+petrolera
+bb2
+boslough
+591/2
+probiotics
+rajastan
+vorenus
+legende
+schoolkid
+rockmelt
+acari
+fca
+nazzal
+düben
+batsman
+8-game
++.56
+1705
+vejjajiva
+esquiline
+weldy
+27-31
+massey
+pims
+jahja
+culverin
+platformer
+v-struts
+24,375
+rakosky
+sundel
+hof
+shahrani
+karenni
+tildesley
+lampo
+bohemians
+hallertau
+emetel
+cookeville
+pfahls
+sairung
+d'aoust
+kaushalya
+stoical
+danderyd
+faherty
+stiglitz
+ganslern
+ducks
+pleven
+abou
+pomo
+simulacrum
+punknews.org
+flavius
+crags
+familias
+4-b
+35.50
+arbitrage
+mt-32
+mende
+geodynamic
+lenzie
+hopmans
+sardonyx
+dahv
+wondered
+hedgehog
+falconer
+1.345
+obtuseness
+five-minute
+unicron
+bucktails
+alighieri
+akale
+sarjeant
+semifinished
+yuuka
+michals
+kimhi
+wienand
+mcarthur
+bra
+kolnhofer
+ibv
+1134
+f32
+mckain
+kamiak
+gatmaitan
+howman
+oddments
+entusiasmo
+bionomics
+uday
+cowbirds
+0.919
+colo.-based
+olleh
+0.017
+hich
+corne
+dutchtown
+1340s
+1855-1856
+mansarovar
+reclosed
+penguin
+sonu
+luddy
+máté
+obsequies
+poésies
+tenenoff
+27.40
+demises
+export-led
+bysshe
+1,133
+tomo
+megastores
+2,479
+hehe
+unas
+22-count
+brixton
+crimes
+turano
+zhongyang
+midlevel
+bots
+freedom
+longyear
+peirsol
+lengths
+sequencing
+arifi
+abuela
+familial
+semih
+eppie
+kizza
+histopathology
+ardabil
+mome
+xiangjiaba
+ayyam
+beebo
+cim-10
+hypergolic
+3.45
+approximately
+tajura
+dripping
+saisons
+karamakhi
+newswire
+paulos
+feldherrnhalle
+inniskeen
+malgudi
+non-news
+feizi
+oared
+17-piece
+manumitted
+ynez
+disowned
+keychains
+recused
+antigonish
+threating
+collezioni
+nf
+khalib
+barrau
+surfcontrol
+sarac
+o.s.
+esker
+somnambulist
+metodos
+xangsane
+sadretdinov
+despatches
+silvertip
+zakariya
+5-60
+1370
+begu
+sorondo
+talkshow
+1-for-8
+roşu
+madine
+basketballer
+sandbridge
+ensberg
+stenger
+tebrau
+wilander
+hinrichs
+talens
+taishan
+katherine
+alders
+muhwezi
+1602
+vajira
+100-95
+karpova
+hyperopia
+vestel
+oblt
+motronic
+gilder
+libous
+bhosale
+single-speed
+kaymak
+official
+metrical
+2097
+73.96
+wkaq
+apraxia
+rakhmanin
+koiso
+sakda
+sindri
+whatsit
+al-shams
+optimistically
+rabah
+cvc
+uncluttered
+pague
+contemplations
+roosa
+whalebone
+corsiglia
+near-normal
+gugsa
+itching
+bvr
+4,160
+baud
+delimitation
+gruet
+awni
+kahkonen
+13-term
+tilove
+praed
+falbrav
+kolk
+allover
+embezzling
+0.042
+snowblower
+buttercream
+us-uk
+1:6
+pre-law
+hitchhiker
+diokno
+dept.
+ruhal
+fire-tube
+65-year
+m-pesa
+paseana
+jhal
+re-rated
+aniki
+filial
+dc20
+40.80
+3,069
+nerull
+jenkin
+bisys
+maal
+aquilonia
+nikšić
+trepidations
+disillusion
+treman
+americano
+pashai
+mid-suffolk
+zambada
+shongaloo
+gourmont
+displayport
+norten
+mrcb
+50min
+umatilla
+litterateur
+gouw
+cjohnsonglobe.com
+792
+85-86
+99-seat
+forlan
+kac
+zhuocheng
+godfroy
+organochlorine
+swofford
+barilius
+pyrausta
+keaggy
+tant
+umps
+afandi
+mcbeal
+joystick
+ramson
+sope
+extents
+putamen
+sors
+kopplin
+anioma
+double-century
+plaut
+recipient
+feodosiya
+budget
+uninvited
+karasik
+reductant
+loranger
+well-maintained
+roybal
+gassaway
+rcw03
+halakot
+charchino
+hemorrhoidal
+utv
+miyoshi
+abierto
+jyutping
+adityas
+crackdowns
+muhidin
+reddicliffe
+swatters
+b.o.b.
+dawla
+wycoff
+warraq
+a-ling
+malic
+alipio
+groggy
+maret
+stick-up
+zinnemann
+ohmbach
+188.6
+loening
+brigg
+t-6a
+6-way
+tuanjie
+ikaria
+puntius
+ddot
+reaccelerate
+131.75
+1806
+warlingham
+re-create
+tableau
+1,580
+in-universe
+omantel
+wwiv
+megastars
+hodac
+1,000-metre
+heads-up
+gerstenberger
+stok
+packagers
+cappelen
+quid
+divall
+teck
+duson
+pattered
+grafe
+factorization
+animal-rights
+kumtor
+mtib
+dodon
+eur2004-ger
+hawai’i
+knowe
+kosambi
+0435
+atiur
+arbors
+fbc
+dissatisfaction
+zef
+mutants
+2,914
+18.5
+guaino
+everton
+purlky
+bioterrorism
+caricaturist
+vieth
+jesusa
+uproariously
+pintle
+bd2
+mitte
+pisz
+b9
+scales
+aala
+counteracted
+kastro
+cecon
+nitpicker
+carry-out
+gahbauer
+culliton
+illustrated
+illana
+alwars
+echeverria
+fiesco
+crumple
+ridiculing
+municipios
+macfadden
+eulalio
+bazil
+not-for
+kibo
+reciprocating
+schlabach
+1988-90
+tudur
+oberwesel
+africano
+laraine
+brownish-black
+813,000
+woz
+ro-ro
+ketoacidosis
+censor
+stone-built
+dandin
+dikson
+19km
+1.9-meter
+ruja
+wretchedly
+hueston
+passionless
+bollhuset
+payatas
+84-77
+ahupuaa
+snorter
+whitland
+8.2
+cisd
+steadiness
+springboards
+ec
+padden
+32f
+meats
+infantes
+gravitational
+rabta
+eisenberg
+producer/director
+villefort
+dosti
+städtische
+huberman
+kipkemboi
+ivić
+cerus
+shakeri
+zaharoff
+liturgist
+1,184
+falmouth
+görlitz
+elysium
+cherkessiya
+basswood
+ultra-lightweight
+jairzinho
+plensa
+hillarys
+vrata
+siècle
+1.4793
+cephalothorax
+,580
+thatta
+pranayama
+sugarcubes
+109.03
+cosmopolitan
+adami
+skelmorlie
+firstbus
+utkan
+42-3
+juang
+zairean
+clanricarde
+hiatt
+apistogramma
+ldi
+117.34
+fettig
+coolmore
+maxims
+5700
+heddy
+free-running
+emerick
+digest
+abrasiveness
+dagga
+call-ins
+cavenham
+122.36
+fizz
+kar-wai
+164
+kalashnikov
+shepley
+shearon
+softline
+dominante
+ofotfjord
+tipsters
+lenis
+jatavarman
+kambia
+novices
+41-28
+misezhnikov
+mazu
+feddersen
+hpk
+kshethram
+retik
+thinkpads
+koshiba
+feuer
+3-drum
+201.9
+resoundingly
+bhaskarudu
+dehua
+salvadoran
+storie
+instigates
+nishiwaki
+luque
+71.2
+pelepas
+liske
+pirenne
+toyfare
+auks
+valfurva
+izyaslav
+iaw
+yadavs
+ringenberg
+tocsin
+s&m
+margaritis
+http://www.acq.osd.mil
+ballett
+kuryakin
+arculli
+overtraining
+arranges
+narutowicz
+raseiniai
+sarratt
+survive
+franeker
+pantic
+garduno
+prysock
+prudery
+front-wheel-drive
+isnt
+sauerbruch
+demetrius
+garamduz
+junli
+sweetener
+nicanor
+af
+sit-in
+tomashevich
+readying
+3,320
+awol
+zypries
+hossan
+feudatory
+vandal
+brackins
+bogen
+dabangg
+cantons
+yecke
+sauerbrun
+borki
+npg
+xcalak
+matamata
+rospotrebnadzor
+vireo
+hito
+bretten
+crowsnest
+shamanistic
+hartec
+ameche
+teel
+ignatchenko
+tutelo
+speraw
+steltenpohl
+anguissola
+balé
+tuberose
+black-skinned
+dangyang
+humorous
+lufkin
+33.96
+launder
+conidae
+whippet
+seac
+jdrf
+rusafi
+pants
+havelis
+engaño
+denk
+32.30
+dahalan
+erl
+adminsitration
+oxygen-free
+bickerstaffe
+azzman
+tonkatsu
+24.27
+gossman
+11,850
+rh2
+taurasi
+cosima
+stirrings
+lawbreakers
+sepahan
+818-713-3785
+ownerships
+cema
+sidiq
+panula
+11-term
+31,750
+margraten
+talukder
+lemaître
+schadt
+tvw
+mccumbee
+mantram
+bass
+gyles
+heseltine
+foliage
+schlereth
+villified
+datsun
+dahsh
+72.19
+resignation
+ekmeleddin
+micropal
+iseq
+lithographer
+keens
+vassall
+distressful
+langeais
+tlf
+contusion
+bandar-e
+55.52
+subsp
+mokre
+parkview
+dirir
+nmpa
+skewering
+toolroom
+mouthguards
+2,689
+wagher
+hardings
+boeing-737
+fiona
+dccc
+13-20
+leskanich
+m-79
+70.29
+neftali
+nán
+bel
+ktwv
+daskalakis
+artistshare
+bradley
+syr
+astaneh
+voake
+golestan
+39-day
+hariyadi
+third-longest
+5-5
+deposed
+searl
+clondalkin
+underwing
+severstal
+mutua
+arvydas
+dean
+grylls
+subframe
+1,102
+expeditiously
+post-doc
+gandhidham
+marshallton
+icare
+seine
+attewell
+equitas
+grummond
+yews
+knee-high
+givatayim
+acknowledges
+antinomies
+rodas
+fyne
+kassandra
+yenipazar
+lohara
+fettingite
+optimizer
+four-point
+conflicted
+stunkard
+bbmak
+caro
+91.35
+hatchets
+snacked
+grafting
+diagnosed
+pseudocode
+fairhair
+83.45
+brabson
+maychew
+fias
+concentra
+sotiropoulos
+carel
+62.3
+obfuscations
+nominative
+seán
+38.76
+cubao
+southey
+einfeld
+wutai
+dippenaar
+devenish
+shoka
+jacobites
+mcbee
+rig
+gleaming
+hrólf
+shimmy
+tekwar
+numa
+sinegal
+ratzel
+mun
+emoticon
+mid-nineteenth
+lnk
+bakhshi
+musharraf
+mj-12
+mechner
+helghan
+puchkova
+cormega
+twt
+non-crystalline
+9,570
+sibaya
+lubricants
+gaylard
+chiese
+eshnunna
+hrdi
+26.32
+manavjit
+ploiesti
+stakhanovite
+delphy
+marais
+characterises
+barracas
+todee
+rijk
+mensa
+diagrammatic
+ntuc
+temodar
+220-2000
+bended
+ctvrtlik
+premo
+codex
+balmori
+triodes
+haza
+brainwashing
+mamodo
+kanneh
+betamax
+nytimes
+djfmd
+kommission
+spanish
+chickies
+19:04
+2007
+ronit
+bretonne
+yoan
+north-south
+hatchments
+finnish
+different
+szulc
+telestrator
+buckinghams
+3.31
+550-kilometer
+18.85
+nordau
+psinet
+examiners
+m114
+hourglass
+nehra
+ge'ez
+issaquena
+polyether
+chapultepec
+supersub
+saucerful
+mrcf
+europen
+euro480
+noddy
+gastroenteritis
+voguish
+lough
+rages
+stopes
+ten-day
+enthralls
+non-digital
+2,976
+karppinen
+banstead
+witzel
+lieben
+girling
+75.15
+kayaks
+excites
+marovic
+anoles
+jurbarkas
+i-29
+cavatelli
+kamboni
+kagoj
+omnium
+already-existing
+flowrider
+dissertations
+corporators
+calcium
+pro-cathedral
+tcdd
+blu-ray/dvd
+142
+vossler
+kitahara
+16:02
+mor
+wachiramanowong
+literal
+towngas
+tapti
+sensoy
+beiring
+eu25
+keban
+dioica
+victoriae
+fono
+felician
+10.0
+inequality
+minassian
+faber-castell
+abati
+266.6
+furedi
+dahaneh-ye
+fingerboard
+osipova
+late-october
+rainstorm
+sinama
+thongsuk
+birtwistle
+8-a
+channels
+thurz
+warhawks
+nepenthaceae
+rolled-up
+manuelita
+mañalac
+foliations
+srbobran
+imbaba
+gas-filled
+i-45
+100.61
+beyarjomand
+zagórze
+grandense
+hofbauer
+toughened
+hemachandra
+kj/mol
+kármán
+palomares
+ochracea
+713-3602
+intellivoice
+negev
+bashkiria
+decss
+formula_106
+searingly
+morphettville
+awwad
+braeunlich
+stargazing
+zwetchkenbaum
+marelli
+blume
+brd
+fm
+ducharme
+latinoamericanos
+liebreich
+gurrelieder
+awacs
+monboddo
+1,952
+carbó
+schütz
+growingly
+schriner
+scuttlebutt
+colourings
+solitudes
+shioiri
+barras
+patterning
+self-imposed
+sellick
+kpcc
+cardenales
+tackles-for-loss
+nbcsn
+homeostatic
+dorada
+non-working
+2_3
+jaramillo
+edited
+pasteurize
+lahcen
+yolen
+ultramix
+berson
+binford
+kailasa
+head-mounted
+cicak
+posible
+6-series
+marinha
+43-run
+chatree
+dodi
+veech
+competiton
+bose
+coster
+rephrase
+rose-colored
+22.31
+spahr
+vicki
+konrath
+809,000
+lehrer
+orcinus
+yonghong
+all-arena
+albomarginata
+avocations
+izhmash
+multivalued
+dębowa
+mariellen
+erreway
+krama
+745
+dehalogenase
+seadrift
+qingpu
+lunaire
+conesus
+imperator
+swaine
+ambuhl
+delderfield
+imi
+hodak
+hornbostel-sachs
+wobble
+cardoons
+bythe
+84.01
+tantalizing
+françoise
+famosa
+sixer
+dubov
+erbitux
+bispham
+lipscombe
+289
+18-35
+rodway
+naikuni
+esri
+ponzio
+đốc
+47-39
+thepchai
+sarhadi-ye
+be'er
+vettilaikerni
+w-88
+strydom
+blazers
+brizola
+sdrs
+baraldini
+isakowicz
+rheault
+goldwasser
+elmendorf
+人
+reuters
+singleness
+dyula
+ahirudin
+colloquies
+perkowitz
+sinsheim
+plosives
+além
+skelemani
+lucidus
+mornantau
+schriver
+áeda
+landover
+mollen
+gurian
+howls
+rettl
+hanoun
+mestis
+haleakala
+merimee
+floriano
+hemne
+peacocks
+adriane
+kamsack
+zopp
+divorcing
+messersmith
+ngola
+heimerich
+mazeroski
+moxey
+zermelo
+cagni
+purslow
+ahat
+environmentally
+labourers
+stutterers
+pinhoe
+kaiapoi
+54.16
+alfvén
+4.94
+aisc
+neumuenster
+battletoads
+munsterman
+rebid
+marrerok
+lyttelton
+sahai
+port-de-paix
+naki
+urswick
+fascias
+between
+grünewald
+haapala
+murre
+ridot
+archéologique
+salsberg
+nalle
+astacus
+winked
+thaye
+grizel
+gasan
+recco
+118.51
+euthanasia
+flatness
+anastasija
+halfbeak
+292.4
+shatsky
+kampe
+steibel
+orione
+80-yard
+nico
+watai
+nawrocki
+vicary
+deepfreeze
+1914-18
+petabyte
+mehretu
+fawr
+2.945
+parities
+pre-20th
+50-year
+dardanelle
+dungannon
+bulevar
+bushmills
+profiteroles
+lactulose
+mirchandani
+6-foot-4
+franklinville
+goertzel
+1,046
+vasiliy
+bt100
+nanni
+cowgirls
+------------------------------------------------
+6,500-unit
+xianlin
+toifilou
+cultigen
+coxeter-dynkin
+duong
+micki
+cornrow
+lythgoe
+benzarti
+soundbites
+mosquera
+anti-indian
+97.25
+cryptozoological
+nie
+wdre
+baquedano
+viravan
+trichoptera
+cangjie
+courageously
+off-world
+ocbc
+qteishat
+przybylski
+bceao
+ಗ
+guineensis
+repositions
+40.81
+moonlighting
+silverwood
+vaginal
+eines
+bachir
+air-dropped
+modenese
+large-capacity
+welbourne
+myrlie
+out-of-court
+1099
+tachograph
+portageville
+2:15:25
+korp
+kleck
+alvares
+wilted
+bickham
+'44
+nobunari
+symptomatically
+pervade
+sub-roman
+minha
+thenia
+bni
+105.80
+mwiinga
+lagomorphs
+irans
+hanqing
+lanny
+świeszyno
+popper
+19-inch
+unclean
+2,463
+skellefteå
+1949/50
+matematica
+toop
+frumos
+fălticeni
+tober
+loewenberg
+trumper
+junsheng
+wagonload
+kresser
+holliger
+tugger
+haddatha
+gliese
+sweyn
+edelstone
+ziaur
+air-tight
+30-degree
+lcts
+ouaddai
+icpc
+ambal
+437,000
+westminister
+jsr
+maulings
+voracova
+hawd
+koori
+osayemi
+saxonia
+kamm
+riaa
+ak-74
+36.62
+dunwoody
+serdang
+99.56
+neder
+denouement
+pestalozzi
+ostrovo
+kapaa
+squid
+268
+34.84
+rivertowne
+jocelin
+bashley
+mirro
+eelam
+risen
+adis
+robotnik
+supervisors
+pacífico
+twenge
+barsamian
+strawweight
+hoosegow
+searls
+inexpressive
+heckled
+passikoff
+multiview
+ndjili
+logical
+paramjit
+minus-10
+qcd
+gabbana
+snowslides
+egger
+rameshwaram
+stepped
+frying
+lifeforms
+despotate
+alnmouth
+hannemann
+mcclenathan
+sourly
+binangonan
+gigliotti
+backpacker
+arcaro
+schanz
+chalons
+titers
+impotently
+suministradores
+205.1
+nudists
+dynic
+47.1
+180.00
+bhusted
+samuda
+szeged
+assuaging
+spania
+fao
+rhatigan
+spike
+lakah
+autophagy
+decayed
+erhaab
+pushkov
+munsu
+119.14
+sobeys
+3s
+taniguchi
+keji
+khudair
+1978-1989
+58.0
+71.93
+magnar
+bonos
+barrio
+1604
+battus
+walthamstow
+1953-1954
+stopped
+conjunto
+obtain
+manford
+anzac
+homeostasis
+13:27
+milliarcseconds
+lincolnton
+gibsons
+5,410
+:]
+carryduff
+eitan
+nats
+gang
+rationalisation
+rheineck
+chilkat
+10-of-14
+fourth-placed
+menorca
+venkataraghvan
+hulser
+hormats
+debonair
+lemures
+sprout
+lepsis
+jmm
+jernberg
+presteigne
+vibhishana
+garvin
+ceccacci
+pancrace
+aroldis
+lelord
+shamala
+sodomized
+sctv
+depina
+dlpfc
+blondy
+quaintance
+epson
+svenskt
+uxbridge
+stuyvesant
+americanist
+140-member
+grapeland
+poupon
+hopital
+sturken
+shahidul
+strophes
+hamoed
+goldston
+luterbach
+reclus
+checketts
+lyallpur
+kincheloe
+gedera
+djent
+cvw-11
+molchan
+daines
+toolis
+timor
+dayside
+kosmos
+albus
+categorised
+firewall
+liouville
+insulator
+duboscq
+rajdeep
+brimble
+kokusai
+leshem
+vues
+compotes
+negra
+sundering
+seiler
+grousbeck
+wmca
+philippicus
+cougar
+saili
+ardanza
+787
+transgressed
+easing
+118-member
+spikers
+yoho
+brahe
+helmbreck
+pinchers
+mccallie
+56.16
+cirith
+schjoenberg
+sultanate
+cricketing
+1955-58
+refuse
+superconducting
+zhivanevskaya
+multi-language
+bvt
+married
+bonfils
+higinbotham
+cyclery
+curagen
+saulteaux
+sinabung
+talpidae
+pilkey
+lépine
+300-1
+caucausus
+goumri
+dug-in
+majeda
+ørland
+karmanau
+monoids
+1/5
+airdrome
+fernbank
+croesyceiliog
+8:01
+jicheng
+mcnelis
+tselem
+3,818
+sabina
+1.9-mile
+complicity
+danie
+andersen
+bls
+neapolitans
+lingor
+khoo
+non-residential
+cgpa
+ehre
+polanco
+autorotation
+smurfing
+castilians
+chokes
+charisse
+gubaidulina
+stefo
+yoreh
+28-54
+sts-1
+crush
+homocysteine
+hewat
+unexcelled
+jogezai
+26.82
+comissão
+semuels
+ksk
+indooroopilly
+yuxiang
+micke
+quaida
+100-man
+wjz-tv
+kyoya
+whitemud
+badir
+anquan
+liaisons
+convulsively
+snapshots
+convenio
+2,273
+flagellar
+88.5
+beaubourg
+rutaganda
+lydekker
+mutanga
+jubo
+vardenafil
+maloney
+hiskey
+xiangru
+hyperconjugation
+nakasone
+reverently
+18-yard
+debilis
+top-six
+f-8
+geely
+eijiro
+moynahan
+nocc
+korah
+percha
+khoshk
+makanda
+dostal
+ducraux
+folkerts
+wanfu
+payoffs
+non-paying
+motagua
+kameda
+liangping
+broacha
+haradin
+hamirpur
+yueqin
+upper-tier
+szegő
+mexi
+polypterus
+foraminifera
+zuker
+rosenvinge
+schisler
+32-0
+asheboro
+handelsman
+aeration
+turmel
+1,651
+ussery
+albertans
+i-200
+presciently
+daerden
+zmievskaya
+meiser
+zinzan
+guirgis
+1,954
+prepuce
+midcoast
+mitro
+coal-based
+integrado
+floated
+jetstar
+portoroz
+kamptee
+mandawa
+rustem
+železný
+otavalo
+interurbans
+sacrococcygeal
+baldoni
+3,725
+bandmasters
+tangiwai
+104-90
+lussenhop
+grosgrain
+three-manual
+father
+figure-eight
+re-instate
+miru
+condottiere
+hilarius
+gwbert
+kazoo
+zhuanxu
+ya'an
+skittling
+bargeld
+nzsx-50
+pretto
+antbird
+wcco
+batavia
+pictogram
+weaverville
+rewound
+cronan
+magliari
+crossair
+ziyad
+ignasi
+kobie
+embattled
+alaeddine
+venereal
+phomopsis
+cassina
+gilbane
+0201
+3he
+sasich
+intelliquest
+news-letter
+deemster
+dodaro
+arab-americans
+scorcher
+thatching
+taqlid
+rieflin
+musset
+obscuration
+:05
+92.90
+santina
+silloth
+sjp
+excepcion
+govindpur
+lac-mégantic
+canut
+folley
+obargui
+1.2691
+mastered
+brandis
+defers
+76-65
+viby
+quenneville
+xos
+hogtied
+marxist-leninist
+panny
+cengiz
+outsold
+12-tone
+jobski
+off-season
+3,495
+kft
+6233
+prophesy
+amankwah
+stepanyan
+kórnik
+osteogenic
+tržič
+agarics
+ammiel
+iran-contra
+fcp
+bangemann
+stibel
+ksour
+vaman
+goldener
+madhumita
+b-cell
+mpombo
+67.96
+shils
+mental-health
+5.51
+jantar
+50.76
+wasescha
+aigun
+margulis
+lamiinae
+sfchron
+rheticus
+rougon
+refashion
+shemi
+kisangani
+bachelot
+15c
+thighpaulsandra
+orthographically
+disposable
+plateosaurus
+montolio
+joa
+humbuckers
+25.45
+dunure
+unflagged
+stark
+residue
+amang
+lmt
+whatmore
+dhafir
+schruns
+somchai
+gainst
+3,727
+gricar
+josko
+kremers
+monadnock
+mcgarrah
+hitherto
+uemoa
+sacrobosco
+spectres
+empa
+isac
+geraint
+montermini
+expressionist
+asili
+turetsky
+brw
+oom
+australiana
+post-fight
+kouris
+225-million
+padgett
+kungyangon
+115.62
+450-word
+32,500
+fraternitas
+saalfeld
+jayanagar
+ughtred
+primakov
+autograft
+caster
+nikaia
+ludic
+verno
+peverley
+kyriakou
+numazu
+self-indulgence
+simon
+darvall
+ringneck
+toshie
+mini-cons
+all-terrain
+27,500
+vomer
+metagaming
+mudie
+ejabat
+books
+virial
+medin
+butto
+perényi
+bendre
+liano
+shehr
+shefa
+gabet
+transconductance
+formalise
+31.33
+ribbentrop
+aagpbl
+naqdi
+stemmed
+diósgyőr
+frah
+uncharismatic
+murigande
+gachechiladze
+:34
+spookily
+boghos
+carsdirect.com
+euro142
+thoroughgoing
+queneau
+kalabo
+theme
+hazeltine
+76.33
+miodrag
+f-51h
+euro646
+willards
+boog
+vtsik
+engleman
+30-minutes
+annobón
+saparmurad
+wujiang
+jiangling
+bestowments
+holsapple
+390-7839
+triumverate
+aydemir
+15:11
+guangzhou
+adforce
+valuer
+fenmore
+pricetags
+gesell
+1,452
+rajbari
+gtia
+thorndyke
+husseiniya
+lemen
+regretful
+otoya
+fengtong
+formel
+zhengwei
+reliever
+giudice
+metamodel
+castigo
+folk-music
+22g
+zytek
+aradippou
+135.1
+boxrec
+sneakily
+krøderen
+oddar
+sainath
+4:27
+kosiak
+polini
+horsemanship
+8.08
+o'donnel
+akwasi
+wolfowitz
+troell
+khupe
+masculinities
+sabbag
+remission
+elts
+tuh
+6:27
+khesar
+right-of-ways
+oberpräsident
+brudon
+hotai
+zappia
+1923/24
+overreaching
+danon
+liebeler
+multinationals
+posa
+42.58
+singers
+ligeti
+sukosol
+borovansky
+menifee
+smth
+herberg
+shmoo
+70-59
+uncashed
+watkins
+bluemont
+aureole
+iryani
+netbooks
+risman
+synths
+fichtner
+tst
+inadequate
+122.00
+ss100
+nightmarish
+government-issued
+mandvi
+thp
+euro576
+9-15
+3,377
+klagenfurt
+queler
+guppy
+extinguished
+vajpayee
+vallois
+suntans
+forwardly
+13.58
+feu
+ny400-404
+skunky
+silvering
+resource
+gaesser
+mohen
+drubbed
+coercivity
+arcadia
+mukhriz
+gote
+8:51
+30-percent
+brainwash
+melbury
+bethuel
+239-run
+satrap
+woodsen
+nusa
+regresar
+farts
+padierna
+58.33
+unblinkingly
+formula_48
+fourstardave
+klemesrud
+domestication
+caumont
+dolmayan
+sharpnose
+salty
+marketer
+wpk
+backslaps
+251.6
+inamori
+krishi
+escaping
+dalriada
+yubaraj
+206-448-8004
+bezels
+lubumbashi
+transgene
+30-match
+.62
+tol
+armilla
+coin
+bieliny
+stalcottglobe.com
+atrata
+rok
+ibelin
+make-believe
+cokernel
+unintended
+immobilise
+simonetta
+showa
+hellhound
+iacenda
+forthcoming
+cancale
+giguère
+saraiva
+orient
+thirty-fifth
+immuno
+fletc
+vist
+thievery
+ceruti
+technology-oriented
+socog
+andover
+10-3
+1.3300
+greenslade
+takahiro
+dockum
+bernbaum
+alma-ata
+necrology
+54.71
+hogestyn
+feedstock
+euro635
+lwangsness@globe.com
+cjr
+guardfish
+hoyle
+haleakalā
+powderject
+transportes
+barbershop
+chittor
+enflamed
+pippa
+spinel
+icpa
+kinison
+vindictive
+deliberating
+dakkak
+102.4
+borlänge
+70017
+glycerol-3-phosphate
+frankest
+baenre
+trishuli
+rhinecliff
+crostini
+laylaz
+sidewalls
+havelange
+quadratus
+smurthwaite
+haage
+bresee
+flawn
+unfastened
+üniversitesi
+mooney
+wrestles
+fitzsimons
+zagar
+lwazi
+moar
+30.6
+sokolovic
+sentimientos
+otterlo
+2,195
+rexdale
+faliero
+delpech
+zoned
+copywriters
+30.25
+catoptria
+tsering
+mplayer
+thumbtacks
+162.3
+counter-arguments
+additon
+w-league
+aschaffenburg
+soundex
+kreher
+abramkin
+sjm
+gunnin
+98.30
+bratislava
+palafox
+áedán
+patentes
+orbifold
+joola
+megc
+nelsons
+ook
+acop
+caerwent
+reales
+ingrassia
+alucard
+red-spotted
+psh
+omniscient
+statuette
+zongker
+1672
+ranbir
+tugela
+comibol
+near-shore
+uncanonical
+miltefosine
+nerv
+3801
+symbionts
+pasu
+ferrie
+dataset
+jamaican-born
+medicinas
+blighty
+waxman
+mouldy
+martim
+seso
+adulterant
+delloye
+djurhuus
+jigme
+movie-making
+outokumpu
+najafi
+niosh
+apopka
+endean
+boonjong
+streetwalker
+hipgnosis
+rescheduled
+abykayev
+45,300
+à
+maxtor
+spacedev
+disqualifier
+clanks
+doghouses
+neak
+niksic
+clothes
+masoli
+44a
+albrechtsen
+26.29
+macartan
+decidely
+mp3.com
+shibukawa
+rząśnik
+carisoprodol
+.000446
+kriv
+euro785
+priyayi
+guccio
+45,100
+manegold
+chakravarthy
+melvil
+1.435
+equids
+karala
+agde
+sixty-fifth
+monseñor
+haidong
+gojoseon
+secreto
+obe
+bajazet
+brighstone
+creedy
+moscaritolo
+2,153
+prehistory
+chalayan
+xiaosi
+barker
+hijras
+wbr
+tolmie
+piscataway
+beauharnois
+buddleja
+owais
+biodegradable
+equerry
+reverdy
+links
+disinflationary
+encouragements
+7:10
+overanalyzing
+thelonious
+55kg
+niaga
+shaanan
+black-fronted
+brownsea
+cailloux
+u-t
+48.65
+nine-inch
+mahavidyalaya
+co-counsel
+safeya
+chiclet
+kanagal
+oogonia
+ruden
+emburey
+remarry
+befalling
+glossies
+krstic
+hwanghae
+keroro
+canakkale
+avakian
+12:37
+pammi
+50-42
+revenant
+scottsville
+continual
+ethan
+aag
+1.282
+hartsdale
+york-penn
+unemployable
+0730
+2,400
+99-cent
+mulongoti
+deheubarth
+anah
+liguria
+keelboats
+latinoamericana
+burgling
+labelmates
+layby
+83.92
+anne-sophie
+5-0-2
+dujuan
+ferens
+rogovo
+hoelterhoff
+caecum
+phish
+8-for-8
+intergenerational
+2,166
+kalaignar
+knu
+umuahia
+antiproton
+skerlić
+atrapado
+stabilators
+khazar
+schuss
+outman
+turritellidae
+sconochini
+4,770
+bun
+40,417
+regionalist
+hindbrain
+sidenstricker
+eschewed
+shouren
+yuans
+82.16
+fakers
+feigin
+sphodromantis
+manatee
+annexation
+duces
+koby
+anatomical
+kadafi
+pimental
+curatorship
+stroitel
+joongang
+conifer
+siamensis
+request
+creolized
+mushrooms
+для
+desson
+biddies
+templating
+shewchuk
+merrington
+livestock
+finfoots
+zoghbi
+pasha
+pagny
+d'oulx
+special-purpose
+cchbc
+ehindero
+adam
+ndahiro
+dinkelspiel
+tsr-2
+web-only
+rorie
+argentario
+ex-lovers
+ifrcs
+mahajana
+vie
+shayan
+cwilbert
+nakshatra
+bratmobile
+ex-governor
+sevojno
+mihails
+verbiest
+cybersurfers
+gosso
+:14
+chadds
+blairmore
+toca
+depersonalized
+mabiala
+handgun
+chateaus
+10.01
+kullervo
+simonstown
+sweller
+w140
+archaean
+grattan
+2215
+ramchandra
+moonlighters
+prohibited
+mealybugs
+bfd
+churchillian
+athens
+isotopes
+hamisah
+camarines
+riyad
+makin
+malanje
+24-pounders
+fargodome
+.000660
+d-type
+bristles
+yuxi
+yekaterinburg
+kalynychenko
+rejoicing
+heckmondwike
+prantl
+impress
+lackner
+chengqing
+kreator
+evliya
+mistretta
+larose
+needmore
+peak-hour
+janah
+171.4
+anti-
+huye
+chaffey
+.379
+bookshelf
+caucho
+bushed
+sikasso
+montmirail
+2,466
+talkshows
+clearasil
+svetislav
+renounces
+meadmore
+lemcke
+heem
+norwegian-american
+silo
+berntsen
+pajaro
+avida
+holleran
+zhukovsky
+araby
+9.525
+38.03
+375,000
+gregson-williams
+airmanship
+chrysologue
+abandonned
+fima
+kocaman
+olesz
+belapur
+xerox
+sammakia
+unisource
+laryngeals
+ravensbrück
+spinocerebellar
+shabbethai
+guitarist/songwriter
+shujaat
+esl
+beatrice
+mashable
+matsukata
+387.5
+thrusters
+takeuchi
+troposphere
+khamtay
+mithra
+2.4-gigahertz
+chanditala
+kilcoyne
+3,021
+qingyun
+two-seat
+forgetting
+goodner
+womenpriests
+buro
+60-22
+mann
+3,443
+mccully
+kiriko
+louella
+funkier
+luuk
+walkouts
+wtro
+79-63
+katima
+khorkina
+inori
+spîrlea
+nozawa
+durio
+televised
+tampines
+magix
+96-94
+josta
+idioma
+955
+nikiforos
+forsook
+half-life
+etapa
+mitau
+72.04
+tz
+lette
+4-4-3
+kanebo
+ivison
+downend
+eloy
+rød
+anabolism
+poultices
+biren
+arthropoda
+freedomland
+inebriated
+cordovez
+serviced
+cloney
+hokianga
+emb-120
+formula_94
+instream
+boisseau
+alterations
+voe
+sule
+lf
+dorey
+89ers
+wielkopolski
+yadin
+magmatism
+krik
+tuuli
+polskie
+altobelli
+snj
+42.9
+flapjacks
+galewitz
+laodicea
+1,394
+matzu
+maynes
+pay-to-play
+milliners
+sunpass
+lutheran
+mickael
+macassar
+thwacking
+progressively
+kouros
+paonta
+palumbo
+kafu
+multiprotocol
+sl1
+lomaya
+carduus
+yadhav
+cotsen
+voralberg
+internment
+macromolecular
+vasilievsky
+bludenz
+1pw
+dunifer
+89.94
+gilma
+lunges
+fivethirtyeight
+rfe/rl
+js94bb
+fencon
+townshend
+arausio
+hemicycle
+megatonnes
+yokneam
+213
+machu
+risc
+nistor
+parcelled
+dumoulin
+km3
+naupactus
+kadampa
+clewlow
+sienten
+left-hand
+frascati
+offseasons
+herma
+2,241
+50-city
+haija
+tivoli
+kokot
+silex
+maroon5
+aundh
+legião
+kanchanalak
+76.34
+totoro
+draftsman
+30-bit
+girocredit
+detainment
+40.34
+chaste
+klevan
+goodger
+84.6
+majeste
+yachtswoman
+mahone
+earful
+inadequately
+mahamed
+unmonitored
+lanuginosa
+backcourts
+emulex
+characterisation
+1976-1981
+keyi
+kharar
+fluorosis
+rhor
+groult
+aripo
+prosecutorial
+attorney-general
+preselected
+algotsson
+přemysl
+authoritarian
+fault
+intemperate
+purell
+néel
+2056
+charnvit
+nonparticipating
+desaparecidos
+passable
+hannezo
+glaber
+dietmen
+acebes
+drega
+48.79
+sundblom
+rizzle
+mckibbin
+idiakez
+maor
+mushoriwa
+thoughout
+ratay
+pescheux
+bramlage
+maysa
+bushranging
+nzapali
+wallin
+wolfert
+transmission
+braune
+impatience
+mogilevich
+kembo
+heilbron
+imroz
+3.5-3
+liverwurst
+tomaso
+illegitimately
+robbinsdale
+rosenbauer
+gaining
+microsd
+khadzhimba
+bitingly
+177-kilometer
+suzman
+sirr
+troubetzkoy
+schlichting
+nazario
+1,145
+consistant
+vicereine
+kolam
+nymkt
+nummela
+camarero
+armadillos
+verlyn
+54,400
+hornpipe
+pyriform
+rhodians
+surena
+nonmalignant
+kempainen
+jabbarov
+asiah
+tsutakawa
+301,000
+nisargadatta
+madejak
+pedernales
+toshinori
+warnemünde
+plainer
+hornless
+prida
+loony
+juneja
+jinni
+vermiculite
+begged
+balaur
+culturel
+grimberg
+weong
+2006-2011
+22-8
+apo
+great-great-grandfather
+operatic
+baerga
+syringe
+nidre
+rudall
+etain
+opcodes
+eatables
+fiorato
+bernhard
+laur
+scrumptious
+ttlc
+84.91
+95.65
+liebenberg
+cavill
+overgrazing
+medhat
+i860
+yungang
+33,000
+tunggal
+hopper
+irisbus
+gorna
+thénardier
+boozed
+rockefeller
+redheaded
+telesca
+hymnlike
+loudspeakers
+siro
+u.s.-asean
+qualinesti
+prayers
+elly
+casper
+zichy
+farkash
+mel
+vartan
+dainzin
+jellicoe
+non-conformists
+chills
+juku
+aims
+mcvea
+hemostatic
+magnifying
+potkin
+boingboing
+malfoys
+fuling
+penuh
+wavenumber
+smalling
+albinos
+singh
+nulato
+pollio
+fanapi
+weather-related
+16:39
+sssis
+mosan
+2-8-2
+vershinin
+cmr
+cannondale
+katangan
+prambanan
+griet
+gorg
+gullet
+pnf
+disaffected
+bink
+giella
+ekar
+minn.
+courser
+55.73
+scopolamine
+irena
+shwe
+2031
+18.40
+glazebrook
+1.5520
+despotovac
+akan
+bailii
+balilla
+silver-colored
+morsy
+lettuces
+08:30
+daido
+wyszyński
+wakako
+qd7
+lupita
+3,508
+zaixi
+jaisalmer
+kröller-müller
+ardo
+442d
+edegel
+innerst
+2,011
+zemel
+kamerlingh
+miniata
+wtlv
+amolops
+esports
+f-14b
+mutya
+45-30
+sheeted
+cuprina
+barueri
+sloot
+niharika
+tork
+36.87
+nüshu
+imipenem
+doamnei
+1157
+kily
+ansumane
+cashiered
+boeckman
+minagawa
+lekapenos
+turbogenerator
+gallic
+alimi
+cincotta
+calyptra
+sugimura
+shuvalov
+yamashina
+eigenmann
+dody
+dtra
+breweri
+mechi
+inflation-adjusted
+3.28
+kazakoff
+manz
+sucess
+tenors
+15,000-mile
+ziraat
+selz
+otavio
+gatward
+civvies
+fraser
+caruba
+higher-seeded
+reiher
+tic
+pitiless
+43-2
+holika
+pulchritude
+narmer
+huml
+action/adventure
+buade
+salmonidae
+berlitz
+pompei
+howerd
+bastedo
+detox
+widawa
+2317
+phou
+94.72
+messam
+guajiro
+hemorrhages
+roadbed
+myelodysplastic
+coldingham
+castra
+kauravas
+hrdlicka
+chops
+2,595
+edgecumbe
+usai
+brolenius
+wafik
+pogues
+pochettino
+sweetening
+putrid
+ravelin
+luminato
+founders
+non-powered
+anza
+2-footer
+nan
+thamizh
+eoc
+chittorgarh
+missan
+underpaid
+imperfectly
+schmich
+katou
+qatanani
+chugoku
+paperport
+yoruban
+-2.25
+sun-eater
+offtake
+autechre
+strobes
+kowoc
+mughalsarai
+mynatt
+duquet
+hmmm
+hopefuls
+61.02
+anabaptists
+burtt
+habas
+sphingomyelinase
+mid-fifties
+taqi
+dop
+repaying
+schueftan
+ordnances
+hitmen
+peyrot
+visioneer
+cuthbert
+bhadra
+brees
+scodelario
+larbre
+buscaglia
+late-gothic
+hideyo
+kazinsky
+ischua
+gner
+morta
+eryngium
+csp
+scandalously
+saravanamuttu
+ganguli
+moneghetti
+shimi
+mantech
+mindshare
+rewari
+koenigssee
+pederast
+textil
+121.46
+chipo
+recoba
+50ish
+easterlin
+20.94
+leduc
+sagadahoc
+divali
+scam
+athabascan
+seagulls
+25-million
+dweikat
+waterslide
+vandalism
+gilgil
+laurene
+jsl
+salterns
+dunmurry
+saugerties
+ashanti
+.434
+cowgirl
+rodimus
+10-centimeter
+late-1930s
+debbi
+1799
+q.e.d.
+darrent
+43.93
+sportivo
+ouchi
+rocchio
+minority
+charnel
+lifelink
+shittu
+clearings
+naver
+ingeniero
+trackdown
+femke
+maris
+22.44
+fasciata
+17.31
+johson
+grief-stricken
+social-emotional
+2,108
+derrington
+46-2
+slovin
+nbaf
+gravenstein
+corollary
+48-month
+reticulate
+zhimin
+amrut
+summerlee
+flatlining
+dvapara
+restructuration
+lra
+managment
+califia
+93.13
+200th
+.283
+languidly
+euro617
+diavolo
+intersectionality
+kulin
+rabbitfish
+praying
+ikuyo
+kaela
+gonâve
+suvs
+xijing
+stakic
+karamea
+herbology
+fpg
+yotvingians
+iot
+dars
+robota
+640
+austrian
+140w
+25.13
+66.12
+beleg
+chorzów
+namkhai
+lissek
+oriental
+ayacucho
+tondo
+latrell
+sakhi
+spendings
+kaley
+oconaluftee
+7.60
+16-tonne
+rheinische
+marikana
+adopt
+insufferably
+bunnymen
+zenonas
+koller
+deeper
+lymphocytic
+synonymy
+ultralow
+motera
+juvénal
+2,259
+rodríguez
+maiduguri
+celibidache
+euro586
+posibilidad
+dampier
+2339
+suppliers
+crowes
+fintor
+justiciar
+floristic
+carifta
+arbela
+ngorongoro
+kicky
+chopped
+emptions
+quia
+51.82
+coloman
+hundertwasser
+dulcie
+neoliberal
+014
+ihab
+kibla
+nassef
+hult
+wittily
+shahd
+qfa
+sutch
+woof
+landulf
+al-baqir
+iddrisu
+jamie
+99.36
+sanfrecce
+35-footer
+85.02
+habbaniya
+afectado
+443
+ancs
+telefutura
+coachless
+liveliness
+judi
+maurycy
+sihl
+resaca
+gò
+bdaleyglobe.com
+tryggvason
+perioperative
+nación
+1-cent
+queloz
+perdix
+harleman
+adoc
+scc
+inflates
+mclibel
+self-cultivation
+ultimatums
+coating
+scandanavian
+appointee
+unhurt
+helvea
+opsins
+escorts
+5400
+transpiring
+isser
+.606
+1pt
+rutherfordium
+793,000
+lemonier
+kurylenko
+mooring
+chanted
+1,366
+khormato
+rotundus
+karajan
+charlotte-mecklenburg
+enson
+gafford
+ximian
+chhapra
+high-precision
+corsairs
+spurts
+dimensions
+inas
+moynihan
+kashiyama
+illnesses
+rissoina
+plotting
+machine-made
+0-15
+haraldr
+malviya
+sholes
+ozonation
+n.p.
+kiting
+soconusco
+babala
+megahit
+discerns
+larnaka
+trichogramma
+maftei
+kamikaze
+ukon
+arakawa
+quikscat
+veuve
+hettie
+nickerie
+rylands
+caller
+welters
+spalato
+khanfar
+polmos
+lectularius
+(607)
+222
+unachievable
+raphanus
+tramline
+2000-present
+five-card
+vmo
+seram
+outside
+kavaguti
+chheng
+1978-1980
+intracerebral
+hanqiong
+bumba
+martenot
+tadas
+tossups
+quri
+2-hour
+licheng
+radiometers
+delinked
+7.2-percent
+semi-pro
+instanton
+mazher
+izsak
+territoire
+wróblew
+punted
+artery
+overspenders
+markovian
+ressano
+quarterings
+cologne
+matson
+geochemistry
+vanco
+5:07
+carton
+16-25
+nemwang
+bardach
+counterrevolutionary
+murmurings
+tyrolian
+mitvol
+bjurman
+fauna
+gargantuan
+3,103
+mannered
+valuations
+intermontane
+wintersteen
+zoa
+diversity
+bronis
+104.17
+damp
+guttmann
+47,300
+r445
+up-and-comers
+maquinna
+160,000
+inside-forward
+shanking
+toller
+ramulu
+salvius
+armentano
+piggybank
+rogaška
+rockport
+dutch/shell
+zwart
+kamhawi
+rhythm
+tlsv1
+aifs
+2day
+ghezzal
+c.g.
+jupiters
+tamao
+pattée
+7th-century
+hoadly
+photog
+doored
+isnaji
+moggie
+olsztynek
+1335
+delahunty
+1326
+regata
+betsch
+musikladen
+110.13
+godbold
+scourfield
+arcane
+cuvees
+kering
+bronzers
+acquiesced
+humburg
+qurbana
+ricks
+bookmaking
+amargosa
+dustbins
+piloncillo
+prestwood
+1-in-10
+16.17
+sudrajat
+magam
+kamchatka
+84.95
+grandpuits
+hatchings
+lokasenna
+lowriding
+raisings
+3,516
+gelsor
+174.7
+sobrino
+abdifatah
+tornal
+modularity
+vesaas
+brecha
+revolta
+lodestone
+cefr
+socialista
+canaletto
+methodus
+pascall
+barrasso
+estevez
+argyresthia
+consecrators
+15.6
+guoyu
+kremerata
+wolfs
+atrophies
+grates
+kalm
+marshmallows
+51-seat
+voorburg
+dassier
+four-letter
+r-tx
+ffg
+colloredo
+3,478
+bukharbayeva
+hawala
+kurus
+baptising
+dariye
+d'azione
+zwah
+baronetcies
+enthronement
+husamettin
+holigan
+characterful
+mosquito-borne
+self-assemble
+32-8
+1509
+398
+13
+eakins
+babushkas
+power-on
+spinoza
+aspendale
+mitchison
+babeu
+strelets
+gwangi
+meiert
+lb.-ft
+pandiani
+polycrystalline
+shukra
+probationers
+kantorowicz
+erlangen-nuremberg
+nunchuk
+zacher
+fás
+ennstal
+tibbits
+vatne
+wane
+pokaran
+omofuma
+dabadie
+killy
+sleeping
+26,875
+babbio
+savorani
+electrohome
+hiiragi
+lower-grade
+achmat
+habyarimana
+eveld
+haytaian
+costabile
+ras
+odb
+kligerman
+berneck
+120.60
+pontecorvo
+h.a.m.m.e.r.
+80th
+encapsulate
+11d
+race-car
+kims
+m.e.n.
+guled
+rrna-based
+1958/59
+mecc
+evictions
+bosbach
+kneisel
+7.23
+hospodarske
+orekhovo-zuyevo
+3,184
+dgn
+festooned
+fndd
+kilnamanagh
+qihoo
+d'ete
+achuthan
+arenella
+sacro
+hawthis
+tyrannosaurids
+then-common
+legg
+caltanissetta
+cheoil
+-2.00
+padishah
+neeld
+tanbark
+impassable
+kemoeatu
+desert
+ballaban
+crunching
+sognsvann
+esquith
+clap
+1,507
+hartono
+cherbourg
+prasun
+erlangen
+malagurski
+eastpointe
+165,200
+ordizia
+ramonet
+zijin
+westman
+bulldozers
+riedel
+dicaprio
+caseload
+hulman
+overplay
+passes
+giric
+skye
+trodden
+1941/42
+permafrost
+onca
+ggp
+jackalopes
+apda
+guiteau
+transsexualism
+stupids
+anagennisi
+chithra
+udoji
+signposts
+piskun
+burbridge
+amoros
+klay
+thaddaeus
+kurten
+permuted
+180th
+dreamin
+leoneans
+endiama
+uia
+imax
+robur
+underlying
+craufurd
+ohmynews
+dagombas
+intercostal
+fischer-dieskau
+.478
+lipstick
+kuri
+joost
+moules
+kapugedara
+rewriteable
+kosov
+271st
+lehmans
+kasymzhomart
+brethil
+35.90
+bosworth
+intelcenter
+tamilnadu
+prospected
+nationalisations
+4x10-kilometer
+all-black
+substratum
+dropbox
+exudate
+alsenz
+manifestations
+annelid
+petka
+directa
+charvat
+charanam
+krekorian
+organizaciones
+canani
+bue
+raborn
+hettiarachchi
+114.05
+hadidi
+merrimack
+jingtong
+39-28
+rebane
+lapointe
+boxcars
+816
+seguira
+post-flight
+effects
+usd$
+radiosurgery
+arbaaz
+electa
+modjeska
+alexandersson
+darboe
+meilan
+3,539
+didrik
+civilis
+quieten
+5th
+hysén
+tlahuitoltepec
+madhumati
+darroll
+117.62
+berríos
+clayborn
+coade
+golay
+zapping
+lewises
+unza
+husband-and-wife
+cargonet
+dawie
+covets
+syncretism
+1,432
+syarifuddin
+destec
+9:46
+campuswide
+underclassmen
+s.g.
+varennes
+kotkai
+dcp
+shallah
+yoshizumi
+2,969
+tomiki
+levane
+legation
+schoelzel
+kontinental
+wsof
+c-1
+radhames
+viollet-le-duc
+bisgaard
+atomically
+cranach
+qoyunlu
+celek
+totalize
+nikhom
+joyces
+harsanyi
+bidis
+castellans
+9,290
+francescato
+61.44
+2,335
+vancsik
+agbar
+kenova
+wireshark
+spermatic
+alvy
+inclusively
+dirlewanger
+stays
+warta
+kazoku
+travade
+wango
+manua
+800
+zuta
+pavlik
+17/18
+alcedinidae
+marxist-leninists
+re-dedication
+bibulous
+phahon
+holier
+taupe
+nazif
+atienza
+palacio
+nobe
+rumblings
+lopresti
+leath
+yerkes
+upsc
+snaefell
+ansonia
+buccino
+8406
+migrate
+crossen
+sorby
+lutry
+ccarpenter
+hazelnuts
+safak
+pre-written
+futura
+mumm
+hardart
+cernea
+st.mary
+lassen
+frontpage
+v2
+fiber-optic
+maxon
+18.41
+villaruel
+1,977
+hm
+sntv
+joliot
+vinblastine
+u.n.-designated
+thelonius
+bee-hive
+decourcy
+maf
+convergences
+kirkcaldy
+transporation
+budd
+apap
+knott
+semi-precious
+vor
+chikamatsu
+courtice
+schat
+25.22
+dya
+biophysicist
+moissac
+karimi
+surendra
+karasu
+liparit
+aeta
+guests
+boundlessly
+nidrei
+stillbirth
+rostered
+klaten
+lockyer
+shrivel
+dartry
+363d
+kadyrov
+71.48
+navair
+karine
+roden
+aydan
+bardini
+photojournalistic
+blotched
+incursions
+karalahti
+about-face
+94
+spring-fed
+endonym
+54,500
+kulacz
+allamuchy
+mofro
+kandamby
+internationalise
+ultralight
+careening
+agüero
+nelken
+dannenberg
+dioxide
+allegretti
+wcmh
+guastavino
+jehad
+flater
+overexpression
+3,707
+245.6
+flycatch
+quilt
+rushden
+wiśniewo
+keynesian
+6500
+bcv
+if-then
+trina
+45.82
+linscott
+petery
+compliancy
+65.11
+devapala
+acquainting
+philippi
+vinayagamoorthi
+zagging
+aleš
+quicks
+hornworms
+deqing
+17.38
+tesa
+zdanovich
+rassi
+neskovic
+omair
+ekti
+logy
+rietveld
+pm2
+evreux
+käthe
+564
+nostra
+go-to
+sitruk
+securitize
+daemonites
+dzau
+sumich
+bloomeries
+over-the-rhine
+quintic
+fellatio
+haywoode
+metaphysicians
+umlazi
+ineffective
+cybersquatters
+eltingh
+ouston
+début
+aruri
+http://www.netizen.com
+botkin
+ptilinopus
+windowing
+devoy
+atalla
+keywork
+sonnabend
+drupes
+unornamented
+hakija
+lewisburg
+coady
+121-mile
+apatzingan
+haran
+zurufi
+finsbury
+156-pound
+dechert
+guthridge
+tu'i
+lambaste
+ayouba
+drinking-water
+dragonball
+salahis
+aragonese
+bollenbach
+budzyń
+pocketpc
+17.21
+126.50
+hruška
+tzadik
+-29
+150-km
+drummers
+monchique
+masonry
+121.9
+tử
+nhler
+intricacies
+abdullo
+coutu
+ujiri
+hsc
+progreso
+plancher
+simrishamn
+60-win
+oxyrhynchus
+define
+réjean
+camped
+hencorp
+laibach
+catered
+22-12
+tote
+skating
+districting
+focker
+koren
+dijk
+chikin
+issei
+hagelin
+seiichiro
+leopoldina
+russin
+pzp
+grubman
+bahgat
+broeck
+mohd
+17-footer
+infuriates
+alarc?n
+bozzetto
+maini
+69-55
+pct.
+80.22
+tdf
+amerisourcebergen
+vanna
+10-minute
+stair
+mujahideen
+ludgate
+agrippina
+lobi
+dulce
+childbirths
+22-9
+18:05
+kazeem
+osik
+odintsov
+ploshchad
+crous
+think-tanks
+cochon
+euzebiusz
+shammalah
+takin
+müden
+match-making
+1988-89
+frozen
+8-centimeter
+365,000
+1.1885
+77-76
+perrys
+1960s-1980s
+ngern
+handicapping
+cizik
+gecas
+devadasis
+vítězslav
+benedictis
+ostensible
+brayman
+jalinoos
+indications
+krenke
+3,650
+lorgat
+helmer
+yassky
+groth
+99.15
+shots-31
+scytale
+tjipto
+oskar
+85.30
+landing
+also
+garley
+200-day
+kandal
+peptidase
+babolat
+doni
+bandra
+laid-back
+galley
+borzou
+nikka
+f-4e
+fashion
+warnaco
+irada
+247,000
+ineluctably
+garry
+28.46
+astri
+arani
+omidyar
+weve
+deker
+viikmae
+hucles
+bullards
+23.91
+foucras
+felipa
+apodiformes
+cimitero
+cuadrilla
+40,000-capacity
+preclinical
+wfld
+incompetently
+grandsire
+isy
+tatarchev
+consciences
+christophers
+thre
+1-over
+braving
+repented
+almack
+skjöldunga
+mikvah
+flicker
+sangli
+imposition
+home-ice
+dace
+profile
+sunbeams
+5.9375
+littlenecks
+alb-donau
+troienne
+penhale
+moneymaker
+jos.
+consulations
+200m
+leukocytosis
+antarctique
+jatusripitak
+remarkably
+bareev
+laid
+kultur
+stott
+resava
+teleradiology
+fangcun
+lc&dr
+piloted
+secretary
+barbican
+160-acre
+kathman
+three-step
+choules
+rodallega
+annulata
+feller
+parnaíba
+mountview
+ragini
+thorndike
+self-paced
+referentially
+bristly
+hootie
+weijden
+72-68
+antigrowth
+innate
+loopiness
+husseins
+koppány
+freyd
+shirreffs
+vedha
+sinnreich
+chedadi
+rigorous
+huangshi
+betta
+city-county
+6,210
+firmer
+183.4
+tieu
+pruritic
+ndiefi
+clarington
+lich
+unhappily
+chlorophyta
+basepath
+reconnoitered
+arguing
+1.4735
+win95
+nagahama
+derna
+moussaka
+peekaboo
+enemigo
+connoisseurship
+aiyer
+farfalle
+55-11-30222965
+swamis
+2012-2016
+coroa
+toranosuke
+-59
+re6
+youthful
+1,582
+wolferen
+35-a
+non-starter
+3,481
+telecentre
+siksha
+scented
+betties
+sterner
+1.4130
+spady
+1.4340
+tigrinum
+adulterated
+drongo
+stoclet
+shunk
+dalmations
+funder
+soymeal
+f&sf
+kona
+sedensky
+pre-preparatory
+wargnier
+uetsu
+siegelman
+1154
+81-75
+68th
+garlinghouse
+opos
+nitrian
+decorating
+hummed
+akbulut
+dezső
+pledger
+rinkside
+anza-borrego
+bhattian
+unacceptability
+7.7415
+unvanquished
+bucquoy
+herina
+sansovino
+patinated
+intensifiers
+baranowska
+hawkshaw
+mox
+swifter
+232
+quantum-mechanical
+ruhpolding
+nuclearized
+bruegger
+franqui
+duerrkopf
+murungi
+super-powered
+parasitise
+xiaofu
+hrinak
+sticker
+sepulcher
+peaker
+castelvetrano
+bottum
+nørgaard
+1989-1994
+corregidor
+gharanas
+tomasso
+omunu
+canfranc
+akiyama
+mallesons
+quel
+limonene
+qst
+steinbach
+roubaud
+bolowski
+full-auto
+crem
+fencing
+eline
+carmello
+schimanek
+46-point
+private
+colcord
+cleven
+cost-efficient
+searching
+conly
+tantalite
+hoylake
+debasing
+womex
+al-sheikh
+mitose
+afforested
+metis
+democrat
+unheeded
+panday
+treeton
+bloor
+alighiero
+expending
+bastarache
+localizes
+tuccillo
+jankauskas
+flechettes
+sadrist
+rigo
+zraick
+hady
+ethoxide
+keizai
+loeper
+shortened
+westlund
+1998-9
+ilio
+topicalization
+64-match
+rohinton
+vonnie
+traian
+schlossplatz
+kotok
+ntombi
+cys
+sub-arctic
+phani
+on-farm
+20,600
+wte
+arnaiz-villena
+2-5/8
+mononucleosis
+risom
+heffalumps
+ballymun
+atayal
+langerak
+kulam
+vejle
+ella
+opposed-piston
+hapmap
+zurer
+edgier
+ice-rich
+yud
+fayek
+wcba
+abdiqadir
+manolev
+jittery
+patterned
+oblanceolate
+preternatural
+-------------------
+small-to-medium
+mongel
+windbag
+spell
+longleaf
+guibord
+corrupt
+modality
+pcmag
+holit
+maydan
+preamplifiers
+perennials
+monstro
+bishnupur
+exclusivo
+hertog
+vaa
+buffone
+dimitrijević
+palestinians
+jens
+jansz
+yushiro
+revathi
+kosowski
+género
+lalanne
+allayar
+2-39
+timestep
+kcop
+even-handed
+scarcella
+niaf
+pikit
+loxahatchee
+metropcs
+14:09
+centercourt
+hezbullah
+5,537
+40,000-plus
+worldliness
+wc2003-sri
+glumes
+fa-18s
+demutualised
+oozed
+baclofen
+9.49
+obodrite
+beckoned
+cedras
+ronna
+eaff
+placentals
+wipf
+quintet
+horse
+dosan
+augustinus
+dunkley
+kinetically
+blackrock
+hkust
+39.97
+ophthalmologic
+sewickley
+bzoe
+short-wheelbase
+polylactic
+charanjit
+eliade
+qmjhl
+pithole
+9-for-11
+finola
+5.437
+pavon
+fobbed
+compiling
+opuses
+markovo
+nuances
+catalepsy
+s.c.-based
+landgraves
+kesmai
+36.04
+uniform
+xanthate
+bundes
+construal
+2408
+bhale
+hospitalier
+ballotta
+joins
+betaine
+recontest
+smithers
+capeman
+pashan
+consummation
+groenewald
+arraras
+deve
+beepers
+wnew-fm
+himsa
+correspondents
+quonset
+ibar
+vulcanology
+80.18
+intuitions
+buyi
+bukavu
+simbarashe
+lithgows
+musona
+paneling
+iwpr
+sparkbrook
+sovnarkom
+mcburney
+sfchronicle
+rmt
+northeastwards
+khamanei
+pelaw
+doubled
+kirtzman
+lachky
+al-hashimi
+tohira
+moratoriums
+iconographically
+marcionism
+neuroendocrine
+saucedo
+baldaia
+comb
+spiced
+kutter
+schlippenbach
+calibrates
+bhoite
+ahavath
+trash
+hollerin
+castucci
+albuterol
+heita
+goma
+a37
+iresearch
+phùng
+deftly
+flannel
+anti-catholic
+rear-fanged
+afrikaaner
+calligraphic
+critton
+roseburg
+ebri
+giovanna
+brainpop
+hostage
+8,670
+quas
+lassell
+kuloy
+golds
+.557
+round-the-world
+santiniketan
+mooy
+roulade
+kristaps
+subclasses
+organises
+http://www.chrysler.com
+justices
+ppe
+uv-b
+mashup
+yunos
+rummell
+guînes
+crveni
+bagalkot
+anaphoric
+penrod
+sparer
+flaunting
+delta
+snugly
+kaung
+omni
+khalip
+gatekeeping
+ak07
+perché
+teranga
+pangalos
+gangohi
+ansen
+kujala
+auctioning
+intergroup
+gholamali
+caraway
+wanita
+violator
+kleine
+mohammadiyeh
+2-0-7-0
+kotuń
+texeira
+1347
+hadrian
+uncharged
+endeavored
+rosende
+colleary
+893-8810
+engström
+barsi
+obsoletus
+gesticulated
+thurleigh
+aghdam
+b&q
+berkshire
+ärzte
+t100
+o'barr
+kony
+cooling-off
+wetenschappen
+fixed-length
+analytic
+watan
+doo_mah
+afternoon
+18-19
+zhongyan
+transvision
+nijrab
+suffa
+a7
+leónidas
+mbanza
+nampally
+l'osservatore
+pubertal
+160.7
+0722
+20.61
+jaguar
+zoey
+grisons
+spamalot
+khans
+dominators
+unimás
+80,000-member
+mini-tours
+homini
+turgo
+2,489
+heliocheilus
+undersized
+feldkirch
+madikizela
+polmoney
+9,530
+morefield
+self-sustainability
+beyblade
+20.98
+ukyo
+grilling
+nyembwe
+shuhua
+ansky
+xiaoyong
+fakhrildeen
+prock
+spiros
+fanlights
+nyt13
+efter
+thurairaja
+emanates
+w7
+inventiveness
+2009/2010
+tuthmosis
+belgore
+yayha
+especialistas
+mubarok
+fitzgibbons
+comically
+scuttles
+artamonova
+coxey
+16th
+matthaus
+gita
+glonass
+reoccur
+hsinking
+inman
+algunos
+regus
+5,380
+dramatizations
+methodic
+halevy
+mérito
+bet.com
+pro-bono
+ndy
+freakout
+jaczko
+mouza
+attawapiskat
+curmudgeonly
+u.n.c.l.e.
+frommert
+crassulaceae
++0.75
+coluim
+showroom
+robaina
+aeneas
+descarpentries
+statistica
+jæren
+counihan
+silvae
+baldur
+baqr
+eosinophil
+arnedo
+528th
+1.2190
+unanue
+andersonii
+predations
+150-page
+haku
+maynulet
+.0214
+undergirding
+féminin
+qasr
+cred
+preußischen
+collao
+dimino
+wartburgkreis
+glitches
+mazembe
+letdown
+hemochromatosis
+napoletano
+toed
+1percent
+canellos
+spun
+juniors
+29-19
+scariest
+6.88
+mspb
+n.e.c.
+lansa
+cosmin
+weltwoche
+kizzy
+kayanja
+corestates
+namin
+rudzki
+kirikkale
+levofloxacin
+pettiness
+pulsford
+emboli
+dutiful
+odilo
+quarter-finals
+womad
+scheps
+portended
+cinclodes
+groveled
+stahle
+46.65
+burkholder
+cercariae
+agcaoili
+masaga
+,720
+dzon
+eight-round
+arcading
+holman
+nearly
+ikle
+oriel
+liquidate
+fortus
+autobots
+jourdain
+28.78
+minimalists
+fcps
+commoner
+biron
+jerky
+shioda
+embleton
+clippers
+khazaee
+senn
+showjumper
+kudal
+84.75
+14-13
+songjin
+coop
+beachhead
+tellicherry
+dorrian
+bloodymania
+8862
+wringing
+49.03
+rompin
+kourpias
+vaikundar
+syncro
+suthin
+slush
+seax
+barczewo
+error-correction
+maaruf
+otium
+archambeau
+trivoli
+facs
+atlético
+12-second
+firestones
+hainault
+rentistas
+hahns
+christan
+interspersing
+vuksanovic
+euro376
+sutherlands
+t.p.
+capel
+debelo
+dionaea
+ghanian
+el-sheikh
+trebol
+najera
+post-graduation
+10:10
+mzimela
+qwilleran
+sakharam
+combativity
+rocking
+lucile
+chabab
+limitanei
+captaincy
+hokkien
+hyracoidea
+fallen
+niro
+tsubaki
+pensioners
+snitch
+albumin
+bafta-winning
+ould
+pieced
+510th
+dobrivoje
+nùng
+machida
+goyang
+sematary
+ntuli
+petroc
+next-door
+milde
+wainwrights
+pooram
+tosti
+chapterhouse
+turnhout
+dimmock
+biao
+ssr
+loreal
+sutphin
+youtube
+illiniwek
+spread-out
+ellard
+1,780
+69.53
+4.05
+a42
+baranowo
+codice_7
+skardu
+etn
+suya
+irukandji
+homozygotes
+collinelli
+melhuse
+ß
+tiya
+2,793
+probations
+scrolls
+volokolamsk
+meanwile
+nawalparasi
+shrivastava
+keyham
+reproaches
+denominationalism
+rowdy
+flutie
+potrero
+clarke
+ostend
+portoferraio
+tőkés
+urges
+springvale
+widya
+sarner
+transfield
+surrounds
+braziers
+magistri
+6-for-10
+cantalamessa
+shakthi
+willowdale
+2,079
+odinist
+jamaicans
+trojan
+smackgirl
+poverty-stricken
+backroads
+terebra
+great-grandparents
+setti
+schlamm
+decanio
+poço
+cearns
+mamaia
+oner
+inter-services
+larryl
+payam
+portabello
+thenceforth
+perezhilton.com
+r.premadasa
+cormoran
+no-budget
+zierk
+krit
+notice
+polsana
+ari
+gōjū-ryū
+371
+8-0-0
+bother
+bartok
+overholt
+campbells
+nacs
+grizabella
+fahrni
+pro-israel
+curso
+góis
+transparent
+tongariro
+lattisaw
+hemstreet
+facultative
+coggin
+aviacao
+57.04
+512th
+abbe
+tbarnhart
+tarandus
+asiab-e
+lss
+cjc
+salaria
+step
+mifeprex
+independents
+raoul
+mazie
+michałowo
+trévoux
+estruth
+marianka
+choiseul
+cirebon
+bunairee
+caci
+inselbergs
+delon
+al-khatib
+diyarbakirspor
+ibfc
+ipos
+alexandrova
+106.17
+preordered
+1908-1910
+doras
+strahov
+oxbows
+poyer
+benedicts
+ues
+84.39
+gerasimos
+#aabccc
+boardgames
+h.a.
+bbrc
+bolivianos
+cains
+pinelli
+maurras
+bachalo
+armidale
+42km
+homola
+252-seat
+styrax
+thorbardin
+ailill
+hirschkop
+catacamas
+morvan
+curvey
+582,000
+mccrudden
+tollhouse
+miljanić
+briars
+long-eared
+nortek
+deconstructionists
+nsaids
+lilit
+yair
+kitchenaid
+cloacal
+kingsville
+oooh
+brevity
+sciatic
+basicamente
+starent
+montenapoleone
+dimitry
+zippered
+29.47
+husik
+wiyot
+30.93
+cinzano
+47,700
+ahdut
+forewords
+rollingstock
+preludes
+military-political
+poglavnik
+paschke
+belives
+causantín
+hanton
+kirillov
+anti-communist
+hpo
+maigret
+synecdoche
+saugeen
+106.00
+gfr
+kismat
+dahl
+chambrun
+seleucia
+relicts
+oogway
+glodis
+thimphu
+sfr
+18.25
+giuly
+fayolle
+joeys
+trackless
+kara-tur
+know-nothing
+nominees
+hluttaw
+credico
+endosymbionts
+pathologist
+situational
+starters
+shodan
+decompensation
+zexu
+analogues
+prekaz
+uphills
+80.60
+kotel
+72-78
+boesen
+stobbart
+formula_144
+streamy
+blalack
+westerlund
+adp-ribose
+riaj
+1,885
+e-mohammad
+castillo
+thaad
+driveshaft
+synced
+jawdeh
+changdev
+meeropol
+96.20
+lalazarian
+hoolihan
+x-axis
+teknaf
+mainzer
+mahmassani
+corbeil-essonnes
+crozer
+estefano
+129-run
+1026
+vitín
+harbour
+dickman
+kuitca
+disorientation
+egos
+rammel
+paler
+goard
+108.02
+vaucher
+beltrones
+harder
+bujang
+fivethirtyeight.com
+nolen
+pazin
+kuusisto
+roofers
+flasher
+xuetong
+bloche
+18s
+prouteau
+bundesbank
+exudative
+netheravon
+nah
+siad
+cloherty
+rí
+2,736
+sequence-specific
+poelman
+kelo
+clerks
+cauldwell
+tapeta
+tháp
+pivotal
+magallanes
+schaber
+revenue-earning
+carano
+stash
+boonsang
+turkish
+lude
+first
+rm0
+anuruddha
+trikes
+skiathlon
+azerrad
+atid
+kupcinet
+adnane
+pharmacodynamic
+five-time
+stass
+118-107
+martials
+resolvable
+hare-clark
+2,676
+immigrations
+pollsmoor
+telefonicas
+nasar
+cabrisas
+healey
+paudwal
+didiza
+ecclesfield
+abrahamsen
+384.25
+handsomeness
+152.8
+lago
+johnsrud
+bicocca
+abersoch
+throttle
+beachy
+kotex
+shangluo
+kirsipuu
+hook-and-line
+seventies
+codice
+akhondzadeh
+gangaram
+5-for-10
+refiles
+jeering
+omerta
+poj
+holodeck
+perelyakin
+metalworker
+sill
+tigers
+baj
+dardanian
+cartellieri
+dewclaws
+kuźnica
+rosengart
+caral
+nbd2
+6,610
+westcliff
+hershberg
+52-yarder
+goco
+hydroxyl
+beckenbauer
+onside
+groomsman
+kabiri
+604
+glyn
+6-2/3
+zaloga
+reviver
+holtzclaw
+youhana
+batasuna
+claudin
+bones
+painters
+nightstalker
+hypoid
+19-31
+yoshitada
+12-member
+kūkai
+parlours
+hamburg-bremen
+sagel
+gvir
+sangat
+rauhofer
+neatness
+anuar
+germán
+countercharge
+appa
+misère
+gorazd
+dwellings
+adkinson
+đukanović
+sondashi
+1900s
+overcurrent
+re-interred
+absurdity
+meshulam
+schedule
+tharavadu
+gerritsen
+rumanian
+marana
+fondues
+doney
+89.88
+heinrichs
+sivamani
+billion/1
+3-act
+everhardus
+avast
+wdw
+air-defence
+126.05
+cluff
+pustular
+sustainably
+lamouchi
+kante
+jadis
+bloodaxe
+1.640
+.707
+environmentalism
+spiraxidae
+commissar
+tenkara
+wbtv
+l'eggs
+brockbank
+bentonville
+birzeit
+virgets
+finne
+shukr
+salpeter
+quae
+resubmission
+yeonpyeong
+rory
+sigli
+27-17
+waxwing
+vratislav
+6:03
+ecevit
+gnehm
+uncommercial
+urmston
+948
+getica
+mcclellan
+coyle
+valdarno
+kaige
+repopulating
+345,000
+benatta
+policies
+hapal
+delfay
+0-6-0t
+junqi
+jamrud
+neuroma
+cantilan
+limbang
+paprotnia
+anai
+catamaran
+stockett
+kouakou
+kpnqwest
+four-year-olds
+nucleobases
+fioroni
+fairywren
+lorcy
+yochanan
+diabang
+.778
+dishearten
+tajiri
+possesses
+4x400
+östersunds
+greuthungi
+59.81
+pinglin
+neuropathological
+ottaway
+kinghorne
+bluma
+42-14
+poetic
+carwyn
+wts
+torriani
+edhie
+49-page
+d'ascq
+maíl
+htwe
+isaaq
+solove
+samar
+kircher
+whiny
+co-champions
+bouffes
+xslt
+oatlands
+erakovic
+66.56
+epipen
+dabbas
+ulufale
+ruthlessness
+vaali
+i-n
+anglicized
+jihan
+bamba
+thundered
+hilgard
+karlyn
+chinarat
+barata
+162.2
+cosentino
+mbf
+humourous
+mondi
+potano
+coexisting
+kaons
+100.4
+palios
+rabei
+dilli
+4.3-kilometer
+ulcerations
+saifuddin
+doctores
+kodrąb
+1.725
+apiata
+tatsuo
+32.33
+piv
+taubensee
+eveleigh
+consorzio
+kripo
+pranowo
+haj
+henriëtte
+counter-demonstration
+46.94
+neander
+oaka
+three-and-a-half
+sleep-wake
+bidlack
+chobham
+zaoyang
+annoying
+re-wrote
+abdisalam
+yemo
+sonnets
+vyas
+bremsstrahlung
+sandwell
+5v
+redistribute
+ammerman
+ascenders
+horansky
+ziska
+okuda
+dablam
+4,993
+gradients
+bellerby
+selectable
+s30
+zabaleen
+wrangled
+unsettle
+privatise
+ramaroson
+montroc
+arrancar
+sulim
+holstein-rendsburg
+llanfihangel
+avot
+wiranata
+chinaski
+grass-covered
+attu
+ribnik
+harandi
+u.s.-china
+portlaoise
+fishkind
+108.06
+0.996
+flaunted
+205-seat
+slb
+15x
+negapatam
+61.4
+117.87
+gonchigdorj
+rawn
+yasith
+połaniec
+91.62
+blasi
+monoidal
+dooms
+tu-154
+gryder
+icco
+baseness
+3,026
+mimivirus
+gastelum
+märkische
+chigasaki
+rakadh
+carnations
+straffan
+belluno
+aapg
+satisifed
+gavia
+farsan
+swaddle
+lolicon
+45.77
+reagent
+anansie
+eurobonds
+ammanullah
+dothraki
+verrado
+landefeld
+scripps
+1466
+inescutcheon
+millstein
+roundy
+surprised
+bottoming
+kull
+sackville-west
+16/1
+23-player
+39.82
+hartshorne
+csaba
+44-7
+falconidae
+113-110
+keefer
+bhuta
+supplementals
+deloatch
+trancentral
+ready-made
+mogami
+bchl
+theologian
+200-lap
+cellcom
+westjet
+fischelis
+obligated
+nilgiris
+veksler
+telquel
+1,325
+camoys
+tarbut
+interra
+samothrace
+uhz
+coleridge
+malarkey
+alakai
+67-15
+post-liberation
+sidorenko
+bollaert
+pankey
+vrc
+portsdown
+40-watt
+punong
+35.99
+idowu
+licia
+d'albret
+rudi
+mame
+37.00
+deaton
+aahp
+achaeus
+rippin
+anichebe
+backhanders
+hook-ups
+thorncliffe
+meyn
+h.o.r.s.e.
+fluoroscope
+marathwada
+kisii
+3,315
+1.0001
+24,063
+katiza
+tollemache
+cardoon
+furama
+alleviated
+wnet
+puan
+gsa
+rabasa
+antolin
+upgrading
+tocai
+openess
+samakhom
+3:41
+apamea
+guitar-driven
+81.9
+sencer
+gauloises
+try-line
+contactees
+axillaris
+tío
+brentsville
+mangareva
+bugalski
+podido
+dubonnet
+rfi
+valeryevich
+chapell
+wishes
+arlon
+syndey
+administrated
+alarmists
+chillingly
+peñarol
+blanching
+hollandic
+uroplatus
+euro614
+mithi
+31.15
+ratra
+253,000
+horseless
+eochu
+amporn
+urwah
+33.36
+mccalebb
+69.91
+suntanned
+odeh
+haier
+rosevelt
+nevzorov
+tarō
+quiller-couch
+oft-repeated
+blewett
+baim
+descenders
+,200
+overstep
+sending-off
+truxton
+impoundments
+cmvs
+abdul-jabbar
+3,238
+sunscreens
+torrence
+farleigh
+1,806
+tonkov
+croatians
+gambas
+wujs
+18.7
+4.18
+hematomas
+dzevad
+banarasi
+mrts
+jiangbei
+markoe
+czarni
+angliae
+ccfa
+cioran
+vitalogy
+50k
+adaptations
+modoc
+jinyuan
+betti
+kaveh
+adisq
+majadahonda
+vidyadhar
+2.82
+golembiovsky
+lycos
+gcpd
+ritwik
+emmental
+chinese-american
+112.42
+elections
+swart
+contraption
+wilensky
+espacio
+howle
+bohringer
+formula_113
+ngari
+w-4
+laid-off
+inza
+student/teacher
+raml
+9.97
+outer
+khalid
+85.32
+bancaria
+entrainment
+bentiu
+71.35
+starband
+rustamiyah
+jizzakh
+dunman
+multispectral
+kelche
+68,600
+clichy
+durra
+habian
+vaezi
+snowshoes
+gable-roofed
+cybernet
+dashnaks
+kerenyi
+qc
+hornblende
+xingdou
+terrorising
+lettable
+ancients
+abdirahman
+chungcheng
+siedah
+arleen
+bethabara
+dujkovic
+effexor
+kashmere
+atdabanian
+foresters
+sheerin
+farfán
+bech
+embroiling
+sprinkler
+schoolnet
+werknesh
+sigg
+.176
+chimel
+yearslong
+rebana
+wchs
+notwane
+farmbelt
+fannie
+hasidism
+hutchence
+anosike
+kemal
+damae
+kimel
+xmp
+chub
+regrow
+dindori
+coutaz
+2,359
+beipiao
+shipbuilding
+malva
+interstage
+dealbook
+agrast
+peckham
+taxodium
+paintbox
+interleukin
+charlatan
+shriner
+dinette
+mcgarrity
+3,794
+hadass
+enad
+bonbons
+minde
+44-40
+mars
+15.56
+eads
+kathpress
+limpopo
+122.19
+dilday
+bereits
+18,438
+02-dnp
+bookies
+leonetti
+zsuzsanna
+biar
+chilmark
+vola
+rhododendron
+nonviable
+deuchar
+8:40
+aviacsa
+array
+polyaniline
+kasitah
+99.44
+bs&wr
+predetermine
+chiricahua
+installation
+shariatpur
+andrettis
+ustaad
+donbass
+shabanov
+flannery
+well-lit
+kogas
+toniest
+yadgir
+ministros
+register.com
+stembridge
+serogroup
+pungently
+frackman
+fagaceae
+ngawang
+kontor
+euro291
+300-room
+jongwe
+læsø
+mihir
+sehore
+riverdales
+swedbank
+cpr
+yrt
+vietnam
+chulabhorn
+delineates
+jasim
+libertatea
+129.4
+rm70
+sendel
+antares
+puranic
+moffatts
+galit
+ryskind
+salicylates
+triangularized
+utagawa
+guesstimates
+amatoria
+4-53
+hangout
+girvin
+szondi
+jaganath
+antonie
+tomita
+masthead
+healthsystem
+pietz
+fognini
+evguenia
+8610
+loewy
+haenggi
+shashe
+motson
+breaston
+qujing
+timi
+harry
+43.10
+jano
+lesley-anne
+adjusting
+lauds
+frege
+dlv
+besserglik
+unicum
+hillerman
+tivs
+ballaugh
+single-handedly
+turunen
+voboril
+rift
+vicia
+chatroom
+lambswool
+clemenger
+l'architecture
+hopgood
+forget
+kingsbury
+namc
+suburban
+70.14
+interacting
+enghien
+ngd
+karwar
+601-member
+http://www.ladieseuropeantour.com
+.454
+predecessor
+sickened
+consistantly
+kurita
+industriels
+aicf
+dea
+mesenteric
+celia
+29.94
+dabar
+died
+2209
+valsella
+brummana
+bichlbauer
+jelassi
+kukma
+gup
+yelawolf
+sican
+aqazadeh
+feiersinger
+c-fos
+aje
+u.s.-occupied
+darban
+hostler
+bolster
+vimeiro
+rachad
+cbu
+independentists
+rosello
+100,000-mile
+499-3334
+calormen
+lisogor
+promotionally
+traboulsi
+dhananjaya
+3-stage
+kstc
+genyen
+812
+barnstorm
+qorveh
+radun
+jolivet
+weyne
+rites
+jiamusi
+tesnière
+flamberg
+.32
+lofting
+11/24
+woolton
+damasks
+whānau
+pronouncing
+extraembryonic
+kyran
+accetta
+108-91
+ncrp
+fa'afafine
+immunosuppressive
+spurning
+eventing
+uncaring
+kunal
+multiprogramming
+tientsin
+10:32
+decision-maker
+otsu
+lishan
+44th
+jamat
+out-migration
+antwerp
+diagonal
+semantan
+ài
+fringed
+photonic
+polestar
+volkogonov
+pleakley
+well-ventilated
+ovadia
+intermezzi
+merkezi
+wincenty
+głos
+cascadia
+fanelli
+nonoxynol-9
+ernouf
+simulations
+mornay
+257.6
+jouvet
+inmediato
+sabbe
+briones
+arsehole
+ecis
+flavel
+floods
+kuleto
+keung
+winning
+throng
+3721
+111.91
+sonar
+4711
+diag
+lewisville
+tatya
+saturdays
+nfr
+mid-7th
+katzenstein
+modjo
+kalyani
+ertegun
+surplus
+mervis
+1,560-mile
+alexandrina
+priestly
+biographically
+phoenix
+papapetrou
+454
+playworks
+gascoigne
+lao
+microsurgeon
+eremita
+r36
+southfields
+ettrick
+peyrelevade
+esye
+sodam
+56-10
+ruch
+silliest
+oya
+tattletale
+muzik
+106-92
+anti-catholicism
+720p
+gdynia
+gambinos
+rouler
+ladurie
+foya
+mcanallen
+gustaw
+testings
+kavrepalanchok
+thiesen
+cookies
+untranslatable
+alico
+eosinophilic
+hoddesdon
+grazioso
+dragão
+redistricting
+dipl
+czechoslovak
+asinara
+winger
+cuny
+alatorre
+melly
+outwitting
+baia
+halman
+w.l.g.
+huvadhu
+bo-bo
+halakhic
+holliston
+gasto
+testfired
+aguak
+kambar
+patthar
+daphne
+andrine
+edmonia
+cxt
+mahlasela
+2,491
+brachystegia
+kalalau
+,080
+rogie
+aparecido
+fates
+bakun
+keiren
+périphérique
+pooh
+pingu
+huntzinger
+kidnapped
+tipi
+refinish
+tessitore
+overstayed
+birthmarks
+azd
+moroccan
+wrestle
+retails
+masyarakat
+mp3
+pimenton
+schoenbohm
+unix-like
+mordred
+garen
+1996-2007
+mckimmie
+zaius
+1-1/4
+attune
+metroparks
+philosophe
+senia
+iph
+bohuslän
+idu
+5-man
+kröger
+historisch
+jumpman
+scratchcard
+morphew
+speelman
+successories
+midstate
+kreise
+kanal
+trifoliata
+mccotter
+cqs
+tricity
+cámara
+michigamme
+rihs
+archana
+qnd
+naginata
+birkhead
+sudarsana
+chambord
+3p-10p
+accommodated
+mudd
+351
+hyperspace
+supertonic
+100-yuan
+erwin
+13.19
+dig
+mammone
+veracruz
+cauliflower
+kadavu
+casquero
+reproached
+stutler
+febre
+kienmayer
+labrusca
+shipowner
+ml/min
+22-5
+newick
+bnp
+mutati
+cohibas
+platham
+zimdollars
+jiaxing
+diterlizzi
+17:49
+remco
+artabano
+dadaists
+rafferty
+twelvers
+2249
+tokenization
+highs
+dunph
+radzyń
+crop
+kieran
+95-1
+extragalactic
+mostafa
+ivester
+mires
+ichigo
+pirani
+tarnee
+outspend
+enviroment
+scholem
+penwith
+27.17
+84-seat
+darwinist
+malawian
+gorbunov
+firnas
+dugi
+coochbehar
+masimov
+jeremi
+matcha
+guayre
+m-19
+pleas
+2,900-kilometer
+26-28
+о
+marlu
+barbizon
+lather
+6.98
+parkrun
+quaglia
+avermaet
+chabrol
+kazumasa
+apicomplexan
+templars
+metallicity
+guevara
+concil
+89-minute
+clownfish
+electrophysiologist
+ridgewood
+inconsistently
+akaev
+464
+kreuzlingen
+beckerman
+saxa
+kokoshin
+barrish
+224
+strathmore
+themed
+treffinger
+sotho
+yaacobi
+valionis
+chmela
+dharmapuri
+kirshbaum
+godett
+yuganskneftegas
+behling
+bishopsgate
+鳳翔
+jerusalem
+externalized
+bunkhouses
+townsel
+quartett
+cockeyed
+gusting
+viersen
+wigston
+sympetrum
+seghers
+www.mayoclinic.com
+vassalli
+villalta
+więcbork
+chamsyah
+niassa
+m.div
+118.32
+prasada
+re-armament
+co.uk
+marinetti
+sub-assemblies
+tevzadze
+mediatek
+kancheepuram
+urinson
+mellody
+dissociation
+sirt1
+arcangeli
+ciabatta
+auker
+15-inch
+phoenice
+100-year-old
+kersal
+vehn
+chorske
+soret
+modrica
+quasars
+yasuharu
+formula_23
+tigrean
+figler
+cragg
+eugenides
+bragging
+77-71
+background_notes
+nole
+cbw
+rajasinghe
+fresca
+prvaliga
+five-seven
+tough-guy
+in-car
+calderone
+kępice
+now-ye
+trestman
+thompsons
+unclassifiable
+87-78
+93.27
+70.94
+,090
+löbenicht
+fordahl
+tvd
+4.70
+superheroic
+carew
+49b
+motril
+epri
+46.35
+incredible
+ivona
+d'oïl
+deuterated
+hirsutum
+kaliko
+pantazi
+lacour
+bernadino
+albats
+zitong
+eubulus
+hanifan
+baoan
+hovhannisyan
+nucleophilic
+dalha
+multilateralism
+khula
+layer
+fyth
+finmeccanica
+nof
+bhutta
+kosli
+clutterbuck
+us-89
+monotype
+mesbla
+nuvomedia
+dannel
+d-vt
+bluewings
+playstation
+77.05
+tyrannize
+aihua
+aerotech
+deblieux
+sculptoris
+internet-enabled
+polluter
+khasru
+825-2101
+henault
+whine
+insar
+platyneuron
+trenidad
+algy
+wml
+bryggeri
+94.65
+sodomising
+welding
+hancock
+ut
+nance
+neighborliness
+dreese
+baskonia
+dziedzic
+regretted
+xaver
+anini
+pakistan-administered
+rutter
+hornet
+nashiro
+taieb
+marrieds
+faraway
+brodrick
+cosying
+bion
+mayde
+5aa
+airworthiness
+chermiti
+boulaq
+8,191
+acrimoniously
+cult-classic
+icemark
+milliken
+grönholm
+summerfest
+hannawald
+endearments
+ebm
+pawlikowski
+bragged
+kavadarci
+apostatized
+cuneus
+nehushtan
+tufa
+innis
+charlesworth
+olmstead
+pro-inflammatory
+mahrt
+aztecs
+geir
+marwaheen
+theosis
+tông
+estrategia
+mettur
+al-muhajiroun
+slavering
+chinon
+mah
+gatchaman
+burbank
+vilhjalmur
+kudayev
+perdio
+natatorium
+maizels
+soral
+kolmakov
+ilaiyaraja
+dogmatically
+metsamor
+tanfoglio
+bilibid
+knucklehead
+marie-claude
+bajramovic
+kaay
+badung
+uo2
+influentials
+kan
+stonebriar
+simmerson
+kerwin
+blackbox
+lobaccaro
+cueing
+40-seat
+harehills
+nyimba
+16e
+ajdovščina
+mechanicsville
+m-4
+sanroma
+explicar
+kamio
+claudie
+lusinchi
+lawbreaking
+spahic
+suevic
+pottawattamie
+pyrates
+feldmann
+383.25
+blauer
+besnier
+brigid
+raveh
+sampark
+walky
+fabia
+rocksmith
+fightback
+jajang
+waage
+parousia
+sambir
+sister-ship
+djawadi
+4,620
+wagenseil
+mcmann
+kore
+mesen
+brutishness
+goisern
+mcgruder
+whaleship
+newsflash
+aglieri
+hypnotherapists
+ansin
+44.25
+48.5
+jardel
+siarhei
+akim
+(806)
+suitability
+kamla
+8,990
+double-action
+selenocysteine
+carnaby
+ita
+kiyotaka
+proposes
+69s
+bairnsdale
+helder
+tavy
+göktürk
+sirima
+pdd
+powerpuff
+presse
+giuffrida
+ağa
+savojbolagh
+handcarts
+taslam
+hoen
+swished
+tupu
+hll
+79.53
+laz
+dn
+januarymarch
+6h
+caiu
+41-second
+televisions
+submerging
+lory
+2007-present
+rumbelows
+120
+26-aug
+pagenet
+codec
+autocephaly
+polydoras
+barnstorming
+middle-earth
+2430
+nordlinger
+donnie
+byerley
+madigan
+4-games-to-2
+forlì
+nbcuniversal
+smoluchowski
+khabarov
+listas
+gara
+amalgamating
+ramde
+noyd
+andromeda
+coeurs
+cnx
+lourens
+quarterly
+yinshan
+phev
+olakpe
+30-foot
+tobaccos
+replicates
+tropas
+könig
+clodagh
+desron
+ciclista
+deadlocking
+proportioning
+nenad
+latécoère
+spinazzola
+jostling
+sylphides
+tweaks
+parisii
+rickc
+23mm
+flexible
+albertson
+tove
+p.s.
+52.86
+alnwick
+hasbani
+igitur
+claviceps
+skyloft
+gothenburg
+looi
+lfg
+taraxacum
+self-replication
+bleiler
+nilla
+ekeberg
+5-0-0
+idealism
+barbakh
+genencor
+premji
+baccus
+trejos
+mi-2
+ticks
+coffie
+jyotirlinga
+glaspy
+pontbriand
+139,000
+princes
+hipparcos
+self-defence
+four-seat
+langhans
+mangaverse
+liking
+ls2
+lutfozzaman
+bifaces
+asyst
+didao
+duha
+x21
+pirkko
+ovcharov
+norham
+rejigger
+hybridisation
+mulliner
+padmanabhapuram
+bolona
+gwaii
+vampyr
+internews
+ubi
+omaezaki
+shinozaki
+vru
+maxi-cd
+miros
+paedophiles
+wolfrom
+61.09
+rori
+win98
+trials
+committtee
+michelozzo
+restituta
+adenoids
+mulheren
+rennais
+geotextiles
+close-support
+seku
+radis
+deridder
+raska
+2:1
+ormond
+objector
+heraldically
+deathwatch
+1-serena
+super-middleweight
+howar
+phang
+agave
+recipients
+alopecia
+full-term
+ordre
+macías
+qg6
+urechia
+64.19
+t.m.
+bailey
+yingtan
+pna
+spurge
+thị
+13-years
+jaggi
+beercolumn
+writedown
+kunth
+acrolepia
+1891-1892
+9.13
+18-28
+atwater
+jhoom
+panniers
+thorbjoern
+coffeepots
+ki-duk
+ardiles
+chalybeate
+quartered
+13.34
+motobu
+kozulin
+damen
+particleboard
+danvers
+20-count
+65.52
+16:04
+rashtkhvar
+kucka
+nkana
+salihovic
+31.26
+kemoko
+disy
+kick-start
+burson
+mcmuffin
+josefson
+1758
+rothko
+barre
+2006-2009
+opaline
+tosca
+mengin
+wickford
+bacolod
+10.2.1.120
+cloude
+2400
+yellow-headed
+temptingly
+accoona
+viewfinder
+žiča
+richfield
+chesman
+hollan
+antequera
+żychlin
+lustfully
+mazaheri
+goldfine
+ozwald
+petrescu
+semi-natural
+79.14
+pampero
+stockfish
+netrokona
+handset
+stony
+arsakhanov
+pregnenolone
+bizrate
+178.5
+kapetan
+metastasized
+ideations
+campout
+3,505
+dmib
+covariance
+temu
+brian
+fabares
+22-18
+viridiplantae
+egyptian
+shōgun
+rysanek
+turre
+bulgartabac
+odrysian
+suarez
+earmarking
+ppl
+k.a.a.
+nyint
+cordovan
+nouveau
+hydra
+senseo
+akt1
+sveta
+daw
+blot
+narin
+calpirg
+uvi
+h9
+ebbw
+mabhuh
+alaves
+komansky
+paroxetine
+nolidae
+kakkonen
+elopes
+dalbar
+chartier
+kiv
+nahiyah
+ashmawi
+bridey
+babysat
+halons
+corvina
+nickolenko
+periplasm
+rc7
+pancit
+arkou
+capbreton
+piersol
+0,2
+tumors
+folk
+mind
+open-door
+quick-firing
+teman
+alamgir
+deddy
+tarrin
+grubba
+1051
+petralia
+gavril
+spokespeople
+hie
+hallamshire
+85,000-seat
+conformable
+masland
+euro240
+jam-packed
+serail
+artfulness
+host-based
+voshon
+33.58
+ptahhotep
+1050
+kezar
+awakening
+riep
+p-40s
+wie
+sangham
+zandstra
+8.000
+kamsing
+lovren
+taffin
+hully
+gebbie
+massenburg
+agrego
+”
+yayla
+measuring
+hamlets
+lotito
+pupo
+anacondas
+guaspari
+nytns
+svea
+brigette
+normandin
+uritsky
+discernment
+mateyo
+legume
+vasiliu
+2.675
+gorditas
+forewoman
+methemoglobin
+2.345
+wednesday
+pelata
+123.2
+contradicting
+crowl
+solukhumbu
+vladko
+flesher
+tbwa
+bgr
+mediamark
+undatelined
+fabrigas
+rampages
+deeply
+drachten
+unrepealed
+four-phase
+ignaz
+firebreak
+majoor
+nasyid
+throggs
+cassini
+ethnic
+doby
+þóra
+bergessio
+vici
+hillaryland
+infill
+reassembling
+autodrome
+revaluation
+nilo
+marbut
+replete
+sodhi
+chikuma
+momence
+11.86
+claustrophobia
+arencibia
+809
+spectrophotometer
+igr
+protests
+kist
+jedoch
+disston
+98.64
+jacek
+selja
+kawada
+stith
+lasionycta
+quilodran
+deskovic
+rural
+decem
+3.175
+mazroui
+dualist
+ploughs
+paukphaw
+92.35
+kuharic
+sherchan
+crippled
+humanistic
+alkon
+736-seat
+borsellino
+statfjord
+pleged
+chambliss
+carbonear
+radebaugh
+vinny
+sulfonylurea
+045
+nahant
+leitmotifs
+pinkaew
+subotic
+rievaulx
+szeemann
+1,730
+demaurice
+arvedlund
+raczkowski
+formula_83
+jae-suk
+peroxides
+bareli
+83-76
+175-year
+haraway
+tombaugh
+built-up
+feroli
+anjani
+polemon
+crownover
+herculaneum
+fmsr
+radioprogramas
+chrisohoidis
+fortson
+hydrobatidae
+seven-speed
+harkrider
+ecmm
+,440
+colbys
+slowness
+zno
+1.5380
+legros
+catilina
+misfires
+tieghem
+frontcourt
+google.cn
+naef
+ashraf
+harazpey-ye
+010004
+antiquarianism
+co-op
+self-delusion
+wilmeth
+hunstanton
+dumuzi
+reptiles
+16:10
+long-form
+lindup
+khumalo
+crisps
+sometimes
+najamudeen
+margelov
+ecosystem
+dreamwork
+sirop
+guralnick
+cazenove
+29.9
+choron
+bergesen
+presenta
+thor
+helias
+d-pa
+punchout
+universite
+comprehends
+3,755
+assr
+13.85
+2
+bahel
+punting
+12-15
+81-69
+zero
+brewhouse
+betrieb
+enlai
+prommegger
+head-on
+brisley
+farnace
+ag2r
+docutech
+96.44
+vyaltseva
+pleuger
+helloween
+ekonomi
+telos
+moustached
+vetlanda
+ormolu
+kobylin
+deported
+leuprolide
+26.20
+67.48
+blotting
+trecento
+situmorang
+top-down
+obsequiousness
+milanka
+105-104
+champaka
+fredricks
+nishiyama
+17-14
+mast
+redrow
+isro
+tomlinson
+rb3
+pogrebnyak
+baboo
+cumene
+chakrabarty
+zhangzhuang
+renouncing
+83-seat
+maznov
+vy
+lowest-achieving
+waddock
+micromanaging
+massively
+meteorologically
+binti
+elrond
+new-built
+sonnenfeld
+tobe
+sunlit
+cyanea
+21,400
+barwood
+grendon
+1911-1912
+dęblin
+7203
+2089
+schlee
+p53
+mambasa
+hirchson
+šprem
+weavers
+smicer
+klauder
+cardiac
+fishbone
+endres
+fugen
+ovate
+bourcier
+artifices
+fernandel
+linares
+extroverts
+raith
+financl
+betuwe
+donghua
+dresden
+55.55
+wavre
+atzerodt
+kahlon
+weno
+re-evaluation
+ahorro
+low-density
+reaz
+secreting
+swardt
+floatable
+waqar
+devonish
+furbies
+sanga
+bleat
+airmen
+manivannan
+tupras
+isopropyl
+wunderkind
+kalua
+polemarch
+alana
+pounced
+ahasuerus
+underexplored
+4/22
+8:16
+screen-printing
+handelsblatt
+ocskay
+ironmongery
+antitrust
+lineham
+soneson
+reuther
+merckx
+takenaga
+combattants
+bc-1
+manasses
+aguri
+hekmat
+wyspiański
+widholzl
+asparuh
+malazan
+blinder
+pressmans
+sinning
+murphy
+lochridge
+hydropower
+nissei
+kieser
+faridabad
+demokrasi
+xihe
+sure
+gavrilovic
+nodules
+lamming
+sirah
+ħamrun
+rambusch
+aed
+plicate
+9,620
+scissoring
+avocados
+dressed
+puncak
+gennosuke
+tawab
+duxford
+doonican
+samanta
+earhart
+arrowhead
+satchel
+burchard
+buergenthal
+chaga
+knittle
+1,000-foot
+ssgn
+floes
+biometric
+54.87
+unjust
+cross-linguistic
+57.25
+tiesi
+3.6-meter
+brasilenos
+screen-based
+huncke
+telemaco
+110kg
+buelna
+moralis
+laleh
+grapefruits
+bellet
+primorsk
+25.30
+kaptein
+danil
+yasaka
+salehabad
+snu
+sathyamangalam
+inverse-square
+1912
+macknight
+kudoh
+nrr
+zurita
+sheremet
+morges
+fiero
+sight
+barrichello
+bazèga
+koschnik
+phar
+cursed
+saker
+vilifying
+17.69
+kevins
+estai
+226.7
+nebraska
+chichilnisky
+cdl
+asmara
+ainsley
+moufang
+trg
+clem
+800-year
+percutaneous
+aberdour
+foe
+mercatone
+workman
+carbons
+atheltics
+linen
+ctls
+victimless
+arcsecond
+iturralde
+euro269
+ouendan
+straits
+narrowcasting
+hertsmere
+runs_griffey
+4,215
+tolna
+wichman
+sileo
+36-minute
+calderoni
+5.625
+kreamer
+indiatimes
+solantic
+22.71
+rues
+mostafavi
+10-for-17
+osterburg
+majalla
+bandsmen
+churro
+pistis
+televangelists
+neighbourliness
+pre-assembled
+damelin
+kuangyin
+courageous
+yamethin
+middleport
+huahong
+2:09
+2910
+larrison
+temi
+jannick
+96.6
+ghetto
+mckewen
+903
+alamitos
+madeleines
+jan.-sept
+smoove
+water-insoluble
+1-62
+networked
+ratigan
+didon
+,850
+re-recording
+pujya
+swm
+garamantes
+sanick
+.401
+1.4335
+anoma
+jefferson-pilot
+826,000
+quicker
+baratashvili
+horie
+aletheia
+14.41
+makio
+tí
+three-quarters
+oglio
+artworld
+atheneum
+lower-class
+sugano
+participated
+aronssohn
+ss501
+cmu
+petaja
+2-man
+moule
+cross-reference
+sub-contract
+likeability
+sinéad
+heterologous
+deglamorized
+cropp
+1in
+javnosti
+800-hectare
+knapman
+calworks
+phineas
+venning
+sitcom
+fraktur
+sor
+shamel
+sandbelt
+215th
+10-cm
+psychiatry
+meridien
+heart-to-heart
+71-70
+3nb
+sarahneh
+touch-tone
+lijiang
+formica
+3,409
+.493
+cbl
+austrian-hungarian
+ma'aleh
+mirapaul
+taxi
+crimethinc
+iaukea
+baragon
+marshevet
+conjurer
+1,606
+wombourne
+rootkits
+codenames
+shumen
+linescores
+dq8
+yuanchao
+fogerty
+liepāja
+fangchenggang
+abandoned
+designers
+stomachaches
+torreon
+huysegems
+héireann
+radians
+ya
+mormeck
+8.7
+arcada
+dikky
+fanjul
+molinero
+arimoto
+benchings
+jado
+balance
+lanka
+1,767
+prentis
+rahaman
+manasi
+246.8
+2083
+homestead
+salonica
+wivenhoe
+suscriptores
+readington
+171,000
+steeleye
+ogryzko
+aronofsky
+brevifolia
+wadestown
+n.korean
+kukai
+rossman
+walikale
+midtjylland
+arminians
+osteoarthritis
+guitry
+larynx
+lorek
+acidic
+3
+abbot
+laskarina
+cảnh
+wittenburg
+elc
+interworking
+decas
+6.59
+fromholz
+dongzhimen
+cooling
+d'arrondissement
+garzón
+stephanopoulos
+90-cent
+cusses
+roubaix
+specifically
+langsdorff
+tu-22m3
+addlestone
+gvn
+http://www.cdc.gov/
+indira
+f46
+2,386
+feickert
+musaeus
+excretory
+substituted
+tenniel
+kolodkin
+1970/71
+92.70
+cokayne
+candu
+malka
+romashina
+konetzni
+šaľa
+poelten
+ellipsoid
+26.71
+týr
+titres
+gabinete
+springdale
+ffff
+minié
+campaña
+caplets
+souvignet
+vargo
+negaso
+rhapsodically
+al-hilal
+154-year
+coparmex
+vollaro
+gamble
+verbier
+26.01
+khetri
+taipans
+udar
+well-furnished
+exists
+ariss
+karaağaç
+chon
+revitalisation
+98.68
+pretentiously
+ksm
+gregynog
+ptas
+full-speed
+mtd
+meddle
+tindouf
+soreq
+holographic
+e-flat
+urien
+dearly
+turgeon
+o'mahony
+hackensack
+rimo
+martí
+loosens
+heyliger
+audo
+marseillais
+16-member
+97.78
+akala
+an/arc
+toyotomi
+jug
+brutes
+rippey
+dandois
+zodiacs
+raghunathrao
+beaupré
+hukm
+china.com
+paddy
+___________________________________________________________
+rukmini
+seaweeds
+74.38
+dunois
+rm25
+cmc
+fynbos
+1.2850
+sabbatarianism
+o'gorman
+61.37
+alla
+auchinleck
+chizhou
+irreverence
+alev
+afoot
+gurpegi
+adriano
+helping
+dorante
+serine/threonine-protein
+30-mm
+jannali
+schultheis
+pirates
+clubbed
+wynd
+transporting
+rikkyo
+koper
+jalgaon
+al-manar
+iskar
+dharmasena
+4,275
+cofre
+declaraciones
+revocations
+megahed
+90-meter
+applicator
+kateri
+18,800
+turo
+guanhua
+kubuabola
+sivers
+game.com
+achtung
+darktown
+barbacoa
+thiols
+kanungo
+mediados
+galpin
+commencing
+overstocks
+yakusheva
+pfluger
+jessi
+kirbyville
+4444
+obdurate
+65-pound
+repacked
+seminary
+determinative
+cross-correlation
+murguia
+1390s
+brimbank
+777-200er
+hypersexuality
+unshaded
+regularize
+packinghouses
+patriarchal
+a-international
+vinga
+apirak
+badu
+mehedinţi
+karamarko
+cineplexes
+isatabu
+davitamon
+kopacz
+adams
+hemolymph
+brogliatti
+wolfhounds
+25-count
+-65
+benda
+volubility
+khodadad
+decency
+ware
+phase
+gash-barka
+mikko
+favour
+episodio
+nrhp
+self-selected
+saint-florent
+drumheads
+c-10
+264.5
+namulambe
+haeberlin
+cantabria
+thailand.in
+8c
+countrywide
+rosea
+gallowglass
+collies
+imperfecta
+65.56
+vern
+shankarrao
+macerating
+radboud
+multiband
+maib
+norba
+immiscible
+jumpoff
+seagrave
+pottermania
+azikiwe
+mistrustful
+lolly
+tigua
+turin
+barbe-bleue
+1,000-ton
+hirofumi
+libertà
+tranport
+muscatine
+meyrowitz
+escultura
+iev
+73-page
+delaitre
+suroor
+sub-components
+mareb
+dengler
+state_announced
+ab-soul
+gnk
+forgets
+afm
+alcl3
+seceded
+pittsnogle
+léa
+pegase
+sarpolus
+catadioptric
+henthorn
+arrack
+wenceslao
+20.59
+pai
+bunkerlike
+triratna
+coens
+mahonri
+360th
+raleigh
+prawer
+pipestone
+turley
+egitto
+intervet
+h.i.v.e.
+ontinyent
+sirpa
+apnewsalert
+korem
+douze
+horrida
+wilfried
+osterweis
+kaliopi
+korasuv
+liedtka
+barassi
+12-19
+ecsenius
+succubi
+positas
+valjala
+maybellene
+loafed
+titterton
+logudoro
+apsis
+fabril
+chameleon
+ahvaz
+windermere
+:52
+lova
+annear
+74.26
+kanakapura
+perilously
+hergesheimer
+chassidic
+pakwach
+blackarachnia
+lorcin
+miep
+greenstein
+ardha
+demanded
+fipronil
+tirelessly
+beuron
+sacramentary
+avalanches
+pengurusan
+mkb
+backfilling
+neocolonialists
+emor
+sbdc
+okhrana
+reverbnation
+edmunds
+cubicle
+bazel
+layman
+philomena
+hemmeter
+escapements
+karsan
+5,136
+wroxall
+placegetters
+diverge
+tirreno
+hanes
+gerardine
+homme
+kupfernagel
+friedlaender
+endingen
+micom
+onne
+hasnain
+104.19
+chaussée
+japantown
+tobb
+montreux
+ajmi
+imperil
+s-ivb
+kester
+bouchenaki
+keisi
+mabruk
+tercio
+append
+systemized
+lignotuber
+fucka
+eyam
+mobarakeh
+1939-1942
+herwig
+39-percent
+pamphlets
+uafa
+4,157
+midianite
+paet
+endymion
+panjshir
+lauryl
+ommanney
+attaboy
+luxuriantly
+herbes
+euromaidan
+handfuls
+mcguane
+assays
+sot
+al-qādir
+pinto
+50.66
+neiwand
+ridges
+cadet
+subpoenas
+tarsi
+woolery
+vishvanath
+roxboro
+paven
+pittermann
+19.73
+khayyat
+tunefulness
+vahini
+seethes
+cagiva
+shue
+noël
+o'kelly
+cheyrou
+telugu
+toxicosis
+münchenstein
+misplaces
+íslands
+slankamen
+bouafle
+fonar
+觀察使
+opec-10
+bantustan
+dozoretz
+verbond
+rdeneh
+311.5
+aural
+collada
+4-18
+tensely
+telencephalon
+prodromal
+euro970
+syst
+lepontine
+vinaigrettes
+four-acre
+hunan
+filibuster
+siasconset
+run-chase
+grothendieck
+779
+29-12
+pigot
+okudaira
+scutellaria
+sonars
+rakolta
+gottwald
+scenography
+acarya
+économiques
+rbf
+g&l
+25.41
+lifeline
+cherrybrook
+wijdan
+jahorina
+markow
+108.12
+petrovic
+cerabino
+djogo
+wilcha
+2,746
+skandalidis
+sbop
+zainur
+bieser
+národní
+melamchi
+219.8
+riggans
+divinorum
+diplôme
+80-73
+kammermusik
+22.59
+nll
+2,833
+zostavax
+74.98
+bmz
+passu
+anong
+dissertatio
+label
+4x7.5-kilometer
+royal
+asmussen
+hutton
+23.81
+hozier
+schulweis
+kurniawan
+cumpston
+postcard
+anti-authoritarian
+toeplitz
+kaptan
+republishing
+dagmar
+homel
+graveney
+g-factor
+uisnech
+pietas
+headingley
+aptech
+philadelphia
+campaneris
+libero
+looksmart
+144th
+panthongtae
+reals
+lapandry
+partage
+funcinpec
+do-do
+hason
+purged
+swinburn
+weihe
+terzic
+mehegan
+mia
+balranald
+donda
+anon
+destitute
+root-like
+klop
+33.81
+luthe
+jianxin
+meštrović
+humira
+verhoeven
+wicket-takers
+snowbanks
+bibby
+lyria
+foolery
+itsm
+nh90
+bungei
+prosek
+armavir
+trampled
+ulrika
+bacci
+stankom
+fossum
+fergie
+saudade
+enjolras
+odling
+fleshy
+dissed
+dominico
+penicillins
+saturnin
+nard
+sekaric
+paroli
+vilhjálmur
+chins
+pre-mrna
+convivial
+yivo
+interneurons
+marik
+4x4s
+99.4
+mnt
+proscan
+transports
+spiritism
+entrapment
+giannena
+promontory
+sebert
+batarseh
+i-580
+thummim
+eclogue
+wracked
+.243
+cassels
+vlahovic
+biladi
+organofluorine
+covais
+soroe
+3,082
+csto
+arkie
+66-member
+toti
+strowger
+dsp
+defanti
+sirard
+plotless
+mehsana
+20-homer
+first-leg
+nodong-1
+52.09
+vaino
+40.62
+kenovic
+re-open
+icefields
+cilli
+microfiltration
+distresses
+kibbles
+rull
+waveguides
+201.4
+brownson
+vashistha
+lowitz
+dvb-s2
+labre
+duo/group
+dads
+turny
+119.11
+infringes
+vannin
+velites
+hedorah
+green-white-checker
+suha
+cercis
+prieb
+brachet
+icefalls
+tabriz
+botches
+inexact
+amerisource
+hepialidae
+bostock
+16:28
+glues
+narnaul
+pingel
+dietrich
+forger
+pedley
+conjuncts
+ceprano
+toxicologists
+fernande
+83.63
+r10000
+macmahon
+bmcc
+elbo
+resignations
+sawley
+twink
+groll
+market-frankford
+225
+impoverished
+equiped
+commissioners
+256-549-2091
+hafjell
+beith
+lira
+hosseinian
+killjoys
+brinda
+hellacopters
+flatheads
+periyakulam
+mironenko
+wildcoast
+headz
+cushendall
+hurlingham
+lutzes
+invasor
+swarga
+wittek
+3,289
+sahv
+fumarolic
+piraz
+overstock.com
+19,763
+billown
+ozonu
+oblak
+explicity
+teeven
+woodbridge
+28-page
+helmuth
+pugalur
+maof
+titusville
+rittenband
+cofiroute
+uprona
+zherdev
+inderal
+asterisk
+hit-girl
+protas
+wyszynski
+235.5
+kurinsky
+47-21
+filmon
+pauerstein
+rump
+57.37
+nhpc
+100-yen
+goosnargh
+136.00
+pinezhsky
+prammanasudh
+embedded
+pensford
+eldorado
+19.43
+urayasu
+santorini
+fimat
+eponyms
+7,275
+lyja
+frictional
+doulos
+ramgarhia
+quality
+oatey
+nks
+567
+555-1212
+42.5
+cretaceous
+domiciliary
+khaganate
+gristede
+weddingchannel.com
+staffordshire
+d'arrigo
+dyleski
+predominates
+deed
+bassyouni
+lucchi
+parallel
+rxr
+orthogonally
+perps
+babenberg
+forelli
+rohrabacher
+counterion
+simonini
+urana
+2-13
+cantini
+41.50
+reth
+birao
+dti
+1,000-kilometre
+bekamenga
+gastropub
+convencion
+bielenberg
+hákon
+schmancy
+bonehkohal
+c-141s
+3,311
+csárdás
+bull
+bidentate
+radowo
+2221
+ryneveld
+rap/hip-hop
+beneventan
+2,254
+mahu
+harbourfront
+gümüşhane
+ehrensvärd
+7,777
+nappy
+abdoujaparov
+bosquet
+0-for-1
+azapo
+nastase
+11.08
+american-islamic
+vessel
+6:17
+jenisch
+nowogard
+arnt
+booties
+writhru
+rama
+williamsbridge
+fy97
+rigida
+fagus
+236.00
+waltari
+battlers
+galad
+kanuri
+16.4
+rhombodera
+attend
+4th-class
+illgner
+laforge
+cuyama
+daesang
+gestated
+shengda
+ubol
+tetela
+45-7
+generalgouvernement
+rudzinski
+baillet
+amay
+goetschl
+waycross
+kaddumi
+pfingst
+nyj
+14m
+awaaz
+kerala
+pnac
+cirencester
+newlove
+isometrically
+73.87
+molded
+g.m.
+pagrotsky
+krivokapic
+71.31
+cahyono
+polyscope
+protegé
+guardi
+ichiro
+tinkling
+acqui
+tariqah
+disillusionment
+kubacki
+ozu
+sasin
+komsomolsk-na-amure
+pacoima
+dc-8s
+18th
+ndereba
+riche
+maraven
+40,600
+macbain
+heiler
+juhász
+strumpet
+trifoliate
+tessema
+ahmadu
+watcher
+12.6
+caña
+i-69
+ivaylo
+asencio
+kaulbach
+vinocur
+48.7
+litters
+42-year
+poltergeists
+balds
+opticians
+on-and-off
+65.15
+dejanews
+zecchini
+lumezzane
+achr
+cote
+gourriel
+cyberforce
+nabatean
+holborow
+snaggle
+107.9
+nuth
+billboard
+churchgoer
+laufer
+sadies
+ringrose
+timken
+grimaldi
+102-90
+mutimir
+second-floor
+english-french
+zords
+dedrick
+electronical
+205-pounder
+saving
+hermas
+sauntered
+ruvalcaba
+exit
+agonised
+crinkles
+hetzer
+1,321
+eshqabad
+pitu
+grumbles
+latika
+qb4
+hermóðr
+bindura
+hartmann
+tahri
+karikala
+62,800
+marzieh
+stigmatization
+poptones
+scammon
+.187
+mylanta
+self-contradictory
+kapstein
+guangsha
+grube
+kilocharacter
+xxx
+d'aosta
+particle
+westergaard
+jewel-osco
+emperor
+elverson
+47-0
+carolinae
+bashfulness
+31.03
+unstrut-hainich
+comedias
+paralympic
+snorting
+paramour
+108.33
+8/1
+2001-2002
+pygmaea
+nasoni
+keywords
+prospectives
+yak-40
+diakité
+giedrius
+theorise
+sutjipto
+moskva
+unpalatable
+javaid
+maharastra
+medi
+prochnow
+czukay
+ethnocultural
+deconstructed
+turbo-hydramatic
+ashe
+neikirk
+beed
+figures
+latinas
+levodopa
+kratch
+historiae
+lirong
+gainous
+urra
+neutra
+lindblom
+candiac
+kildonan
+reseau
+18-months
+messa
+incidents
+sudakshina
+hithlum
+haruto
+tinwood
+2-for-15
+pollutes
+egg-laying
+radular
+disembarking
+edl
+lcl
+lavon
+pru
+fiving
+landings
+kinden
+de-emphasized
+karluk
+amelanchier
+pontarelli
+baenen
+yudel
+paragallo
+basophilic
+howeish
+affirmance
+reside
+figg
+prebendary
+busacca
+l.g.
+analia
+mammadova
+perplexing
+60.36
+ottilie
+90.23
+poeme
+reconfirm
+declassifies
+vfa
+51.70
+murthi
+zelada
+gandharva
+festivity
+xjs
+180
+easc
+nitrofuran
+stoma
+sailcloth
+accentual
+rolfsen
+blumenbach
+empece
+valencienne
+thiam
+75.44
+livingstons
+debemos
+jamal
+dua
+xuthus
+dongqi
+sebastokrator
+enthuses
+xiaolei
+urasenke
+mcgarry
+159-year
+barrus
+hyponatremia
+agilis
+3-tour
+reemerge
+roddam
+150-person
+mufflers
+eakin
+trevose
+sì
+l-series
+netherworld
+barwon
+1974-1977
+superband
+tailors
+district-level
+barrayar
+awan
+urbanworld
+samuil
+redick
+19,000-strong
+satna
+500,000-strong
+alledged
+stenness
+boétie
+dsps
+stifler
+tamora
+djellaba
+gildas
+hektor
+a.m.-10
+nedorost
+culottes
+lackawanna
+6150
+specificity
+folio
+siplin
+wolf-like
+52.59
+appellant
+speckles
+116.60
+re-edited
+maltepe
+wimpy
+6-pounders
+parolees
+inari
+gedmin
+ertel
+anade
+14/32
+arvizo
+parmenion
+dion-bouton
+sped
+truckee
+kirinyaga
+steamed
+obcs
+cstc
+pacified
+hiberno-norse
+melzer
+d0
+kkh
+hybl
+vörös
+gorizia
+metlife
+bangsa
+tamez
+deah
+johanns
+jda
+639
+oin
+woman
+deorbit
+lainhart
+grič
+geremia
+outlandish
+kites
+paavo
+rauter
+shi’a
+odighizuwa
+propellants
+kunqu
+momoko
+hootenanny
+garw
+xuren
+inkosi
+escándalo
+besecker
+matraca
+taganrog
+unpermitted
+beyazid
+48a
+fused
+untapped
+chelyabinsk-70
+fantasyland
+reorganising
+alanko
+nalayira
+frégate
+girardelli
+wrangel
+koga
+95.34
+flashback
+feridun
+delitos
+upends
+73.76
+216.9
+nuri
+bluestar
+saad
+1100
+wonderment
+sasan
+nicolás
+heytesbury
+drewienkiewicz
+beshara
+cbsi
+3,570
+sidda
+fflewddur
+mingkang
+ferer
+afromontane
+paskov
+aldean
+jaundice
+toqueville
+yanying
+84.07
+41.7
+porteños
+2.13-meter
+o'sullevan
+nebiolo
+första
+views
+leask
+tokdo
+munus
+wrobel
+arellanes
+rahesabz.net
+estampa
+francos
+saulnier
+bilevel
+canopies
+student-faculty
+dioxins
+6.22
+deloach
+vink
+yod
+lampley
+sf4
+latha
+hanneke
+1-0-2
+citra
+2,104
+hambros
+58.51
+nextcard
+bvute
+bhaga
+glay
+1939
+triolet
+1991-92
+sertaozinho
+zartan
+ingiriya
+maturín
+appice
+trainwreck
+15-oct
+auspicious
+shuhei
+42-2
+adelberto
+re-instituted
+quartararo
+half-inch
+weathercaster
+norddeutscher
+weishi
+boxset
+monsour
+bonehead
+creditwatch
+1898-1900
+220-seat
+coteaux
+cdte
+modifiying
+yearwood
+corviglia
+day-long
+11/2
+break-away
+wieder
+vasoli
+truth
+meatmen
+deelkraal
+mussayab
+self-rule
+famas
+promyamyai
+kocsis
+16:09
+phonemic
+birthplace
+chiangs
+ntfa
+sloppier
+levar
+liamine
+buhner
+baneful
+lawley
+wilting
+65.71
+aquarone
+reword
+froude
+winnersh
+americaine
+7.7485
+12:18
+mhairi
+liddle
+soffa
+specials
+cpm
+namrup
+lightbulbs
+thurloe
+avenging
+11min
+spermicide
+gaits
+well-suited
+raad
+abductor
+vaporous
+ruhuna
+dorell
+breezewood
+well-run
+214
+vatanen
+buric
+glassworks
+demeter
+evenness
+dzhaba
+delbene
+mihailescu
+pythagoreans
+sindicatos
+wpgc
+cesareans
+widget
+cpap
+sweetens
+shramana
+halych
+britisher
+balkany
+1,717
+boxee
+rinuccini
+damat
+well-concealed
+ricinus
+librarian
+westerbork
+heimwehr
+forceable
+alysheba
+nonis
+platysteiridae
+microbrewer
+overexpansion
+ialomiţa
+nhlwest
+f2f
+02138
+muzadi
+bilbrey
+savoldelli
+scribal
+sisseton
+pseudosuchia
+picturesque
+botelho
+neo-traditional
+mahamoud
+rol
+utsumi
+angelicus
+aleksey
+millman
+32-player
+wisit
+desperados
+biwa
+negotiations
+7:46
+prepa
+150.6
+maddix
+spacious
+yanin
+tseung
+terex
+tu-144
+covariances
+crutch
+hallo
+88-85
+messeria
+sommeliers
+151-seat
+ælla
+insanally
+azzopardi
+bullpup
+toowoomba
+galassi
+decherney
+orofino
+sanz
+trench
+deserving
+kristiana
+colonic
+cotopaxi
+dame
+tag-team
+andreea
+63.52
+riveted
+nemaha
+bonacina
+oesch
+275.2
+pigafetta
+36-3
+apac
+wcbs-tv
+overemphasize
+witswatersrand
+gubernia
+sleestak
+librorum
+filching
+yok
+85.51
+fika
+jeffncoxnews.com
+lebovic
+cervix
+razek
+irabu
+bha
+winsley
+cecotto
+tbv
+hazarat
+lione
+govt
+extrusion
+guoguang
+state-mandated
+regalis
+figured
+grappling
+scoop
+23.24
+celsa
+damdama
+picabo
+,490
+http://www.ftc.gov
+maqamat
+nurhayati
+rh8
+escrivá
+provosts
+shiffrin
+feldbaum
+hallowicked
+gerdeh
+commercialisation
+ukraine
+tater
+mathie
+moriarty
+unhip
+sublimed
+fu'ad
+hohr
+terminally
+hoki
+0.93
+a.i.
+craigleith
+vampiro
+mokattam
+marter
+2.12
+koop
+charleen
+ta3
+mahmoud
+regimen
+earthy
+re-allocated
+zhoigar
+delfim
+manats
+nu
+trieste
+disdained
+mujhe
+balasaheb
+e-class
+engquist
+linder
+doulton
+warrensville
+juanda
+bamble
+night-fighter
+suther
+titius
+1.99
+bombarde
+sloss
+ft/s
+tofts
+crossin
+hranice
+tiberio
+rasgas
+tung
+ghanzi
+doorkeepers
+weaklings
+kakavand-e
+95.32
+okali
+nyangweso
+ponti
+ghillie
+jujiya
+hypermethylation
+ledo
+duobi
+tuckered
+albanese
+divakaruni
+yabusame
+particuliers
+seehofer
+lip-sync
+kohaku
+10,360
+aroyo
+safir-2
+garchitorena
+yohe
+afren
+1-22
+40-kilogram
+sica
+á
+lapses
+ashtown
+abaroa
+jostled
+gnashing
+35.93
+88-ball
+active
+boatswain
+ananas
+azarcon
+angsana
+mladenovac
+small-clawed
+equivocally
+newsreel
+a330-200s
+sickert
+prazuck
+secessionism
+harakah
+peal
+relocatable
+darjah
+symbionese
+ganser
+knifemaker
+crown
+85-77
+hoogervorst
+47-48
+applebaum
+factual
+sterkfontein
+hisanori
+innkeeping
+weatherup
+46-29
+ignitions
+2370
+.199
+19.34
+inme
+nhadau
+teske
+alterra
+forefinger
+pharisee
+butterbean
+râul
+buxton
+co-located
+dreyfus
+shabazz
+miscarry
+romgaz
+morlan
+sadollah
+rimau
+chi-lites
+accouterments
+dualtone
+lavandula
+moyses
+milchan
+fuchū
+78.61
+gampel
+commentarius
+biedenkopf
+contrato
+monicas
+counselling
+hegge
+u-9
+roell
+satellaview
+scopes
+bloodhounds
+asaka
+gametes
+gemlik
+jaray
+supporting
+iriga
+papamichael
+bayatli
+lubell
+burnt-out
+naughtie
+yoshinori
+equinoctial
+115.01
+poskim
+4.78
+deadweight
+chandi
+mahanta
+banastre
+barrymore
+rosanne
+ascribes
+taejon
+reznikov
+pera
+primatech
+corsaro
+garlan
+sathers
+pachauri
+36.02
+foll
+20-62
+relented
+mid-1800s
+o-6
+inadmissibility
+clam
+alfi
+suspending
+wergeland
+2.257
+3.72
+1,313
+omprakash
+g550
+shangkun
+trethowan
+kalinikos
+annenkov
+levittown
+choisy
+0.74
+lexicon
+flagrantly
+1,279
+arttu
+envirosell
+slavutych
+investigation
+butchered
+1,030
+lenguaje
+pistoletto
+ameril
+tuburan
+taneda
+rhinelander
+oxycontin
+31-aug
+newtek
+diatomite
+prebendal
+ullrich
+ekadashi
+corluka
+enrage
+dodoma
+.863
+palermo
+penaeus
+canes
+chirino
+dlamini
+lead-out
+thomas
+mixteco
+pib
+gallitzin
+unluckily
+vamping
+windlass
+anthropogenic
+yanks
+rebic
+hearst-argyle
+björklund
+mortarboard
+chiming
+8.46
+krehbiel
+self-critical
+sik
+littrow
+raisers
+haibei
+antiarrhythmic
+diaghilev
+repurpose
+pomponio
+toshimichi
+eldredge
+mbithi
+tubthumping
+youzhi
+destler
+serebrennikov
+namdal
+blameworthy
+kessel
+gushed
+tcb
+finspång
+tugu
+desfarges
+wragge
+mission-based
+misbehaved
+humeral
+non-music
+slideshows
+stacker
+securities
+partnerships
+16-million
+http://www.federalreserve.gov/
+non-ionic
+stainforth
+15:54
+bina
+windshields
+mynamar
+capristo
+euro187
+nobuhiro
+bujsaim
+38.79
+mpp
+vlf
+portugalia
+bantu
+56.18
+bkc
+spiker
+softness
+saan
+l0
+macal
+nephite
+variable-frequency
+splats
+aspiazu
+igbinovia
+nederpelt
+detroit
+ekantipur
+zengcheng
+pre-sale
+heinaluoma
+restrepia
+54.30
+greengage
+kharabsheh
+hispida
+keeter
+salman
+cegielnia
+stewarded
+korowai
+stir
+kipen
+raycom
+existed
+verwaltung
+indicators
+kanata
+pohlad
+juhr
+23.45
+alexeev
+pichet
+yams
+noncarbonated
+buntel
+ladysmith
+78.53
+precognition
+graphical
+poku
+akhras
+maktab
+alcs
+23.15
+chromatics
+gernsback
+gating
+gigas
+motorland
+skiboards
+packie
+maskhadov
+callicarpa
+diksmuide
+hayt
+bolted
+godley
+bilaspur
+econometrica
+69.93
+villalar
+rx
+celcius
+tunick
+pongsaklek
+murni
+bestrode
+ventriloquist
+shribman
+shovelling
+bowens
+restrengthen
+colicos
+baojuan
+self-deprecation
+a-minefield
+lipizzan
+tel-aviv
+oberkfell
+anti-reflective
+saathi
+391.5
+arona
+choa
+kennis
+orch
+magadh
+muqtada
+texarkana
+549
+gastronome
+8,900
+slugs
+noa
+krapp
+ssk
+parkin
+alvydas
+kifle
+bournazel
+allofmp3
+leggatt
+sajna
+stipulating
+mcnerney
+sodomite
+hmy
+shurugwi
+40b
+heaters
+tasking
+lumsden
+mantener
+atwood
+flypast
+ditan
+5,540
+gerron
+breaststroke
+0-for-2
+amorim
+cemento
+6.40
+dimo
+trisagion
+kahler
+riis
+nam
+beadie
+lavi
+supranational
+guilio
+coziness
+hsiung
+harborough
+bellefonte
+fingar
+soarer
+poley
+havrum
+larchmont
+lohman
+bresslaw
+pertinence
+anti-terror
+radiophysics
+counsels
+mejores
+freeh
+off-off
+anspach
+intitiative
+chabala
+same-day
+panzergrenadier
+högskola
+zucca
+fados
+72-63
+giebelstadt
+nccaa
+moonlets
+bringers
+mam
+p45
+paray
+amphipod
+balet
+europorte
+propyl
+kcnc
+perosh
+zips
+effectual
+longbrake
+gnaw
+cipo
+wenhe
+izmail
+lissajous
+a-movie
+ghormach
+jered
+o'shannessy
+kistler
+limahong
+ameba
+smithson
+stoor
+accival
+cuan
+wesfarmers
+heyl
+57.47
+witted
+wru
+brutalities
+isgur
+overlooks
+watkinson
+uosukainen
+nanney
+nutter
+otechestvennye
+investigacion
+3,617
+18,672
+hw
+mccants
+jumu'ah
+genzano
+vasbert
+sudoplatov
+scheur
+spooling
+mycenaeans
+abdulkadir
+lubbock
+prouty
+chanoine
+sydneysiders
+riopelle
+telebit
+armenian-american
+mhg
+nibley
+renno
+melinda
+rated
+babaoshan
+koel
+nishantha
+mijailovic
+songz
+vesak
+finnissy
+internationals
+felshtinsky
+x3d
+ylenia
+imn
+o-5
+tesna
+genêt
+meiyappan
+nh3
+sankha
+narcissists
+35.28
+graveyards
+brønnøy
+alternatives
+shuqing
+aleksandrov
+macedonian-adrianople
+impost
+guards
+hersfeld-rotenburg
+prioritizing
+de-registered
+lekha
+sosnovy
+architectura
+operación
+masindi
+nypd
+limantour
+namibia
+cenozoic
+halakhah
+deblanc
+caspar
+753
+allchin
+bibliotheca
+ellingham
+lentic
+krong
+besame
+processs
+diaby
+tallman
+airmobile
+solidum
+629,000
+vilyuy
+kannel
+isometsa
+winneke
+ahani
+tradeshows
+ctss
+maccioni
+králové
+30,000-ton
+ramalho
+174th
+beno
+lactoferrin
+3,629
+guangjing
+postcoital
+mctaggart
+rulemaking
+25-26
+630
+vadnais
+epsp
+parambikulam
+rezvon
+recreativa
+i.r.s.
+chinquapin
+61.94
+tryfan
+mastny
+hessisches
+500-megahertz
+kiba
+gauley
+oreos
+divya
+kinesiology
+lashin
+wardian
+wiwat
+69-66
+h.r.h.
+treetops
+tzar
+dousman
+silky
+enumerated
+blakstad
+levi-civita
+maunier
+boardroom
+yachtsmen
+aechmea
+pcha
+mahrer
+adapted
+plunges
+npls
+wulfric
+guzzler
+litigants
+e-taliban
+baijnath
+somniferum
+nattering
+fulst
+ajd
+scrimmaged
+natchaba
+lajla
+cherniak
+wanzhou
+skuse
+crown-of-thorns
+1-trillion
+bagatsing
+windscreens
+usno
+keoladeo
+delgrosso
+rajasekaran
+robo
+gadani
+nuño
+toscana
+hydraulically
+1746
+erec
+masp
+ortis
+zacek
+boisselier
+rydstrom
+its
+leuenberger
+mabuse
+serviceberry
+kandeh
+tolton
+brambles
+crilly
+jarah
+behrakis
+edvinas
+intarsia
+pillaged
+pétain
+intramuros
+carson
+photoplay
+shyne
+colijn
+nationaliste
+flanking
+mfa
+penetrative
+deux-montagnes
+inflict
+approver
+10,860
+multi-starrer
+zanca
+lakin
+chafer
+deity
+sublimes
+staybridge
+metherell
+fusillade
+liquid-crystal
+larraín
+kazakhstan
+9-pin
+santos-dumont
+wistar
+neubert
+bwindi
+internalized
+stollmeyer
+cirigliano
+lace-making
+nothing
+malashenko
+turbonegro
+makuria
+kandula
+1pm
+32.40
+honeyz
+obaid
+1,402
+squawking
+visse
+edi
+63.92
+copycat
+mashadani
+geeson
+hymers
+pehin
+earshot
+waltheof
+pizzolato
+semicolon
+jhalanath
+shredding
+victories
+2814
+m46
+austri
+maltzahn
+above-named
+pershore
+ishimatsu
+licentiate
+inabilities
+self-destructed
+celery
+8p8c
+impex
+tournment
+margueritte
+89.55
+puella
+mbai
+acorna
+dukowski
+znamensky
+buzzy
+lonwabo
+presense
+tetuan
+camelias
+shoba
+eassey
+umalatov
+lacson
+appreciators
+stalled
+affifuddin
+bucktoothed
+rutskoy
+aardvarks
+ftse
+throws
+copyleft
+huari
+returnees
+noni
+agreeing
+boisi
+51-0
+21.40
+laniarius
+shoulder
+buchan
+hypoplasia
+plimsoll
+98.39
+zimov
+glossily
+tapiola
+kosti
+și
+boswellia
+aigio
+heilig
+jusepe
+lunged
+brønshøj
+ipana
+romani
+pashin
+nxp
+leinen
+european
+iraheta
+roever
+3.925
+piro
+xhevat
+1,547
+tollygunge
+govern
+humongous
+cupboards
+soumya
+u.n.-serb
+bonsall
+chunxian
+minsmere
+rabble
+corestaff
+3:46
+artspace
+modry
+gobots
+túath
+hyrcanus
+downrange
+cryptographically
+amfraser
+refrained
+dreamscapes
+canning
+thampuran
+hexaflouride
+bardsdale
+bawlf
+rimmer
+hilda
+zwaan
+escalator
+gossiping
+slipperiness
+magrat
+excited
+slusarski
+expelling
+ponderosa
+konadu
+menden
+pulumur
+boatner
+caspers
+pryse
+rapping
+lumbers
+disease-free
+ayaş
+szlachecka
+farhud
+cuccinelli
+maffin
+sokurov
+n.z.
+bardy
+moviegoing
+inside-the-park
+prioritise
+manoff
+guildhall
+hungarica
+laperriere
+formative
+cutty
+dougan
+nidhi
+poplar
+deshays
+cooperation
+faresi
+moralistic
+kribi
+ischial
+h3o
+vall
+valdo
+julissa
+ridnour
+impracticable
+watambwa
+ahnlund
+gerns
+hyperhidrosis
+khalife
+pragma
+shortfin
+dehiwala
+juu
+cuza
+lathwell
+euro6
+babette
+yuto
+ampat
+asociados
+knt
+greenskeepers
+bashmet
+48,000
+fainting
+antipasto
+truong
+59.32
+captain-major
+soderberg
+cholesteatoma
+allason
+andropause
+nicol
+furusawa
+carpegiani
+prueher
+bouyer
+57.64
+toothfish
+unprescribed
+lakhish
+ramtron
+krensavage
+fumblings
+1677
+syzygy
+herr
+stanbridge
+myshkin
+specification
+y&r
+sharifs
+fnn
+wambold
+19-mile
+savater
+uralsk
+turanian
+mcinally
+liegl
+cross-functional
+duyfken
+finavia
+orengo
+bitzer
+baad
+denbo
+teco
+skytree
+inal
+low-pressure
+kraithong
+polyhedron
+railhead
+network
+turned
+bootup
+44,700
+garnett
++78
+tu-142
+habil
+neversink
+granule
+pinar
+purples
+etimor
+illit
+mediumwave
+itzhar
+2,671
+namrata
+westernizing
+aidas
+reverby
+homerf
+d'almeida
+stumm
+trimingham
+occaneechi
+masovia
+dowiyogo
+waitakere
+www.mtv.com
+any
+bergendorff
+matchsticks
+1.92-meter
+ren?e
+waterfall
+wenke
+planeloads
+statistical
+lamacq
+taejong
++75
+cyberathlete
+älv
+galactus
+deference
+1.4780
+catomine
+yuryevich
+incompatibilities
+depopulating
+kawasoe
+kaup
+martyrum
+mukhortova
+briet
+mbl
+regular-season
+heterodimer
+mirosław
+bunzl
+end-1997
+self-catering
+fiorentina
+crannies
+190-pound
+blesseds
+7.72
+phoya
+futuregen
+talmadge
+12.36
+costumbres
+nasnot
+herfkens
+asander
+contrary
+pampering
+418
+menorrhagia
+180-gram
+bertil
+pianalto
+gongbei
+sanitization
+44.49
+panitan
+neighbored
+spiridon
+solidification
+76.06
+aser
+groundcolour
+antiseizure
+brody
+arid
+sinduhije
+drink
+sterlite
+malom
+323d
+undersell
+hurling
+bookbinding
+panichpakdi
+10,150
+roughened
+budleigh
+420s
+farlington
+kidnapper
+pfau
+212-2
+bazargan
+bleach
+wpc
+irritable
+euphrates
+aquamarine
+bulohawo
+texiero
+port-louis
+rocha
+blasco
+aunts
+topdog
+14-17
+rutilius
+phylogeography
+jardim
+jordanovski
+waymouth
+ockham
+macera
+cakelike
+harischandra
+arbeiter
+на
+brozak
+laflèche
+putt-putt
+masco
+acknowledgement
+tian
+ayotte
+shotput
+terrenos
+pokers
+zvv
+panabo
+talak
+wanvig
+kiełczygłów
+držić
+engers
+gavrilova
+mcmillan
+clerking
+zaïre
+contre-amiral
+stila
+prozor
+mprs
+kegalle
+nativo
+homophony
+privileges
+yahagi
+quyen
+inagua
+dezerter
+recesses
+adok
+restorers
+guelman
+itched
+blowdown
+canossa
+ogie
+warmuz
+vasculature
+grav
+autoethnography
+ag
+song-writing
+hier
+thel
+reboard
+oconnor
+urdur
+venevision
+harristown
+roqibul
+deserted
+four-act
+f2001
+toppo
+practices
+simitis
+heartbreak
+leo
+possibilities
+lowlifes
+maharani
+laboulaye
+tursi
+sukhbaatar
+haakonsson
+dourness
+in-n-out
+aghazadeh
+austerlitz
+hometeam
+bayless
+wadlow
+descoteaux
+semi-abstract
+poynter
+nebraskan
+bray@globe.com
+hebei
+tageblatt
+sumer
+bakin
+4-81
+buff-colored
+fedeli
+13.50
+mantan
+120-mph
+s.africans
+ploen
+embakasi
+nust
+grimjack
+hartanto
+kumquats
+semi-tropical
+kaddoumi
+fitri
+molad
+a100
+as
+5-by-7-inch
+américain
+vilvoorde
+piron
+slew
+borosage
+audaz
+l'observatoire
+denishawn
+geoffroi
+brows
+salamaua
+waggles
+hande
+mbugua
+b5ns
+ntare
+novin
+mabuhay
+hachani
+katsuki
+pervaiz
+basenji
+bpm
+unconfident
+maybes
+http://www.imf.org
+vembanad
+penticton
+hurstbridge
+jiahua
+guayabo
+leavers
+lairesse
+postumus
+purefoods
+subcaste
+backdoor
+disulfur
+antral
+internatonal
+surdo
+skyward
+uninsurable
+plunketts
+441st
+preconditioning
+krasna
+ojsc
+diomande
+elfriede
+jīn
+3.89
+3240
+yessentuki
+four-match
+birefringence
+stepakoff
+59-ball
+roistering
+err
+callaloo
+rondeau
+unfocused
+bunga
+aptian
+voblast
+franc
+invincible
+safe-haven
+croute
+bretana
+landsmannschaft
+119.9
+castellón
+phelsuma
+feeders
+necrosis
+uvarov
+avtovaz
+ingi
+viral
+e-mohammed
+lakshya
+wnac-tv
+gusmão
+4.19
+postomino
+estcourt
+wti
+arboretums
+79.96
+gatton
+liotiidae
+factorial
+polarising
+rühmann
+objectivist
+skírnir
+4.13
+spangdahlem
+wouri
+campbellford
+bourg
+lalji
+isère
+beaded
+25-city
+gullane
+3,487
+49.29
+nervi
+torre
+barangays
+michail
+muro
+mangalorean
+leale
+scheck
+syllabaries
+aiw
+michelmore
+pratfalls
+5511
+aero-engine
+bowlegs
+sombre
+wetz
+upstanding
+shrine
+petrucci
+woodall
+carril
+reseal
+wasif
+iseries
+roadkill
+5,186
+monosaccharides
+t-6
+polyadenylation
+tugriks
+darunta
+ex-boyfriend
+combet
+oyston
+galliamova
+73.89
+sinnett
+rnac
+chiltington
+solesmes
+jaafari
+veu
+ortlieb
+mdfm
+lemon-lime
+ömnögovi
+dewan
+tedi
+area.the
+vnexpress
+middens
+stetsons
+perrone
+scudo
+81.17
+huntingford
+tiwana
+scarecrows
+approachable
+mondale
+ghats
+b-36
+lizarazu
+rydal
+109.18
+1878-80
+dwindle
+2016
+boyce
+shiyi
+goal_boston
+paekakariki
+lopping
+pish
+electricity-generating
+stuermer
+free
+taxidermists
+1.5274
+monologues
+pseudospectral
+cataraqui
+underdrawing
+freeney
+mercies
+arruabarrena
+40.08
+rateable
+unfold
+sorto
+shwedagon
+.246
+ecopeace
+idfa
+ventsislav
+esequiel
+cuttitta
+quadrics
+lrl
+okurayama
+bordellos
+charner
+fishburne
+enskede
+ccpi
+baldino
+nishant
+anderman@globe.com
+shilha
+marination
+177.3
+agathe
+hadiths
+pictured
+84.24
+bartoletti
+chariots
+licencee
+63.8
+largess
+water-soluble
+drom
+kommandant
+lugalbanda
+anúna
+holkars
+120.95
+schwann
+mbe
+vrr
+roxxon
+recurrent
+levelers
+zanker
+galella
+camp
+boettger
+106.37
+51/2
+enterprise
+sadowsky
+procare
+distractibility
+wilcke
+bladderwort
+ellenbrook
+lortzing
+tpu
+surname
+win.ini
+sxt
+science-based
+complete-game
+proteolytically
+three-span
+shaima
+lašče
+grève
+linearly
+sambat
+dobi
+the-wisp
+hydatid
+subpopulations
+internet
+sweatband
+bonferroni
+shadai
+.309
+ustasha
+jonuz
+euro677
+nkf
+otak
+jerbawi
+desideri
+co-found
+19-27
+catechumens
+dinas
+sallins
+115-110
+veht
+yanko
+wedu
+a-i
+haniff
+female-only
+scolinos
+grackles
+afro-asiatic
+bunjevcevic
+122.60
+mottoes
+sarpang
+rehabilitated
+konstantopoulos
+f.a
+никола
+bility
+insulin
+9.712
+rwarakabije
+altis
+beep
+ilario
+ibba
+43-yard
+lacunae
+three-pronged
+sidewinder
+kyabje
+1/13
+infanta
+suwal
+ndidi
+51.53
+spartivento
+kononov
+thrusted
+sportova
+dikötter
+andrean
+lipping
+3,236
+23.14
+niekerk
+limbered
+aš
+10.7-billion
+brockhouse
+presents
+kb1
+campas
+cappello
+abwehr
+reshma
+langarud
+37.04
+mrutledge
+zettai
+toyota
+4,320
+albret
+reeperbahn
+eletricidade
+euro164
+foramina
+klan
+blitt
+halogens
+evgeny
+air
+25.14
+sub-species
+lacko
+92-87
+charismatically
+cuereneia
+barthelme
+tanalee
+odejayi
+cimi
+talwalkar
+fakaofo
+panguni
+101.3
+kenyan
+fraina
+seven-person
+aai
+6-foot-1
+2,121
+d'esposito
+veeps
+remembrances
+i-390
+dickory
+chandela
+fabuleux
+tovey
+boris
+non-singular
+gwenhwyfar
+gejiu
+spyri
+rectangle
+bickered
+europarliament
+lir
+bullpen
+limbe
+tagliariol
+natives
+bénédicte
+northeim
+preemptively
+zasu
+retell
+75915
+sturdy
+carjacker
+kunai
+fesci
+namig
+fanatics
+koç
+obrad
+massara
+parthenius
+ucko
+smartwater
+trajano
+quartiles
+cosmological
+shawki
+1,560
+cairbre
+u.s.-led
+esfandiar
+816-822-8448
+chaiyasarn
+notochord
+4-30
+itano
+al-mutlaq
+ussachevsky
+hup
+dzhumayev
+kroc
+katharevousa
+bhimashankar
+archbishop
+aake
+62-mile
+vacansoleil
+constrict
+1.5455
+terai
+all-ontario
+khosrowabad
+görres
+immigrant
+implemented
+salesman
+texans
+avonmouth
+257th
+unigraphics
+42.18
+dysart
+aghlabid
+10,760
+affero
+maniitsoq
+s600
+krantz
+69-year
+kalpa
+toan
+teare
+tadcaster
+pritam
+tsardom
+waddesdon
+wisemen
+keheliya
+talese
+asado
+mugambage
+alpina
+senj
+energizer
+karunanidhi
+goldsmith
+brca-2
+kardia
+furlough
+phelan
+berreyesa
+frankenhausen
+nurturers
+domei
+peppered
+meroney
+elysius
+carleman
+jaysuma
+jousted
+marca
+besieging
+deerhoof
+yaohan
+gangemi
+zarir
+decapitate
+cockfights
+17.19
+jbwere
+charis
+struensee
+nyiszli
+jelica
+imprudently
+unquestioned
+mixups
+grinda
+rocksprings
+29.19
+dehuai
+rijswijk
+324,000
+werkbund
+dafoe
+28-aug
+laxton
+halland
+pitar
+equally
+superjet
+lemba
+fwa
+bagrami
+microaire
+scripter
+lapotaire
+yahl
+slanted
+ikhlef
+mbaise
+1964-67
+massarotti
+ocabrera
+shiffa
+shirke
+solani
+uncovered
+bastos
+martiniere
+penh
+deaver
+nymboida
+broadest
+eh-101
+verry
+corban
+jayanta
+pinot
+charopidae
+deech
+755
+scummy
+furt
+quarless
+item
+2123
+late-baroque
+entered
+péguy
+thomasina
+shoeshiner
+noz
+caxias
+semblance
+whelan
+salivating
+steels
+fussed
+terracycle
+plaind.com
+regie
+tebe
+flexing
+thamarak
+relinking
+grosz
+1,120
+dorfsman
+cola
+69-60
+suppes
+ellalan
+nocz
+ghiţă
+sanctimony
+44.35
+joked
+trango
+alipui
+gunawardena
+norc
+10-player
+olshan
+sircana
+estés
+high-wing
+34.02
+swords
+filyovskaya
+resourced
+kubina
+poznyak
+burp
+zandak
+panpsychism
+waid
+yercaud
+clump
+kaimowitz
+procellarum
+kayin
+mateu
+overhear
+brain-damaged
+löbau
+d'isonzo
+3-game
+vijayawada
+tongue
+a6m
+lambayeque
+rasps
+dci
+nappier
+huseby
+anlu
+season.the
+dipietro
+cymbopogon
+dryad
+berenices
+nvh
+fax
+decorates
+kloeckner
+freestylers
+brewton
+miridae
+landser
+reinickendorf
+druon
+arpitan
+raetihi
+rozelle
+eavesdrops
+thrasher
+yuanzhong
+theretofore
+baulks
+brenna
+hungária
+118.69
+magruder
+cronies
+mediatrix
+pyroelectric
+anode
+schickel
+ōoka
+1245gmt
+44.0
+l'aéronautique
+vananchal
+slashdot
+stickwork
+tianfu
+59-58
+mascoma
+anglada
+seurin
+meeker
+myoclonic
+tuath
+etajima
+arlanda
+dehkhoda
+countrys
+crashers
+rashleigh
+9.53
+reggi
+calaio
+retrovir
+lathon
+maxxi
+23,700
+1773
+vahanian
+monteagudo
+rakotonirina
+gamlingay
+greg
+busines
+microcapsules
+pshaw
+mohammadabad-e
+custine
+billions
+1.2125
+kaadhal
+valentins
+214-980-8305
+ivkovic
+rampura
+maricela
+buhain
+masterfoods
+mayor
+füssen
+microcephalic
+sponges
+zeland
+redouble
+fls
+keros
+dada
+sodomy
+barbero
+trepp
+100,000-acre
+32.43
+meos
+shelsley
+feazell
+timp
+scrapers
+brizio
+sucat
+jieping
+mexicanus
+jellison
+crushable
+breed
+paner
+boroughmuir
+languish
+japanese-language
+jutish
+swanwick
+arsizio
+touristed
+penaherrera
+kansu
+pollen
+riehl
+3,000-mile
+globalising
+akabusi
+40.29
+saturn
+ercole
+horea
+prodon
+völuspá
+birsa
+6:25
+conques
+weatherley
+rosalinda
+diocese
+balash
+43-story
+unmovable
+ashita
+chantrey
+navapur
+schunk
+samhan
+poyang
+colwill
+nicomachus
+euro299
+arabica
+12.12
+84.08
+laufen
+whith
+pisin
+1,650
+parnall
+chaillot
+mágico
+tycoons
+vortex
+earthmoving
+retno
+3379
+emplacing
+walsh
+mpondo
+torlakian
+loepfe
+sequester
+shainberg
+kole
+roepke
+apoquindo
+shiraishi
+tenchi
+standesamt
+osmel
+petrovietnam
+eventuate
+iols
+thirunal
+hlv
+hazuki
+dizzee
+visualized
+collaborationists
+formation
+labyrinth
+sambil
+savatage
+mensuration
+tannazzo
+rubirosa
+bergdorf
+olefin
+groundstrokes
+strategos
+ewings
+paphitis
+process-based
+pilate
+windiest
+husin
+agapetus
+meagley
+1164
+macht
+amigados
+shrift
+embargoed
+mhl
+solicit
+giugiaro
+șerban
+etwa
+annexe
+tekes
+mindfreak
+ndi
+towyn
+speidel
+stoler
+arsan
+two-hundred
+prpa
+kuramitsu
+khreishe
+soszynski
+step-up
+timberline
+inference
+askar
+calotes
+flat-4
+luin
+chelates
+1,617
+gentaro
+http://www.mcdonalds.com
+kamande
+pinnata
+77f
+sandbox
+sinan
+3,240
+porphyria
+odumegwu
+filat
+amalgams
+bbq
+menkerios
+midibus
+polycystic
+rchs
+collaterally
+boucheron
+anglo-iraqi
+reconsideration
+peatlands
+sanj
+fasher
+medusae
+bottenfield
+kilpin
+katsalapov
+seitan
+calnan
+estacao
+guillemot
+,240
+1669
+reckling
+minneola
+manzer
+sgae
+qam
+television-equipped
+slany
+zubeir
+acls
+beeptalk
+cnosf
+opossum
+sunnie
+a_9
+amtsbezirk
+hermida
+flat-twin
+garu
+philosophically
+14,000-square
+suraphol
+selvan
+kohlhaussen
+bicolano
+apics
+steinert
+full-lengths
+descended
+ia
+dunboyne
+punctulata
+0pts
+byelorussian
+cel
+undersupplied
+nuwss
+ghaziabad
+ebbetts
+abdelrazeq
+anklets
+antioco
+euro333
+molars
+trahan
+pullen
+mbo
+exclusiva
+bonnici
+rear-guard
+alpinum
+bonvie
+myasthenia
+despard
+ashwamedha
+oxygenated
+tingo
+unaggressive
+smilingly
+pivovar
+dach
+pignut
+stoudemire
+fording
+x-chromosome
+co-organized
+1.1635
+1,269
+feldstein
+vorpommern-rügen
+shatra
+boletus
+runty
+waltrip
+gbr
+svitzer
+enemy
+hatzor
+unintimidated
+ensnare
+shahata
+rccs
+168,500
+114.78
+reelecting
+frimont
+oventic
+88.37
+khamsin
+ò
+miscikowski
+-0.5
+oligarch
+barch
+driti
+unsafeguarded
+cwgc
+mobifone
+rocester
+neith
+baskaran
+infoline
+carberry
+parinirvana
+theriot
+imploring
+weissach
+aristoxenus
+azoff
+betsen
+co-pilot
+sea
+coriacea
+osteoclast
+inzaghi
+postulation
+doppelt
+pessoa
+stc
+jinhae
+1610s
+optoelectronic
+sharda
+suratgarh
+cajon
+shania
+diponegoro
+florizel
+pricking
+antm
+wildlands
+tontine
+kasma
+trumped
+kus
+ilah
+fancying
+yp
+poncher
+dm&e
+four-horse
+240-pounder
+bgp
+kschwendt
+jebtsundamba
+bleakest
+xxxxend
+grol
+40.18
+533
+fandel
+piepoli
+winson
+kristofer
+30-4
+hydro-lyases
+furhman
+roes
+7:34
+salients
+celaenorrhinus
+spotland
+goths
+tsukiko
+gradiška
+spewed
+handpainted
+jand
+blogspot
+high-mounted
+lileikis
+800m
+wahidullah
+95.68
+thhe
+sky-high
+2,623
+neeli
+reaching
+sylvers
+64.37
+1994-2005
+digivolve
+mattacks
+bohemian
+ruts
+undercounting
+aneroid
+strathblane
+wgba
+zanoni
+grasslike
+mako
+matu
+ortner
+voight
+penciling
+monowheel
+imines
+mordente
+nomenclatural
+wednesbury
+1859
+jeh
+orienteering
+petrarchan
+hoshihananomia
+set-pieces
+apremont
+ribalta
+velichko
+abseiled
+rotschild
+hultén
+mishka
+insolent
+sansbury
+dunaújváros
+dazzle
+friesz
+hypotension
+erdrich
+lengeh
+łęki
+omp
+labbadia
+kalee
+1-down
+hafler
+duquoin
+sunpoint
+snoop
+baoyi
+26.77
+147
+1216
+tunceli
+cinemedia
+porins
+sacker
+shinrikyo
+moffa
+companys
+ankylosing
+fairfax
+måløy
+strathbogie
+250-kilometre
+19:11
+trademarking
+butman
+4-by-4
+pregame
+criticise
+pteridium
+slavneft
+stillitano
+kurhessen
+saisai
+saderat
+grafica
+barreiras
+gunpoint
+centerpieces
+mussing
+detener
+panameña
+mailsi
+13.01
+49.87
+seedorf
+balapur
+nadine
+standardization
+advertiser
+byward
+ausiello
+02:45
+nasielsk
+fwhm
+beuthen
+østre
+10.35
+ranganatha
+junquiera
+wicke
+sohail
+g'kar
+wometco
+cheeked
+editor-at-large
+tanura
+menfolk
+bleckmann
+shola
+pickaway
+3,237
+jetz
+shrontz
+12th-century
+open-faced
+chango
+chepkemei
+dining
+quizzical
+broadman
+moorpark
+acanthaceae
+clementino
+barbie
+newth
+60.60
+suthee
+woolmer
+tocino
+kuznetsov
+celebrant
+krasheninnikov
+beugre
+,120
+ghoshal
+21.19
+stools
+malpighi
+catalana
+demyelination
+89.81
+93.06
+fisherfolk
+madaras
+44.58
+a-t
+95.37
+jelle
+aminoglycosides
+retablo
+1918
+roszak
+bas-reliefs
+sumeria
+170.7
+archil
+amalda
+veltins
+queasy
+bogata
+attired
+jarallah
+balagalle
+litzmannstadt
+well-off
+1,100-foot
+brabham
+binchy
+huskers
+tappy
+rozhon
+setback
+saaz
+mcelderry
+winley
+takiveikata
+yeses
+simkin
+cellspacing
+empat
+robustly
+sōseki
+cecily
+landscaped
+vies
+dinoponera
+najiba
+pelagicus
+chr/pop
+bushwalking
+kidney
+mushi
+vishwamitra
+worthlessness
+vorachit
+69.61
+padmanabhaswamy
+646-4850
+4,815
+rotters
+lobelia
+111.9
+6,055
+kirwin
+horfield
+secolo
+50.98
+mccolo
+sih
+re-read
+constraint
+multi-generational
+refaced
+boutte
+mutarara
+kanker
+grandera
+euro603
+akeem
+oline
+envirothon
+zhurong
+scalars
+u.s.-born
+suiting
+,390
+in-order
+brunswickers
+choquette
+redhorse
+3,058
+g-men
+maometto
+mascouche
+sadnesses
+völker
+aleix
+ghd
+wynnum
+unreimbursed
+linton
+madkour
+opportunities_buffalo
+forayed
+1972-75
+apotheosis
+ginowan
+ageha
+tsim
+sweerts
+hundred
+viv
+raghnall
+psychopomp
+leschi
+leśna
+lewisohn
+spo
+ramón
+double-overtime
+prittlewell
+869
+desserts
+lic
+sepla
+resentence
+bibring
+expédition
+giacchetto
+40.89
+nedjo
+zortman
+ghika
+kooyong
+217.8
+rapala
+quaint
+gujrati
+lengsfeld
+karras
+viminalis
+http://www.facebook.com
+březina
+commagene
+sturdivant
+khachmaz
+halters
+tognazzi
+lyness
+federating
+85-70
+iggwilv
+emulsions
+samick
+prolocutor
+cyclostrema
+dillo
+buddha-nature
+indigos
+huayin
+three-i
+zentai
+pierantoni
+segonzac
+nontheless
+paducah
+rambus
+crux
+elocution
+burdekin
+sekt
+230.00
+blizanów
+mayurbhanj
+brionne
+co-producing
+1954-1958
+pauillac
+r.s.v.p.
+krasin
+pcm
+scheff
+wireline
+marvelon
+kyma
+chevin
+convery
+verni
+khien
+ranjith
+honda
+exclaim
+berdymukhamedov
+titograd
+decoud
+bigeard
+sigatoka
+unlicenced
+ibañez
+bernkastel-kues
+strock
+codepoint
+2.28
+2,964
+douanes
+misna
+spoo
+droylsden
+powis
+monic
+under-23
+facings
+yinglin
+helensburgh
+micol
+waterproofs
+okinawan
+morskie
+goodacre
+fragma
+porterville
+allspice
+ramathibodi
+okc
+rysavy
+tannahill
+fritter
+finanical
+offs
+33.99
+collinear
+wolek
+marathe
+counter-reformation
+lackluster
+shiela
+almagest
+7,980
+hasani
+jumbos
+nabu
+1,741
+eti
+ballhandler
+sattva
+messen
+fakhouri
+khodaidad
+macarthurs
+colonist
+valon
+900-day
+halfin
+primestar
+p-36
+6.34
+hermenegildo
+sugarless
+daoed
+brzostek
+gatecrashed
+chuvashia
+quantifier
+sadourny
+rerngchai
+pakad
+utpal
+cynical
+shenlong
+nanavati
+postflight
+camerawoman
+novik
+fabric
+parched
+webbed
+iligan
+49sec
+conus
+morosini
+caïd
+camejo
+goerge
+improvement
+jinghong
+406-293-4317
+kxol
+lutu
+olavarria
+bartholet
+cheerleader
+mismas
+rachelle
+saint-domingue
+deep-ocean
+doctoroff
+stemberg
+mcr
+manirakiza
+miracle
+claygate
+15.94
+116,500
+geeslin
+jangsu
+brodzinsky
+anyi
+incd
+46.58
+pediment
+zaentz
+joos
+carucates
+spivakov
+okto
+wagtail
+2.09-meter
+superleague
+hinh
+dominican
+alberton
+motoi
+fundsnetwork
+revolutionizes
+jointed
+bandoro
+30-km
+sinchon
+ulan
+four-and-a-half
+canst
+contexts
+íñigo
+nyhavn
+denudation
+binda
+dinefwr
+shapely
+hershelle
+pasatieri
+732-390-4480
+stagnate
+co-channel
+comstock
+scba
+campanus
+incisa
+induction
+defecated
+pajcic
+1969/70
+yo-yos
+peeth
+73.29
+phantasy
+yorta
+steal
+9a-4
+state/territory
+cockerham
+whitecap
+62.08
+widdle
+bunjaku
+pareek
+balfron
+vocation
+drag-and-drop
+thaton
+steagall
+404-526-5887
+barikot
+andreja
+adrenocortical
+rheumatoid
+stebbing
+aynaoui
+9,950
+enviously
+76.96
+zuckor
+manchuria
+counteroffer
+adsorbed
+madrassah
+sardi
+mfecane
+acquaintanceship
+colovic
+shongwe
+emmo
+corbetts
+ischium
+regionalexpress
+motion
+blich
+crotteau
+enterovirus
+pe-2
+smyczek
+bitok
+snsd
+zixu
+house
+toughed
+mahmudul
+steenbok
+bosquets
+tdm
+opinionway
+swahr
+euro654
+minicamp
+ya'alon
+run-round
+origel
+re-dedicated
+lami
+ciresi
+electrifies
+qir
+qingtai
+crystallites
+beriz
+mangala
+vujović
+lionrock
+kreft
+endoskeleton
+ten-second
+cyanamide
+prabath
+prizefighter
+jode
+backlash
+balai
+ghaghara
+pte.
+mehraban
+cattery
+nicaise
+korean
+sinar
+uprights
+lasiocarpa
+whitestrips
+asia
+gloat
+dialectal
+dia'a
+13:24
+cacophonous
+28.55
+ysr
+calen
+hei
+cin
+drinan
+lynns
+kilgallon
+1982-86
+inconsolably
+nagwa
+gpfs
+graziano
+o'hairs
+stephanides
+tự
+ephemerality
+nawa
+salas
+tezcatlipoca
+tootsie
+gioconda
+swooshing
+empson
+-41
+wei
+vp6
+carisse
+küçük
+herbalists
+ussa
+brakel
+liora
+mitha
+cornelian
+40-24
+preliminary
+grael
+fortriu
+krentz
+sidebar
+presided
+fuamatu
+fulminate
+lories
+portal
+sheppards
+frightmare
+grand-am
+issas
+rawmarsh
+pan
+evanescence
+proeski
+afam
+lead-zinc
+gelan
+pojaman
+inos
+51-strong
+1944-1946
+thirroul
+fodder
+eumenides
+monogram
+halard
+1691
+tawi-tawi
+persita
+titisee
+medvedeva
+lois
+wayport
+galija
+reposed
+bonnel
+trod
+superset
+antacid
+hadjicostis
+62.67
+preso
+e-islam
+40.15
+condom
+sts-114
+bonato
+client
+practice-based
+nitoglia
+1995-98
+descubrio
+dikembe
+ximenez
+monocultural
+schou
+quern
+gpx
+1,840
+bid-e
+tamzin
+68.67
+lunettes
+1.3-meter
+shahadah
+reprograms
+majene
+slouched
+baldor
+pintung
+amílcar
+abertay
+railways
+steck
+toupin
+armero
+bohmer
+west
+drifts
+braked
+upreti
+kunsthaus
+coliseo
+18-to-24-year
+justification
+moena
+20:14
+patz
+cruden
+245th
+bredenkamp
+masakuni
+bookscan
+heave
+chavismo
+dkba
+hasiotis
+design
+fishers
+110.55
+u201ci
+influentially
+waitzkin
+wysopal
+fabi
+pluripotency
+parimutuels
+filmi
+muise
+sportowy
+guenon
+hachi
+146.00
+grunes
+medias
+ragstone
+uptown
+degroot
+formula_136
+hammer
+sivan
+scorponok
+1994/95
+cnnic
+mindoro
+woodforde
+shiftless
+golding
+1.172
+ferrugineus
+cementum
+ulead
+veritable
+zew
+secondarily
+pof
+zdzislaw
+turnabouts
+968
+vincentius
+wisemans
+lakas-kampi-cmd
+polyvore
+korsakov
+adhaim
+carriageways
+1.083
+mfon
+ascribe
+pisheen
+enderson
+mallonee
+itcho
+iracing
+brandford
+bahri
+expediting
+kenobi
+229.6
+cala
+manthan
+meltingly
+grampians
+taranov
+pamyat
+boojum
+shemiranat
+luzviminda
+datapath
+.237
+multiprocessors
+grundfest
+stocke
+tihic
+24-6
+claw
+presently
+non-playing
+scullers
+lifar
+scola
+buaya
+55.27
+spermatogonia
+112.88
+prepositioned
+thirlwell
+rompetrol
+stile
+ground-based
+tulpan
+shortlists
+principle
+meikles
+chandar
+showalter
+zfu
+eulogist
+greencards
+indemnify
+xiantao
+hougang
+colmes
+maquila
+aguta
+freewheelers
+pawnee
+zinsser
+dvd-rom
+obloquy
+ballynafeigh
+camapign
+klizan
+49-21
+d'urbervilles
+davide
+co-arranged
+literature
+porto-novo
+homicide
+crabbers
+leibig
+shahs
+29-may
+rufous-bellied
+stepfathers
+bwi
+stanly
+98.85
+thrapston
+abdulrahim
+borom
+colberg
+burdet
+wesen
+hurting
+darawshe
+bouïra
+arzú
+abogado
+manakins
+quad-band
+pordes
+santero
+lesa
+retreat
+vgn
+us-64
+herries
+maskaev
+crocidura
+shamley
+iaf
+istel
+stepladders
+ajyad
+tenorman
+optigan
+compost
+cost-benefit
+water-dwelling
+kizil
+tilled
+noorderslag
+souchong
+90069
+voltaren
+golgo
+holms
+mitteilungen
+52s
+makes
+unstylish
+stelios
+jarar
+kellenberg
+enacts
+hollyhock
+woop
+vratil
+gillenwater
+digic
+maneuverable
+ibrd
+intels
+femminili
+33.64
+0058
+wupa
+scale-up
+homeadvisor
+wytheville
+toxoid
+azcuy
+dicko
+beatha
+poeciliidae
+amnuay
+redpoll
+spin-out
+tawdry
+wvu
+sunao
+beyrle
+motoc
+peri-urban
+co-curator
+demirel
+al-nahda
+raghav
+medium-length
+.363
+xxxxx
+rm7
+ludwin
+najmeddin
+tech_named
+echidna
+arthuis
+palffy
+convalesce
+contradiction
+wakabayashi
+mufulira
+greeneville.html
+altercation
+südbahn
+boxley
+renagel
+caidin
+envisioneering
+shepherded
+mcconal
+whorl
+northstead
+bantering
+vanderbilt
+desegregated
+vyatchanin
+bosio
+compulsively
+perpetua
+vaccinating
+kerbi
+schoolers
+nkwanta
+bayford
+co-holder
+amfilohije
+frustrations
+cvetković
+euro-atlantic
+bukka
+mcsweeny
+symbolization
+mashghara
+eiriksson
+junod
+meret
+deindividuation
+whatevers
+yaupon
+mukherjee
+3,044
+show-business
+owne
+tarmacked
+tpca
+yoshihiro
+699,000
+45.04
+http://www.usccb.org
+dukie
+ultralite
+vfp
+sacrifice
+hvs
+volta
+capes
+1,933
+karadayi
+f-4d
+desuetude
+seeboard
+omarska
+otmar
+theobalds
+sandanski
+ahus
+skywriter
+domine
+soar
+dj/producer
+post-american
+hobeika
+bentegeat
+courtemanche
+mignini
+segreto
+sirivennela
+tyge
+onchocerciasis
+noordwijk
+salts
+cramm
+megalitres
+xinzhi
+minyard
+ssgt
+troubridge
+sawtell
+plus-5
+agusto
+devonne
+lusi
+binks
+31-second
+monsoor
+60-100
+valentinois
+krushna
+murnane
+two-cent
+k4s
+555th
+godmanis
+m63
+1.5285
+mcclinton
+tosches
+schwarz
+miyauchi
+anhalt-köthen
+despatched
+microunity
+sashaying
+bora
+vahaly
+quatuor
+boskie
+1977-79
+narcoterrorism
+hopf
+schlick
+perine
+finck
+biosynthesis
+overdependence
+awqaf
+6-car
+eichmanns
+nns15
+texters
+durgan
+peterik
+tavriya
+vespa
+unedifying
+vannier
+mine-clearing
+nekliayev
+-0.3
+nippon
+svartzman
+gtos
+b747-400s
+trade-offs
+marista
+dirce
+wenchuan
+ardnamurchan
+decarava
+176.00
+wanganui
+leitmotif
+rtm
+gajendra
+komba
+ayran
+chaine
+beneš
+ennobles
+cwu
+rogun
+hannan
+lubicz
+mannering
+sights
+microbiologist
+25.34
+glp-1
+lecky
+colossus
+gorostiaga
+noia
+jodhpur
+mengestu
+71.87
+villaraigosa
+modèle
+antv
+three-wheeler
+collaborate
+herschler
+arnason
+lavorgna
+unraveled
+gloucestershire
+mraps
+cheeseburgers
+reinsure
+spiru
+ellisland
+2,356
+5-a
+yagman
+cajoles
+steadied
+tezuka
+vaccine
+donwood
+hamamelidaceae
+procrastinating
+gazzo
+indeterminable
+catalase-positive
+macroinvertebrates
+minstrelsy
+annos
+infrared
+magnetization
+104-94
+arcadi
+69-29
+agapius
+loni
+amell
+westland
+decidio
+schoeneweis
+medium-format
+democratic-npl
+kieffer
+planchet
+juwono
+haringey
+chowvikran
+bhaktas
+ranulph
+cordite
+bichette
+mandate
+laytonsville
+15-ton
+remodelling
+rohul
+mountfort
+woodville
+picric
+masyuk
+wholesome
+babchuk
+gangarampur
+alundis
+1942-43
+servies
+talang
+3,022
+globosa
+quits
+tradepoint
+metacom
+steinwald
++.07
+iconostasis
+growers
+asiatech
+croquet
+amália
+homewares
+ditches
+prakosa
+w&j
+citrine
+impure
+big-time
+ulp
+nagraj
+maroga
+hmhs
+maj.gen
+soumahoro
+mannesmann
+applewood
+rolande
+otlet
+flagellates
+danton
+nairiku
+brakewoman
+116.69
+kerimli
+megabytes
+ebd
+burnard
+bimmer
+chunkier
+rudhall
+haedo
+brereton
+devlet
+methicillin
+mushaf
+huáng
+tecno
+thynne
+earnie
+faasen
+grosh
+sparxxx
+14:28
+cadetship
+strivers
+harashima
+arthralgia
+13-13
+darlene
+reframing
+redwing
+low-velocity
+einmal
+cenobite
+whatcom
+45-13
+333sp
+umbro
+subdued
+83.67
+sahira
+mccuen
+scannable
+ferny
+735,000
+bóruma
+hombu
+intangibility
+ayya
+loots
+malouda
+hakam
+mushnik
+benanti
+schizosaccharomyces
+deflating
+étienne
+swabian
+assumpta
+ka-zar
+leaden
+lonborg
+gorecki
+7.4-magnitude
+mugler
+flett
+marketing
+ducie
+amlaíb
+sparrer
+heid
+nataliia
+fortresslike
+schwester
+saiva
+hergenröther
+l&cr
+kramfors
+bhalwal
+luchadores
+brink
+pinkel
+cryovac
+unmediated
+brcko
+rote
+etoys
+labastida
+gnarly
+bucklebury
+genocide-10years
+shaikin
+3,271
+nightclub
+yle
+telemachus
+aziziya
+hapgood
+ecmwf
+goals_none
+kíla
+130.8
+11-time
+recasts
+foung
+kazmi
+27-minute
+kmp
+amega
+marathis
+chinoise
+verification
+chalkidiki
+paasche
+creedence
+freinsheim
+bestride
+wilhelmshöhe
+euro316
+gliders
+1989-93
+safeguard
+fondos
+byways
+21.02
+advantica
+uhk
+58-48
+rajasthan
+eastville
+hlb
+paneuropean
+anoxic
+glenoid
+stilt-man
+mordrel
+.178
+garlands
+lovie
+stamets
+emnity
+raion
+lainya
+mavesa
+eugenics
+31.24
+disorganize
+manorhamilton
+netanayhu
+16.61
+4π
+bahrani
+tepidly
+boghosian
+olimpica
+93.00
+koca
+platyhelminthes
+tidus
+weeghman
+holdens
+whole-tone
+warm-temperate
+garewal
+milenković
+d.f.c.
+bah
+curonians
+eichenlaub
+prepon
+ringwraiths
+philospher
+dhruv
+ravn
+fallujans
+consett
+wayamba
+floundered
+54.72
+ciril
+fusa
+wenxian
+syrians
+fette
+6,310
+ez
+gewurztraminer
+62,500
+bhagwaan
+visigoth
+acindar
+sheikhan
+rana
+frequenting
+marshals
+ameliorating
+http://advisories.nytsyn.com
+lajolo
+roosen
+kieth
+tyner
+powerbrokers
+longer-lasting
+tianamen
+schreibman
+stanfill
+kspn
+33.60
+wataniah
+mirc
+twill
+macewan
+nixdorf
+11:13
+wittingly
+beheer
+madni
+mcgarrell
+polyuria
+m.m.
+1610
+honking
+briskly
+467,000
+casings
+williston
+rietberg
+waldburg
+untold
+papaveraceae
+sea-coast
+mccalister
+mankell
+dash-8
+encrypting
+yvelines
+salhiyah
+glines
+corolla
+vanina
+alticor
+messagepad
+mench
+olympiad
+mandé
+orientale
+gitksan
+virginiana
+asiatique
+somatostatin
+traunfeld
+qum
+mikhailova
+swiftian
+forcados
+nytrengnytimes.com
+bowled
+revisitation
+symposium
+vcu
+9,320
+oesterreicher
+koltsov
+baoding
+nebulizers
+upa
+dink
+eastman
+91.95
+sabauddin
+chamois
+u-66
+palaestra
+saga
+illustrierte
+rushdie
+ivi
+non-compulsory
+crowton
+maison
+erimo
+strikers
+steam-powered
+delavigne
+lumwana
+rushville
+autocratic
+alger
+70.72
+efm
+kringen
+guangyan
+millimetres
+32-34
+bovee
+expositio
+agribusiness
+los
+thins
+avion
+kancha
+wavy
+rennae
+hieroglyphs
+cardillo
+mleczko
+anguirus
+gholamreza
+zippergate
+transnistrian
+generalis
+irreproachable
+guerra
+idee
+cupressaceae
+flamines
+acetabular
+sieveking
+bogans
+mangling
+gorny
+mabbutt
+beranabus
+koivu
+35.6
+outfalls
+lutomiersk
+stohl
+stroessner
+phanatic
+nekesa
+housman
+macdonough
+island-based
+commotes
+mypc
+masani
+lins
+chairmen
+bringhurst
+kamaishi
+declaratory
+18.16
+yasht
+sightseeings
+pinguine
+gubicza
+oxidizer
+114.84
+landy
+1006
+burhinidae
+bhupathy
+friðrik
+synthesising
+francescatti
+uchena
+absorbable
+wastage
+pigeonhole
+rolim
+crustacea
+markstein
+1977-95
+selectnet
+6mm
+globemedia
+carskadon
+xol
+undocumented
+vechten
+six-pack
+nicolls
+hayedeh
+goodbyes
+downhiller
+dallas-area
+nazaryan
+heatherette
+bolsheviks
+infrastructure
+rianz
+pymble
+d29
+mukhin
+bursar
+pained
+sedating
+uppland
+ronni
+lagunas
+printer
+lrb
+potatoe
+e-azam
+muhl
+microhelp
+mcavennie
+clawed
+sandry
+beo
+في
+323i
+hwasung
+huixquilucan
+eurocom
+behm
+borsodi
+scherk
+astonishment
+mercuric
+asiodu
+santia
+wesemann
+drive-through
+147.2
+gulag
+buchsbaum
+104.10
+corredor
+pange
+incremento
+papac
+carpal
+evra
+fitzhardinge
+push-ups
+meherrin
+aletter
+janata
+unvaccinated
+dejiko
+nigricollis
+darod
+13-27
+albertinum
+yōrō
+interros
+dávila
+hardboiled
+deporting
+yū
+diomedea
+25,000
+penzer
+cwlu
+leather-wrapped
+.422
+tōyama
+4,232
+parlow
+ctt
+iaido
+bollixed
+2-on-1
+hydrides
+downtick
+pva
+blackhawk
+letitia
+yangtse
+mercaz
+glocks
+kalp
+engelbart
+soulja
+prasetyo
+practioners
+voyeurs
+holzinger
+coddles
+angoy
+sapperton
+comisión
+477,000
+tazz
+caraș-severin
+anxious
+7.10
+3200
+milkmen
+timetables
+hazara
+pinnacle
+kitanoumi
+70.58
+elgie
+foce
+nakanoshima
+osada
+macrorie
+dumbleton
+flinched
+syndications
+562.5
+jlp
+10016
+foro
+kranjčar
+umami
+été
+bogusky
+larrañaga
+anti-armenian
+darfield
+trejo
+insulting
+innovators
+breidling
+accountings
+rotunda
+lomban
+artau
+páidí
+govindasamy
+jema
+carrafa
+processing
+dreamcast
+presa
+tkk
+1994-1998
+spinefarm
+songaila
+vizier
+barceló
+2,987
+aardman
+raspadskaya
+junee
+blinken
+depressants
+baff
+saada
+hebraic
+lutherans
+--------------------------------
+r40
+1/30
+4,444
+rebekah
+wicketless
+pre-debut
+despicably
+kovak
+remedia
+scrying
+numidia
+banka
+klára
+danciu
+biegman
+1,862
+gbi
+demmel
+khalif
+prettified
+badonkadonk
+koshlyakov
+hard-pressed
+lpo04
+roberston
+scriblerus
+mbh98
+vanløse
+duross
+professionalize
+primitive
+fassa
+matko
+juancho
+immonen
+ep3
+jarocin
+hongguang
+krea
+kherson
+viçosa
+kozin
+zink
+cathkin
+zhushan
+golar
+133.6
+krims
+junichiro
+skerik
+theridiidae
+technicals
+greenebaum
+fromong
+parian
+walcher
+’n
+cejas
+brenau
+capped
+mcginness
+wolstanton
+thm
+even-numbered
+erwartung
+drive/genesis
+ihrc
+markevich
+sln
+reuchlin
+amplia
+crusaders
+alperin
+synovitis
+karun
+1770s
+kimberly
+cholestin
+f-secure
+otaibi
+gohl
+infarct
+hermano
+primm
+aveiro
+primaria
+rebounds_l
+dulcis
+35-14
+tensor
+egomaniacs
+dartnell
+savasta
+quickdraw
+study-abroad
+benedito
+http://www.coca
+narod
+bikini-clad
+sharett
+memorization
+conceptualizes
+orienteer
+almaleki
+grafitti
+nasharuddin
+space.com
+arousa
+.71
+duden
+cusps
+jovially
+paramyxovirus
+kudura
+psychopath
+kuah
+evette
+zwerg
+blaum
+dingiswayo
+playthrough
+priscah
+wcvb
+33,500
+encodes
+spooners
+1978-1981
+scheduler
+kg/m3
+bharatha
+tatem
+nanograms
+mashelkar
+chilmanov
+o’farrell
+silang
+foggy
+valuevision
+14-car
+enlists
+impossible
+sibille
+46.71
+redbacks
+bathrobes
+ionel
+davian
+evenhandedness
+howdah
+phagocytic
+demand-driven
+gwh
+48-38
+tsj
+zonaras
+lamping
+roka
+nazan
+nhri
+wendel
+bassem
+tumbleweed
+uluguru
+vandenbroucke
+vasimr
+emmrich
+kolata
+5.23
+midwood
+erb
+69.19
+tight-fitting
+bebbington
+zied
+benchtop
+beirich
+tiebreaking
+samhain
+xsara
+643
+coumarin
+sippel
+allauddin
+kazempour
+ethicon
+atd
+38.71
+lesnik
+tió
+buqour
+161.6
+www.haaretzdaily.com
+moorings
+like-named
+gleditsia
+kazaam
+mirifica
+rensburg
+delli
+delport
+baybears
+trenchcoats
+vespas
+93.80
+dateable
+tooby
+hooft
+darque
+facilites
+langenkamp
+3,304
+lumby
+gragnano
+preoccupying
+talisker
+walcott
+sulęcin
+bakota
+overburden
+dorso-ventrally
+geary
+hmnb
+gintel
+crunches
+galinda
+thaer
+renji
+sarajevans
+loggias
+vale
+977
+timmerman
+weissmandl
+razaq
+k.s.
+logrono
+gastritis
+acacias
+n.d.
+devecser
+one-way
+lindberg
+strafford
+nepalensis
+chicharrones
+advance
+cmdr
+rehashing
+thet
+davy
+potts
+connect
+hadlee
+griz
+aversa
+kaspars
+swivels
+serevent
+haishi
+connecticut-based
+21-square
+49.41
+unmissable
+osbert
+ostapenko
+21-30
+61.14
+sailboats
+belinda
+numeral
+barque
+163,000
+sportscars
+abiola
+61.12
+tischbein
+åtvidabergs
+lakhs
+dingell
+sangsad
+221.5
+reverberate
+louis-napoléon
+nordsee
+24k
+neurofibrillary
+pajaritos
+duleep
+tom.com
+anter
+adora
+temeka
+vorne
+plautz
+16-ranked
+landmaster
+2,000-meter
+hostplant
+masham
+urbie
+lisburne
+pajala
+saxophones
+teessiders
+30,957
+zhiliang
+sahk
+citico
+unicco
+bicycle
+1.555
+slipcover
+2-48
+eliška
+ceste
+shuddered
+woltz
+rothchild
+well-regulated
+selvarajah
+decal
+barbalho
+xiaoni
+albino
+59.99
+ibid
+wissenschaften
+3,142
+hechuan
+chenies
+bratwursts
+megazine
+rosarito
+hack/slash
+arrestor
+left-of-centre
+two-piece
+samithi
+pristimantis
+manesh
+respublika
+yuldash
+gud
+debye
+syedna
+boiardo
+perforating
+carluke
+lodge
+renaults
+haystack
+rione
+khemis
+mcconnells
+rossdale
+vatatzes
+taipei
+64.78
+halldorson
+mehalba
+ddm
+palmachim
+2030gmt
+3,500-square
+clayborne
+hefeweizen
+102.55
+townsville
+lbl
+calgon
+disney.com
+asml
+siphuncle
+hdms
+colepeper
+puelles
+praetorium
+lemoine
+kshatriyas
+katina
+koln
+dyrham
+wondrich
+wankel
+liberalisation
+boleh
+odu
+holidaying
+rheinau
+questionaire
+mcaloon
+electronically
+neo-progressive
+destablising
+kih
+martín
+tammerk
+peritoneal
+rebar
+loevenkrands
+www.caib.us
+eugenia
+shiploads
+gritos
+11/17
+superstorm
+masin
+datapoint
+subandi
+sub-bass
+maltsev
+silsbee
+bimonthly
+katas
+100.45
+supercasino
+daryl
+starfield
+8-100
+lino
+7:9
+atlética
+dost
+attalla
+tō
+slapshot
+hig
+audiofina
+fairhead
+philharmonic
+worlds
+half-orcs
+cool
+siop
+pierwsze
+northeasterly
+flore
+pople
+routs
+dengel
+giral
+implementations
+snorkeled
+lohengrin
+katzbach
+kyokai
+ditsy
+1,336
+abelard
+sifted
+first-stage
+malkan
+wandoo
+classical-style
+95.76
+ghb
+wenzhong
+ivanovski
+luncheons
+berber
+renovator
+transit
+gentlest
+vebacom
+marseille
+loop
+2612
+1917-1920
+teela
+hard-bitten
+l'origine
+columnas
+drug-smuggling
+chalus
+samuelsen
+arvon
+rhumb
+chessa
+crimine
+harvell
+33.00
+shortgrass
+goons
+ptolemaic
+surrealist
+muskeg
+kalinin
+chamchi
+74.33
+ul-haq
+φ1
+48-42
+aussies
+116.92
+3,200-meter
+ingenuousness
+withdrew
+barauni
+aprista
+hugheses
+boll
+52mm
+harolyn
+lohan
+paramhansa
+hatchery
+lans
+13.7
+aljubarrota
+dechristopher
+39-12
+purifying
+spaight
+musan
+bird-man
+dorfmann
+bangash
+acteon
+corrupting
+anti-conscription
+sopa
+81st
+sandlin
+aynsley
+sevlievo
+modos
+bambini
+delaine
+greentown
+prievidza
+haaretz
+573
+huskies
+rokan
+fitzroy
+kuybyshev
+byanyima
+110-98
+inhalation
+comission
+tawfik
+wyness
+3-2-2
+3,185
+trolle
+ordinariates
+jquery
+blindness
+2-cent
+chameleonlike
+http://www.unhchr.ch
+sanderstead
+9.77
+recuperation
+phleger
+colloidal
+turnor
+spectrophotometers
+pterygoid
+1,776
+19.96
+17.32
+arkansans
+104.55
+sankari
+walters
+pro-slavery
+saucing
+akhaltsikhe
+9.22
+350-million
+1761
+carpini
+dyspnea
+rohbock
+toennesson
+macia
+www.nytimages.com
+universi
+shabaa
+monstrously
+gresik
+zahab
+irujo
+mjøndalen
+stampeder
+freshfields
+entropic
+codepoints
+dienst
+ethereal
+koobi
+acts
+veiled
+taharqa
+izvolsky
+gpo
+karenga
+fahdawi
+1870-1871
+airedales
+murriel
+moktar
+floorplan
+malakal
+alierta
+elin
+laticeps
+vaida
+carlone
+helgesen
+kellermann
+then-standard
+hippolytus
+gousmi
+railway
+rathmann
+36-foot
+yuka
+somboon
+kovaleski
+mimms
+stefon
+emalangeni
+ehlinger
+autobiography
+yaki
+ruweid
+4-0-17-0
+runs_lofton
+lickey
+transduce
+shadowless
+bernhoft
+sarafem
+tayfur
+albertina
+recollect
+titter
+conscripting
+nyasha
+overdramatize
+juniperus
+während
+208,000
+41-38
+tron
+estanguet
+psyllium
+grand-ducal
+larisa
+rubleva
+rsac
+4-65
+sindiso
+tosanoumi
+decroux
+22.73
+showjumping
+ortmayer
+argyris
+whiskey
+mehlman
+webworm
+splügen
+ativ
+sub-watershed
+.446
+non-hispanics
+55.87
+mesh
+herzberg
+rizvi
+moranis
+westernised
+high-cost
+zettel
+jummah
+throbbed
+78-year-old
+e-nau
+jong
+daele
+bjarni
+arfon
+montrose
+surveillante
+pien
+lesinski
+oxhey
+6,100
+wigand
+diestel
+sliwinski
+self-discharge
+45-44
+allisons
+dallington
+unbound
+christe
+montrouis
+86.25
+caulle
+bhf
+bombo
+vedras
+pallas
+hanwang
+brocades
+orebiyi
+scrapyards
+sportier
+80.19
+philipson
+neutralised
+garonne
+rosseler
+dazzling
+breakin
+ghi
+pursuer
+witold
+stereotypically
+burnett
+revascularization
+grundfos
+ticketholders
+64.38
+radio/tv
+denikin
+kelkal
+13.91
+1589
+mcgrane
+space-saving
+pekearo
+formula_117
+outcrop
+disclaimed
+2009-2012
+kiedis
+cads
+terre'blanche
+2,929
+does
+bartimaeus
+averaging
+topal
+excision
+peacoats
+bewitch
+condeleezza
+euro455
+kislyak
+să
+espin
+kreisstraße
+sodo
+microscale
+haad
+boomerangs
+merlo
+conard
+minus-7
+tilling
+ondas
+coveny
+reputations
+left-foot
+leite
+quicksands
+islamia
+balaclava
+nochlin
+naucalpan
+spiked
+jetport
+antiviolence
+crouch
+bhagavatam
+timpanists
+46.50
+ahued
+breathing
+salmore
+battledress
+resend
+deschacht
+swaroopam
+euro850
+mirador
+meadowbank
+gliderport
+kibati
+ninette
+knutson
+sunnily
+dongbu
+waspish
+sobin
+magisterium
+subprefecture
+chūō-ku
+gnomish
+fink
+capalla
+euro152
+wiggily
+overladen
+normandale
+microplate
+rainham
+yahav
+huaiyi
+322,000
+zieba
+fehmi
+zealand-based
+nway
+katunayake
+tryp
+squeaking
+artefacts
+euskaltel
+redvers
+diarists
+arvida
+unbuckled
+tortorella
+panca
+plock
+fardeen
+guntram
+hiranuma
+grizzlies
+zaben
+percaya
+harness
+robinsons
+nephropathy
+drott
+noveski
+shipmaster
+urbana-champaign
+reenter
+homozygote
+caique
+nesquehoning
+drt
+thanas
+ingénieur
+pterophorus
+genially
+lupoe
+cps
+kingstone
+khuri
+wenn
+jaran
+serapeum
+tabachnyk
+juels
+ecuavisa
+condemnations
+83.18
+conversions
+decelerations
+mulher
+1-iron
+kharga
+walentynowicz
+bagyidaw
+sjam
+252.8
+kashgari
+psd
+aignan
+89-71
+vista
+vike
++.20
+zhitnik
+wemp
+c14
+procopio
+biava
+7.86
+orthostatic
+etpi
+general-secretary
+privada
+kozintsev
+saguia
+23-count
+bing
+ambi
+e1
+1945-1947
+purifier
+risalo
+olechowski
+cowlitz
+morrisson
+frikkie
+intown
+banadex
+intimate
+landeg
+henchy
+grandbaby
+non-polluting
+kovno
+epsps
+capacitive
+winces
+ejb
+seigneurs
+tinymud
+pre-teen
+i-iv
+sease
+110.39
+macaque
+damit
+sovereigntists
+glasheen
+udinese
+citified
+samirah
+schuh
+monnow
+staroffice
+jajarkot
+noen
+sukjong
+perugino
+gertler
+tof
+sugai
+t-5
+cowlairs
+buboes
+berzin
+shinbo
+bruckman
+bracciano
+cosplayers
+pressured
+westside
+coye
+synta
+emmel
+kaitos
+caltagirone
+lairg
+5.04
+zabibah
+anaximenes
+cafetorium
+brosnan
+beatdown
+browne
+autoliv
+pentacostal
+sub-sect
+viterra
+stratonice
+kinswoman
+danilchenko
+ric
+redraws
+101-member
+ever-larger
+tillion
+tanis
+siltstone
+hilarie
+46-33
+bno
+rodney
+kamrup
+gentrification
+jois
+breguet
+steigenberger
+metrick
+mandible
+176.5
+28-23
+nde
+0.94
+litex
+borrelia
+kirichenko
+coffeehouses
+vaporized
+82,300
+bayrakdarian
+slepoy
+j.merriman
+alvito
+1,443
+visegrad
+angelique
+eberhardt
+dalloul
+sicel
+tranghese
+18-track
+90-acre
+neckarwestheim
+swartzentruber
+bouillon
+scarpitti
+licklider
+ventral
+chidyausiku
+longnecks
+multiset
+grigore
+victrix
+56-39
+isilon
+2-0-6-0
+o'malleys
+16:38
+fischbeck
+aclan
+glioblastomas
+blais
+craigavon
+alcman
+norfork
+robbi
+0.62
+nilly
+opalescent
+lesia
+cyclone
+eichenberg
+stevenson
+commitments
+-32
+semi-finalist
+heartwrenching
+endwar
+hess
+gimmick
+rescuer
+wande
+52/3
+dimitrios
+bronchopulmonary
+rhein-ruhr
+wrp
+quasigroup
+toddy
+peintres
+brandau
+kwv
+maragha
+aboodi
+19.07
+roub
+biberach
+tube-based
+nadeco
+witco
+synchronisms
+oetker
+'45
+ferrufino
+redlands
+sharper
+big-budget
+6.6-magnitude
+derangements
+boylston
+attacks-2years
+asomugha
+i-485
+bagger
+buckskin
+d15
+eadwig
+laborite
+happoshu
+alkadiri
+damselfly
+172.50
+feebles
+biaw
+420-foot
+conjectural
+weinraub
+34.00
+lombards
+mwr
+aschiana
+corvairs
+aku
+döring
+jamb
+yimeng
+hewitson
+duddingston
+lossless
+oksana
+49-35
+reeser
+anshuman
+a-square
+comella
+pudukkottai
+mercyhurst
+gerringong
+gynoecium
+xijin
+mantashe
+carrickfergus
+k11
+reproductive
+voted
+darulaman
+balby
+grodno
+epididymis
+18001
+weston
+sts-131
+4.32
+derom
+.369
+weston-super-mare
+10-percentage
+manderville
+1,158
+blampied
+destinations
+97.66
+agronomy
+ss-21
+hip-hop/r
+1981-1988
+olarte
+.190
+coactivator
+munoza@nytimes.com
+1d
+hannahan
+jassin
+estudiantes
+moncur
+strikeouts_clemens
+fermin
+boretti
+democratico
+co-founders
+vereinigte
+11-song
+hagins
+pellizotti
+16.85
+negrão
+lexmark
+3-pointers
+danila
+no-holds-barred
+gug
+rvers
+cvh
+friary
+kung
+fyah
+elham
+mokwa
+takayoshi
+akosombo
+footsore
+january/february
+suncrest
+264,000
+whitener
+vremena
+stolper
+overfield
+tokiko
+forsman
+küng
+ftb
+mclaren-mercedes
+companionate
+fattorini
+delémont
+talamoni
+stauffer
+uncountable
+toshifumi
+callen
+amorn
+flybe
+mahbubul
+yucky
+ensslin
+1,235
+seedman
+triple
+tohouroglou
+1398
+mutta
+orginal
+glennie
+differentiation
+makhdoom
+soad
+barrowlands
+noorlander
+gatorade
+kresimir
+lokubandara
+ndcc
+beguin
+ox-cart
+pwf
+zayan
+bogucki
+softs
+ryback
+dinho
+towage
+zagros
+nikos
+teays
+superficially
+0m
+interuniversity
+metro-north
+worldnet
+smashmouth
+saujani
+discouragingly
+_______________________________
+younes
+dunlap
+cubism
+runaround
+480-kilometer
+pokharel
+dossier
+pro-republican
+0005
+rusbridger
+hickenlooper
+weightlifters
+whole-body
+rakta
+vha
+edguy
+mythography
+2-valve
+non-judgmental
+navi
+baechle
+iptn
+fauvel
+paravicini
+3,806
+dizzyingly
+henbury
+exor
+dodgeville
+kolomna
+rovelli
+2-23
+mawgan
+educator
+hkb
+felisa
+esbjörn
+tamerlano
+111.00
+ampara
+caipirinha
+samha
+hgcdte
+teem
+pistone
+petrous
+prayerbooks
+overbearing
+once-through
+bergerac
+2002-03
+piła
+antipopes
+tredrea
+tiia
+wnews
+nstc
+bangal
+ambas
+sleeth
+buckboard
+rere
+replied
+non-autonomous
+arakkal
+fifteen-round
+flenoy
+city-bound
+chenar-e
+5.99
+foments
+grantland
+nullis
+belman
+davala
+singleplayer
+asri
+khudunabari
+guimard
+sodas
+alternatively
+sovann
+17/km
+lacunose
+suffers
+hollowing
+valis
+high-risk
+soteriology
+pleydell-bouverie
+109-98
+rinn
+devens
+dipeptidase
+ponies
+thüringen
+o
+debunking
+coya
+siddal
+8-by-10-inch
+coffield
+aktas
+258.5
+padak
+party
+xianliang
+43.79
+mohjen
+belous
+42nd
+komazec
+bulvar
+dinsmoor
+1,715
+paix
+cyl
+weaned
+gjm
+pilot-in-command
+gingham
+ragon
+tatsunoko
+behrendt
+singen
+chongfu
+lotsawa
+medvene
+comic-book
+ctg
+lense
+erdene
+aelm
+v-1s
+brăila
+a-3p
+leedy
+社区
+bronstein
+paronnaud
+alibhai
+obreja
+hofinger
+spatiotemporal
+gremelmayr
+enveloped
+depalpur
+pınar
+ibama
+gandhinagar
+wdtv
+fenerbahce
+school-based
+chasewater
+jatin
+quinceañera
+scute
+adopts
+80-80
+arminia
+kirzner
+avvo
+boorstein
+non-qualifying
+vitrine
+fikri
+czeck
+sixth
+mortham
+srba
+mitchem
+grubbers
+otaqvar
+marc-antoine
+rusted
+doel
+practised
+lancet
+fliegerführer
+maciunas
+khaplu
+quadrennium
+mantids
+beathard
+high-contrast
+werf
+renkin
+chiarelli
+chic
+agfa
+locally-based
+tenian
+barnala
+dodt
+hangovers
+2,760
+6:05
+datastream
+sehested
+gasteig
+1.5180
+huichon
+2-ethylhexyl
+rebney
+esalen
+trample
+specially-built
+gimignano
+yandong
+bound
+exchanges
+rosser
+darndest
+hemdani
+soldados
+carhampton
+chaeronea
+kunder
+utf-8
+freestone
+ełk
+mascagni
+zhadh
+pdl
+pargo
+sidewise
+westerfeld
+subban
+struthof
+heidrick
+kenner
+murtaja
+makunike
+3-91
+eisstadion
+overfly
+sey
+tekori
+meinert
+corcemar
+exponentials
+korun
+kreviazuk
+ismay
+anais
+4-of-11
+naour
+raisonne
+103-96
+nalut
+v60
+neonatologist
+bootloader
+44-34
+koizumi
+11:33
+stylianides
+pxfechng
+zhengsheng
+shucheng
+jörgen
+ermanaric
+metin
+158s
+gsee
+points
+183.1
+20,250
+non-technical
+robert.cohen
+campeche
+thermogenesis
+gavriljuk
+3,032
+alver
+syms
+shurmur
+mananthavady
+iyama
+bgan
+44.13
+brundtland
+colloquial
+erosion
+ungerleider
+kamenetsky
+anti-islamic
+3,005
+clathrus
+televicentro
+soysambu
+owasso
+25.99
+fotomuseum
+mckelvey
+samhsa
+pre-built
+33.54
+borzi
+wind-pollinated
+1931/32
+sanxingdui
+walpole
+11m
+eekelen
+decavalcante
+maleeha
+hayhoe
+matriculants
+köhler
+mael
+gabaergic
+86.2
+raluca
+virtuality
+cobus
+uster
+sanlian
+burbled
+christadelphian
+40-goal
+żywiec
+caucaunibuca
+glenroy
+eds-1st
+holleeder
+lajpat
+winburg
+cashier
+mossop
+candelabras
+10-tonne
+quote
+munky
+hildegard
+rizal
+milbury
+colzie
+mcswain
+98-96
+pusateri
+crooks
+whitesboro
+single-breasted
+schoolcraft
+8.92
+akers
+firstenergy
+co-rulers
+ಶ
+time-scale
+stearns
+shulamith
+non-redundant
+groundskeeper
+kick-boxing
+thrusts
+wedi
+anniverary
+spigots
+bayly
+brangwyn
+galthie
+structure
+lupul
+jerar
+geomancer
+fringillidae
+449th
+tavam
+llanview
+shamsedin
+noodle
+tf1
+34-31
+buffeted
+apheresis
+9.650
+0.52
+xianbei
+gw
+parton
+2008-9
+monnet
+rileys
+backstage
+brocket
+thatch
+ma'afu
+scherrie
+offenheiser
+58.95
+90-95
+jmckim@globe.com
+nooijer
+titanate
+bézout
+fioravanti
+second-wave
+nissay
+fillip
+urraca
+uee
+fraga
+careful
+b6
+bombacaceae
+multichannels
+damián
+german-speakers
+bargainers
+palatinate-zweibrücken
+pinpointing
+jadallah
+israelita
+vehement
+qf
+carrow
+praljak
+56.1
+brash
+4320
+126.0
+pickerel
+stati
+retrieved
+8million
+20-7
+4,406
+30-player
+hodgy
+dimes
+samoilov
+saranga
+ndlela
+européen
+rahon
+lacedaemon
+terzis
+bellah
+ventadorn
+kazinga
+gunnera
+mavrocordatos
+hetton
+temperton
+palled
+bellemore
+679,000
+domico
+kramat
+featurette
+gret
+suffuse
+scrupulousness
+dresdner
+neocolonialist
+hultberg
+månsdotter
+lieve
+dustups
+re-fitted
+mcloughlin
+1.164
+gamston
+mev
+viceroy
+lastman
+afgoye
+al-arabi
+donahoo
+rycroft
+cutouts
+coproduct
+thoon
+generacion
+korda
+nonjudicial
+93-run
+borking
+dysphonia
+volusius
+sqft
+m.b.
+brazos
+hargreaves
+axp
+fugal
+norland
+siôn
+nauert
+nonminority
+outlanders
+redrawing
+top-notch
+chanty
+yansheng
+35.89
+kernaghan
+patrouille
+marji
+7-a-side
+t-lymphocytes
+leiby
+2,211
+strunsky
+wkpr
+yeslam
+raninagar
+tomado
+boniperti
+extruded
+mangelsdorff
+wicha
+.30
+narodnaya
+cassan
+l'empereur
+monocrystalline
+gbaramatu
+asses
+enumerator
+fülöp
+sindou
+six-way
+rugunda
+kela
+colome
+rainald
+portner
+ob/gyn
+ammendment
+179.2
+wiltse
+yunwen
+bahawalnagar
+regner
+willian
+maio
+l'espalier
+makris
+premed
+lampshade
+heidari
+spearheads
+.570
+2611
+security
+sarlo
+britches
+bruneau
+danielyan
+sellimi
+pirjevec
+psx
+enniskerry
+1.3927
+clendenin
+willens
+margall
+protohistoric
+grass-roots
+500,001
+samma
+sinezona
+9.600
+3225
+cranopsis
+then-british
+septentrional
+willowridge
+plager
+zicarelli
+all-nfl
+siddur
+http://www.ed.gov
+rengasdengklok
+sikkimese
+pageant
+ratten
+mikkelsplass
+mehigan
+mccaffrey
+jagiełło
+rochell
+patton
+ponzo
+aminoff
+sodom
+kimberlee
+esfarayen
+67-68
+saale
+cruse
+gusuku
+3-dimensional
+indomethacin
+assimilates
+sasikumar
+east-pakistan
+31.99
+hacktivist
+nvca
+pre-dating
+co-ops
+mardjo
+payasam
+2,500-acre
+smenkhkare
+univesity
+lambertus
+dutt
+trenchard
+moieties
+donnell
+fernley
+glumness
+1969-70
+ex-beatle
+kelu
+rowing-canoeing
+well-marked
+addey
+skipwith
+havelaar
+fraggle
+bloodhound
+itc
+gaita
+fermentable
+pepped
+transbay
+cuanto
+canalsat
+scheffer
+cym
+xunyang
+andrássy
+rebounders
+schank
+maleh
+catumbela
+lismer
+muran
+mosty
+lenta
+internacia
+sumba
+663
+abdusalam
+preimplantation
+bochnia
+sainte-mère-église
+57-percent
+zuffenhausen
+barclay
+yukinaga
+pseudepigraphical
+chueh
+tsc
+lahl
+buckaroo
+religione
+zedan
+dundo
+roaster
+mclaws
+1991-2004
+smerdon
+lisnard
+baldomir
+messenia
+topgallant
+zajicek
+actor/comedian
+birnbach
+magnetix
+confessing
+calcium-binding
+fonovisa
+alimov
+plads
+jaffee
+owsley
+jalu
+imprecisely
+henham
+re-appearing
+55.72
+#daa
+naxalite
+sirsi
+amsc
+avanhard
+conveyancing
+capirossi
+pre-buddhist
+courson
+5-point
+eliana
+nineteen
+tafts
+était
+empg
+kapral
+52-16
+mascall
+supp
+emsland
+sept
+hrodriguez
+me-tv
+karugarama
+divorcée
+logan
+engenho
+1980-1986
+staters
+dendahl
+rashaun
+surender
+homewrecker
+darbhanga
+boustead
+108.74
+400,000,000
+camion
+wiltzer
+pello
+standing-room
+standon
+quin
+reichert
+34.92
+boldly
+65.0
+apologizing
+perons
+vibia
+ardanto
+yasumasa
+pida
+grosvenor
+med
+xanatos
+34.85
+webb
+wnnj
+kruger
+11-10
+extensible
+ninety-two
+antonakos
+tomentosus
+kyoo
+sobhan
+cremini
+jethroe
+90.4
+vacillating
+jandl
+0.60
+videoviews
+seydou
+ghibelline
+zivinice
+tentiform
+hodonín
+pilecki
+seminarian
+maulana
+massengill
+urea
+16-28
+one-thousand
+bentel
+termine
+rudsar
+przysiezny
+oxenhorn
+gravett
+demmin
+nikko
+trashy
+harba
+mittag
+vaea
+promotive
+pakhtunkhwa
+wenwen
+hydrazone
+literae
+hajós
+lyndhurst
+monocacy
+marsicano
+ottens
+bellmarc
+pitkamaki
+eliott
+exide
+adra
+miyawaki
+solemn
+youjun
+118-111
+shuffling
+212-499-3355
+kornman
+houbara
+mancha
+hunks
+paris-charles
+baitfish
+melwood
+reactivated
+cabestany
+tomkat
+6/km
+5-piece
+bioenergy
+netmail
+geerts
+ringways
+record
+4,169
+bayesian
+moodie
+lhp
+podcasters
+darmawan
+kanaga
+ghannouchi
+gengshi
+hoban
+flirting
+solvable
+bausell
+bassandawa
+yukol
+nanocellulose
+727-200
+priorities
+self-sufficient
+bannered
+senoglu
+fourth
+dstv
+triada
+shunsaku
+wt1
+17:11
+bardez
+carrel
+30-2
+3,590
+paraders
+outsole
+186.4
+prestigous
+daybreaker
+non-final
+đại
+bhave
+morán
+roya
+eeckhout
+euro345
+crossbow
+waie
+skorpion
+sabherwal
+fishpond
+o'riordan
+viscusi
+2.94
+tinh
+gosney
+keigo
+u.s.-approved
+allocator
+iims
+dibango
+berryhill
+yonge-university-spadina
+sark
+kotaro
+taihang
+renegotiation
+nearside
+1,200-kilometre
+sauna
+behk
+oldest-known
+lacemaking
+buddh
+schemes
+t-11
+reunited
+alessandro
+repeaters
+eury
+noank
+amateurishness
+krona
+gorgo
+2.78
+quizzing
+jenůfa
+ibrahimovich
+32.6
+197.4
+salda
+1.5805
+eliphas
+années
+jagland
+glochidia
+mahsuri
+42-count
+sediment
+sacu
+agdam
+bargoed
+ncss
+dich
+invs
+siepmann
+dadlani
+nga
+2040
+ímair
+everlast
+mp
+whit
+8:09
+116.97
+fallstrom
+zelazny
+kotarumalos
+sonography
+bimantoro
+hornell
+mantras
+byoo
+envio
+urinating
+non-points
+procaine
+valenica
+tongmenghui
+pre-deployment
+rulon
+a.n.s.w.e.r.
+dumart
+.402
+adekunle
+sasseville
+mazahua
+graysons
+rokita
+322.2
+inocencio
+shneider
+3,093
+monday
+btco
+sz
+mannerheim
+stuhlbarg
+waals
+33.38
+azzuri
+stld
+r?sum
+8,610
+1.650
+callegari
+cantalejo
+lcvp
+valer
+rintels
+antoinette
+delić
+karino
+petm
+kunstverein
+brazo
+doubs
+proud
+time-domain
++.08
+acrididae
+e13
+c-section
+0.016
+9.00
+semiprecious
+procaccino
+switcher
+pandia
+teammate
+seems
+1861
+felix
+peevishness
+theuderic
+parviainen
+mabon
+crescentius
+kelmscott
+schlanger
+mks
+evolving
+hyperactive
+chivo
+goencz
+erie
+luethi
+fjp
+pakorn
+bushy
+peep
+mountaineers
+chatterley
+rattail
+adala
+parkeri
+kate
+dadah
+goumba
+unclad
+seabol
+beahm
+eminem
+wismut
+7:20
+crêpe
+mastercraft
+vizcarra
+shagadelic
+chateauneuf
+160.8
+oysters
+markups
+ensley
+shysters
+teresita
+rating/9
+2450
+lindisfarne
+frau
+hạ
+trypticon
+109.16
+discoverer
+skunk
+larmore
+procedures
+pelton
+insets
+internationl
+mitterand
+lecherous
+2057
+vids
+gemade
+maamoun
+voloshyn
+kiyota
+http://www.hollywood.com
+c-k
+balakian
+kalamarias
+46.19
+change-up
+oswell
+re-branding
+thiruvannamalai
+discontinuities
+barthelemy
+talf
+sucker
+shook
+shanab
+paszkowski
+elima
+ueyama
+manzanillo
+jurgens
+wvsu
+dumba
+interruptus
+violon
+whatsover
+pirna
+chuckwagon
+tributes
+limestone
+leiyang
+llull
+81.7
+enunciation
+controlada
+gidney
+causewayed
+bestiary
+rufipes
+vasko
+pizzas
+vmfa
+180-foot
+brault
+woodcarvings
+bouchet
+policymaking
+rehabilitate
+conjure
+spiriting
+farraday
+leelavathi
+avarua
+agonized
+euro780
+at&t
+trogir
+overarching
+900-foot
+delfont
++25
+egloff
+88
+syria
+quashie
+darioush
+taichiro
+geneen
+jeno
+ranong
+pcsos
+37-year
+ihedigbo
+stooge
+voskhod
+8-by-8-inch
+indie-rock
+57.23
+kalāteh
+howarth
+gittens
+bogus
+ljubisa
+juleanna
+wallenius
+parenthoen
+http://www.honda.com
+buff
+foxworthy
+mo94
+dearest
+tauler
+pensando
+temuri
+finlands
+1/12
+västerbotten
+kangta
+realistic
+diagonalization
+mickum
+hailan
+permach
+naqura
+unembarrassed
+ronchetti
+sobukwe
+aberconway
+anamalai
+semigroup
+07:20
+mercure
+penasco
+170.4
+15.44
+concourses
+gramedia
+ifex
+sterger
+ferocactus
+juliano
+inductively
+equivariant
+kick-off
+estrogen
+cassey
+thurtell
+fcc-licensed
+62.77
+fag
+sprucing
+sarokin
+anti-secession
+lurking
+hegyeshalom
+tancock
+shik
+37-25
+lefthander
+nameplates
+kranenburg
+niyazi
+scribblenauts
+1976-82
+milankovitch
+arborway
+rudisill
+boulmerka
+sikhs
+oudinot
+karanga
+ditchley
+computertalk
+velankanni
+lineville
+08:15
+70.51
+diaz
+ocarina
+16-5
+wsd
+ozak
+demihuman
+piatra
+whynott
+gfs
+117.30
+chokers
+spruill
+tenders
+ibero
+kaishinzan
+compatriot
+haslem
+eurojust
+dieses
+anti-lebanon
+hasekura
+18g
+marcolino
+sunsing
+orbe
+youngish
+aylestone
+kavanewsky
+baharom
+orthopaedics
+calocedrus
+schwarzenegger
+blomqvist
+298,000
+homestore.com
+jordanov
+soner
+enlace
+cenél
+constructional
+impetuosity
+pioli
+iceberg
+estill
+b2c
+schwarzbach
+pullach
+4-9
+telenor
+bortnick
+killface
+abim
+nuclides
+hajjaji
+vaishali
+niemira
+73.90
+kaliachak
+curiate
+.121
+bakhtiyor
+ealey
+schilcher
+picq
+zdravković
+fasanella
+samueli
+co-presenting
+cross-promotion
+y-1
+banjara
+beslagic
+aetna
+tyreke
+pwani
+vaisjuns
+bancaracas
+49er
+babenco
+56-run
+nontheistic
+utilise
+dori
+ɛ
+iressa
+ghafoorzai
+roark
+jouret
+unrepresentative
+luse
+gumma
+yelvington
+lsb
+9:05
+phlox
+brassier
+soni
+hippe
+pes
+219.7
+triathlete
+colten
+paradoxornithidae
+intensified
+printouts
+afe
+carlie
+vencie
+sacketts
+ciel
+schizoaffective
+sakabayashi
+opelousas
+kaspar
+paramonova
+2212
+djing
+stuhldreher
+ahsaa
+mccabe
+vihj
+gur
+orrie
+maddux
+dfe
+qusai
+cindi
+batsheva
+agoncillo
+cosmonauts
+adipic
+formula_156
+moulis
+unionpay
+folau
+oclc/worldcat
+pottinger
+truehd
+5,263
+woiwode
+abigaille
+hand-cut
+rammed
+sodje
+gagnier
+klahn
+6-meter
+m.c.c.
+igate
+mid-2009
+skłodowska-curie
+gluey
+nube
+eradicated
+bagge
+petersville
+10-man
+kanner
+subsidising
+autocannon
+ghazi
+jolly
+skrunda
+top-to-bottom
+muesli
+c1-ger
+o’hara
+sabuda
+forro
+tsurphu
+major-league
+milat
+120.92
+gorget
+multi-day
+soulfully
+lovich
+jinzhou
+dhaniram
+lilja
+tanox
+zzyzx
+kerubino
+titre
+galve
+thurer
+equidistance
+najam
+indexation
+jule
+inaccuracies
+felzenberg
+prouvé
+shaktimaan
+talked
+grittily
+deidra
+dierdre
+flutists
+1.2010
+tefillin
+repubican
+zawidz
+mayangon
+2,315
+bhaal
+zernike
+log-log
+80-point
+82.65
+apse
+winglet
+eshun
+lockridge
+broach
+toshima
+oshin
+zhengtong
+wisla
+zabin
+teper
+claffey
+aickman
+piedad
+tongyang
+johanna
+yu-na
+xinmiao
+0-4-1
+scioli
+angeles-area
+moosehead
+fallaci
+housecarls
+spiegelburg
+daradji
+itsukushima
+preaubert
+trifa
+belevan
+telleria
+karang
+karad
+4050
+salzenstein
+padana
+self-consistency
+laetare
+cowichan
+riseholme
+cædmon
+kallar
+comunidade
+jurisprudence
+horary
+mohmet
+paladini
+swindled
+rookeries
+halfaker
+mitigate
+2-irons
+geografia
+friendship
+palparan
+whiteman
+musayyib
+hekmati
+yakovlev
+sniffle
+millares
+papadopulos
+oficio
+kaprielian
+peñasquitos
+maghan
+houma
+wvtv
+tonquin
+wakey
+goral
+jeepers
+news-journal
+dragoncon
+bans
+dabo
+gabfest
+farquaad
+liselotte
+bengtsson
+stupni
+juanmi
+nafa
+chenglin
+gorog
+mini-me
+maokong
+1013
+78.95
+grehn
+doppio
+sawhill
+caol
+ignorantly
+3-sphere
+erzberger
+eurocopter
+blondi
+reappears
+30.22
+ramsen
+meelick
+geoducks
+bellator
+gsl
+co-president
+wacs
+paschal
+grillet
+babe
+drink-driving
+merceron
+flt
+basted
+crispino
+gardner
+jff
+foccart
+furfural
+forestdale
+naturopaths
+hajou
+agricola
+astin
+technosphere
+theravadin
+jetter
+south-side
+amilcar
+qadisiya
+mucha
+kulthum
+oneok
+mender
+undoubtedly
+scappoose
+conceptualists
+marilia
+urquiza
+blurt
+mckenna
+tindell
+gof
+yiin
+swp
+debehogne
+batyushkov
+state-maintained
+elegir
+f6f
+bbfc
+lasley
+capriccioso
+retouching
+vca
+korale
+bezos
+whitianga
+gumpert
+uranium-lead
+nublense
+panagiotopoulos
+knsb
+mortarboards
+aslam
+wrongful
+restorationism
+clearchus
+izhora
+ghita
+fup
+auwaerter
+tache
+conciousness
+klebnikov
+waggonner
+mccoughtry
+dedicating
+adverse
+hs250h
+5.73
+vernice
+15,000-strong
+cxl
+momodu
+elfyn
+shakhnazarov
+mumbwa
+kyriazis
+british-ruled
+harlech
+holderness
+lehs
+gauguin
+honor
+rustled
+woodway
+turovsky
+delden
+coldwater
+mikuma
+robelot
+15-2
+gagner
+blehr
+boiga
+recibio
+manga
+3,580
+valadier
+duckweed
+jarosz
+nibbana
+straylight
+eurosatory
+horsted
+mississippi
+7-foot-2
+yuesheng
+78.94
+closed-off
+4,378
+pfalz
+otokar
+40.5
+friable
+frepaso
+cepa
+hummingbirds
+şevket
+ostwald
+bellingshausen
+kidnapping
+oppewall
+86.6
+melon
+2331
+coston
+jalopy
+kostyra
+heike
+busbee
+2,204
+elachista
+cuchilla
+preeg
+malpaso
+unexceptional
+fatoumata
+72.56
+52-game
+unsexed
+smollett
+uclg
+62.36
+cordray
+braise
+canoeist
+moraines
+wccb
+104.13
+roku
+padder
+t12
+vasile
+neighbor
+unconsolidated
+12-seat
+1981-87
+veltheim
+provisions
+dunkers
+shapp
+946,000
+alumnos
+chelimo
+piecewise
+banavasi
+1978-84
+bullington
+khanlu
+unfolds
+unipol
+coundon
+kiprusoff
+wingbeats
+lambertini
+37.98
+ramps
+swf
+daei
+vesuvius
+sollecito
+melquiades
+weissert
+mrcc
+poroso
+mahl
+---
+agesilaus
+cemetry
+muratov
+rubiales
+euphronios
+filipino-american
+fache
+bloomie
+fetes
+anticoagulant
+formula_82
+hoseynabad-e
+goedert
+fausey
+paphos
+okene
+1.580
+koning
+tagish
+noti
+stolport
+homicidal
+0-2-1
+gigatons
+marilao
+mariavites
+guldens
+10,400
+locksley
+'59
+welman
+chattered
+histrionic
+grisliest
+beroe
+bown
+aksyontv
+ax
+3.0-3
+pancakes
+hile
+truiden
+23,000-square
+pearcy
+hietalahti
+mudavadi
+seasonings
+gpac
+garate
+mq
+2,954
+filml.a
+foaled
+israeli-palestinian
+nemanjić
+goc
+travell
+samnang
+kazbegi
+ilit
+wartelle
+rashod
+lpa
+trouvé
+half-elf
+martinique
+buryak
+cathartidae
+vocaloids
+pepo
+salin
+vault.com
+grift
+söke
+kidnapers
+ellipsis
+enke
+jahani
+conscienceless
+igpa
+abbi
+out-takes
+sveaborg
+aih
+jubilo
+occurrences
+thirumeni
+77.0
+hard-rock
+online-only
+banglabazar
+cre
+triumphal
+rebagliati
+filii
+13-season
+39,500
+punchers
+patliputra
+abilify
+infiltration
+rl
+uha
+yannopoulos
+secondment
+ngi
+eoe
+cor
+mueller-stahl
+māyā
+sesdaq
+shivshankar
+murgor
+simkins
+sparknotes
+eiling
+13.78
+cryptids
+stolid
+gleed
+doodles
+bauen
+anoia
+tripper
+triteness
+semneby
+sunred
+mareeba
+ryckman
+350px
+videography
+godina
+adversity
+uhm
+mvv
+gallatin
+60-75
+jeopardized
+1111
+byutv
+alevine
+landman
+viken
+panenergy
+l&t
+900,000-dollar
+45,000-strong
+carstensen
+kmb
+orlistat
+roxx
+vishnuvardhana
+herak
+basf
+zagori
+complacent
+spdr
+sepulchres
+xj
+recoveries
+us4
+beato
+eustachy
+l-band
+l-3
+predicted
+baz
+tagalog
+charlestown
+skullcap
+alright
+slapsticky
+basically
+handy
+8-count
+milivoj
+rainmaking
+npcs
+rokeya
+arturas
+baldanza
+ihz
+urz
+309.8
+chisako
+overtoom
+swallows
+weltklasse
+briner
+dumiso
+dashnak
+zinfandel
+hetherwick
+17-11
+40-member
+nightshades
+amapa
+rajinder
+tamandaré
+48.67
+presupposed
+rinek
+holtzberg
+88.84
+77-67
+dubrovin
+toscani
+nalluri
+14-room
+beguelin
+dolomitic
+finnerty
+guilloux
+makiki
+diapering
+980s
+highballs
+taishin
+filler
+cnta
+fla.
+pattie
+sancto
+klisura
+kitimat
+jermaine
+gylfason
+kadans
+seas
+estradiol
+whacks
+stelter
+f.c
+lahme
+songyue
+tapps
+60/40
+descriptive
+theatricals
+onsets
+abdeljilil
+røros
+sts-118
+hephaestion
+disavowals
+pelecanos
+lantian
+73.94
+4-88
+kro
+lé
+58.7
+jonno
+kowhai
+unimaginably
+eire
+crêpes
+prosperously
+careworn
+kimep
+10,240
+unk
+bohra
+schick
+sheinkin
+lagartos
+nanga
+u.
+maaoya
+carper
+hunted
+3-and-1
+kiszko
+upriver
+mitromorpha
+shape-memory
+l'humanite
+ollan
+hua
+32-35
+svarstad
+barehand
+charlwood
+gmunden
+rude
+hiro
+brissac
+bigger
+vintage
+gananoque
+loftiest
+trumpet-shaped
+sindar
+willingly
+kashkashian
+767
+medhi
+mandrel
+enosburg
+hibiki
+gully
+water-mill
+64.99
+aguilera
+17:15
+athe
+shekhinah
+henryi
+3.5-million
+113.5
+athen
+halten
+brihaspati
+family
+non-teaching
+virgile
+brothers-in-law
+1.4770
+bourgas
+tabnak
+saturating
+endecott
+35-34
+tatelman
+allworthy
+shyu
+mccormac
+henlopen
+pasricha
+hitler
+nousiainen
+barebacking
+radanasin
+pontificum
+popmart
+ōe
+hazzan
+musto
+fewell
+hornsby
+voshchanov
+scurvy
+ratoath
+singes
+golac
+matchmakers
+rifle
+mcdouall
+şerban
+schwarzach
+ketupat
+79.35
+3,514
+transect
+gigabyte
+meyjes
+gap
+girolamo
+columban
+danio
+infidelity
+karasev
+substations
+desfosses
+1924-1926
+tilings
+e-jhangvi
+remuneration
+kochavi
+suffix
+excretions
+cryptologists
+eupithecia
+shardik
+fabbro
+yuzna
+sumlin
+mahna
+3,144
+1,667
+pawlicki
+arancha
+osf/1
+christofides
+trappers
+austroasiatic
+aoshen
+professionnelle
+moama
+rm35
+perg
+chengqian
+annabelle
+abilities
+perrysburg
+marchal
+asal
+x26
+jones-drew
+sapone
+šerifović
+spagnoli
+seibo
+schafer
+quenchers
+tribunus
+lagrangian
+pantun
+matthysse
+lecture
+indecisively
+vinyasa
+dorf
+oot
+bisharat
+phoumi
+nottz
+bernabéu
+verandahs
+gombrowicz
+calmest
+relicensed
+inductor
+haikai
+2/5
+tylenol
+oilman
+nc
+priories
+bilandzija
+undercounts
+states.
+tourane
+gedney
+smallthorne
+trijet
+promethean
+isocyanates
+hurstpierpoint
+marcovicci
+trickster
+freixa
+26,500
+20-person
+doozies
+lachine
+vajiralongkorn
+gruninger
+betray
+katanec
+100-99
+cohesiveness
+adalberto
+ancop
+100.43
+tatoune
+berko
+quiett
+o'clock
+xiannian
+iwakiyama
+mubi
+hesh
+479th
+iberico
+baidyanath
+nexteer
+misaki
+akn
+pargat
+burridge
+defeis
+chacewater
+gailhaguet
+non‐highly
+kisfaludy
+5,510
+96.98
+subnational
+78-rpm
+piket
+phrasings
+jacobz
+k.u.k.
+suppositories
+cultivos
+gearloose
+arkona
+ultimos
+karua
+carthy
+mirandés
+masso
+grebeshkov
+jīng
+harrogate
+arst
+outlays
+twinnings
+sallies
+10.5:1
+nafees
+tenuta
+eisler
+gtcr
+canonically
+43-40
+belzoni
+gaudentius
+crenca
+20.7
+jusici
+malling
+impuls
+guericke
+teras
+celeketic
+cubicles
+morose
+rasunda
+masó
+decussation
+separable
+multiforme
+zoni
+rc211v
+panzertruppe
+benignity
+rahonavis
+87.0
+latulippe
+sinhala
+isight
+18,000-strong
+koblet
+dandakaranya
+inafune
+distractedly
+10,000-person
+bulinus
+bcit
+miall
+düül
+ebele
+mahsouli
+identically
+ophiolites
+shopping.com
+exe
+passenger
+perspectivas
+moomintroll
+pussycat
+mcdivitt
+victory
+severny
+salesforce.com
+dadge
+outshot
+duncan
+magnini
+derechos
+papaioannou
+vinyls
+miroslava
+hooton
+excessiveness
+funeka
+illum
+lapentti
+co-hosting
+pelagonia
+pracha
+balanos
+tripunithura
+sawyers
+re-mix
+goat
+27-yard
+antone
+lalganj
+bundesstraße
+varangian
+rumpus
+dianchi
+jihadjane
+3,402
+t.s.
+reduce
+62,600
+sportsline
+tsalka
+dausset
+btm
+wallidan
+dogrib
+mizel
+living-room
+adadi
+bertoia
+wsvn
+fidgets
+bouches
+corvee
+dobrava
+hausa
+342-member
+burrata
+pratchett
+diles
+theatr
+zwirner
+euro209
+compositae
+1.4815
+1,178
+pasona
+beur
+gmarket
+tamaddon
+echolls
+bonvillain
+courtrooms
+doimo
+horse-drawn
+marean
+reeker
+79.75
+bulter
+mollissima
+6-11
+clas
+fronte
+enova
+27.06
+rondelet
+69.35
+arousing
+gandingan
+euro424
+chelule
+irreproducible
+shearlings
+łopuszno
+eyong
+tartrate
+carhop
+coureurs
+balleny
+barnetts
+eeden
+danaë
+hyperpigmentation
+55.92
+96.93
+marañon
++.01
+nishadham
+chianan
+speranza
+cist
+ovipositor
+glassner
+eighty-fourth
+lunisolar
+dinners
+darci
+hydrolyzes
+tohill
+iisalmi
+normalised
+klsx
+labutta
+alecia
+laboon
+videogaming
+ringier
+glorifies
+dinsor
+petulance
+kumquat
+vladi
+coalfields
+juge
+non-locals
+letta
+balhoff
+10-to-1
+shaalan
+20-milligram
+eruh
+simonsen
+selsdon
+134
+vrai
+unir
+esculentum
+huanuco
+knie
+hartz
+46.2
+ili
+corrals
+us3
+andjar
+iia
+pothan
+redheads
+minmi
+catullo
+ume
+extranjeros
+esmerian
+kcynia
+takestan
+galdames
+beor
+moskowitz
+pillar
+0/7
+jednota
+joash
+intrinsically
+heiney
+zaheera
+bremen-verden
+xiangdong
+3,810
+baulk
+anhua
+reynie
+tzen
+quire
+bhajans
+belew
+llyr
+murley
+2,703
+prepayment
+f-6
+bekedam
+109.78
+redressing
+kirschenbaum
+mosb101
+archbishoprics
+8.1-magnitude
+six-game
+tolja
+nili
+sdds
+htv
+stylists
+estacada
+1991-95
+oses
+3,501
+esperanca
+nast
+fleetway
+hdh
+20.96
+gjorče
+wantland
+farron
+cospas-sarsat
+deaminating
+1897
+7.49
+albanel
+zarinsky
+550-pound
+lommel
+piled
+only
+owner/operator
+tortuous
+dibis
+kamotho
+gaas
+14:33
+kdnd
+levitan
+2-5
+78.72
+surgut
+giudicelli
+flavio
+intestine
+naiad
+zagorski
+hortus
+bessarion
+tnr
+anti-austrian
+luckert
+signings
+christian-based
+apop
+symbiosis
+yastrzemski
+hemme
+chavs
+charroux
+cosmedin
+flag-captain
+billot
+ciganlija
+yk
+kunavore
+57.91
+nashawtuc
+146.8
+morote
+laimbeer
+radama
+domini
+dopey
+modernizations
+acrobat
+angevins
+ardmore
+lapuente
+mahals
+alcide
+melido
+lanman
+carlill
+five-star
+łazy
+borjan
+284,000
+eckersberg
+4,097
+takuya
+offday
+dealers
+privy
+popol
+dharmalingam
+departs
+morazán
+bleedings
+vuko
+cappio
+footed
+mutizen
+magnetometer
+plumm
+batlló
+sheets
+cheetahs
+chengjie
+2,000-pound
+teny
+bryza
+charro
+cze
+adits
+pątnów
+suitor
+tomb
+workloads
+befriended
+self-enhancement
+pedigrees
+boozer
+stryn
+whodini
+wilfredo
+gotabaya
+emulsifiers
+badian
+balah
+wihtred
+2,973
+balali
+jwp
+sawadogo
+badain
+899,000
+hieroglyphica
+bacall
+kreipe
+3.5-liter
+a.f.c
+microfilm
+6-3
+rodmond
+mathlouthi
+e-nou
+clemenson
+glenora
+bertorelli
+golwalkar
+tolins
+scheherazade
+iodine-131
+broadmeadow
+gafni
+nps
+kramm
+tipsy
+rends
+18,007
+recliners
+finot
+roebourne
+originates
+sybarite
+teniers
+undesirably
+v8s
+leat
+agricultura
+mensfelt
+cedarville
+headlee
+kabaka
+shoplifting
+kbk
+streamwood
+seyferth
+mushrooming
+kempt
+rooivalk
+mosley
+intal
+miura
+xfire
+aloisi
+galamian
+konigsburg
+melodies
+54.58
+bromides
+flad
+considered
+hipposideridae
+lupien
+writeup
+non-uniform
+2:15
+claudemir
+cdrom
+castinetti
+ngô
+cruce
+custard
+mukuro
+yaowarat
+sawaki
+rajeh
+cud
+papier-mâché
+beta-lactam
+komańcza
+133.4
+rawley
+2,126
+henninger
+a-pitre
+balbín
+endodontic
+glorietta
+marries
+0640
+opilio
+morelon
+rougemont
+1,600-mile
+bursters
+eldeen
+vem
+unions/wards
+astound
+irizarry
+veloz
+sobriquet
+suffragists
+sábado
+luduena
+2-2-1
+swansea
+isma
+ashhurst
+lanty
+mangold
+mendte
+592
+23-billion
+sina
+cirincione
+planar
+voles
+aromanians
+neij
+228-205
+310th
+cons.
+meningococcemia
+outsides
+kavarna
+antbirds
+114.55
+infarcts
+pvs
+washita
+solarcity
+roadstone
+marpat
+sumac
+21.76
+bhorer
+topete
+rubdown
+neatly
+oldpark
+operandi
+229.3
+mohammad
+drenthe
+sarahi
+handcuff
+arre
+heimdall
+poneys
+217,000
+raiffeisenbank
+smouldering
+inaugurated
+dulaney
+cooperations
+trunkload
+västmanland
+haibin
+perform
+radivojević
+351-2
+03:55
+signaler
+rai
+euro90
+jaswinder
+thihr
+monarca
+sugaring
+hiroya
+categorizing
+brick-red
+drys
+shopzilla
+bandula
+basilan
+sebastiana
+stendardo
+ramayya
+t-2
+smallholding
+preassigned
+krynauw
+działoszyce
+computable
+magneto-optical
+spaa
+tarp
+icteridae
+dier
+silesia
+1,000-a
+234.5
+stufflebeem
+orang
+rasco
+stroe
+chawan
+bt13
+waif
+daltons
+kight
+3-billion
+28aou94
+coreceptor
+nze
+gonxha
+larz
+razlan
+dda
+slandered
+jannuzi
+0-and-2
+intimidating
+crumbly
+goodykoontz
+terius
+undof
+doriane
+lusatia
+17:23
+1489
+wibberley
+marchese
+skaarup
+unwinds
+nicam
+irreversibility
+disproportionally
+78.97
+bajie
+1320
+vaksince
+116-page
+frenchmans
+hoodoos
+planetaria
+amanah
+sillanpää
+croyle
+portraits
+fanuel
+shocked
+ka-band
+assorted
+génie
+valinor
+9-0
+prepress
+kluang
+zabara
+strah
+zaidi
+323.5
+sziget
+eok
+jabiluka
+waconia
+sharone
+epicurious.com
+ntumba
+4,367
+prignitz
+kalich
+cunigunde
+wishlist
+m&kr
+chimura
+27a
+2.99
+tunica
+218.2
+anese
+1,069
+101.42
+predicting
+navon
+dirgo
+obl
+1751
+non-socialist
+velocity
+hinchliffe
+j.c
+67.19
+kerasotes
+burhanudin
+braswell
+alford
+drung
+recheck
+ugaki
+toberman
+tick-borne
+open-air
+ugartechea
+dutch-based
+chronobiology
+governorships
+syphon
+dockstader
+2.2-liter
+38-0
+lanco
+accelerant
+103.70
+belies
+ingenohl
+zelda
+overwhelming
+2,097
+guardiola
+tigor
+partiers
+dismemberment
+skeletor
+włodarczyk
+nxe4
+kritzinger
+basilosaurus
+vicini
+henshilwood
+.302
+eastford
+slopped
+quick-release
+mitoji
+ramban
+excellences
+juanma
+cassegrain
+maigari
+toray
+3,025
+suggestively
+gentleman
+tezpur
+high-priority
+falopa
+hisses
+camuy
+steeplechaser
+showmatch
+2-1-1
+1.098
+4.825
+'80s
+icograda
+spindrift
+26.18
+moldy
+elegia
+72-10
+cannonade
+20/20
+windbreak
+takazato
+medstead
+12-of-17
+scand
+anstruther
+aggressed
+miniland
+vaudevilles
+stehlik
+lacz
+dalou
+tu-16
+4-14
+triathletes
+shlain
+kyawswa
+peper
+postglacial
+parapatric
+waldinger
+erythematous
+quebrada
+kānī
+maulbronn
+yoshitoshi
+canad
+depetro
+voicemail
+ezy
+meuniere
+compartmentalized
+rightwinger
+abeyta
+64-51
+20-block
+cheesemaker
+sniffs
+mbundu
+telescopic
+incoming
+bunheads
+1-15
+feriae
+coxnc.com
+diablerets
+nodong
+helma
+separatists
+corbould
+huguet
+geissinger
+aśoka
+outgames
+foch
+varni
+misapprehension
+socius
+manok
+narhari
+agiza
+masta
+147.7
+giovannucci
+zwierzyniec
+bearable
+anar
+lussier
+1904-05
+wayde
+bendor
+bienne
+closeburn
+ditzler
+françois-louis
+laye
+cholst
+angelil
+fremer
+hakki
+kaleida
+b-58
+nobusuke
+gyaw
+honores
+cabcharge
+qanooni
+lamartine
+neyveli
+lotze
+boaden
+kecskemet
+maidana
+midriff
+nedunkerni
+32-mile
+sophisticated
+junqueira
+16:21
+7,107
+singaporeans
+assertion
+11.7
+0/0
+slote
+jerkens
+biscayne
+47.9
+213.7
+i̇dman
+arachnophobia
+wattenscheid
+lifework
+lofland
+anti-semitism
+herbalife
+vivacious
+rotondo
+shims
+dahaneh
+240sx
+dulas
+scarnecchia
+ctrip
+anneka
+grotberg
+57.96
+meddling
+helsingius
+volte
+rde
+elton
+breyer
+maul
+16-game
+4nt
+shetterly
+tektite
+ministro
+trúc
+qeii
+batista
+transubstantiation
+(604)
+glaub
+sonji
+creia
+counter-claims
+kendrew
+6-foot-5-inch
+caramels
+esquilache
+astafyev
+idumea
+exogastric
+reisner
+shigeki
+hominid
+after-school
+antiochia
+spica
+calmes
+5,5
+3,679
+rindu
+leonti
+shiner
+cotti
+reichsstatthalter
+85.40
+lugh
+equate
+michaeli
+aileach
+lamotrigine
+bogdan-piteşti
+g.na
+pirogue
+jacquelynn
+oftedal
+beastmaster
+poltergeist
+galler
+battle-axe
+134.2
+holte
+suitt
+genesco
+76.16
+hackman
+aae
+vlasios
+dimatteo
+dowry
+haurwitz
+kaizaki
+iied
+raguel
+reclusion
+influenzae
+gayfest
+siberry
+rawcliffe
+stroboscopic
+port
+ectotherms
+crowdsourcing
+reprogram
+attleboro
+koutouvides
+o'lantern
+shivalayam
+franch
+yehn
+maija
+soho
+beakers
+sudharmono
+1,247
+yalding
+dunker
+heleomyzidae
+1/sc
+mariátegui
+70.9
+strela
+odi
+spillmann
+pch
+33.16
+calamaro
+endorsee
+79.63
+1-jose
+teertha
+zoonosis
+ineffectually
+slowing
+rin
+thrips
+adapter
+1907
+16-color
+basal
+strathfield
+marcian
+motorist
+ribnica
+quinzaine
+trudged
+gradante
+counterscarp
+foldout
+alzery
+grassmann
+arcangel
+surhoff
+corse
+aliev
+skånland
+5-43
+lasith
+debi
+grif
+jaked
+dabwali
+45.98
+pentito
+8.38
+devotee
+demonizes
+5.43
+natural
+hostelry
+martinetti
+hauter
+cairns
+unappetizing
+coangos
+1964-1969
+sebnem
+cabbies
+ibibio
+truyen
+pinellas
+servian
+slow-burning
+http://www.americanheart.org
+oars
+oddes
+w.t.
+pyper
+sb1070
+neemo
+chromis
+stainland
+tryptamines
+ofra
+shrubbery
+duron
+shellfishing
+tverskoi
+colefax
+bongartz
+tiribocchi
+alliances
+phengaris
+experimenter
+devour
+isopod
+shimshon
+6-of-9
+rent-to-own
+whitin
+excelcomindo
+onboard
+macrossan
+gontchar
+stored-value
+65.59
+zvonomir
+bershawn
+4,948
+boinc
+saiki
+ablyazov
+dorms
+berre
+rius
+trireme
+3,446
+smoothe
+sabieh
+ankle
+busey
+18-27
+fridges
+kōmei
+bjarke
+maystadt
+sh
+senaya
+hand-operated
+grafen
+w.i.t.c.h.
+siderophore
+hypomanic
+lycabettus
+ēl
+pire
+nbtc
+iván
+usan
+keynotes
+kekes
+rednal
+loreley
+capaces
+iugs
+hashlosha
+saddledome
+cetirizine
+cenomanian
+paradyż
+2,665
+philosophies
+paksas
+guerron
+zongyao
+suharso
+pelita
+misspeaking
+outdueling
+kobza
+third-place
+kongō
+billung
+kins
+gatherum
+floridita
+yingchuan
+32.38
+indravati
+shae
+fisa
+caravaggisti
+a2r
+re-formed
+astrodynamics
+himayat
+understaffed
+munson
+intergration
+nagarjun
+rongfeng
+fanshawe
+1877
+hunedoara
+polyneuropathy
+sonenberg
+wraithlike
+public-relations
+460.5
+pvp
+inseparability
+tlass
+giáp
+rinkeby
+demarino
+pummelling
+siebel
+shakier
+ecclesiastica
+13.12
+8-valve
+anmar
+idoli
+balla
+f20
+cong
+khaavren
+wordstar
+dutcher
+5lb
+fusing
+fireflight
+two-spirit
+22-ounce
+catic
+ikari
+76,200
+daiquiris
+khoj
+euro461
+hispanic-american
+122.5
+aggravates
+27.94
+bommer
+construcciones
+cornstein
+esek
+folbigg
+4-yard
+manyika
+electronica
+agama
+donkin
+impulsion
+atafu
+degolyer
+shimmery
+165-pound
+harina
+zetian
+degory
+nassau-usingen
+1959-1964
+50-overs
+lemoore
+ourimbah
+bannerman
+amerus
+mahmad
+chrominance
+russians
+sothebys.com
+tmp
+wabd
+kjer
+medoff
+yverdon-les-bains
+abian
+projekct
+hassam
+aall
+albacore
+castracani
+3,630
+gergen
+bembo
+37.5
+ardoin
+32,083
+raiment
+src
+http://www.cia.gov
+tinder
+dilucia
+estates
+lackeys
+disobedient
+texasinst
+breath-taking
+milliion
+volmar
+audoen
+956
+indecency
+disloyalty
+bizz
+early-to-mid
+plover
+hand-loom
+11,800
+kowt
+plaxton
+4,063
+pidgins
+an/pvs
+4g
+4-8-2
+fxe5
+giacchino
+nyons
+forschner
+8,760
+nasief
+abelson@globe.com
+nusaybin
+venetia
+cit.
+sha'anan
+cobordism
+xuyen
+watsonia
+basques
+40-mile
+fief
+pannal
+capitalise
+machell
+eponine
+champe
+denotified
+immunogenetics
+reincarnations
+sulaiman
+tatel
+tavan
+leuthard
+scheibe
+4-83
+ecf
+porritt
+emrick
+cartan
+masinissa
+kennedale
+hosszu
+zeme
+utmost
+asscher
+mallinson
+langweiler
+ticketing
+stagy
+chilworth
+wilhelmsburg
+beer
+surely
+1990-94
+dundar
+best-of-five
+euro396
+combaticons
+kassala
+wiltord
+rules
+predominately
+545-member
+160-million
+relevent
+cold-blooded
+106.34
+miamis
+reconfigurations
+ibuki
+whillans
+varnishes
+unmasked
+1215
+negatively
+foodstuffs
+taveau
+49-26
+12.30
+21-ranked
+springtown
+longerons
+n64
+mbda
+moallim
+perilune
+pricetag
+gueux
+darse
+ccsa
+-8.00
+dichagyris
+dihk
+degas
+delahaye
+commingling
+staalsett
+svyatoslavich
+tombigbee
+corofin
+bajamal
+bayfront
+shraga
+22:45
+mcclement
+city/29
+boudou
+heros
+tarallo
+nafti
+ramhormoz
+neukirch
+spies
+piratas
+rhinoplasty
+mulama
+36.20
+fu'an
+12.96
+harcourt
+40.43
+42,083
+þáttr
+randor
+8:12
+venerini
+rooftops
+polymerase
+adhar
+małe
+205.5
+hondius
+anti-klan
+adult-onset
+dauntless
+skaters
+binn
+marcyniuk
+ramananda
+teleosts
+minhang
+narum
+sansone
+africville
+1,332
+lipsk
+apokolips
+brockhampton
+ibm-pc
+anac
+gdc
+zanesville
+dicots
+onmyou
+2953
+cuota
+erdf
+15.49
+loshchinin
+chabraja
+qassis
+kalmar
+marans
+niaid
+obstructionist
+lookin
+vectrex
+mazzotta
+410-foot
+bingbing
+illiac
+oshita
+basta
+vaghela
+matriculate
+kirkmichael
+famed
+muklas
+zarina
+fontes
+fides
+rokke
+zakaznik
+assem
+wryness
+3210
+mariel
+ethnoreligious
+kaller
+omarr
+ranuccio
+stip
+tulancingo
+sanbar
+portion
+http://marsrovers.jpl.nasa.gov
+kamigata
+hoseyn
+holahan
+kaczmarek
+nns2
+6.9
+spivey
+cabooses
+resolute
+b.s.c.
+mildred
+hinzpeter
+llywarch
+gerassimos
+tassotti
+janszen
+poll
+pheonix
+49.2
+piss
+semifinalists
+comfortingly
+off-axis
+alpha-glucosidase
+ashlar
+placates
+mesoderm
+nrj
+roeland
+yizhou
+33.91
+7,315
+48-meter
+ownership
+walczak
+cidob
+enbridge
+pedron
+vitaliy
+tucita
+frediano
+kivelson
+classify
+nijs
+birchbark
+ovule
+likoma
+pleszew
+lazetic
+âge
+grumbled
+duino
+globalists
+euro490
+pitchforks
+gregorini
+bari
+craswell
+gehlot
+hdb
+colorimetry
+ulidiid
+well-engineered
+mongiardo
+719-1300
+220-pound
+soares
+kaori
+rubi
+228.6
+apriljune
+sat
+brewski
+1.92
+epiphany
+jamel
+wieland
+claws
+xiangning
+blithe
+reshef
+volunteer-based
+beneficio
+trichomoniasis
+compresses
+sall
+usually
+ratnasiri
+latehar
+saguenay-lac-saint-jean
+gruchy
+naciri
+sylk
+untamed
+salie
+liir
+valbe
+rapidshare
+litigators
+limited-edition
+coviello
+souhegan
+faddis
+bahat
+shopfronts
+abbes
+curacoa
+walschaerts
+woebegone
+lars-erik
+schildkraut
+dallman
+minerality
+82.21
+ilanga
+khatib
+64.83
+redefined
+reicher
+nonvirtual
+cazzie
+top
+hanbin
+champollion
+confessionally
+chivalric
+204th
+suezaki
+w.s.
+hoeger
+d.viis
+6-9
+empowers
+impractical
+giacaman
+makhul
+multidistrict
+heartmate
+coulon
+iee
+khnopff
+mengesha
+e-verify
+uncalculated
+allelic
+rahat
+tardieu
+minute-long
+http://www.asiantour.com
+69.27
+hawai`i
+710,000
+bancolombia
+schwartzberg
+cregg
+mayberg
+brasidas
+wideouts
+unemployement
+kambakhsh
+hitimana
+kravitz
+inocente
+schwalb
+15:47
+nastya
+majaidie
+decade
+pouches
+genu
+18.58
+sonograms
+peter
+ayoade
+galashki
+103-97
+eanna
+declassifying
+orsulak
+vasudevan
+cassilly
+rootin
+fixing
+rationalising
+re-unified
+celebici
+makhno
+pitch-perfect
+hyperkinetic
+6-feet-4
+salesclerk
+najla
+monserrat
+autry
+cantante
+smoulder
+ncpac
+nantahala
+viewshed
+japanese-style
+369.4
+institutions
+schutt
+147.8
+tynset
+cfd
+gilliland
+communions
+rotas
+mcsheffrey
+donaldson
+barsha
+touché
+jiankang
+chitchai
+sarva
+guvamombe
+cammas
+47.08
+203-kilometer
+gemesis
+21.20
+croplife
+garai
+lamka
+k.m.
+kilrea
+(941)
+kaddouri
+sayf
+viasat
+choco
+21.32
+gradac
+rebirthing
+54.34
+aqmata
+naveed
+heon
+koffler
+staelens
+globen
+baudry
+lunstead
+currence
+constructing
+engineers
+baphomet
+hador
+shihadeh
+keypress
+ejercicio
+coffeeshop
+milner
+hrovat
+repay
+roominess
+digory
+visconde
+thelema
+anhu
+milutinović
+vidmar
+villareal
+topolsky
+hose
+semel
+h&s
+fallers
+1991-97
+microelectrode
+quisenberry
+mesophyll
+230.4
+bang-bang
+khatoon
+gii
+leyba
+wallops
+mcintee
+zhongying
+81.80
+fogged
+burgundians
+12:31
+cell-free
+vauban
+heptullah
+quantas
+windscreen
+beamlines
+smarted
+48.31
+fudosan
+amyl
+kashif
+aisha
+kindlon
+nyron
+#e
+squalor
+instructions
+kulcsar
+karslake
+runequest
+romneys
+fevre
+donghe
+ansaldo
+assists_l
+thumbs
+lookahead
+ntsc
+buzzie
+supa
+re-ignited
+polwhele
+31-0
+genov
+buranelli
+forbury
+5,477
+sharp-shinned
+siteadvisor
+radney
+backpedal
+sanguineti
+dvc
+22.36
+greehey
+buncefield
+aseman
+ffh
+snowstorms
+santamaria
+krejza
+hodierna
+episcopal
+100mph
+halper
+signed
+smartypants
+280.5
+wineline
+xestia
+antidrug
+harjit
+capitalizing
+muaffak
+kerson
+mid-1973
+carteris
+gaudiya
+robertsdale
+ping
+gorbachev
+45-28
+knobelsdorff
+lisianthus
+kohn
+szabó
+nedeljkovic
+boes
+genitourinary
+saltimbanco
+coattails
+alsatian
+berenato
+long-awaited
+al-turk
+mckendree
+tdd
+horse-shoe
+assmann
+khaqzar
+yadid
+namib
+perphenazine
+1.2070
+jendrisek
+loughmoe
+avraam
+malecela
+tavárez
+ffrf
+vishesh
+htf
+kikuo
+hurdles
+devrimci
+marella
+batouti
+satele
+princeps
+`
+mirvac
+kurigalzu
+chemokines
+carbury
+ochreous
+nonimmigrant
+26-11
+fplc
+esperon
+bargy
+desdemona
+akshara
+haavoda
+stealer
+leads
+immaturity
+.236
+zafer
+detection
+owei
+westdeutsche
+arcam
+leucadia
+soloists
+demento
+million-year-old
+soce
+clad
+lindwall
+sawh
+sakamaki
+manka
+4-seater
+hasenjager
+thebaine
+neas
+atlacomulco
+11-day
+wirth
+artillerymen
+ilisu
+33-35
+government.the
+bernadette
+wolters
+thrombus
+lingshui
+danielewski
+arnoux
+taglieri
+sathish
+raksin
+al-ansar
+equatoguinean
+lloreda
+tamarix
+re-invested
+cescau
+lor
+ganna
+ghias
+caspari
+krnojelac
+council-owned
+around
+karetnikov
+perella
+sambur
+rathborne
+omissions
+thomy
+yonaguska
+bézier
+boubakeur
+c17
+bombshell
+fauquier
+enterica
+knottier
+koplow
+metapopulation
+gilpin
+oecolampadius
+chikurubi
+jayaprada
+lowrider
+deterministic
+nhlapo
+ayatollahs
+bogeyless
+joksimovic
+uummannaq
+panache
+za'atar
+carnia
+fahd
+91.76
+bleckner
+rawan
+klausenburg
+whichever
+2,451
+barsuk
+1,306
+zumbrun
+pannell
+honeyed
+treize
+replanted
+vongo
+7digital
+craigie
+reins
+1390
+gründerzeit
+hoaxes
+shalala
+vikrant
+trethewey
+merinos
+akhmad
+tidily
+45-33
+curcuma
+miyun
+ebert
+10:51
+giovannetti
+catalog
+atic
+fadia
+subterfuge
+voorhees
+dasmarinas
+scholastically
+glitch
+shoofly
+eliashiv
+daya
+2wire
+pharaoh
+l'isle
+strasse
+verdot
+deflagration
+ottweiler
+full-text
+timme
+urantia
+pickup3rdgraf
+mescaleros
+comunique
+eighth-grade
+tagliacozzo
+conceptus
+guadeloupe
+ephemerides
+20:50
+sutiyoso
+lleshi
+ashuelot
+picnics
+lummox
+v&t
+hollyfield
+giving
+elmsford
+tripolitania
+movie
+italianized
+tanoue
+wla
+isomerases
+kabab
+texaco
+józsef
+patu
+bendita
+caesalpinioideae
+jiro
+wyllys
+60p
+braunschweiger
+naucratis
+14-under
+prosecutor
+micheldever
+bussard
+worthier
+maugrim
+epicondyle
+curiosa
+wambach
+0355
+jaanson
+mayerik
+chessmaster
+great-great-great-grandfather
+eoraptor
+400-meters
+pct
+hurvin
+vavuniya
+beanstalk
+kandia
+utt
+beati
+nf2
+mardirosian
+0110
+rugged
+wraith
+soul-jazz
+izmaylovo
+mannose
+dulverton
+gerle
+adat
+todor
+mmmbop
+outstation
+796,000
+stinchcombe
+621
+pizazz
+guardino
+amarin
+angora
+killjoy
+multichannel
+outward
+haitai
+waziriyah
+160-member
+gilchrest
+edie
+non-smokers
+jsg
+weebl
+veneziano
+evilly
+marcello
+scrolling
+unappropriated
+pyrénées-atlantiques
+out-of-towners
+tabligh
+endures
+battalions
+elodie
+community-supported
+sirimongkol
+fransisco
+non-noble
+informatization
+kurn
+abam
+868,000
+lectureship
+binter
+gardeja
+292.2
+banglalink
+elgar
+wuhuan
+efthimios
+single-barrel
+golders
+rezaie
+fullfill
+turn-of-the-century
+kincannon
+consequential
+pneumonitis
+pralines
+ire
+onyia
+terlep
+vadakkan
+tổ
+chirurgie
+katsouranis
+62.59
+thickened
+dakhlullah
+deepti
+5,500-member
+dalis
+sorensen
+sete
+encompassing
+teo
+tiliwaldi
+ryders
+rhadigan
+rhacophorus
+technikon
+lakselv
+2499
+exporting
+darre
+sinndar
+krigsman
+mike
+sabarmati
+quellinus
+wendy
+hydrogeological
+guitar/bass
+doorbells
+1.5370
+erzsébet
+pinion
+nothin
+iure
+c18
+alexeyev
+voidable
+asman
+75.7
+agbeko
+35-billion
+underpriced
+surficial
+houck
+demirovic
+explosives
+kimmell
+swedberg
+95.67
+rhinos
+arabic-language
+stoddert
+shibboleths
+assin
+skirmishers
+multi-volume
+ormston
+o'brien
+schönburg
+matsikenyeri
+shulgin
+atty.
+600-point
+marad
+grönemeyer
+kaboodle
+washtech
+otranto
+water-skiing
+poststructuralist
+dakhla
+115.95
+202,000
+montsame
+laterites
+1995-97
+subsume
+9-day
+globals
+søndergaard
+asyut
+cîteaux
+448,000
+game3
+huriyat
+poppingly
+r.l.
+either/or
+kakudji
+kerbside
+289th
+ecolabel
+jerald
+etak
+klate
+yvor
+strongbow
+snubbed
+bhor
+lemminkäinen
+109.95
+bündnis
+bacha
+ulemek
+mejid
+consuls
+vice-champion
+travel@latimes.com
+perrella
+frostings
+345-km
+jutrosin
+caillaux
+balawi
+gospel
+tilton
+1984-1988
+kyungu
+hollahan
+ayamas
+alpay
+8300
+roselyne
+moniuszko
+3-and-2
+ganczarski
+mastery
+chobanian
+tsk
+canids
+southern-most
+9,389.48
+w.e.
+thoen
+antiperspirants
+mbh
+saur
+andlau
+dishman
+98-94
+laudian
+fairburn
+iskusstva
+imperatriz
+baradei
+hypothesize
+hsiaokang
+miric
+karlsplatz
+20.21
+deleage
+rudan
+ziti
+sphinxes
+wraysbury
+tomokazu
+151,000
+papis
+cyrene
+besseghir
+extender
+matsunami
+utusan
+kohlrabi
+parineeta
+everydns
+naj
+onlyendpar
+eto
+ghaidan
+boeve
+diuretics
+228.7
+paratore
+french-english
+shalal
+dijkstra
+topsham
+3,5
+memorials
+krikorian
+kiseljak
+centenario
+pets.com
+cattles
+ulhas
+114.75
+catelyn
+bengali-language
+would-be
+katsuhiko
+dynamometers
+dedham
+part-timer
+3,533
+crystallize
+chijuka
+7.7
+adelsverein
+anemometers
+jellacic
+ascends
+negotiation
+jernigan
+misano
+galik
+lspez
+sofronio
+birdview
+maseko
+hroðgar
+mno
+oudong
+flórez
+caddoan
+nilotic
+wc2006
+lorena
+satarov
+pullo
+371,000
+www.slate.com
+superlotto
+boho
+pinger
+druidic
+muki
+serbsky
+wdbj
+recycle
+ellenberger
+tversky
+salvenmoser
+bellis
+mispronounces
+perforate
+gothenberg
+fulfil
+drakos
+rdpc
+tschichold
+illingworth
+300-page
+andrada
+rutkowski
+poyle
+slitting
+udoh
+postiga
+finisher
+2-year-old
+wednesdsay
+4,630
+bengaluru
+renoirs
+kalb
+thermophilus
+composted
+kukal
+89.25
+47.36
+moderns
+weasels
+dewlap
+shepherding
+tolo
+breitbach
+randell
+bizzle
+145
+roskosmos
+bowsprit
+wiltz
+pfleiderer
+lovgren
+30,900
+bron
+spill
+vollmar
+l.e.s.
+káťa
+tadzhikistan
+bhawani
+karrani
+exiguus
+41-19
+defragmenting
+conics
+blicher
+p8
+cineaste
+decortication
+bennetts
+noncore
+beyoğlu
+kendell
+marchionne
+quddus
+anthropologists
+sicken
+chick
+48-41
+haselton
+mca
+adu
+cibelli
+dayaks
+proceden
+poinciana
+incubus
+nulle
+kyoei
+altepetl
+keramik
+razdan
+lanagan
+holta
+jumatul
+eslami
+liptak
+grn
+methoprene
+28-percent
+iwork
+haslip
+gaf
+riai
+dabigatran
+littel
+ranville
+thoris
+renny
+15:22
+nightshift
+actualmente
+wheelabrator
+zakłady
+pre-qualification
+032
+brianti
+sightless
+tragic
+autogenic
+earings
+kilted
+kanade
+gunky
+mihos
+bentgrass
+x-wing
+exploded
+castlehaven
+osuga
+eby
+skald
+boston.com
+berewa
+yongmin
+gadamer
+1,096
+mechatronic
+insolubility
+doerfler
+portantino
+75s
+leckhampton
+ader
+layng
+tanar
+channelized
+1.4100
+firas
+oluremi
+hussien
+udry
+belis
+mandingo
+26.06
+thorvaldsson
+revengers
+koombana
+wooed
+charlies
+uncompleted
+wwjd
+chirtoaca
+67-acre
+what
+ancheta
+chasers
+rousing
+tieying
+falseness
+dc-10-30
+norbert
+understandable
+kongra
+memo
+daohan
+stratman
+three-round
+grammarian
+ache
+u.s
+imperfection
+telepathically
+i-azam
+programed
+alternativa
+battersea
+tradescant
+anesthetizing
+worsbrough
+gayen
+cahuilla
+mahendradatta
+sakarya
+mbuya
+neader
+melor
+elevado
+tonalism
+816-822-1444
+vuk
+rotaries
+leona
+bompart
+taweel
+vouchers
+shilowa
+unimas
+pfleger
+landfield
+morphosyntactic
+hepplewhite
+pirog
+purplish
+menuhin
+janówek
+maxxum
+stobbs
+ñuble
+4,239
+boo.com
+duman
+générale
+abarth
+vocalizing
+jung-woo
+chirping
+ignat
+gazet
+nslp
+kyrgyz
+eighteens
+tafforeau
+chondritic
+gunst
+aircell
+www.ebay.com
+flq
+irpinia
+nanotube
+boscap
+38,438
+redirector
+oxtail
+foshan
+vainikolo
+13,850
+46.12
+mihd
+lenor
+chapchai
+alex
+stefko
+parkgoers
+fibrations
+sammis
+welsh-medium
+chilis
+vaspurakan
+lubsza
+grandstander
+karmel
+ramgarh
+99-92
+sublease
+bernis
+612.5
+fiorenza
+orsanmichele
+wdc
+kljajevic
+woke
+txalaparta
+flaxen
+disputations
+cholo
+leaderboard
+adopted
+yalof
+lychees
+shuwen
+yennenga
+ejei
+glockner
+2,500-kilometer
+offman
+taraneh
+lampard
+ftz
+standage
+flw
+http://www.nhtsa.gov
+ciconiiformes
+commando
+hunches
+5-under
+psk
+crise
+acea
+v-day
+506th
+sled
+flandria
+ryūkyūs
+178.2
+stefaan
+chone
+gosselin
+horch
+shoalwater
+avdyukov
+49-38
+signifier
+love/hate
+minobe
+vachana
+quinceanera
+tekelec
+mosshart
+pourier
+11,950
+sierpinski
+vantagescore
+corbie
+porsgrund
+34b
+kirstin
+jannus
+pučnik
+a&aee
+hinkle
+alderwoman
+carshalton
+kazimira
+balanced
+mprp
+demelza
+taherian
+sasiprapha
+euro713
+zengid
+scandic
+boyko
+megaplexes
+lectors
+colombini
+85.81
+lahn
+lortel
+1,556
+tantri
+print
+navigated
+bulma
+vicomtesse
+six-word
+ricoeur
+ticktin
+senorita
+fozzy
+namibian
+wipo
+indepedent
+ac3
+6,315
+arita
+arboviruses
+3080
+wolford
+3-24
+kod
+northhampton
+imambargah
+mahavir
+christianity
+narcosis
+terzo
+altera
+107.27
+trijumf
+arkanoid
+off-spinner
+pindar
+uruguayo
+1.885
+jewsbury
+falconieri
+cystitis
+maine-et-loire
+omakase
+wheelman
+shelly
+74.30
+blueness
+euro481
+macavity
+29-14
+223.2
+hoverspeed
+nawal
+deparle
+estonia
+quartering
+notwithstanding
+deadmarsh
+corvids
+vilakazi
+specifics
+tambov
+messina
+bc2
+witticisms
+inequalities
+5:1
+perlis
+masterton
+huddor
+causey
+agoglia
+maenan
+minns
+yovel
+glazov
+29-june
+recipe
+haiyang
+90.90
+gallerie
+meopham
+guek
+fovea
+tapir
+re-intensify
+belvidera
+zire
+amplats
+zano
+almodovar
+lightsey
+exhalation
+.185
+kapellmeister
+ceilidh
+años
+aveline
+cerasoli
+alfreda
+notaras
+hoppa
+preterist
+stouffville
+schmalkaldic
+daouda
+sanja
+lelievre
+cornbread
+cogedim
+examiner
+riedle
+rg6
+mudenda
+jurists
+worm-like
+plečnik
+beaming
+resor
+administra
+bujak
+racecar
+kruis
+weezer
+kenningham
+yosif
+dolac
+109.47
+1,067
+workshopped
+werauhia
+webhouse
+tangent
+dampeners
+ramnad
+f/o
+self-verification
+learnt
+mid-1940
+kiyonaga
+’
+oleynik
+grenade
+agglomerate
+ducis
+anticlinal
+114-110
+headline
+homeonrange
+rosetta
+kwiatkowski
+recep
+kasane
+jaimini
+chiquinho
+beyle
+decleir
+expressive
+enfranchise
+eorpwald
+14-2
+mortiz
+vallentuna
+telepictures
+147,500
+burundian
+on-site
+acquiescence
+cardiologists
+coelom
+solider
+bereket
+hails
+pre-1979
+gobat
+wivelsfield
+senad
+zhongming
+dualizing
+filmore
+yowls
+re-register
+dc9
+geidar
+mimma
+dilenschneider
+kasimpasa
+shinjo
+relieved
+921,000
+weihua
+dolgan
+westtown
+4,395
+9:14
+ghirardi
+franz
+soffits
+first-team
+sqkm
+54.79
+aemilius
+unwerth
+waterbed
+satisfyingly
+centurian
+snarks
+anti-buddhist
+muteka
+34.99
+aog
+crash
+janki
+rabeea
+panlop
+sveshnikov
+caerulescens
+word
+mucin
+self-pollination
+andrius
+woodstown
+yogen
+antisense
+rerouted
+11th
+reef
+tulley
+gisella
+calpurnius
+węgorzewo
+rhodamine
+musiciens
+prurient
+symbol
+gullahs
+pequod
+delagoa
+stilfontein
+kusha
+tuusula
+j-2x
+pedlars
+ugbo
+kittson
+ovations
+jb-2
+2,258
+210-pound
+atwork
+four-movement
+rajin
+46.78
+taishanese
+reverberating
+bryag
+phase-change
+ethnics
+dun
+anglong
+dorfmeister
+buno
+4,700
+schaja
+tracheae
+zann
+agder
+subsect
+infuriate
+enix
+kiratas
+80,400
+loir-et-cher
+bağlama
+pelias
+velvel
+brannen
+13:19
+menhir
+venkataraghavan
+ultra-high
+reawakens
+parvez
+hallahan
+gravlund
+miluo
+c.f.r.
+unsatisfied
+hypertext
+criticized
+okuma
+vestfold
+tarar
+petercam
+szuckerman
+absolve
+kotche
+headfort
+fice
+suderman
+mig-25
+valéry
+pingzhangshi
+kasai
+lyreco
+ppp
+sisera
+invective
+obradovic
+pigmentation
+moroi
+hakansson
+sivaratri
+colombia
+unbridged
+sqaud
+battipaglia
+vacation
+advanta
+reproducibility
+svg
+xxxix
+nansouty
+kgv
+zardran
+alivardi
+yuliya
+novum
+kuttler
+backheeled
+tonekabon
+reuse
+graminis
+siheyuan
+mccammon
+halle
+damped
+rooyen
+zaafaraniyah
+jawr
+bibliography
+mcaleer
+bft
+phragmites
+baton
+pann
+type
+euro399
+4-69
+c-11
+taleb
+1903-04
+mersin
+zorawar
+graha
+bhabanipur
+monody
+indulge
+maffra
+shaggs
+bournemouth
+udder
+arcona
+hauling
+euro145
+linford
+sofar
+haski
+vova
+acerca
+belperron
+wallowed
+stallworth
+tofane
+three-years
+silver
+kanhoji
+4,645
+bispebjerg
+euro531
+crematoria
+rasipuram
+tholot
+24.29
+fordingbridge
+anslinger
+atatürk
+15,000-square
+klotzbach
+jagirdar
+ebeltoft
+georgescu
+long-time
+zapotec
+rpe
+barkho
+northwestern
+epigrams
+s.a.d.
+warsash
+liptovský
+ethidium
+manmad
+dulhan
+schager
+cyberattacks
+rustad
+apiku
+j6
+seiran
+chafed
+casandra
+unisem
+blackbourne
+mid-1942
+megaron
+evrensel
+billing
+fandango
+kalem
+morante
+holzner
+stories
+hince
+catalyze
+menoufia
+jarpa
+.224
+tocco
+mx1
+talwinder
+rhyolites
+lochwinnoch
+165kg
+9a-7p
+perceptive
+hodiak
+11-county
+guangliang
+hired
+shray
+bulding
+51.50
+erythraean
+elphick
+irritans
+alauddin
+deles
+sampson
+2,806
+malaxa
+lanterne
+8-for-15
+3,220
+nagaoka
+entheogens
+khomenko
+transborder
+tuesay
+hysa
+zein
+blagoy
+non-expert
+chisholm
+uncooperative
+ravel
+rejoined
+radosavljevic
+4,306
+96.42
+going
+phytoliths
+bironas
+abundances
+ludmilla
+sarts
+98.1
+anteriores
+jiefu
+hostiles
+titone
+1540
+2,213
+nampo
+tarango
+5,690
+malalai
+jump-off
+mclanahan
+helike
+warnie
+vishniac
+parchment
+colloquialism
+oodle
+pasley
+d80
+shorthair
+deman
+20.75
+pressurized
+ramo
+henno
+francisc
+claude
+lust
+congresos
+taleghani
+rano
+shouldering
+viets
+deceased
+m-45
+pitviper
+rueter
+26.15
+soundchecks
+3-run
+bar/restaurant
+tcs
+petrol
+unmanageable
+starcher
+holies
+rejoins
+referee
+republikaner
+us-75
+crucitti
+ojibway
+komsomolskaya
+toquepala
+blackman
+99.23
+parlements
+transgressions
+gathright
+2.90
+basilio
+umran
+vecci
+en-suite
+junghyun
+mourir
+lộc
+patoski
+maqsud
+10:12
+ibni
+munched
+2,609
+algebraic
+activity-dependent
+jiangong
+susanne
+ossicles
+rgr
+scilla
+off-ice
+bandhu
+arrowe
+chaparral
+kandahari
+recklessness
+taluka
+cumbie
+sorcha
+comebacking
+edizioni
+f-82
+chauffered
+knicker
+85.8
+flounces
+caisses
+lebret
+afro-caribbean
+edgecombe
+shantar
+benvenuto
+unquestioningly
+nwong@globe.com
+deb
+untended
+olaus
+nasopharyngeal
+traversing
+denominazione
+izgi
+jinyu
+burkinabes
+spacex
+sumana
+viseu
+gatos
+eased
+andras
+inaugurates
+serapis
+linking
+juutilainen
+diamond-like
+1-19
+schneersohn
+elvio
+levallois
+six-wheel
+goldenberg
+bradamante
+photometer
+d46
+metastasio
+interline
+mudanya
+kabukiman
+jeffersonian
+herstmonceux
+greger
+dayglo
+songs
+philharmonics
+a15
+summitry
+koraj
+parallaxes
+belalcázar
+sangokushi
+veeg
+trog
+single-storey
+halbish
+rebhorn
+79.10
+sancti
+kvitova
+sennacherib
+euro0
+mehmeti
+guarico
+436th
+semar
+sholom
+rebmann
+cd4
+.622
+wakeboarding
+annulation
+4-35
+2,794
+rambled
+outstripping
+rubaie
+tavua
+moloi
+moldovans
+ingpen
+charade
+offinso
+amas
+al-tamimi
+4-for-11
+sabal
+naegle
+0.725
+noord-brabant
+keshar
+melitopol
+windhover
+ovalle
+vau
+aling
+b-36s
+67.56
+cohrs
+labellum
+calculatedly
+hanumant
+ceylan
+12:23
+meetze
+stroker
+quynh
+freeloaders
+spammer
+euro179
+bresnahan
+logia
+aereon
+matangi
+sired
+aguiluz
+32.39
+7.85
+caufield
+reicholzheim
+aitkin
+hradecka
+wills
+lippstadt
+galanes
+hegira
+playwrighting
+amara
+75.62
+euro361
+cropredy
+whitetails
+upci
+proeulia
+h1n1-related
+dickerson
+sianipar
+crispness
+sambol
+corel
+scopus
+petrine
+unstable
+delmarva
+tornatore
+salusbury
+benevolent
+focussed
+tidwell
+monie
+andric
+selvage
+barilko
+hit-making
+diorama
+different-sex
+paolina
+adventurists
+mccluer
+zeman
+habe
+3,726
+palmira
+tavi
+false
+delijan
+tsujimura
+nepalese
+astafei
+beinn
+reppy
+biafran
+colima
+toatsu
+abductions
+detoxification
+ubo
+corleones
+gnomes
+drachmae
+dragsters
+législatif
+urbandale
+tlali
+115.60
+asuque
+sundarbans
+loquitur
+grantsburg
+semi-state
+peines
+thelwell
+coogee
+suweidi
+auriol
+mastrantonio
+germond
+acq
+betrayals
+troya
+excluder
+apala
+schoolkids
+katzin
+ebs
+chamfort
+lawren
+55.74
+herzer
+saint-joseph
+themsleves
+cyrtandra
+1,719
+murderers
+cupbearer
+salavan
+daycares
+kadoumy
+self-pitying
+gewurztraminers
+isda
+alteration
+keator
+yashwant
+pencilled
+sefid
+grandidieri
+catherwood
+garan
+witholding
+suggestible
+hautamaki
+119.19
+26.60
+37.40
+goldcrest
+guanzhou
+fatin
+1878-79
+teerth
+higher-profile
+jász-nagykun-szolnok
+pluvial
+11-team
+1698
+nordenham
+shangdang
+santosh
+commandant-general
+capelo
+iser
+2,300-strong
+bovespa
+haviq
+birtles
+frostburg
+yatra
+rambis
+váci
+eliminate
+tsiranana
+inductors
+forsmark
+tianyuan
+slubice
+conforms
+trt
+ethnos
+cnj
+dedeaux
+blassingame
+transmogrified
+distinctly
+dépôt
+mercaptans
+teodosic
+coloborhynchus
+bergsma
+stilgar
+baksan
+remes
+manako
+jenners
+clova
+lykes
+bargh
+longcase
+17,565
+fulbeck
+medlock
+toshimitsu
+m.y.
+jayasuriya
+cuneata
+ehrenkrantz
+reappraisal
+halts
+wind-driven
+sharepoint
+lessard
+1781
+rolle
+hersh
+264.4
+shefqet
+cerris
+36,300
+dry-stone
+barshevsky
+transmiten
+burkinabe
+1.00
+predestined
+flunks
+7:43
+jönsson
+druken
+tollgate
+fosbury
+murtle
+winfree
+gauntlett
+barometric
+fróði
+dāsh
+t2
+tardily
+conjugate
+invincibile
+durwood
+sceptically
+steinfurt
+kriya
+gogolak
+batteries
+pelourinho
+eurabia
+yashica
+105.21
+tautomer
+1941-43
+1,499
+zhah
+macanese
+179.8
+meinhold
+epiglottal
+tampered
+kizashi
+all-source
+usj
+wavves
+ezeiza
+civil-military
+karki
+gere
+satyanarayana
+30.37
+nears
+headmen
+kurilsk
+kanimbla
+websitecity.com
+ahdyar
+yukawa
+hvar
+groundlings
+mcentee
+ruess
+kube
+arney
+anti-polish
+rangely
+mejia
+gorbenko
+darak
+jifei
+freiin
+doo-dah
+pmd
+s.w.o.r.d.
+blankness
+528i
+mozo
+wonders
+grey-black
+16/17
+phillipson
+kmov
+kamatapur
+3,353
+devdas
+serpents
+cesarini
+grungy
+fthomas
+zahiragic
+seim
+hac
+trunkline
+djabir
+nanus
+ashtead
+mercieca
+quinlivan
+wisgerhof
+manifests
+biomet
+27.3
+granato
+njg
+ours
+mantronik
+energy-rich
+bosansko
+gymnopilus
+cay
+chiaravalle
+destablizing
+fumie
+hampden
+6music
+pinball
+triangulating
+11/1
+frugi
+dicto
+renationalisation
+shengrong
+khutor
+homberger
+milkweeds
+dysfunctions
+lechang
+ak04
+canf
+brade
+arhus
+mahatma
+taleban
+.559
+laam
+barksdale
+farington
+tellme
+alyth
+slonimsky
+ironport
+lubricant
+sekulić
+upwa
+beezie
+ivankovich
+kemelman
+toast
+kinmel
+sspx
+stichera
+fade-out
+faroe
+kelsie
+discomforting
+73.35
+latinos
+fournier
+salinas
+wrest
+fiserv
+fy2011
+mid-sixties
+peacemaker
+fiddy
+inamorata
+sacs
+gprs
+ablaze
+52.63
+forcings
+montages
+aleister
+2-for-4
+24-nation
+four-valve
+chaiten
+schinias
+malavika
+fierman
+canzoneri
+rectilinear
+claudino
+holles
+adulterate
+wieger
+hefner
+chaifetz
+am-fm
+kaare
+kovell
+bladerunner
+zantops
+farrill
+sabretooth
+hutts
+49-0
+puddled
+cosmosoma
+intellectual
+cheras
+thomé
+5,765
+ravensburg
+chiropractic
+akapusi
+3-position
+erongo
+manasrah
+mzembi
+spiritualist
+pizzaro
+koja
+treut
+1978-9
+peformance
+sushi
+welsh-speaking
+agee
+1970
+well-produced
+blockaders
+outline
+voix
+haircutters
+dragonfly
+bernardsville
+fosset
+fullwood
+glitchy
+43.74
+1976-78
+gaudier
+sahebi
+greeleyville
+eucereon
+722
+zebra
+eleven
+plumstead
+vriend
+manezh
+cheatham
+3,425
+udayakumar
+iek
+neverlost
+1905-1906
+need-blind
+inverting
+alizarin
+seborga
+reintroduces
+nitto
+ludovic
+kartik
+knothole
+watts-russell
+quadricentennial
+garzê
+pendered
+woodcliff
+el-arish
+afflicted
+posth
+qmu
+arimura
+faithlessness
+soured
+sikkema
+collings
+krrish
+sedes
+martyrologies
+ordained
+09:40
+insists
+vidhi
+sauerland
+wept
+(541)
+i-880
+ursicinus
+mochis
+taqa
+phosphoinositide
+pincushions
+psychopaths
+ahaziah
+wenona
+suggests
+imitating
+dentalium
+ganz
+dammers
+run-d.m.c.
+coincident
+fagg
+yatsenko
+rakesh
+taee
+dohn
+trishna
+pasai
+1.4430
+syd101
+kalama
+p
+merchant
+atmani
+serifs
+involucre
+shatalov
+dilong
+loriod
+dlewis
+109.96
+zacapa
+tilts
+sakiko
+stipulation
+iir
+ractliffe
+janyk
+nonplussed
+lingonberry
+stourport
+aica
+rilutek
+gathorne-hardy
+noodge
+crinkled
+blakeway
+iim
+magistrale
+muricidae
+tolyatti
+crea
+23.2
+nullarbor
+laxminarayan
+khitan
+gölcük
+skulls
+yankers
+pollin
+woolcott
+pmts
+99-96
+cotherstone
+ōno
+ridgelines
+marivera
+saglam
+chervokas
+riderless
+18.98
+nagyvárad
+dumlao
+drown
+liquefaction
+7,090
+tubbataha
+diamoutene
+1-2-3
+orifices
+cmsa
+trois
+colloquialisms
+apna
+unavailability
+aogiyama
+pxi
+allude
+scathingly
+rechecked
+bandleader
+sandžak
+herborn
+kyan
+69.13
+treadaway
+6.075
+rufp
+hydrodynamic
+oriya
+dufort
+cherubini
+betham
+soulman
+underfund
+sakri
+philopoemen
+tellis
+garrus
+talboys
+1,031
+shahad
+goalies_new
+wolica
+pileup
+cukurca
+evangelia
+fastness
+plz
+yafu
+cashback
+15-12
+zwar
+hatfields
+ghazis
+routinized
+thirty
+neumaier
+hedgecock
+aimery
+126.75
+tussocks
+109.23
+cossipore
+reflejo
+crisium
+2159
+reassure
+sundays
+yost
+grandis
+century-old
+biosurgery
+00:20
+post-left
+africa
+tremain
+safire
+huseklepp
+4-of-15
+lockrow
+phenology
+loughead
+bío-bío
+3.1-mile
+mcdearmon
+sastre
+fatema
+darina
+apprentice
+dake
+pederastic
+pimentos
+111.90
+molokini
+lorient
+anguished
+jazan
+peč
+laudi
+ax-3
+dealing
+fault-block
+ides
+benefitted
+goenka
+divyang
+darfurians
+umanzor
+aleuts
+garmsir
+ermatinger
+qh
+dalla
+nüwa
+wgi
+yesus
+tablada
+taczanowski
+agdenes
+tardo
+ruttan
+monclova
+bragman
+lukeville
+consanguineous
+salonius
+46.98
+yeston
+proclamation
+seurat
+euro113
+eunhyuk
+euro334
+bilad
+fogo
+ranasinghe
+liechtenstein
+hogsett
+palate
+kaunitz
+apartment-style
+shule
+one-block
+totonno
+1969
+snapped
+repopulated
+asanas
+citing
+underbrush
+online.org
+maazou
+niggaz
+rish
+congers
+dadd
+vasilieva
+6v
+vegetate
+iem
+kolinski
+razones
+clutters
+lucini
+nymex
+abyssinia
+weathersby
+satsang
+17-30
+einhorn
+sambi
+o-town
+1,079
+1400m
+olc
+wyattville
+affectingly
+2940
+combustibles
+submanifolds
+sinai
+var
+bulley
+kuroń
+dryosaurus
+facto
+ebrahimabad
+khazakstan
+milliseconds
+sse2
+consensual
+hrafn
+absolved
+2003-2008
+arva
+semper
+chetwynd
+radetsky
+lehel
+pokhrel
+passarini
+itap
+ieci
+protodeacon
+119.58
+modyford
+parviz
+bosphorous
+hards
+tribunals
+blood-alcohol
+stanard
+metchnikoff
+grahame
+kpcs
+naryn
+haltoun
+375-mile
+elg
+sayare
+deferral
+vassals
+leve
+katzl
+vector
+groundfish
+19-18
+horde
+bartman
+hogsback
+afaa
+lamott
+fattoria
+muscae
+unruliness
+reliford
+debussy
+eitc
+napped
+schoolchildren
+contextualization
+são
+cr?me
+pre-classic
+bay
+contango
+600-cell
+hatim
+burtnett
+df
+hand-painted
+girishk
+72-minute
+statendam
+kozloff
+çukurova
+lefler
+dyre
+chiesi
+initializer
+hilltops
+altemeyer
+ludza
+ceasar
+demine
+d&ad
+116-year
+pasvik
+njoya
+barring
+herdsman
+smithwick
+birdies
+koasati
+mckinleyville
+eenie
+salt-tolerant
+dahme
+verisign
+craftspeople
+short-eared
+derzhavin
+longuet
+jaheim
+jagath
+86-77
+tillman
+pava
+prody
+dongping
+shoestring
+charaka
+garfield
+phormium
+cnidaria
+sigmund
+belorusskaya
+unipro
+tallo
+houts
+allosteric
+abhimanyu
+mesa/boogie
+erek
+secc
+entran
+maw
+removable
+turnstone
+pelopidas
+gendarmes
+tokyoites
+tara
+studzinski
+karm
+mihajlovski
+assimilationist
+grange-over-sands
+himba
+45.03
+wall-paintings
+rubber
+ezer
+10f
+tonsley
+.565
+worser
+astrue
+dspd
+boushey
+confounds
+ich
+waterfire
+smarterkids.com
+18-cent
+zappacosta
+35.71
+shevin
+mozartian
+shatterstar
+deutschland
+psych
+fiddes
+south-westerly
+mainboard
+deifies
+atiku
+astrup
+uk
+meritocratic
+homayoun
+emml
+141
+43.6
+justifications
+guse
+innitzer
+baa2
+occlude
+bakul
+boumsong
+tita
+bosnich
+rivette
+eyeshades
+mukha
+markson
+khul
+gainford
+auditore
+promoting
+activites
+dahshur
+taruna
+boheme
+lingas
+1.84
+playoff
+kihl
+toribiong
+smart-1
+zeronos
+66-34
+1130
+plantain
+meuleman
+euro504
+ministère
+washu
+massacre
+sivaganga
+siriwan
+malaitans
+arizonica
+nocsa
+ordan
+rasheeda
+melgares
+42-million
+hetzel
+trout
+lochte
+joule
+tecolutla
+galluzzi
+2007-13
+monami
+wibf
+hubbe
+pecent
+cybersex
+murids
+kasemsri
+reanimation
+emmanouil
+1797
+vasconcellos
+41.41
+anally
+bakkie
+ariovistus
+scallops
+shokof
+binaisa
+rindt
+osraige
+spike-like
+belvaux
+featuring
+8.12.11
+nadas
+centurylink
+veneered
+boxcutter
+4-94
+lockwood
+baruth
+professionalism
+decertifying
+121.88
+rumman
+walby
+dolezel
+amchem
+faughs
+non-union
+modders
+mbes
+filomeno
+olimpiada
+sportfish
+bagao
+krystian
+euro91
+zealanders
+sqa
+mogaung
+mavuba
+athenian
+highways
+93.97
+leymah
+claudius
+21.46
+babadag
+pc-1264
+underbanked
+anti-spam
+moallem
+ze'ev
+28-year-old
+stuccoed
+grinderman
+25.18
+hakim
+witsch
+chhetri
+rybarova
+euro114
+wagram
+mantoux
+pepitone
+allene
+kingsnakes
+nestorian
+full-grown
+lovebug
+perpetuum
+jigsaw
+messin
+get-togethers
+hmb
+barbassa
+mansson
+redshirting
+sme
+encumbering
+marmaris
+belittled
+meijer
+post-dispatch
+ampt
+zhongguo
+dickov
+orthotics
+57-55
+23.08
+ystradgynlais
+idsa
+loncar
+lr2
+margetson
+mseb
+luts
+chuanfu
+samaraie
+baimenov
+platformed
+sandes
+270.6
+healthtech
+zntb
+0305
+belltower
+gomelsky
+babitsky
+ragnarok
+bodega
+gazillion
+norelco
+yanayev
+tuitions
+fennelly
+florez@nytimes.com
+kadhum
+solicitor-general
+18:55
+trappists
+waviness
+aoraki
+juhnke
+disinheritance
+nd5
+sedita
+rajkumari
+behrenbruch
+nya
+beachgoers
+haunches
+jamwal
+resonator
+salgueiro
+enochian
+lexikon
+vel
+bifocals
+axon
+eyaktek
+panauti
+milnrow
+bhuvaneswari
+1426
+al-fadl
+carpetbagging
+zaina
+conformers
+fohr
+brn
+savialova
+staskov
+glenside
+105-101
+gemological
+,780
+pfeilschifter
+sunchaser
+mukaber
+159.6
+calmness
+arius
+salsas
+wqam
+flypaper
+kuwata
+erythromycin
+combinator
+litella
+4,255
+blazer
+madtv
+multi-species
+scientist
+vranitzky
+bramham
+impunity
+31.86
+hovav
+carbamazepine
+bi-weekly
+fv
+kuyucak
+madejski
+adroitness
+holosko
+yagami
+sphincters
+pastille
+danieli
+u.s.-korea
+katayev
+glenorchy
+esus
+faridi
+chalkboard
+69.37
+22.77
+stacho
+pishchalnikova
+raynald
+untransmittable
+22.7-billion
+marsilam
+122.50
+sassandra
+quli
+twin-boom
+uzumaki
+backed-up
+hereke
+qabala
+kharavela
+davitian
+celsus
+kamadhenu
+vsnl
+workout
+corum
+silicified
+farthest
+schmeichel
+caen
+vits
+goodrick-clarke
+nimule
+teddington
+sapodilla
+hamash
+regni
+endosymbiosis
+suspiciously
+vimukthi
+czernowitz
+zegna
+padilha
+wadie
+parsimony
+rajputana
+roseman
+lane-fox
+1,395
+badi
+tags
+xueliang
+arachis
+snuffbox
+tokitenku
+netcare
+osipow
+ihop
+korir
+restaging
+jedhe
+5-quart
+whipsawed
+mirzo
+freres
+bodawpaya
+timberlake
+permissable
+mutineering
+woodcarving
+equating
+lessem
+1-53
+antwren
+boucicault
+rumtek
+steakley
+gushee
+wisher
+wyk
+afrotc
+morphia
+barbari
+41,700
+common
+lcg
+cipm
+gaidanov
+baat
+tichy
+conc
+bloomsday
+hoyos
+873,000
+coincide
+beachcombing
+hajjis
+arrigo
+heterophylla
+blaker
+7.7345
+a&e
+monthlong
+73.23
+sarp
+lynde
+yakoma
+haswa
+11-night
+jann
+theodosian
+bodeans
+66.84
+doublet
+bt60
+johnetta
+brechet
+tubagus
+guozheng
+prehuman
+krukenberg
+departing
+cicognani
+mysorean
+artigas
+kevin
+sheri
+nissin
+ansan
+66.17
+48.6
+100-98
+dvd-r
+3,636
+2k7
+toll-like
+saquinavir
+110.64
+70.49
+ursel
+cnmi
+dja
+mapplethorpe
+1,058
+aci
+varia
+osorno
+mjallby
+cardy
+antiguo
+congener
+stefanovic
+belleville
+pasquini
+hakusho
+ogerman
+shelayev
+letterboxed
+malama
+aow
+bang
+ziyu
+11:27
+sustenance
+asger
+senyavin
+otwell
+neis
+ncmp
+cognitive
+jawher
+deleterious
+multimedios
+cto
+8,000,000
+tarlton
+11b
+uselessly
+adolfsson
+echelons
+masinde
+rason
+greenbrier
+fox-strangways
+blemished
+rillieux
+tobiano
+eliminar
+elora
+pintilie
+olomouc
+1,451
+icosahedral
+gencon
+urheimat
+prikaz
+saharawis
+yugur
+vicissitudes
+loews
+nobs
+huanming
+reykjanes
+fandy
+grammy-nominated
+tikkurila
+guerilla
+dalek
+shiraki
+raulston
+ub-6
+tonny
+http://www.dow.com
+gros-de-vaud
+begrand
+collierville
+metalsmiths
+kisembo
+circuits
+quita
+kapaun
+faby
+one-electron
+17.48
+kobuk
+sundance
+geneina
+samat
+turgesh
+hydrogel
+hesco
+ingroup
+aldo
+insensitivity
+impeccable
+tilbrook
+23.09
+yamazaki
+kabak
+diverges
+1420
+diadems
+worried
+comack
+cloverleaf
+brambly
+point-of-view
+coltman
+gwang-jo
+savanes
+reemployment
+kabalagala
+barrandov
+anwb
+pazienza
+640x480
+roundtable
+saudia
+artnet
+toradze
+acidosis
+gospic
+bhang
+levels
+25-a
+cybercafes
+dandenong
+bmtc
+przewalski
+accusers
+bests
+3107
+jackdaw
+akrami
+x-15
+6:02
+bowern
+mousson
+kearney
+sorbate
+vz
+smw
+pierrot
+pepperell
+bazars
+pitfall
+lorillard
+náhuatl
+plop
+presentations
+herero
+salemme
+.203
+falaya
+munoz
+orfila
+flunitrazepam
+haspiel
+bimala
+loot
+viñas
+l’université
+gehrig
+breaking
+aamc
+mahwash
+25.28
+lit.
+19.52
+fishless
+bathers
+scanavacca
+graybill
+abdurakhmanov
+lubsko
+commutes
+brittin
+clotilda
+87,600
+fuerbringer
+rosenfelt
+perello
+bosnia
+66-67
+1,242
+ji-soo
+begag
+dunklin
+nickelodeon
+halloran
+activia
+essaye
+bereza
+cantara
+bifasciata
+wales
+admittance
+kafir
+pund
+mestiri
+proteins
+braeburn
+praxedes
+tfd
+35-strong
+powertrains
+crowdsourced
+autogyros
+mariefred
+two-star
+30,357
+ktt
+văleni
+12-night
+sericolo
+ica
+grendels
+okla.
+sedky
+57.0
+illayaraja
+pounded
+bearberry
+somalian
+cell-based
+homological
+departments
+1990-1992
+10/11
+berhan
+34-7
+iveys
+repulsor
+commodores
+riess
+lollywood
+gotra
+klampaiboon
+muiris
+lovemark
+paxillus
+nourishment
+27
+brisbin
+animistic
+davydenko
+aqeel
+punch-out
+proventus
+poipu
+kurowski
+clyde
+amron
+schizoid
+kathisma
+quila
+marienfeld
+existing
+phosphorylating
+melior
+gatherers
+curragh
+tursday
+makan
+mysl
+3:27.37
+drained
+fluster
+medicare
+venerates
+wikipedias
+lestat
+claidi
+picked-up
+tranh
+canterbury
+cio
+layleh
+twitched
+aubertine
+vilify
+bluteau
+hooi
+oracion
+cedel
+37.93
+flourish
+fourth-best
+scorer
+faulkner
+apotheker
+karpel
+121.13
+ringtones
+wielaard
+207.5
+institutionalize
+ap1000
+unchristian
+alreay
+innumeracy
+adre
+oder-neisse
+omi
+j-5
+100.42
+iwin
+skalica
+seven-year-old
+strahler
+durão
+schworm
+terrelle
+neethling
+rabodirect
+em.tv
+kryptos
+1510
+berardinelli
+goll
+conurbations
+haderslev
+swiatek
+fruge
+giti
+kevles
+clowning
+ethica
+www.fda.gov
+huntington
+hernianto
+raying
+collonville
+63.09
+violaceum
+thisbe
+91.03
+44.84
+nue
+milinkovic
+marr
+symbologist
+obrien
+rifling
+zacharia
+arruda
+butiama
+98.45
+dwivedi
+2.125
+pteroclidae
+d'brickashaw
+pelinka
+casm
+kando
+rimmel
+blek
+nimh
+105.85
+studenten
+tongcheng
+bko
+2-yard
+sampled
+outmuscled
+cynthia
+norick
+melgaço
+yiquan
+mcgrail
+kosgoro
+hüsker
+denaturation
+surrender
+1249
+taranis
+maertens
+.31
+zuleikha
+unblock
+overmars
+didrikson
+carlina
+664,000
+massifs
+fktu
+gonia
+cord
+gamboling
+farnleitner
+gorlois
+reserves
+111.5
+faysal
+elks
+asner
+outranked
+linet
+chavers
+discus
+lắk
+kozic
+ayse
+shutters
+747
+pecking
+capacitors
+apertural
+iggulden
+judge-advocate
+jagjit
+46.06
+calleigh
+seda
+5-way
+seshagiri
+1,083
+3,614
+57.18
+schreder
+gtech
+qayyum
+swv
+1.75
+sproson
+kohnstamm
+impala
+yunlu
+unusal
+darren
+mechel
+teekay
+almeida
+nidzica
+stool
+komori
+kuperman
+fallot
+publio
+lewallen
+nullstellensatz
+spenders
+pimped
+dusaidi
+diameters
+sandan
+pb
+80-64
+rté.ie
+lomaiviti
+asellus
+timbisha
+pricewaterhousecoopers
+yellow-legged
+fancy
+52.95
+longland
+gazes
+dalam
+papantonio
+kay
+bhagavathar
+fées
+dahntay
+grunted
+junagadh
+extruder
+nazianzus
+arborea
+iannarelli
+yat
+pada
+tranzalpine
+guenther
+armel
+kalkhoven
+104-page
+zacks
+bongaon
+sutras
+untransparent
+rotberg
+mokae
+dendronotid
+sabir
+12:50
+wineries
+rajputs
+uskok
+7.59
+bukittinggi
+kimolos
+dcc
+spindled
+asahara
+frol
+debitel
+metaldyne
+barnes-jewish
+262.7
+seenu
+jozef
+repatriations
+fermatta
+s.e.c.
+al-azhar
+1793
+leaven
+kororia
+tablawy
+brodie
+alta
+minju
+fanciers
+voluble
+pollert
+knauer
+mitsch
+lacresha
+neth
+piontkovsky
+larn
+munkácsy
+sub-antarctic
+kalil
+lord-in-waiting
+massiveness
+unbundling
+20-17
+1,281
+trotha
+ptk
+1,373
+sjælland
+ave.
+lazarevich
+rpgamer
+narowal
+violists
+larc
+7:5
+anhalter
+blackjacks
+quixote
+effat
+queues
+nmsp
+screw-in
+erhan
+archard
+reawakening
+crossman
+s.f.
+khalkhali
+doggedly
+conjunctive
+pisier
+embryos
+navotas
+watch
+yohny
+0_1
+choix
+n13
+transversely
+sucide
+whosoever
+28-sept
+pfleuger
+serrations
+mcalary
+danga
+freistadt
+ghazaryan
+telluric
+folk-tales
+navistar
+xhosas
+rukun
+singularity
+popover
+koschei
+mbewe
+21.77
+sorley
+alguien
+thurs
+nosey
+bawean
+auersperg
+narine
+starhub
+techno-pop
+caldwells
+ampelmännchen
+lolitas
+seeps
+22-seat
+solander
+mondello
+holmner
+subliminally
+mía
+zadi
+nalu
+looe
+mcnasty
+nasif
+karaims
+zhongde
+unquestioning
+trochanter
+consigning
+nahj
+altheimer
+187.1
+mekane
+lardon
+-2.0
+baloo
+burston
+reliquaries
+jessy
+wiggy
+mandapa
+nimruz
+marleen
+orrico
+millbank
+bestiality
+vindaloo
+muvico
+giaan
+ochamchire
+301st
+quadrennial
+spengler
+titina
+potiguar
+fazl
+jianping
+shihlin
+kosanovic
+jèrriais
+rundgren
+colet
+shawan
+erkan
+out
+kuu
+catholicosate
+cocs
+daria
+harilal
+2,678
+korolenko
+gutierrez
+pays-de-la-loire
+challender
+godchildren
+chinaberry
+circumnavigates
+saori
+baquero
+levko
+subdivisional
+nagaon
+thiruvallur
+rief
+stalwartly
+ahrd
+katnik
+waye
+optimal
+2.51
+39.11
+nebot
+ringwork
+nitrogen-fixing
+guenot
+imperiex
+artios
+jianjiang
+v10
+colorists
+bordentown
+kharj
+kretchmer
+binion
+1974-75
+mcfaul
+zapf
+zoellner
+malasia
+gleno
+73,500
+souchon
+first-placed
+spallone
+pictorialist
+storyboards
+dritan
+tomyśl
+tenay
+4-million
+chardón
+itsy
+lönnrot
+bosnia-herzegovina
+spline
+scolnick
+84.90
+wanglee
+lancha
+fucheng
+suganuma
+hardham
+donghak
+koerfer
+aryanized
+haciendo
+viviparus
+distinct
+i5
+19.54
+meraux
+chongwe
+50,000-100
+zarrillo
+rosvooruzheniye
+ostergren
+dilettantes
+orthocenter
+flandy
+molybdate
+etame
+srdan
+moualem
+15-26
+semi-urban
+vaguer
+sublethal
+ngũgĩ
+norbulingka
+iwinski
+hulkling
+dookh
+ktvt
+riddim
+nuvaring
+cinecitta
+.68
+piel
+dutch-language
+10.51
+dallas-based
+uet
+continued
+omroep
+femoris
+bloodsworth
+carnet
+convulsions
+arkhangelsky
+gerontius
+knp
+hasna
+sheng-yen
+mauricie
+floren
+woolworths
+sanitaire
+thromde
+saddle-shaped
+cassada
+unhappiest
+trivialis
+50-46
+rootworm
+hurriedly
+kivalina
+zialcita
+ilanz
+lehoux
+anguttara
+ba2
+varady
+nose-mounted
+acount
+chalcogens
+compuware
+manston
+teenager
+heathrow
+jackeroo
+26-mar
+43.61
+re4
+mbundaland
+abstinence-only
+siento
+45.41
+neshin
+mahmudiyah
+leez
+dahms
+constitutive
+hinode
+botany
+reckoner
+demobilizing
+holst
+aspirational
+adpcm
+wakarua
+ceradyne
+reidyglobe.com
+7.08
+73.67
+c-h
+won
+etheric
+caracalla
+gibe
+http://www.pnas.org
+rapid-transit
+tosha
+miscues
+rutherglen
+unde
+schwarzer
+unsmiling
+portuguese-based
+ondra
+dobrogeanu-gherea
+sendra
+woodham
+eproms
+ph.d
+9:13
+great-grandchildren
+brookhouse
+nestle
+ōkubo
+commutation
+crocus
+baolin
+dull
+forty-seven
+junoon
+3,016
+academical
+hahnemann
+skywarp
+avsm
+all-southern
+hongkou
+pepping
+wtt
+studds
+gip5
+buskerud
+gcobani
+hwu
+student/faculty
+urich
+seafront
+cabel
+calado
+\
+sorex
+newhouse
+ipekci
+perpessicius
+carlsberg
+abrahamian
+mantineia
+8.94
+ctbto
+podrian
+segarelli
+e/f
+131-year
+long-billed
+presentencing
+dec/24/96
+tepuis
+gwahng
+adler
+five-yard
+wabasso
+1.720
+juergen
+yongqing
+cvvm
+hardangerfjord
+antimonopoly
+valhalla
+potshots
+griffud
+udall
+yoshiki
+aarne-thompson
+eucalypt
+shawqi
+uncia
+guitars
+41.80
+comerciales
+yezidi
+wcco-tv
+steffy
+consoler
+aspartame
+preferable
+utilisation
+venkayya
+69.64
+prora
+coushatta
+lahnstein
+framing
+obstruents
+merienda
+jasraj
+staes
+digestible
+lafia
+eggleston
+stowe
+nonreligious
+loyde
+holtzbergs
+hoaglund
+ho
+2/km
+hanko
+chernova
+nickajack
+cartoonishness
+bonython
+kikis
+almendarez
+pr-stv
+redknapp
+cipollone
+pupatello
+maraval
+hotpoint
+chaplin
+outlook
+family-owned
+nees
+brownii
+basiliensis
+schlaug
+maim
+abdulhak
+jakab
+ō
+madge
+quatsino
+shyh
+sase
+krulik
+highness
+arcimboldo
+tomomichi
+sharpness
+piala
+print-on-demand
+gaga
+oria
+levinthal
+per-user
+harefoot
+dostoevski
+helsingin
+usenov
+jaggernauth
+banni
+kondwani
+meaningful
+charita
+aldred
+dunmire
+dentine
+graphicsversion
+maryport
+infundibulum
+bostan
+ernesta
+neelmani
+74.06
+yerushalmi
+eisel
+applewhite
+nicklin
+opensecrets.org
+agatea
+montross
+rampe
+sanabel
+785
+sponged
+sophos
+adalius
+upfront
+pirom
+pinnule
+conflicts
+uzzell
+kelantanese
+great-great-grandson
+erkinbayev
+hotter
+immunex
+.314
+gummed
+meristem
+addabbo
+poly
+jiān
+abdurashid
+ivančna
+irms
+popetown
+pallot
+lgbt-related
+monogamy
+colleen
+11-track
+morahan
+18-person
+chickpeas
+pergolas
+nutritionally
+girton
+nawanshahr
+sfb
+sit-com
+vanney
+226.5
+wnsl
+barea
+3,105
+kuszak
+1.6-liter
+stargell
+patroons
+pallippuram
+tristesse
+moru
+agriculturalists
+kutama
+socialist-revolutionary
+târgu
+turno
+8-acre
+samuni
+25,000-pound
+palaus
+elmhurst
+wahlen
+2,773
+1,062
+kaeser
+dignitaries
+wagstaffe
+burga
+automatique
+securitate
+pahr
+nashik
+khullar
+breastworks
+eap
+olea
+6,980
+true-crime
+slbms
+worktable
+comae
+ambivalent
+phosgene
+asano
+due
+ravenously
+guangkai
+jaffrey
+cross-platform
+verena
+estalella
+disintermediation
+palitana
+mahtab
+whitebear
+deteriorates
+eight
+unsealing
+haridas
+nir
+sm-liiga
+weatherboards
+extraditing
+będzino
+mikaboshi
+coltrane
+russian-built
+taca
+despain
+wimal
+colmenar
+pagar
+kanani
+gardening
+scavenger
+mawla
+lunt
+marañón
+iyanya
+baghad
+nurabad
+serica
+radok
+unincorporated
+chowan
+zoram
+flash
+cleanflicks
+annavaram
+metical
+dō
+sedley
+dimitrije
+euro940
+vashchuk
+borisovna
+wuo
+merdare
+wollaton
+1885-1886
+embolden
+yukio
+a74
+schatsky
+mingxin
+mosb102
+dedina
+sarafiya
+sfda
+seiichi
+oslofjord
+stealin
+coatepeque
+bridgeport
+bilruter
+sugarhill
+wijesekera
+tzara
+mitsuyo
+kluyver
+anko
+k&r
+nubes
+hausding
+dek
+brummer
+duncanson
+cerys
+vigilancia
+adan
+idms
+blazed
+samur
+oil-producing
+kilocalories
+wordsley
+freeriding
+brockovich
+baselice
+dannii
+greenham
+109.43
+translink
+116.65
+thales
+catoosa
+levenson
+l.t.
+64.58
+kempeitai
+kandī
+nord-hålogaland
+ivanovs
+27-19
+co-directs
+92.00
+gurpreet
+karizma
+sertab
+91-88
+fiddleheads
+seoane
+landini
+benegas
+abbasali
+rasulid
+5.82
+enthusiastic
+bowey
+bsc
+37.1
+ತ
+colleran
+toys
+changeable
+stache
+jahic
+waddles
+guayule
+proletkult
+nira
+embsay
+telegraaf
+truck
+43.25
+entreri
+photographically
+podar
+yvo
+regnant
+deviers
+soifer
+shamas
+cygnet
+mayte
+motc
+sd
+savige
+hadramaut
+shorn
+click
+breaching
+w.a.k.o.
+267th
+divjak
+macedonius
+rast
+yesawich
+shuren
+19,000-square
+pechanga
+hbocs
+154.7
+industrial
+short-wave
+9.55
+geyser
+preko
+yockelson
+zovko
+cytyc
+qishan
+kurmanji
+tournedos
+wopat
+17,300
+lessin
+ballgowns
+55-3
+siwanoy
+all-western
+boire
+baldinger
+puzo
+77.80
+mulkerrin
+bat
+iteere
+mckees
+worldnet.att.net
+27.46
+louisiana
+rejewski
+philosophiae
+70.10
+35-3
+23-year-old
+eugenicist
+wipper
+smallish
+anhydrase
+eddies
+5-3-2
+mega
+alginate
+rids
+oura
+wastepile
+shower
+moderately
+jaegerstaetter
+razadarit
+gennadi
+dependence
+captain-coached
+rovere
+3,969
+fittest
+wilcots
+calgarians
+authored
+qantara
+schwere
+holmqvist
+caolain
+honorio
+aeronautical
+renay
+febvre
+wildest
+655
+shahib
+jiàn
+bumbry
+phileoallied
+dolack
+25-game
+csbs
+cisc
+finsch
+frizzante
+ethopian
+fontaine
+scribble
+near-vertical
+krill
+yekt
+winnfield
+46-run
+mclusky
+endure
+pinpoint
+wind-down
+chugging
+dooleys
+nelder
+lelong
+dubuisson
+zehner
+balda
+leonsis
+dpms
+moustaki
+westerling
+lothor
+socratic
+wilsons
+stecker
+opportunities_dallas
+revanchism
+catala
+partial-birth
+dammerman
+1,943
+cancri
+saccade
+jacques-yves
+hayne
+clay-like
+slovenian
+dioscorus
+topamax
+amerongen
+moelgg
+milans
+tetraplegia
+1,540
+bahubali
+maivia
+gaudino
+taitt
+nazel
+asness
+117.24
+mackereth
+ondřej
+76.89
+wouwerman
+xianhui
+direct-to-dvd
+entin
+dunovant
+lolcats
+signalmen
+gnassingbe
+unthinkingly
+impasto
+hafedh
+6.11
+freking
+vinay
+omne
+godoff
+mid-14th
+f.p.
+weirdo
+saeko
+sterilizers
+lapsing
+duxbury
+##
+conflans
+33-billion
+desmarais
+s.-led
+americast
+starlink
+scroungers
+corro
+vectis
+subscribe
+16,600
+228th
+hoot
+orthogoniinae
+groundskeeping
+unpleasantness
+rosenblum
+473
+unwarranted
+neil
+transkei
+chispa
+neac
+once-popular
+glatch
+khachigian
+tryggvi
+eagled
+2,568
+ögedei
+ribera
+breathwork
+spires
+63.7
+flanges
+donkey
+prokletije
+45-55
+chesshyre
+miró
+800-678-1147
+nairne
+montreal
+westroads
+40-36
+a-pillar
+moayad
+huyan
+blockaded
+tippmix
+hellenic
+spider-girl
+sol
+non-random
+lousiest
+agata
+twas
+bromberg
+unnerves
+gerard
+dankook
+geodetic
+pachaiyappa
+seizo
+rlpa
+supper
+glemp
+thinness
+moke
+sharov
+hexafluoride
+5o
+counternarcotics
+luedecke
+kyarra
+krm
+superconductor
+bartz
+availed
+thost
+gema
+retroreflector
+100.30
+nsdq
+saxe-weissenfels
+kinkiness
+slurring
+jarni
+71.42
+towa
+bhimji
+florance
+moerlen
+hulling
+medinat
+shirking
+recoverability
+eh
+ndong
+aikhenvald
+bushi
+wace
+bizzy
+hourglass-shaped
+resolves
+f-117a
+parthenos
+surpass
+yüreğir
+awarding
+shemer
+300c
+empathize
+mainali
+cfmeu
+treebeard
+compel
+revulsion
+bryotropha
+whelks
+anusak
+111.34
+m1a1
+vimala
+excoriates
+ukrain
+dewani
+mortier
+gandler
+19
+m.s.
+quibbled
+crothers
+dramatize
+rypdal
+1978-1983
+eiko
+caracas
+conversely
+chakufwa
+saint-just
+thanawat
+4,810
+wencheng
+lamichael
+molero
+unqualified
+repayments
+germanization
+pre-dawn
+hestia
+kazhagam
+corteo
+4,990
+overrides
+fostoria
+anthocyanin
+78.65
+gorgets
+remonstrate
+cosner
+musées
+aproximadamente
+kotis
+euxoa
+havenick
+pawina
+univar
+magnetospheric
+zazzali
+specialities
+mtp02
+lbci
+seric
+higher-categorized
+recyclables
+leshner
+barac
+regardless
+cridland
+bren
+40-21
+magnificat
+beiersdorf
+9:39
+yadanabon
+sarducci
+cremona
+150-metre
+wemba
+leftover
+minoris
+kári
+12-all
+tucana
+susan.reimer@baltsun.com
+paterno
+unparished
+arenac
+mcmurry
+sptimes.com
+amiable
+krzynowłoga
+sixmilebridge
+angove
+wagenbach
+milroy
+ranvier
+distract
+femtoseconds
+kickstarting
+detenamo
+nonparametric
+lipinki
+containable
+11,000-square
+flexibility
+t-55
+mendieta
+1982-84
+hakata
+caglavica
+zvonareva
+-54
+govindsamy
+hytrin
+herbed
+lalich
+welp
+50-square
+jcw
+dignifying
+01/19
+chann
+shazli
+115.83
+qadri
+catdgory
+masaoka
+2/24th
+dreamscape
+cips
+sidewheeler
+poutchek
+homeward-bound
+confided
+1,224,000
+reponsible
+nolanda
+charlton
+kiefer
+millworker
+appreciated
+gradishar
+tempelhof
+oreta
+estima
+skates
+montagnes
+barkingside
+9:02
+tancarville
+senichi
+lavagetto
+unpredep
+overexposed
+12.04
+c/f
+simulacra
+belue
+theraphosidae
+redesignated
+orao
+barabanki
+belgic
+0.9-percent
+augmentees
+1.325
+tentacled
+pre-1967
+akil
+rondine
+valorization
+culdees
+extremely
+occupy
+89.18
+50-bed
+deehan
+altitudes
+dudman
+male-to-female
+non-member
+makilala
+25-story
+28-19
+otome
+dushanbe
+harlequin
+www.latwp.com
+132.84
+akechi
+80-minute
+geare
+spanish-based
+galactosemia
+ascidians
+rspo
+fishman
+razakar
+sentenced
+neurogenic
+jiménez
+confidently
+kobashi
+breakaway
+mtt
+srl
+ghoni
+japanese-canadians
+oisín
+brookside
+heeding
+marange
+ghirardelli
+bickers
+reider
+burgelin
+chaliha
+clariden
+balti
+38mm
+pierina
+hurst
+i-musi
+colocolo
+indienne
+treptow
+upper-left
+sendek
+rezzo
+frittata
+91-8
+muirhead
+lehar
+17,000-ton
+1961-67
+expreso
+coo
+35.06
+cortège
+111.24
+perich
+furcula
+crail
+folkvord
+tokenism
+esrd
+lineages
+arlesey
+flambe
+sologne
+55.57
+jlitke
+80m
+strudwick
+ryusuke
+tksmcomp
+monticello
+bukowiec
+glau
+votevets.org
+equipping
+bảo
+nordsjalland
+judee
+overtrained
+malaparte
+ask
+corn-based
+95.50
+kaiser-frazer
+hotbed
+telfer
+59.37
+toquero
+kapelle
+celler
+dissects
+presage
+paktiawal
+105.92
+digits
+boullioun
+chichele
+teletext
+444-4414
+sylphs
+nutkin
+24,000-member
+mauna
+downtowns
+molho
+1895-1945
+kabbaj
+56th
+tebbaneh
+chows
+reesor
+cévennes
+kisseleva
+simonon
+four-note
+1810s
+halida
+tapovan
+sirio
+orgryte
+41-billion
+hryvnia
+malil
+pateros
+yoor
+budva
+ottoman
+hall
+banbury
+cecille
+codebase
+niss
+skilling
+stepper
+barelvi
+fundão
+katchor
+fifteen-year
+partain
+oseltamivir
+vadym
+kassindja
+101.55
+tenebrionoidea
+blagnac
+2,939
+keach
+kranju
+954
+celona
+tending
+miata
+(303)
+dromaeosaurid
+nisman
+te'o
+brierly
+capps
+dehumidifiers
+smosh
+yonghai
+tlrs
+fungicides
+huddling
+polevanov
+luminosa
+kwazulu-natal
+grzybowski
+yugoslavia
+feuilleton
+angelie
+overpayments
+glycogenolysis
+kiriella
+prebble
+österreichs
+kopita
+circuslike
+phylloxera
+melisma
+sevis
+founding
+infection
+firdous
+jennens
+sub-optimal
+cameri
+surfactant
+foglietta
+malonyl-coa
+45.2
+boeotia
+blaszczykowski
+sarandë
+trivalved
+sunzu
+engholm
+kasimdzhanov
+wygoda
+colonization
+yongan
+vous
+dimmers
+quorn
+brohawn
+surveyors
+komissarov
+rtmp
+menstrie
+stewardess
+tillmann
+tantawy
+caelestis
+arbon
+sinuosity
+14ers
+sacrae
+96.77
+dueña
+1.505
+gokcek
+21.85
+fiducia
+kallaste
+n25
+moaning
+h-back
+ragazzi
+hulten
+petts
+betterton
+lifo
+lorand
+remodelled
+http://www.nobel.se
+melvina
+recodo
+döllinger
+hemswell
+boege
+impressed
+ludecke
+totals
+multitasker
+include
+wächter
+far-left
+dgps
+54,900
+nybro
+williams-sonoma
+fabricius
+viriathus
+cracow
+twh
+shin-chan
+typify
+gerhartsreiter
+82.74
+kingsmead
+teleconference
+manzella
+washboards
+griswell
+fcg
+sorel
+elytron
+mamedov
+nakadai
+riggs
+mcdermitt
+hasham
+veras
+sportschannel
+46,200
+alendronate
+samvat
+1,492
+2l
+gebru
+apennine
+municipale
+kubera
+ankaragucu
+70-pound
+hdpe
+recreo
+tohunga
+65.67
+barash
+minnich
+unpitched
+pite
+mong
+mordant
+lychgate
+snowcats
+degeorge
+reprinted
+striper
+grether
+rheumatic
+theban
+sterk
+euphoria
+571,000
+monda
+jusu
+baryshnikov
+krasilovsky
+resource-intensive
+obermaier
+150-mile
+radio-based
+cajoled
+mertesacker
+153
+seagate
+skeeters
+westerdam
+melley
+kearl
+collegehumor.com
+a-a
+d'enfants
+122-pound
+emcee
+rackets
+three-finger
+diarios
+tsongas
+bhushan
+musashino
+mgimo
+greenie
+11-of-16
+malakhi
+tess
+mathematics
+ferret
+scholarly
+teetotaling
+actinomyces
+apatosaurus
+bordered
+characterising
+aicher
+courtyards
+24.98
+pre-publication
+allgemeine
+marchante
+loh
+ruses
+2113
+aktuell
+moḩammadābād
+shoddy
+upward
+jtmm
+sadygov
+737
+compactness
+citrin
+sbo
+eindhoven
+debatt
+communally
+ragamuffins
+yashi
+wedding
+pehn
+constitutional
+2,099
+kindah
+masally
+pitch-black
+4/10
+yippies
+ooooh
+chōkai
+balmaseda
+jep
+all-male
+dkp
+lipietz
+sawflies
+258.8
+17-meter
+naspers
+aenetus
+archetypical
+pidgin
+17.11
+overcompensate
+hn
+ljm2
+grossinger
+patriarca
+nacl
+schreber
+wellesbourne
+17:25
+savitri
+two-toned
+chitepo
+meenachil
+scsa
+rizalino
+45-3
+fleuranges
+galas
+landslip
+centralization
+electro-motive
+hi-hat
+nakagami
+remailer
+twenty-one-year-old
+singed
+buckhounds
+kostek
+hopeton
+2,839
+kiradech
+indicom
+stadnik
+deby
+manet
+muneer
+artak
+wreck-gar
+skarbimierz
+scientologists
+khoza
+adv20
+xenophobic
+bilecik
+tinling
+lebouc
+pandyas
+f-22s
+followups
+botanical
+boater
+guirado
+subheadings
+lacerda
+thompsonville
+xgames
+zuleta
+boavista
+seberg
+boedeker
+franci
+subduction
+long-listed
+periwinkle
+jpac
+mungai
+nys&w
+kameron
+ffsa
+ljudski
+mc12
+hagarty
+bruh
+springtime
+aveley
+osh
+ordino
+abstractly
+enstrom
+458
+36.43
+jak2
+teilifís
+manilkara
+feasts
+mieres
+concubines
+huai
+labeling
+moak
+1f
+lagouranis
+nyssa
+nuradin
+luxury
+skade
+musika
+kadouri
+banket
+asheville
+p-funk
+bellwood
+mimb
+tradition
+counterinsurgency
+visita
+ribbon
+countee
+treuchtlingen
+shahril
+dunglass
+high-throughput
+dama
+10-stroke
+debu
+domestics
+nakatsue
+ulexite
+xinyu
+adjustable
+javy
+uyezd
+hargesheimer
+minicoy
+lytle
+blaudschun@globe.com
+shortlived
+brompton
+manindra
+trachte
+windy
+archdeaconry
+trembles
+1980-1984
+yeovilton
+hypselodoris
+marlowe
+1500s
+englishsptimes.com
+drymonakos
+containerization
+mescaline
+frayling
+α-amino
+1981-1987
+bełżec
+computex
+.133
+majnu
+histoires
+quasi-experimental
+fawehinmi
+slaski
+parraguez
+1.945
+beckler
+crighton
+incinerators
+smaug
+ukari
+surk
+lashon
+cct
+eckhardt
+pruszcz
+grandmothers
+22.93
+shiatzy
+dealerships
+hfcl
+25,000,000
+250-strong
+shaybah
+hyphal
+isasi
+taffarel
+pots
+portnow
+mattis
+independently
+sizzlin
+khow
+pechenkina
+1,187
+antlia
+dagul
+arashikage
+wheatcroft
+anklam
+chire
+limberg
+prathap
+400th
+fekri
+wadlington
+e21
+pittu
+buder
+edsger
+medium-haul
+afterlife
+pluralism
+azarias
+groynes
+xit
+14.1
+mirth
+lichang
+100.41
+photosynthetically
+arubans
+olokun
+masorah
+wielopole
+accordionist
+smashnova
+nonionic
+duggan
+ghostscript
+well-acted
+sponeck
+knokke
+temptation
+tiremaker
+termed
+conspectus
+aghcheh
+killilea
+hawwas
+obstruct
+ekalavya
+risque
+eight-thousanders
+ismene
+basilicas
+1975-1990
+perdida
+tudjman
+ivar
+manbazar
+265.5
+vilen
+anisfeld
+habul
+bilby
+recusants
+quadrillion
+4,225
+lalique
+decides
+kluivert
+steamy
+juddering
+lansky
+republican-leaning
+pacaf
+amedo
+orientals
+envoys
+mundaring
+dejun
+77-page
+mestas
+tablecloths
+leprae
+sidney
+iaps
+fremaux
+bii
+a6
+brisas
+desabato
+107-96
+nlgja
+jadin
+dade
+3,411
+crayola
+dunhuang
+ferdy
+tianqiao
+saggers
+wapato
+lehtola
+vat
+ucmma
+merevale
+shi'ites
+postorbital
+angut-e
+block
+ashcroft
+wdp
+regional-express
+wab
+zaheeruddin
+onevoice
+solovetsky
+tattletales
+iritty
+52-seat
+monopolizes
+xiaojian
+holdsclaw
+cantinas
+changdao
+katsidis
+anatoma
+wikstrom
+bucolic
+skewers
+arion
+winks
+analytics
+demographics
+realisation
+albanach
+emanuelle
+ilanthiriyan
+md-11s
+43.13
+llanthony
+generaux
+cortices
+happy-go-lucky
+empiricist
+cohabited
+radulovic
+leclercq
+shiliang
+jeseník
+fayzabad
+aktau
+emad
+karlitekin
+o'dea
+treyarch
+anti-fouling
+spaeder
+primeros
+upads
+scheller
+233,290,000
+rockapella
+dathan
+hgo
+vetch
+mannus
+chengjun
+quadrupedal
+avalon
+milanović
+wardlow
+trattorias
+tyl
+caille
+bedekar
+datum
+levelled
+mehserle
+pappa
+irrational
+gisenyi
+midnights
+colton
+davern
+giuntoli
+plaint
+whoopi
+hard-core
+self-censorship
+700b
+eighths
+j.b.
+sirikit
+parex
+kheel
+correctable
+geisenheim
+aghdashloo
+adèle
+cipa
+seventy-six
+chhau
+etanercept
+trond
+34.3
+69.99
+maxed
+milsom
+chandran
+ald
+bakaric
+hyde
+nsp
+plonk
+ligures
+bridgewater
+pruh
+mitigates
+wilburn
+fought
+obies
+shoresh
+gawen
+kinkaid
+rugose
+diagnosing
+7.14
+amurru
+tiernan
+feminized
+tacloban
+kinko
+pripps
+weissenberger
+mazhabi
+esu
+danah
+lacc
+signore
+atys
+dörr
+decidedly
+belorussian
+rykoff
+konomi
+pedda
+prevaricating
+nytrng
+prepare
+tinged
+flashaafp.com
+meligeni
+shimane
+rediscover
+hristov
+0
+honsik
+teardrop-shaped
+volti
+sojitz
+malory
+querfurt
+27.42
+interlink
+bisho
+spawned
+sober
+t'ina
+soichiro
+liqueurs
+mercouri
+orma
+canthus
+traverse
+schermerhorn
+coki
+erisa
+0.13
+stehlin
+232.2
+110.30
+juyi
+louisa
+rawd
+ngige
+saint-claude
+4:05
+mjohnson
+hyperboloid
+regressed
+salishan
+betsey
+chambersburg
+netsch
+staunchly
+barnaba
+austronesians
+ptuz
+ambrosius
+essequibo
+barrage
+heong
+117.03
+guastalla
+5,840
+uslan
+barlett
+wendler
+thiazole
+filmy
+churi
+nearing
+ramli
+lichtenegger
+matinees
+magnano
+calomel
+epiphanius
+abrial
+smuggled
+kumpulan
+'65
+sinhalese
+newfane
+39-43
+self-assembled
+ondego
+gatsby
+56.44
+croakers
+bkpm
+lounes
+raanana
+bida
+big-eared
+carmeli
+papadopoulou
+patentability
+maozhen
+krauer
+koppes
+morovis
+attini
+glenbrook
+scriptorum
+dehmel
+slean
+sods
+kembangan
+punggol
+7,000-pound
+liga
+lusser
+francofolies
+buzzing
+englishwomen
+shuksan
+cohanim
+asphyxiation
+132nd
+counter-cultural
+emilio
+okutama
+hylsamex
+semi-rigid
+zhe
+stelmakh
+layoff
+1377
+thiercelin
+asinof
+carco
+iwasaki
+ngcobo
+househusband
+disorders
+vodă
+megalopolis
+shipyards
+valerie
+cicadellidae
+gia
+sungmin
+vekoma
+getting
+femminile
+assumedly
+cakes
+nato-led
+sudley
+five-and-a-half
+1,100-square
+1:12
+fairprice
+bkr
+iskcon
+veloudos
+jobson
+croat
+674,000
+bagnolo
+anglophones
+sargsyan
+apophis
+lewis-smith
+desired
+corangamite
+thickness
+97.56
+sunsweet
+perpich
+turrentine
+srokowo
+gaitán
+bhoys
+webre
+virginals
+maccormack
+194-page
+borodavkin
+dng
+j.e.b.
+shulkhan
+swype
+freakylinks
+marginella
+garlington
+bendukidze
+thayil
+prickett
+talakad
+fx
+poofy
+dicapo
+cemex
+ninety-minute
+clarkes
+camv
+fadhl
+ecb
+bgo
+beguines
+celaya
+gullah
+ase
+euergetes
+nappa
+curcas
+jayaprakash
+czarnocin
+kulundu
+recreativo
+i-690
+raurica
+33,700
+240.9
+poors
+cassidy
+duellists
+scalpel
+98.04
+tetrahydrofolate
+rojas
+homeister
+kashi
+usps
+aviazione
+wimereux
+sadun
+nishnawbe
+yongjiang
+5:17
+schuchardt
+sofrito
+putty
+stolidity
+urmia
+laue
+rickert
+1.400
+duplex
+rufiji
+nexia
+ayuba
+shrigley
+graus
+hospitallers
+universalized
+acquis
+mixter
+lingayen-dagupan
+deusen
+dependability
+121.76
+lce
+shahi
+bitless
+svp
+bailando
+nucleus
+electro-pop
+---------------------------------------------------------
+ponnambalam
+turnover
+a-17
+illusive
+quelch
+propulsid
+14:17
+two-candidate
+anz
+ailor
+womenswear
+morphing
+kameyama
+lucea
+zilliacus
+60-ish
+mallen
+gerst
+has-been
+ghadiya
+trendiness
+9:42
+ranau
+770
+béatrice
+dmjm
+arby
+7.5-8
+yōichi
+thrushes
+adlib
+mullen
+nanda
+eora
+8-4
+barmer
+gah
+chaisang
+dismissal
+nalla
+tidal
+recalculation
+incat
+rhodin
+glommed
+228.5
+lezaun
+plotlines
+definitive
+12.37
+clamps
+8.4
+finam
+komeagac
+unessential
+portsys
+brandstater
+harrows
+aja
+zhenmin
+nestroy
+missa
+kormann
+standpoints
+potocari
+jarmila
+monotremes
+model-driven
+misfire
+megadeth
+deformations
+89.7
+pargluva
+zunaed
+8.79
+duensing
+empirically
+gennep
+grouted
+totesport
+sideline
+kincade
+suwankhiri
+schoonover
+winik
+yurek
+leukocytes
+llinas
+dens
+subtracts
+tor.com
+inuk
+amahl
+bogdana
+tehsils
+boac
+oquawka
+nereids
+crosscheck
+toccara
+decoupled
+post-captain
+67-67
+jean-yves
+flyovers
+philibosian
+hamiet
+tokcan
+mbombela
+massagetae
+beltrametti
+1984-88
+uesugi
+over-65s
+bensakhria
+quashes
+kersland
+angelis
+stickley
+90-run
+ellegaard
+d'évreux
+a.c.
+kopek
+scribbler
+phonies
+diaphone
+földes
+counterbattery
+chanoch
+izza
+overpainting
+dickies
+vas
+reipas
+theale
+4-85
+aughts
+vgu
+dalal
+amiriyah
+loton
+ulcerated
+karlson
+radsan
+semanas
+sabby
+fenggang
+arago
+myspace
+pasche
+disarming
+molvi
+świętej
+wbcn
+stahf
+maharoof
+49.88
+97.81
+spira
+pagans
+belloni
+58.52
+roenick
+maybach
+mohave
+kondylis
+widmar
+52-43
+dombrovskis
+loll
+einbeck
+idrissou
+khazaria
+yanli
+rasuk
+outflow
+singletons
+senators
+choti
+kushiel
+falard
+ayyubid
+t-minus
+saegusa
+shindigs
+vityaz
+gynecology
+subsist
+improvises
+eastcheap
+tic-tac-toe
+cacao
+al-kabir
+faltering
+nadwa
+nouredine
+incarnation
+joubert
+bastyr
+haverkamp
+minamoto
+thanatos
+whitei
+srinagarindra
+micro-climate
+slippin
+luczo
+lafakis
+taranenko
+forwards
+keratectomy
+ashlyn
+speedcar
+ad-libbing
+josue
+upswings
+snared
+gwon
+basava
+hcmc
+marie-thérèse
+mouzas
+seeker
+salo
+zonguldak
+busfield
+profeta
+6.79
+worn-out
+arlidge
+171.50
+stavinoha
+nune
+intramuscular
+oberhasli
+darik
+topher
+leptodactylus
+zinedine
+decking
+snore
+uchenna
+32.44
+sorbara
+prachuab
+isdud
+reynosa
+jurm
+neurogen
+switching
+cinematograph
+telecheck
+komachi
+criminologist
+sweeping
+interossei
+veredas
+werrington
+24mm
+permesta
+oudomxay
+cambiar
+repligen
+adnet
+stripling
+cappadonna
+mazzetti
+guid
+matumla
+kulturbund
+wokingham
+digitalglobe
+pre-k
+pullout
+evani
+heidenreich
+centrosomes
+8.57
+kande
+2,804
+unquestionably
+scheindlin
+sporozoites
+vultaggio
+pervasively
+84.84
+padded
+sprees
+71.04
+61.22
+hemolytic
+kahriz
+pummel
+auspiciously
+mouallem
+wagons-lits
+ziana
+pennycook
+caesareans
+sicula
+kaps
+metabee
+fabinho
+quemener
+diamper
+8,500-seat
+shortland
+pentium
+husaini
+zadie
+caucasus
+shrimant
+acher
+sproull
+carbis
+respekt
+millikin
+metrahealth
+caring
+പ
+lifting
+ulleung
+schuler
+toinzhub
+cherrapunji
+hdv
+8:25
+edea
+camarasa
+edp
+langside
+gooders
+seedbeds
+cosma
+lausanne
+reheat
+minatom
+articulates
+gotcher
+krajowa
+lssah
+blacken
+iriondo
+1,739
+tuya
+kresta
+imperishable
+davout
+udba
+fogarty
+inskip
+huffs
+semi-rural
+nibbled
+1945-1946
+westerhoff
+guoxin
+nemzeti
+mendl
+hoogewerf
+armm
+7.875
+löhne
+oserian
+carradine
+hugging
+rajabhat
+20/30
+prefigures
+laloo
+vergence
+feigl
+vaulx
+tarnowski
+cogic
+fukaya
+isarescu
+great-grandson
+racy
+1972-1976
+6210
+yearnings
+53.17
+novel-writing
+yick
+snatchings
+am
+mourino
+1395
+swapan
+77.90
+blurring
+rummage
+underachievement
+k-means
+powermac
+company-wide
+i-435
+speedup
+29.35
+kuhle
+dellenbaugh
+goodmorning
+operad
+lumba
+douresseaux
+blancmange
+gsp
+continuos
+sheirer
+48.39
+sons-in-law
+tumult
+livorno
+mi-8
+guelma
+pulla
+gabinius
+endolymph
+afterburners
+alsfeld
+.930
+horsey
+philby
+iso9000
+5.32
+mezgebu
+innerwear
+tarquinio
+zolotitsa
+27.63
+fidel
+fonty
+cantarella
+screensavers
+erturk
+tonnes
+psps
+glausiusz
+eailworth@globe.com
+miac
+joglekar
+alworth
+brehme
+niphon
+slam-door
+milow
+99.42
+33.23
+1938-39
+christians
+bahamians
+frac12
+bpb
+lancs
+grytsenko
+sherryl
+herrington
+liederman
+xyy
+taf
+lulav
+bell
+eurocentric
+flavescens
+evernight
+b&c
+20/200
+vlp
+mercian
+nymo
+nrz
+chernyshenko
+38.19
+w1
+pawson
+biswanath
+ossie
+mid-1830s
+moilanen
+sunai
+utahans
+ronn
+affligem
+montbard
+700-meter
+romont
+ponton
+streusel
+carafa
+130.7
+diab
+jinsen
+rudras
+commies
+icing
+meelis
+licca
+sunnite
+pachachi
+xiv
+mevel
+70.78
+chizhik
+newcomb
+gunns
+hymne
+exhumations
+misinform
+chevrette
+415
+27.41
+tennille
+cornichons
+elga
+stridently
+re-assembled
+reichskonkordat
+buddenbrock
+panai
+erroll
+fring
+qasida
+kleven
+chaisak
+interminable
+escapee
+anole
+404-526-5509
+i20
+inglewood
+chaplain
+gander
+dudoignon
+mädler
+sexing
+heckstall-smith
+jordans
+celp
+xana
+tasca
+glb
+internee
+101.21
+gillespie
+elaborating
+69.28
+ottawa
+galatian
+therms
+finallists
+rbp
+82.63
+carrozzeria
+fore-and-aft
+kimberlin
+pungens
+brainchildren
+atlanticism
+5.40
+bezirksamt
+vergara
+ahth
+samual
+mugsy
+fürstenau
+gusmao
+hff
+avdeyev
+chespirito
+584,000
+transferring
+ancap
+masher
+kengo
+fujairah
+valdano
+kyles
+veissiere
+self-regulation
+naphthalene
+sharpton
+navrátilová
+healthcorp
+cadency
+1903
+killigrew
+dénouement
+136.6
+blindfolded
+12-issue
+telhami
+reallocation
+omae
+mok
+odia
+waverers
+lynd
+beqiri
+khusrau
+wenguang
+exultantly
+cyan
+hanson
+mourad
+beinhart
+tibaldi
+http://www.nhc.noaa.gov/
+fevola
+festivalgoers
+gunnarr
+glorantha
+bagabandi
+mito
+papery
+4.41
+slowik
+swamps
+displace
+svante
+nura
+kochanski
+125-pound
+criterion
+j-1
+ouvrier
+09
+rena
+c.a.r.
+schylling
+vilém
+aprovechar
+tamps
+scitech
+smolt
+externals
+frigidaire
+mcnab
+fasano
+18.30
+khim
+euro607
+obvio
+iconic
+pollutants
+micronauts
+rajani
+bajo
+lcbo
+j8
+sitars
+viktoria
+71.13
+omeo
+arther
+shigematsu
+demes
+mercogliano
+jela
+abiteye
+kroes
+shazad
+moorhens
+whuppin
+hmmwv
+agyekum
+107-106
+netcentric
+message-oriented
+lionheart
+dounia
+shio
+akhalkalaki
+palatino
+chubu
+four-gun
+yemani
+abanindranath
+sumatran
+garr
+ciba
+fauves
+badaun
+15.45
+rheinböllen
+cautious
+tsentralny
+negotiates
+shetreet
+nfas
+longspurs
+kelheim
+molpus
+penrose
+nordgau
+itxc
+parcours
+uh-60
+lipset
+qd2
+arkestra
+picquart
+sunalliance
+audiences
+braggart
+roll-out
+glsl
+agrichemicals
+two-photon
+1,400
+nonzero
+tarlow
+oiticica
+tilles
+noko
+slik
+rotwang
+lecan
+kumra
+petkovsek
+presstek
+mcnairs
+alfio
+linguistically
+tyga
+264
+antoine
+d'avignon
+68-72
+geodon
+takimoto
+luyi
+outre
+deewar
+goal_florida
+sunan
+eligibles
+91.10
+inferi
+morosely
+waldo
+pwll
+surrounded
+caravans
+saarinen
+loofah
+45.55
+1,387
+yusefabad
+flaws
+zhangbei
+mn2
+programmes
+shekhawat
+levuka
+wsg
+13/2
+rosalie
+woori
+heslop
+xenomania
+govermment
+'77
+a-block
+tentacular
+1885
+roadchef
+1.2700
+7-for-22
+kolzig
+749
+ill-defined
+mckinnell
+7,590
+hemos
+udyog
+victorian-era
+chazon
+81.43
+lluís
+itchy
+matchmaker
+82d
+savanur
+dotted
+magnanti
+k.c.m.g.
+denman
+pizzichini
+springs
+exportadores
+klinik
+65.97
+cerca
+marquee
+eaux
+99.14
+sencillamente
+elliptica
+brannigan
+flatau
+palaeoanthropology
+dübendorf
+petrel
+duhl
+mazaua
+elantra
+top-secret
+tomatometer
+tardis
+manzhouli
+65.2
+ordiales
+speca
+weronika
+bru101
+jukneviciene
+kreuth
+lhv
+burnout
+qingzhi
+socio-economically
+sodomizing
+archuleta
+ravensburger
+shenoy
+va'aiga
+chordophones
+quinziato
+venezuelans
+94.97
+catsup
+poochigian
+monory
+farre
+nzhdeh
+sdiri
+30,700
+pelin
+lth
+demsey
+groscost
+blastobasis
+8/32
+81.36
+abdulsalam
+insfran
+mutran
+inter-ministerial
+väisälä
+whetting
+kungsbacka
+sreedharan
+mnouchkine
+geelvink
+immeasurably
+559,000
+dispersive
+nordhoff
+testudo
+pitchmen
+owairan
+acucar
+zinoman
+5-john
+mamoud
+hitmakers
+nashat
+dactylorhiza
+38.46
+classier
+comorin
+half-year
+squillacote
+metronomes
+metropark
+nudum
+black-throated
+honjō
+universalist
+kryten
+ikaw
+line-up
+lucho
+priceline.com
+shimōsa
+39-5
+malinda
+haaren
+744th
+kalinski
+lapira
+biffi
+tomahawked
+tsiartas
+dbmss
+starfy
+anable
+same-titled
+parnevik
+pigsty
+sirène
+balkaria
+transliterations
+vandana
+bacteroides
+herzik
+http://blogs.chron.com
+categorization
+sonoco
+pyaar
+witmeyer
+m24
+hamdallah
+arvanitis
+chamula
+krienke
+ramie
+interpreted
+umsl
+frost
+453
+jack-in-the-box
+14-percent
+archers
+hamishmar
+karon
+moxos
+brütal
+safe-conduct
+2421
+obliteration
+coking
+tinkerer
+trees
+guertin
+bondarev
+kalvoda
+hofjes
+azaleas
+duderstadt
+laudibus
+sokar
+aarc
+ohhhh
+cricketers
+vnccprn
+mackris
+buchberger
+thunnus
+yurovsky
+wiliams
+hinkins
+socceroos
+ackers
+l'officiel
+13s
+home-built
+hod
+doina
+indi
+dhx
+d'angers
+7,890
+neuendorf
+teuscher
+dacian
+crunk
+chenonceau
+ascendancy
+macdonald
+discharges
+dubsdread
+huangshan
+weyman
+perens
+heathy
+ormy
+commodities
+cire
+podkolzin
+glucose
+satire
+rtl4
+50-22
+averbuch
+brisbane-based
+purina
+inter-bank
+miloje
+cheeseburger
+santaquin
+paykan
+dolson
+capra
+skulking
+drewes
+blindsight
+cerithiidae
+cochem
+hed
+graphically
+1.5745
+chopsticks
+informaciones
+sedums
+pre-1950
+amertil
+reinfect
+competely
+postpone
+hallstatt
+dalton
+pc/104
+stiffs
+nuraghe
+halfhearted
+apriddledetnews.com
+attainment
+bretschneider
+bel101
+bancarios
+qahtan
+pologne
+gorkom
+to-date
+second-longest
+housekeeper
+polyphagous
+portico
+lanyu
+euro191
+glitzier
+skywald
+matrimonial
+300-bed
+divrei
+mab
+nyce
+dawidowicz
+imo
+ragsdale
+saurashtra
+graph-theoretic
+dictionarium
+mykhailo
+9.19
+band-e
+antonio
+boerum
+tr-808
+poughkeepsie
+unelectrified
+kosaido
+ny400-405
+gxf5
+shalem
+ktx
+doiron
+agta
+birational
+piecework
+oku
+fede
+kiautschou
+cuckolds
+palkhivala
+tegen
+marlay
+gateley
+robocup
+ssid
+chertok
+home-and-home
+marie-adélaïde
+bdni
+tentoni
+platteville
+alucita
+lipsticked
+moodies
+pastoralism
+rempart
+150-kilometer
+negrito
+taizu
+cancionero
+bajolet
+krust
+caucasians
+80.64
+deor
+salvesen
+paisanos
+rre
+faults
+ruark
+baywatch
+9,090
+102-93
+taree
+exfoliation
+fana
+girlishness
+mullaly
+freidel
+nemesis
+unexciting
+microtubule-associated
+verbosity
+depue
+rancor
+mccutchan
+43.56
+54-member
+ice-cold
+snowmen
+minna
+harvesters
+ttf
+90,000-strong
+martelly
+tejaswini
+viii
+lasco
+askins
+g77
+bucy
+bracondale
+serviceable
+eaba
+ortenau
+jimjones
+side-by-side
+araucania
+accurately
+99.58
+florita
+cartes
+l/min
+tombs
+vdu
+kalbi
+ruisheng
+brčko
+79.87
+2-by-2
+3.93
+écrivains
+tullus
+calamus
+ugarit
+4,927
+1.2350
+rabelo
+77-kilogram
+smic
+480-seat
+elitist
+iata
+carpaccio
+70c
+bingu
+livolsi
+aldus
+affiliate
+four-fifths
+seromba
+kolozsvár
+chemnutra
+argh
+ivatan
+constantinovich
+llewelyn
+subari
+moulting
+deruyter
+fayyad
+fpga
+referees_dan
+klos
+cgo
+unearned
+bredin
+ext3
+1,955
+mid-1982
+deepings
+tactics
+manjarrez
+crudiv
+orshansky
+sinyani
+diplomas
+joni
+imada
+1933-35
+protostars
+presidentially
+202nd
+re-deployed
+55,000
+aspern
+interwar
+missaukee
+liuzhou
+salaf
+fertilised
+trussardi
+sunrays
+wahsh
+roundish
+severo
+nearne
+coeruleus
+underage
+ignatieff
+arietta
+paenza
+vilho
+http://www.nra.org
+thabiso
+familia
+no-brainer
+tablas
+43.60
+wxyz-tv
+139-year
+malenkov
+cooperstown
+garretta
+plote
+wiggly
+23.94
+awn
+,2,3
+aspired
+rm20
+nullify
+clear-cut
+mdc
+ichihashi
+prf
+33.90
+72.17
+hold
+taifa
+laurence
+dhc-8
+2:43
+tapie
+defeatism
+greenleft
+lilu
+249.2
+codice_3
+pechstein
+bartolomeo
+sonepur
+87th
+winn-dixie
+neeb
+147.3
+ciurlizza
+hobro
+rupandehi
+gc-content
+shorta
+2770
+nukufetau
+cfius
+định
+kunga
+confederation
+ggl
+facie
+breslauer
+ferreira
+páll
+dictations
+15.98
+250.000
+kyivan
+matsqui
+rashidov
+dbh
+fxfx
+travelcards
+engert
+mentes
+ordu
+nebbishy
+kirksey
+-30
+subasic
+postharvest
+spécial
+swiss-based
+matzen
+starke
+1425
+bergeret
+stoklos
+109
+almousaly
+hezhou
+tsvi
+staatsbahn
+equant
+overfeeding
+menter
+janakpuri
+septien
+dunoyer
+helbing
+tav
+philanthropenos
+paradela
+gravitation
+maharal
+tensioning
+swados
+shōwa
+shohreh
+scinto
+zhangyi
+biohazards
+comiket
+biorhythm
+revalue
+booey
+barred
+sokha
+bloodlust
+silman
+82.55
+meritz
+smoyes@ap.org
+32-23
+kuyper
+illegible
+lang
+artaza
+chandramukhi
+kosmos-3m
+85.5
+carbonero
+so42
+lessors
+georgeta
+post-trial
+third-grade
+convergent
+mini-feature
+sennholz
+zalaznick
+santaella
+lahood
+armanen
+66.1
+locality
+4.82
+one-hundred
+adv07
+indo-pak
+walk-out
+pails
+wal-mart
+gt4
+coneflower
+harvests
+wyrick
+dgm
+scherchen
+co-produced
+kritz
+esterification
+mesosoma
+tandridge
+landsknechts
+uetersen
+compasses
+chapel
+amarendra
+dortch
+becaert
+footbridges
+pericarditis
+haha
+pieke
+sliva
+persianate
+aldam
+naskar
+infamously
+jigang
+60.88
+104.5
+outmaneuvering
+32-14
+fleuchaus
+crams
+100.90
+kundakunda
+marina
+claytie
+azrael
+poudre
+directshow
+shiseido
+notching
+multi-millionaire
+druart
+staunton
+1960-64
+white-eye
+1965/66
+stellations
+kemsley
+glabrata
+capaccio
+posthumously
+f250
+alderwood
+besiktas
+lincoln-way
+croquettes
+umpired
+counts
+pellicano
+dejaron
+drafting
+skurygin
+10a-4
+byte
+waving
+samaranch
+canavese
+tyrod
+zizhong
+gloomy
+pugwash
+nascimiento
+paramyxoviridae
+flournoy
+swashbucklers
+gvwr
+hdf
+maharis
+stringency
+rusa
+thu.
+datacenters
+gosiewski
+125.0
+summarises
+jalaun
+viscardi
+arctangent
+5-92
+17-million
+gpk
+obisesan
+307.8
+nja
+slos
+souare
+conservatives
+máv
+misreadings
+396-9482
+potpie
+denis
+rfc
+jiakun
+lenana
+1153
+1168
+mattea
+sedney
+beargrass
+eure-et-loir
+faraone
+nossiter
+gtrs
+botella
+limburg
+woodcreepers
+chowdhary
+oersted
+millisieverts
+belevitch
+reassigning
+bromance
+mfl
+manaudou
+mallat
+072
+kasei
+43.95
+tonson
+eleonor
+churned
+17th-century
+gelber
+171.9
+83.76
+idylls
+nyqvist
+karlovic
+arguedas
+mid-mounted
+koso
+42.09
+434
+étale
+chikka
+gramin
+trion
+phyllaries
+prospecting
+stockholdings
+cappioli
+peate
+mikelsons
+d.t.
+courtown
+wilbekin
+burton-upon-trent
+osasco
+eeva
+51.11
+rihanna
+kis
+pallipurath
+bilis
+hepatica
+tyo
+eiken
+laurino
+cry-baby
+trist
+fug
+cuties
+.291
+despoiling
+relabeled
+solute
+25m
+waldoboro
+borer
+chandpur
+encolpius
+extendable
+12-km
+4,000-acre
+66-2
+retrained
+d'urville
+镇
+étoile
+schilly
+konnov
+spin.com
+deza
+latvala
+deferment
+portu
+graun
+esv
+nectars
+wonderlic
+rivonia
+quintilian
+methoxy
+amaze
+shaqra
+10/100
+jeu
+dingmans
+loehmann
+paleoanthropologists
+henin-hardenne
+brantas
+cisterns
+spanich
+tallin
+far-eastern
+shoul
+ultimatetv
+daschle
+sleazy
+noisily
+geoemydidae
+53.90
+upwardly
+dworman
+denoising
+16-hit
+caap
+nikhil
+fingerprinting
+mail
+whipsaw
+staggered
+caffi
+guagua
+euro110
+mohammed
+baroud
+robat
+189.2
+3143
+chinmaya
+chhoekyapa
+kroner
+83.00
+coaches
+consell
+enzo
+scarsone
+cowl
+nnsc
+rots
+phi
+liupanshui
+ostergaard
+flo
+bushey
+fairlight
+caché
+volgan
+technischen
+potros
+muskmelon
+prakasham
+kehinde
+full-color
+jabavu
+zobel
+gesink
+rwp
+bajhang
+diffeomorphic
+10-length
+flightdeck
+gdovsky
+narewka
+viracept
+wouda
+eco-systems
+hayssam
+refueler
+terrifies
+rozali
+2:11
+rengo
+eleutheria
+dextro
+2,073
+typifies
+22-16
+xat
+orbiting
+brokenborough
+nitsche
+tbm
+neopagans
+behind-the-scenes
+formula_8
+fieldorf
+jabi
+leamon
+mohadi
+tanishige
+shortens
+77.11
+passing
+circumlunar
+hellblazer
+31.7
+sivarasa
+lijsttrekker
+.581
+takeya
+dizdar
+yellowhammer
+doto
+127,000
+joshing
+lentol
+toppings
+63-page
+231,000
+bedwyn
+lillestrom
+kfc
+4-trillion
+akide
+malamala
+35-13
+sensitisation
+ch3
+mimar
+gangte
+oshiwambo
+telephony
+condeming
+simien
+einem
+dharmesh
+pensinsula
+rachol
+aux
+interpretatio
+sambal
+nassr
+ivanoff
+an/fsq
+57.68
+360-kilometer
+haliti
+hoffs
+yunmen
+indalecio
+mcentyre
+minds
+abbās
+oenone
+lamba
+shengelia
+kaimal
+endosperm
+faulknerian
+scap
+taihape
+risborough
+remissainthe
+roiling
+walleye
+uygur
+one-sixteenth
+promoción
+incite
+remix
+rosica
+lesson
+bleou
+azzouz
+tarkanian
+ñu
+décarie
+aquidneck
+tatoo
+short-stay
+markussen
+7-foot-6
+friezes
+qvigstad
+888,000
+khuhro
+herston
+alpha/beta
+christian-muslim
+35.85
+124-year
+hanc
+part-dieu
+webisode
+lob
+dehaven
+hindustan
+altenberg
+responsible
+taruc
+eretria
+carthage
+modzelewski
+deuk
+mulatu
+shelkovskaya
+893-8586
+courant
+porsena
+palaemon
+inquest
+hajia
+http://www.state.nj.us
+weight
+gold-colored
+budge
+gamm
+cauvin
+proclivity
+poz
+centuriae
+benoa
+93-91
+hirose
+mudiyanselage
+samphan
+malisse
+maqbool
+apolonio
+celalettin
+desirous
+demonize
+1965-1975
++5.00
+cramping
+dus
+1,737
+chadian
+jumadi
+archiepiscopate
+kastamonu
+caprichos
+120.54
+49.59
+fabric-covered
+lathers
+fluffed
+jom
+alcmaeon
+interjections
+individualization
+shots-27
+ssec
+trading
+4,345
+off-ramps
+perriello
+incitements
+clinch
+xingguo
+nizhal
+kranefuss
+anco
+oaked
+delyagin
+métier
+penrhyndeudraeth
+bugera
+anti-clerical
+oiling
+thorvald
+ubon
+l'ancienne
+ognjanovic
+mineral
+carrizozo
+’m
+zoning
+griqualand
+gjergji
+novelization
+links.html
+musco
+209.7
+subsequence
+kauppi
+substrates
+modig
+goldratt
+3,877
+ezequiel
+hongs
+klich
+934,000
+munch
+al-bukhari
+biokovo
+ollur
+manero
+fydler
+amarillos
+poisons
+frosts
+blurted
+resistant
+chinnock
+jumpers
+white-headed
+schirach
+arjuna
+mpulungu
+gooty
+feigned
+weena
+mxf
+littleneck
+baccalaureus
+repetto
+zilk
+kollam
+soluble
+mosle
+95.4
+riskin
+colloquy
+decussate
+dibba
+stricken
+ś
+wannamaker
+inuit
+camlough
+terese
+jardin
+rasslin
+17-23
+telebras
+co-ordinated
+musheer
+lisping
+politi
+heshan
+36.33
+14:32
+accentuation
+62/3
+trencin
+lipis
+badbury
+msi
+67.42
+parsabad
+desportes
+23,000-mile
+al-saadi
+vajrayana
+douby
+2,550
+aced
+deprogrammer
+tumuli
+2.955
+obviate
+evdokia
+yatseniuk
+127.80
+interstellar
+horrorfest
+merten
+pre-grouping
+karbovanets
+627,000
+ruhn
+dreamy
+andang
+mahathat
+henrichsen
+awning
+cbso
+pasting
+valuing
+kailasam
+samim
+rockhopper
+cambodge
+avan
+euro540
+excitation
+basidiomycota
+nadanian
+isocyanide
+established
+non-russian
+10x
+cupcake
+î
+optometrist
+langenhagen
+mazanga
+grimstad
+95-0
+ohio
+sparkhill
+consequentialism
+cards
+dianas
+fangzhuo
+dellcptr
+354th
+rippert
+2630
+96.76
+tarus
+cushioning
+cheye
+golab
+gallwitz
+freaky
+0.775
+cirelli
+n17
+3.30
+torrelavega
+aiport
+elmurzayev
+pyakurel
+hsiao-hsien
+visscher
+tradicionales
+rase
+nosegay
+elchingen
+espectro
+111.76
+gauchetière
+uran
+considerate
+kiddush
+marris
+absorptions
+stiker
+lapang
+fox-like
+greenthal
+yazidis
+93-mile
+wildung
+vril
+lifeguards
+201.7
+parachurch
+sarzana
+t-56
+lavrik
+exalts
+henniker
+pampers
+immunology
+sociobiology
+127
+20006
+893-8333
+idyllic
+syktyvkar
+emperador
+ursului
+20-50
+lifflander
+45.6
+gajre
+polymer
+lemmings
+6-foot-10
+zwelinzima
+peyresourde
+kidderminster
+hunter-gatherer
+esmerelda
+duopoly
+torpedoing
+catfishes
+pallonji
+lpc
+djimi
+self-directed
+grainer
+bransdon
+8:56
+1548
+burgmeier
+17:57
+nicene
+berni
+hilarographa
+litoměřice
+larrylcoxnews.com
+buga
+shestack
+altchek
+ru486
+sarandí
+androgenic
+satel
+leontien
+mrgo
+rantel
+1960-1970
+gwyn
+a0
+bandarin
+53.54
+feitell
+earthmovers
+74s
+kaukab
+140-mile
+chelae
+zhaoguo
+escargot
+andreevna
+absorptive
+late-nineteenth
+rameez
+crpc
+engelke
+willmore
+thuban
+varig
+feuerwerker
+twit
+justified
+bonnybridge
+49.80
+8vsb
+ten-piece
+trembly
+kukan
+calibrations
+howick
+chanaa
+calicut
+theclimatepool
+ewigkeit
+filaments
+putters
+byfield
+x45mm
+squarrosa
+faouzi
+1,763
+conan
+vmf
+gholson
+traumatic
+al-khor
+self-reported
+tangestan
+43.38
+aznable
+2.7
+raichel
+unzen
+solheim
+pettengill
+schoolmarm
+eumorpha
+arpita
+gladiator
+menou
+worldatom
+welche
+65.12
+hamper
+garissa
+verges
+jugnot
+learners
+dtcc
+manpower
+otilio
+non-central
+jayanti
+defective
+zard
+l.k.
+rebreather
+darky
+mccrady
+surtr
+svalbards
+kufstein
+sexi
+poas
+upmanship
+shared
+awaji
+929
+baobabs
+kniaz
+igan
+nous
+nautiluses
+nonmarital
+kra
+tarna
+mesure
+mensah
+sicre
+46.13
+tdap
+skive
+prssa
+chaloner
+ceo
+afaf
+sirous
+mbalax
+rajapalayam
+amasra
+wrath
+ungureanu
+rsoi
+primor
+post-disco
+glaad
+selinux
+leadbitter
+txi
+ienaga
+mitts
+dispersed
+18,750
+ruffed
+arcángel
+clutched
+same-sex
+mingli
+7-year
+amax
+somu
+26.45
+speedwell
+d’ivoire
+biodefense
+euzophera
+www.the
+ffw
+refurbished
+jadoon
+whitewings
+holburn
+50.64
+valeur
+fortuitous
+riesco
+taxonomist
+http://www
+hosack
+najara
+ackroyd
+informs
+zhāng
+39-30
+13lb
+qa5
+deathstroke
+tohs
+transplantation
+andenes
+escalante
+20,000-dollar
+smithtown
+majorelle
+bailouts
+keer
+purbeck
+itin
+yudina
+leapin
+2-6-1
+21.52
+politicals
+walbridge
+i̇hsan
+hamide
+coerebidae
+powervr
+adg
+håvard
+momin
+johnsonville
+tobiko
+resnik
+mi-24s
+pre-empted
+kissers
+fleischmann
+re-roled
+g11
+sldn
+mcb
+kolm
+skokomish
+ballyroan
+blackeyed
+decaf
+kiyomori
+manjul
+non-labor
+audiencias
+2/8th
+conjugated
+whittenburg
+sparingly
+contemporaine
+lovitz
+galtuer
+displaying
+knaresborough
+outgunned
+portoviejo
+servant
+jarrallah
+khda
+panj
+2.01-meter
+384.00
+numismatics
+systemwide
+reagle
+diritto
+pavlodar
+inspektor
+lavenham
+podell
+libran
+intrigue
+expositions
+rcm
+sargo
+loreena
+degross
+bumrungrad
+blumenauer
+garbett
+victorien
+merano
+colophons
+ketchikan
+sinistra
+nieuwe
+dustpan
+o.r.
+slavija
+goman
+l.a.p.d.
+noblewoman
+crawdads
+kramatorsk
+correze
+đế
+jeremijenko
+2-month
+huyler
+bein
+osai
+propebela
+beopetrol
+dialysate
+sterilisations
+95.99
+sub-ethnic
+hanohano
+jamestowne
+certeza
+toner
+inciters
+grassy
+54-44
+datong
+sulaymaniyah
+.403
+nalaga
+christmassy
+izmir
+farc
+tough
+self-composed
+35.64
+30:1
+zhào
+permeating
+under-construction
+hypocenter
+concessional
+imanaliyev
+difc
+nakedly
+wnyw
+mclendon
+chilensis
+work-study
+bayelsa
+opisthobranch
+123-seat
+irishman
+irrfan
+seishin
+enrique
+prakken
+monotypes
+7,610
+disseminates
+laksmi
+routine
+bonior
+æthelwig
+hoai
+idealize
+104.38
+reichskommissar
+obturator
+pyrrha
+ramírez
+cait
+extern
+venetist
+swallower
+hrycyk
+surtitles
+murthy
+3.41
+heaven
+elsbeth
+subassemblies
+casta
+raap
+mettlach
+afrik
+willems
+grindcore
+lourie
+basnight
+makeweight
+bassey
+gledhill
+ukko
+stairways
+battletech
+gines
+sannyasa
+menachem
+crippler
+pedicabs
+weakerthans
+215.2
+plenitude
+angelini
+reran
+6-speed
+barril
+eylül
+boucher
+typhus
+bhera
+largs
+belchatow
+tackley
+facc
+hissed
+permaisuri
+chinaman
+swampland
+1700gmt
+stahlecker
+homecomings
+proell
+yoochun
+roaders
+imminently
+stivers
+chuon
+drumbeat
+64-team
+reprographics
+grandmama
+saint-émilion
+2,654
+six
+1,551
+ingot
+eight-page
+milkvetch
+komsic
+74-year-old
+crabb
+cyców
+carepa
+maseco
+paleozoic
+techniques
+57.73
+grange
+fossa
+unvested
+bystoel
+dolow
+arashiro
+icelandair
+alciere
+alieu
+tacubaya
+bamboos
+mediavest
+fläming
+tipster
+vyrnwy
+parallelogram
+blogging
+preyed
+óbidos
+achyuta
+aart
+oligocene
+baylin
+rumberger
+peloponnesians
+belli
+ugk
+svt1
+waipahu
+dakich
+59.75
+minit
+hermawan
+hantak
+storeyed
+vietnamnet
+fedoriva
+emporium
+workstation
+thunderbolts
+3-1
+schol
+aminotransferase
+bamiyan
+larrivee
+lavonia
+seventy-fourth
+satisfaction
+parlay
+sawani
+simchon
+5,114
+natalee
+homebuyer
+hagenau
+föhr
+think-tank
+manglerud
+advertorial
+ffs
+gobsmacked
+gumbaz
+zaide
+pondel
+800-person
+comite
+pafa
+60.63
+ganim
+bluntest
+eratosthenes
+carped
+injectable
+bookmobile
+frethun
+mercenaria
+38.69
+samples
+kamensky
+wcau-tv
+wiesinger
+1,600-seat
+knt.
+50f
+longbaugh
+chaoying
+leavelle
+take-aways
+luckhurst
+unglazed
+imdb
+sittway
+panellinios
+l'unità
+sitak
+decadas
+aesthetically
+ikebana
+religious-themed
+counsellors
+bodyshells
+sankosh
+shingen
+sequeira
+mckuen
+hollenback
+north
+sprouting
+folkish
+bison
+b-meg
+steyne
+pre-watershed
+sassia
+ž
+saiyuki
+poltrack
+figure
+sveti
+1,822
+berggruen
+insuperable
+caucau
+moults
+saxe-altenburg
+bashfully
+372.5
+bheda
+counter-coup
+2,844
+österreichischer
+cunningly
+muneeza
+dutruel
+kamrau
+american-british-dutch-australian
+dasharatha
+ily
+compilation
+mallea
+guccione
+kvitfjell
+undefinable
+cracks
+goosing
+infrasonic
+sakhalin
+rikon
+132.8
+ferociously
+buckwalter
+tinsel
+manhandles
+nita
+hamann
+raharja
+bhusted@ajc.com
+davlin
+revolutions
+điện
+energy-based
+appartement
+1923-1924
+sites
+-01
+commscope
+trendiest
+fukasaku
+mfr
+kleeberg
+benezech
+crankily
+indenting
+marmoset
+flagler
+270-million
+effie
+mercurius
+angelman
+usweb
+1933-1945
+6,320
+pedraz
+crabs
+muta
+lecouls
+torquemada
+moisten
+all-conquering
+pinchi
+menia
+paculba
+1.8-2
+shicoff
+ngen
+fanek
+ancestral
+mirny
+dunlin
+managerial
+harmoni
+giovino
+7-14
+announcer
+blaubach
+devor
+chibana
+bama
+189.5
+isoenzymes
+quilmes
+0035
+yeshayahu
+ghriba
+ot
+kalu
+ouying
+12.06
+preprint
+16,200
+aubisque
+could
+eccentricity
+uwf
+herbig
+lyonetiidae
+šternberk
+47-35
+hkab
+grey-headed
+sukari
+belligerants
+lightening
+paganica
+barbarigo
+kudrat
+milupa
+ledwinka
+floodlights
+couplehood
+reamonn
+890
+horton
+zanis
+wasdale
+63.93
+waikīkī
+nyc-based
+anti-death
+forson
+temblor
+usfk
+virgilian
+dalby
+liboi
+telefonica
+adv10
+vaginoplasty
+zapater
+tirunesh
+excepto
+200-year-old
+pholidota
+habboush
+:15
+gypsys
+asics
+tendre
+petrossian
+rotonde
+filadelfo
+full-powered
+6:04
+devanadera
+yousra
+parmalee
+unsportsmanlike
+methoxide
+pongpol
+leuprecht
+treads
+boutet
+2,709
+iwanaga
+parlo
+rangana
+ondekane
+ziprasidone
+revy
+pre-treatment
+ucil
+shillong
+zaban
+firedoglake
+menken
+levesque
+152mm
+balchin
+vogtlandkreis
+digitized
+masuku
+monus
+rodo
+jahrbuch
+directory
+karabilah
+gorka
+(925)
+sathyavagiswaran
+23-foot
+youri
+railey
+capitolinus
+muiruri
+ohura
+dolma
+trewavas
+blackberry
+jebara
+mikee
+fantástico
+sargassum
+lahej
+reclassify
+curlicued
+stoel
+connected
+salvator
+saprang
+hamnet
+-10:30
+dumbed
+thyagaraja
+freelove
+54,300
+misinterpretations
+sadoff
+kagera
+zaliznyak
+serero
+crave
+pokryshkin
+botching
+bessonova
+taglines
+khyber
+trossingen
+edric
+chunwang
+gebremariam
+shchukin
+gezari
+schoeman
+speedo
+cizek
+selland
+beschastnykh
+cashin
+kurti
+nordenfelt
+hcia
+gnel
+falange
+transitively
+amid
+huntingtons
+maluri
+nizhnekamsk
+alevras
+deddington
+doubleday
+lamorisse
+3,985
+pamukova
+foward
+lupton
+exiling
+10-pound
+kaster
+0.33
+castagnetti
+pre-prepared
+1933-1935
+kayna
+gunfighters
+pavlyuk
+termeer
+cambodiana
+westo
+salamon
+tapering
+93-83
+posušje
+bistrot
+northfork
+anthems
+ambulation
+mongan
+asterias
+masuko
+151
+9,180
+lith
+mannitol
+2085
+debswana
+rajam
+martelli
+muskrat
+cometa
+wadsworth
+landsgemeinde
+barnegat
+yahel
+nytimages.com
+qashqavi
+greenall
+norihito
+earthquake
+karnes
+bernabo
+daojiong
+igg
+fbs
+styrbjörn
+hotas
+1411
+slasher
+sora
+burnell
+rewarm
+12-song
+elsener
+trogon
+9.28
+0.0002
+photochemistry
+69.10
+stenn
+12,400
+narbona
+67a
+stromberg
+tiptoft
+shigaraki
+itosu
+c-bo
+headframe
+pok
+tregear
+thymic
+zom
+zabrze
+tfm
+marcegaglia
+donnellyglobe.com
+paparizou
+gibbs
+luritja
+maciejowice
+numididae
+eu
+frayne
+ricchetti
+wildcat
+ostermann
+htms
+monthermer
+wnic
+myanmar
+puech
+laberge
+microstructures
+pocketbook
+marrack
+kadisha
+greenset
+santikno
+boever
+aryanization
+amre
+działoszyn
+2010/2011
+exportadora
+amandala
+sylvester
+adelmann
+mezei
+agriculturally
+randle
+ben-ari
+elif
+proselytes
+twice-to-beat
+29.65
+kanan
+lattek
+nobile
+wrigley
+goktepe
+2,579
+40-fold
+jewelries
+130-seat
+chipley
+41,600
+dichotomous
+realizar
+ballistic
+revenaugh
+mnas
+tantrums
+caretta
+57.54
+churubusco
+nuncius
+alvise
+siemering
+starker
+polamalu
+stankevicius
+55.0
+69.89
+kilim
+baalbaki
+whiteland
+ant
+guiot
+verba
+poundage
+brown-eyed
+14-23
+motivator
+icsd
+226-3347
+mixed-use
+1.4347
+leoncavallo
+holmström
+synthesist
+287.8
+refocusing
+jagielka
+lega
+nerz
+whittington
+probasco
+streetball
+radhia
+budi
+shiitake
+metrosexuals
+pneumoconiosis
+12:21
+dampened
+ayub
+usas
+cornbury
+coyot
+sung-hyun
+prochazka
+utilities
+vicegerent
+butare
+ostenstad
+brindleyplace
+jesualdo
+gerster
+300-500
+kakhk
+kangiqsualujjuaq
+firebase
+spritzer
+homeowner
+fiercely
+mezni
+tilemahos
+yaletown
+descending
+dievoet
+7.43
+____________________________________
+specialty
+moorswater
+espectaculo
+tarutao
+scherpenzeel
+jodoin
+yvars
+heinen
+otavi
+eluru
+kilmuir
+promised
+1998-2004
+manavi
+204,000
+ceraso
+172nd
+sinjari
+tangaroa
+avod
+hopfinger
+impolitic
+13:39
+lihv
+pnau
+myint
+imposture
+salawath
+pozzuolo
+roberts
+teesh
+labore
+164.5
+biculturalism
+taji
+retief
+146,000
+chippenham
+logvinov
+32-yarder
+moneyness
+mszp
+56.31
+uppersides
+tamatave
+trappings
+all-or-nothing
+sylar
+wilayat
+cuna
+978-0-948817-19-9
+outzen
+tuberous
+seafort
+part-2-the
+petillo
+enkephalin
+introverts
+boudleaux
+bukkake
+wythenshawe
+cdh
+goosed
+ducted
+mahabali
+hofheinz
+lateralized
+rivenbark
+austro
+3.3-meter
+lingen
+euroleague
+43.98
+zullo
+baïf
+charriere
+social-democrat
+yandi
+żelechów
+katter
+lollard
+delwa
+morhange
+121.68
+sauve
+eye-opening
+reciter
+verin
+mackeson
+chancing
+47-38
+excélsior
+nectarines
+phallic
+constructs
+1986/87
+myllys
+61-58
+spherical
+discernibly
+wenger
+kakavand
+ipass
+playbook
+brownstein
+chamonix
+gozar
+beeman
+caribous
+hudna
+frisians
+kaadu
+slotted
+darband
+rykov
+gzip
+sontaran
+paralympics
+sweezy
+wedging
+gaillard
+0-for
+leadup
+backhoe
+vsetín
+daghestan
+borschberg
+constitutionality
+th!nk
+offload
+lubetzky
+sporter
+hobnobs
+nóg
+strout
+kankō
+erases
+amori
+manolito
+29.68
+ioke
+nickel-cadmium
+vanderbeek
+t-bane
+buchli
+yerwada
+73-72
+83.84
+suplee
+lascombes
+alpazat
+tamarisk
+meadowhall
+voht
+disney-abc
+kakiuchi
+darge
+5,295
+yebra
+gorce
+belang
+50-percent
+bowes-lyon
+conchita
+stagen
+abdaspac
+ridgemont
+ceneda
+rhind
+uhlirova
+stratigos
+iwai
+3.8-liter
+kootenays
+nardelli
+aggar
+talel
+103.10
+interrupta
+funny
+pteropus
+.489
+clk
+phillipsburg
+långholmen
+heritage-listed
+lavoy
+byork
+craftsmen
+255
+jeffrey
+lowitt
+ncri
+seales
+curlews
+hepatocyte
+jelebu
+hoagy
+38.42
+avants
+indict
+germani
+lertsupongkit
+117.19
+0.46
+secdef
+chlorate
+multi-track
+1954
+calarts
+konoike
+gundulić
+ciccarone
+gerðr
+parietal
+goodes
+4:4
+encore
+kaka
+212.6
+thebaud
+cheatwood
+38.27
+ineradicable
+estaba
+kwu
+grafenwöhr
+europeo
+colistin
+hurra
+2002-present
+revolutionising
+resnicoff
+emory
+giovannino
+budaj
+entreated
+foodtown
+todorovic
+atila
+clinics
+milstar
+sentinal
+abshier
+electro-industrial
+duangchalerm
+chusan
+nd7
+65.25
+onore
+ansei
+beatmaker
+shambolic
+18-and
+gorazdevac
+shamokin
+yevkurov
+rajni
+cartage
+gunerius
+jayaratne
+104.75
+feld
+tgvs
+plumes
+20.11
+initialization
+knottiest
+belongingness
+icrt
+bagli
+cascading
+rookery
+spotsylvania
+thiers
+p.b.
+delaughter
+title-page
+avails
+radetzky
+kehui
+strangest
+waukegan
+ansbach
+89.77
+e0
+purushottama
+alin
+bristling
+barehanded
+subcircular
+e.p.
+5-fernando
+dunai
+holscher
+anti-inflammatory
+wardrop
+jiaohe
+150-billion
+worldplay
+olcott
+sequesters
+spoil
+130.2
+citi
+edeka
+aquascutum
+borch
+nasl
+cannons
+tatnall
+escandalo
+torgau
+co-champion
+kmpc
+oranienburger
+day26
+radonjic
+barmah
+drowning
+hurvitz
+stap
+pean
+miyo
+cross-check
+mallette
+litres
+191.1
+rossem
+demodulator
+eun-young
+44.03
+raboteau
+fielded
+vello
+impreza
+corretaje
+lostwithiel
+snv
+1.4760
+.307
+kouassi
+court-appointed
+regen
+khalik
+mcelheny
+bardal
+chromate
+weatherboard
+airstrike
+7:44
+86.30
+albasini
+enersis
+655,000
+shigenobu
+unmik
+arvanites
+pwi
+perrelli
+36-million
+иванович
+lonna
+bezhetsk
+vejar
+buang
+ostenaco
+iriomote
+vass
+ogiek
+57.44
+weybridge
+domu
+6-foot-8
+krickstein
+91-77
+donewald
+counting
+oberweis
+cirques
+khufaji
+24.63
+joelle
+voiceovers
+dear
+10-mile
+14-minute
+suivra
+horkheimer
+watene
+saffir-simpson
+pintor
+leconfield
+a-sided
+aloma
+cessions
+kawakita
+centralisation
+pbe
+elitexc
+kadai
+34.11
+bulgur
+eiker
+hubris
+lenk
+hareide
+a$
+moorfields
+lacroze
+harshad
+l’ordre
+prodoxidae
+electronic/dance
+kapd
+kismaio
+autoregressive
+kisoro
+yankovic
+24km
+sagarra
+r.b.i.
+welcoat
+botica
+sexologists
+80-year
+drau
+duchenne
+2,263
+swanagan
+31,042
+elizabet
+laccase
+kushev
+ortelius
+prestart
+keresey
+preece
+gronke
+bode
+afssa
+carn
+puh
+niloticus
+bra-ket
+haps
+configures
+lamellar
+swarthy
+bavetta
+knowledge
+puig
+qalandar
+recyclable
+f37
+under-10
+zhan
+lukla
+130-pound
+dih
+diskos
+3,072
+shaadi
+devaluations
+farp
+dirige
+bossoni
+pression
+intermedia
+farben
+ruthyn
+ancud
+kolff
+coastwatch
+yeaten
+luke
+.265
+diadema
+hohenstein
+shool
+harpen
+shahn
+hammes
+seinäjoki
+19.09
+vilvorde
+saeeda
+jiayuguan
+242.4
+technopark
+extirpate
+comunità
+gullas
+prudish
+trailers
+enlow
+gallardon
+naisse
+lowe
+nacionalista
+labora
+relevancy
+oakham
+jagadeesh
+meddler
+mccareins
+solidarnost
+3rd-century
+graphologist
+greatly
+2.06
+th1
+two-parent
+18,150
+femsa
+biham
+sombreros
+bernie
+13.1-mile
+kuratowski
+rauhi
+slavoljub
+61.17
+agn
+syncing
+fourth-generation
+taiga
+25-centimeter
+heinsius
+somnium
+arcadio
+wrighton
+phmc
+triplex
+gunflint
+convoying
+radnički
+dispenza
+petschi
+monkeywrench
+farmington
+mauro
+yashoda
+100-meter
+proceed
+levante
+aitarak
+akhir
+andrejew
+flavored
+ceravolo
+meningitidis
+battened
+0515
+baruipur
+tap-in
+dumars
+shenkarow
+bittle
+sorey
+tankōbon
+orphaning
+bemvenuti
+b68
+1666
+reinvade
+dervishi
+high-availability
+blackcaps
+superorganism
+khanun
+strategic
+papayas
+displaced
+kimiyo
+kaohisung
+skuh
+cymbalta
+lowenkron
+10,122
+rheumatism
+hodgen
+chaouch
+spartis
+mouflon
+lennikov
+tamblot
+leidseplein
+vasodilation
+1,586
+berlow
+plateful
+codice_47
+20,400
+salva
+k8
+fast-growing
+12-shot
+fires
+ayana
+vishwaroopam
+3,905
+repitition
+wiretapping
+apostolides
+hendren
+ksp
+u.n.-demarcated
+suzong
+soberania
+is/was
+sixto
+nucleolus
+5,422
+erinaceidae
+remember
+vermessung
+rouben
+120.80
+asmp
+nyitra
+mundhra
+90.19
+.595
+darkazanli
+warlock
+observing
+blocklong
+sleuthing
+musallem
+covetous
+loon
+yuce
+exterminations
+liberato
+certifications
+strip
+colesberg
+#b
+montemayor
+1,182
+bafa
+pcrd
+renuzit
+enamoro
+camelon
+resultados
+bowker
+entrancing
+jyothika
+szyk
+cajas
+ondaatje
+renwick
+lrad
+sketched
+.33
+wesseltoft
+barta
+armourer
+yolande
+euro452
+colage
+slides
+responsum
+drams
+nessi
+16.94
+bio-active
+santok
+newspaper
+sideonedummy
+freema
+http://www.nwa.com
+vollebaek
+balon
+staves
+quammen
+castrilli
+st.george
+pontica
+dnata
+strong-arm
+cordage
+buergenstock
+ilea
+ontiveros
+fehmarn
+8:22
+ohrdruf
+c5h5
+multipurpose
+pjeter
+ratliffe
+parapodia
+wienerwald
+siab
+anl
+boeke
+karimnagar
+bingara
+allgemeinen
+marignac
+jahjah
+kazuya
+saurischian
+salsabil
+triumf
+1240s
+deterring
+ranting
+merkur
+palaung
+matadero
+putting
+leisz
+corte
+pollari
+holston
+rovos
+labium
+avellaneda
+normande
+metlakatla
+cenderawasih
+bagi
+huangs
+achna
+4100-metre
+polymerized
+germinate
+schnucks
+atomium
+salwan
+ardèche
+hook-up
+stops
+górna
+konkin
+mujhse
+shoichi
+sugiura
+differentiable
+preload
+dollfus
+1861-65
+balmiki
+hinske
+tyus
+arild
+laplace
+navratil
+2,443
+80.5
+lebuhraya
+pocomoke
+207.1
+still-born
+offing
+dementias
+gillogly
+9-11
+pre-screening
+a80
+spirea
+urtica
+stadt
+sgk
+re-marriage
+kirata
+cosquín
+nscb
+99.47
+3.7-percent
+jenni
+brumby
+chord
+opothleyahola
+meekatharra
+26.69
+motoki
+drilled
+ohel
+hemmatabad
+slc
+wingdings
+47.65
+keal
+kamaz
+thurday
+243
+primordial
+24.45
+danae
+rialto
+425-word
+weigman
+menti
+stauring
+triga
+boasberg
+tiamat
+tellico
+tomatsu
+supermarket
+2mm
+dilophosaurus
+bourland
+5.1
+delebarre
+twra
+trybuna
+plain
+precrisis
+2,146
+2005-2011
+fugazy
+65,536
+malnourishment
+sleepaway
+azita
+sea-land
+bivector
+gholi
+croci
+superpowers
+fobos-grunt
+königsberger
+trichotomy
+demande
+judicata
+39.9
+plesiosaur
+rotation
+kundu
+queirolo
+readjust
+squirtle
+jacoby
+adeste
+manorville
+gerontology
+velociraptor
+rollinson
+lowlanders
+18:08
+photosmart
+haem
+pangkalan
+colombier
+fotouh
+svitil
+jowhar
+4140
+seika
+fau
+marveling
+roett
+106-year
+blumentritt
+huse
+muzaka
+kleitman
+necrophiliac
+hawrami
+archon
+mansell
+darrall
+torvalds
+75.20
+carrolls
+11-8
+planthopper
+obergruppenführer
+speed-up
+danilyan
+bit/s
+mattel
+kwantlen
+malayer
+a.u.
+chach
+helplessly
+biochemicals
+evaluative
+tredyffrin
+labriola
+tuscumbia
+ptosis
+mt.
+chavistas
+azeotrope
+land-holding
+honeymooning
+krall
+vtt
+quiches
+glades
+dimos
+kirdi
+ceren
+realist
+doughnuts
+lloran
+stevens
+nasb
+haus
+clergymen
+exonuclease
+hadrosaurus
+kaku
+boundless
+shakeups
+sagara
+84-74
+sextet
+southrail
+franck
+10-match
+kundal
+angela
+weakley
+daintily
+letham
+lashed
+clearplay
+burghard
+ansars
+leena
+podlasie
+pediatricians
+mind-controlled
+disconnectedness
+bieniek
+gham
+palizzi
+muridae
+cardioid
+garnish
+satoko
+fugazi
+embroidering
+moonbeams
+dux
+zila
+il-62
+quadrata
+passarowitz
+enoteca
+clapboard
+flash-cut
+high-crowned
+kostajnica
+u.s.-chartered
+froufrou
+56.10
+kahramanmaraş
+teplitz
+bristols
+schutte
+ustadz
+pelusium
+palmpilot
+satisfy
+freyre
+winn
+ti-89
+desmognathus
+2030
+provides
+guidi
+follwing
+lautsi
+tuho
+hydrozoa
+80.44
+tutino
+coplin
+mahindra
+look-out
+epes
+irritated
+shud
+torchbearer
+connubial
+pegram
+prijedor
+vedran
+billund
+intertek
+pageexpress
+uniting
+asynchronous
+chaotic
+swatow
+dth
+card-carrying
+120a
+evich
+sulks
+jingsheng
+2,428
+mahm
+aspheric
+hamasaki
+freikorps
+botin
+aubert
+eco-tourism
+sverige
+orangeman
+decisive
+obstructionists
+satguru
+gallinari
+culross
+dicillo
+amorously
+visited
+toxicological
+consignees
+arcticus
+exposes
+syarikat
+143.4
+skuratov
+snatches
+countermand
+erin
+cordova
+auric
+wejherowo
+2,928
+small-arms
+groveport
+coen
+xpcc
+pantelimon
+haje
+imine
+teevens
+revault
+counter-cyclical
+beside
+alveolo-palatal
+rjc
+o'dwyer
+seclude
+alvi
+upper-case
+ekholm
+eimiller
+bioterror
+constructionists
+dewinter
+itto
+chengye
+056
+229.7
+chan-wook
+ketosis
+maiolica
+baic
+soumaila
+240-foot
+thandwe
+habibti
+meghana
+larded
+11-story
+alexandro
+bhaktavatsalam
+grogan
+delay
+bemusement
+ravioli
+47.11
+sneevliet
+yoshinobu
+pamphleteer
+isi
+orphanage
+fmea
+barakett
+raineri
+busho
+language-learning
+sjahrir
+myopia
+pratincoles
+legalese
+virg
+1,805
+specie
+syndactyly
+agamemnon
+cict
+petronijevic
+sundal
+sebesta
+schemas
+cald
+fourth-quarter
+ramazani
+postgame
+pepperidge
+brunon
+ladendorf
+allhiphop
+mughal-e-azam
+deh-e
+fitzrandolph
+deese
+ludwigshafen
+14-18
+106.63
+representable
+itzhaki
+approximants
+outsells
+overpraised
+berlin-brandenburg
+lons
+byumba
+zirin
+fučík
+rupali
+shengde
+fwcc
+encyclopedists
+fritsche
+starova
+nasheed
+moriarity
+naidoo
+chughtai
+gaillon
+aliko
+wilkin
+149th
+ding-dong
+kashrut
+prizewinner
+amnrl
+8,690
+tnd
+demilitarize
+alberghetti
+darkwing
+twin-seat
+sanity
+korten
+hathorne
+heffernan
+davydov
+l'année
+monkwearmouth
+beckmesser
+ilx
+namesake
+bimber
+veiling
+coccoliths
+gilligan
+bujor
+harborlights
+destin
+suchowola
+auditioned
+pneumonia
+bufete
+parar
+38-12
+chetak
+walthall
+merav
+bupropion
+swings
+tachov
+patriciu
+bidlake
+bullied
+mujahedeens
+gelabale
+eltanin
+rossia
+frenulum
+mirrer
+sauter
+10.43
+125-member
+sisli
+talent
+alizade
+34-story
+candiano
+lavanya
+pterocliformes
+fluids
+birney
+convict
+roatan
+nordhausen
+icd
+concurrencies
+marquise
+festooning
+origami
+members
+clauson
+anaphylaxis
+990cc
+acknowledgements
+cincinnati-based
+green-lit
+double-layer
+cybotron
+ulriken
+schagen
+chancellery
+net.art
+némirovsky
+podkoren
+sprat
+1,989
+randwick
+liklihood
+millichap
+ranaldo
+moscow
++7.00
+jervey
+bratty
+s.h.i.e.l.d.
+18c
+mujer
+dubova
+deryk
+conjuror
+similac
+stockpiles
+ōgaki
+905
+wildenberg
+fiachnae
+26-jan
+cyberterror
+sakineh
+provincie
+pouf
+darwiche
+3xx
+refugio
+128th
+2-71
+lambroschini
+artúr
+neuroendocrinology
+73.54
+ramires
+budu
+toefting
+finnish-speaking
+thyrocopa
+plus-14
+trimbobler
+21.06
+dorn
+montevecchi
+oscuro
+zamorin
+biscevic
+1233
+monsieur
+philyaw
+tafari
+non-contributing
+cestui
+bakeware
+jitendra
+glavany
+ptrsbg
+uae
+akhmatova
+4.01
+treader
+nails
+cylindropuntia
+firuzeh
+124.64
+603e
+janel
+empire-style
+movia
+criminalised
+burushaski
+aganga
+cristian
+amazone
+mogadore
+kipchaks
+djejp
+immediatley
+nozzle
+elbulli
+u2026
+pomersbach
+nonaligned
+product
+sciatica
+affordances
+ronco
+qazigund
+draw
+stroganoff
+moneysaving
+danzas
+townsend
+evangelistic
+colour
+shoulda
+seven-cylinder
+argeș
+skey
+insubria
+oulton
+prouse
+miyabi
+purba
+nonempty
+franja
+cathedral-like
+hechingen
+inshore
+.295
+siria
+ovchinnikov
+shorty
+10a-5p
+lakhdaria
+bezmer
+babušnica
+belonged
+depresses
+13.93
+antiguas
+fimalac
+gattung
+horemheb
+haoma
+13,800
+mclane
+1444
+nonet
+reviewing
+impossibly
+flavors
+gemcitabine
+citaros
++.38
+małachowski
+golap
+intercommunal
+iop
+kolpa
+boogert
+934
+d-company
+fncl
+bascombe
+centrosome
+lingyu
+australia-new
+dermomurex
+hantschk
+nijinsky
+cassar
+eppenstein
+pipsqueak
+victimizers
+quintaglie
+portella
+10k
+riboswitches
+remen
+40d
+sachsen
+c.j
+fergerson
+unexplainable
+hütter
+20-60
+kundun
+4:26
+wicoff
+clyne
+laake
+8.23
+andone
+baoliang
+fluoridate
+damborenea
+bundeena
+pickering
+skyguide
+gastrin
+mahadevan
+sonaecom
+bfbs
+hagadorn
+lučenec
+lato
+concreted
+beaute
+moorjani
+bastardmachine
+rcarrcoxnews.com
+prisa
+bhabhi
+soriana
+saruhan
+louth
+rangiri
+rule-making
+scarponi
+sungari
+kqrs
+5.70
+canley
+dongyi
+loading
+bavadra
+ayerst
+gowin
+pingasa
+tritonia
+multi-sports
+congonhas
+dimuro
+dayaram
+p-9
+108,000
+trane
+pdp-1
+ytn
+2600
+spiraea
+belul
+pécs
+empanadas
+igorot
+kmpg
+narattana
+auguring
+foreshortening
+videocamera
+utstarcom
+fyodorova
+mra4
+band-tailed
+wfnx
+brasfield
+43m
+tanauan
+denktas
+presentiment
+t3
+non-greek
+pandur
+3:8
+extraordinarily
+restudied
+shalqam
+sacar
+87.61
+shecter
+democracies
+53.87
+five-dimensional
+homar
+cpk
+springstein
+taruffi
+33-5
+subjectivity
+non-newtonian
+sito
+phileleftheros
+non-vanishing
+koryta
+causeway
+melillo
+exclave
+strewed
+scelsi
+hilgendorf
+śląska
+fatchett
+hillin
+piast
+38.44
+everleigh
+nicoleta
+mecklermedia
+gloor
+34-foot
+9,145
+staf
+clavería
+neg
+major-generals
+stjernen
+4/11
+virens
+sykesville
+venusta
+mahara
+franchet
+p&le
+spencer-churchill
+subprograms
+pinhook
+mangosuthu
+churchyard
+ipl
+franco-belgian
+solter
+reformulation
+riigikogu
+cspc
+ranney
+carmichaels
+lampião
+hoceima-taounate
+opina
+delta-v
+hydrogenated
+50.78
+tinga
+dreifus
+nonbreeding
+messervy
+rutles
+tarabini
+haniyah
+cavus
+carlucci
+concussive
+1251
+boys
+wpo
+117.00
+16th-17th
+blecker
+zelenko
+86.31
+hertig
+flohr
+900m
+1987-89
+cola.com
+fedot
+chaliyar
+octatonic
+1945gmt
+hoagland
+weaselly
+flippy
+13,125
+gluons
+brutalism
+griffith
+fetishes
+icv
+comforting
+mlm
+24-kilometer
+300-pounder
+barbarino
+subterranean
+mid-2013
+paradies
+saverne
+wickrematunga
+eastweek
+zograf
+bio-technology
+early-1990s
+adress
+250-300
+geesink
+naturopathic
+oppressing
+shanker
+pafko
+tierre
+slurpy
+nasrid
+util
+derisive
+mattoo
+matrika
+wcac
+fok
+adducts
+weatherbee
+adorning
+inhg
+15-count
+content-based
+outdistance
+1,601
+nordiques
+quepasa.com
+recker
+kposowa
+sizable
+exf6
+17:34
+gausdal
+dirck
+bladon
+39.90
+unplugged
+proximities
+bayers
+palatini
+kalita
+elex
+cmbs
+120.47
+spynie
+penelope
+astrocyte
+2980
+huaman
+okoye
+sajer
+yasen
+partout
+glickenhaus
+desertec
+jixi
+hovis
+sbn
+perodua
+carrigan
+sames
+f42
+piyanart
+rapport
+13,200
+hallyu
+macara
+tāj
+70-kg
+monatsschrift
+swapo
+hungarians
+bolded
+mexborough
+respectability
+xon
+dhaba
+savarin
+curvaceous
+dueling
+schierke
+dionysia
+cattan
+argued
+felos
+orsatti
+pitch-up
+akumu
+moneys
+canadia
+panh
+domínguez
+merchan
+eleftherotypia
+batebi
+laliotis
+wpa2
+68.61
+cox-2
+ufpj
+midfielder
+mowinckel
+tallen
+dallinger
+rubies
+deano
+3/23
+47-42
+mancow
+wenfei
+shaabiya
+colaninno
+mitzvah
+inernational
+vlog
+maltster
+sported
+sr1
+met
+waterborne
+iran-iraq
+akzo
+swagman
+deloraine
+ory
+yun-fat
+colombiere
+240.2
+bruhin
+206-448-8135
+www.nytrng.com
+plancherel
+9-seeded
+361
+auditable
+phreak
+dno
+58.30
+shlash
+dehlavi
+ajkf
+loglan
+wassily
+militis
+nuneaton
+mosquitos
+single-lens
+holtz
+elapsed
+naturally-occurring
+mig-15s
+69.71
+hudson-bergen
+omnivorous
+ethylenediamine
+artprize
+gussow
+carnap
+formannskapsdistrikt
+scalloping
+kamnik
+krig
+gorilla
+nwohio.com
+annandale-on-hudson
+allied
+gaseous
+prithivi
+tacom
+velikov
+tjilatjap
+polygala
+noon-4
+s.a
+lyndonville
+300-point
+12/14
+gettysburg
+monoceros
+shifra
+kabi
+399th
+steganography
+brulte
+nai
+pallette
+borama
+pro-league
+muth
+bertelsmann
+muskingum
+tingitana
+bergier
+kabanová
+greenbaum
+crkva
+tū
+32p
+stockholms
+furnitures
+blennerhassett
+quigg
+debate
+semenova
+mq-1
+savoury
+ananda
+zhelio
+half-space
+sinergy
+mazzucchelli
+8,029
+hyperammonemia
+kalhoro
+polsak
+sostre
+hometowns
+2244
+medway
+vnesheconombank
+lejos
+counter-revolutionary
+109-member
+kubota
+friedensreich
+656,000
+raynal
+awfully
+ganda
+dry-goods
+meristems
+outerspace
+justes
+waterscape
+square-free
+miaa
+an/cps
+callier
+61-54
+budikusuma
+42-9
+quotation
+ikirun
+bahns
+9.56
+arj21
+squeo
+salio
+rasmuson
+anchormen
+gsma
+nibizi
+chechik
+uplinking
+1,896
+barro
+four-seater
+renninger
+moistureloc
+142.6
+rock-n-roll
+valmy
+.646
+mitsuharu
+mbyrd
+24sec
+1,000-dollar
+infiltrators
+egton
+judea
+parul
+bulrush
+14.89
+riverway
+spicket
+tramacchi
+bedros
+truckdriver
+mérida
+greuze
+rappoport
+mortmain
+reported
+flos
+ruffing
+mogilny
+paraphrases
+sticks
+homosexuals
+serrulata
+loras
+siebold
+108.79
+rodolfo
+magnis
+establish
+collect
+dungans
+kaltsas
+czarnków-trzcianka
+restrung
+1,901
+tishrin
+57.67
+u.s.-pakistani
+microïds
+plays
+anjanette
+1451
+zaku
+claysburg
+shinobi
+posidonius
+phyongan
+diósgyőri
+felicitate
+implausibly
+passageway
+neelkanth
+bideri
+grappled
+a340-300s
+duking
+bellairs
+hetoum
+29.42
+reveal
+moragas
+wanek
+hogging
+sativa
+bösendorfer
+tower
+nj04
+heorot
+guadagni
+garybug
+keeps
+desam
+althea
+foto
+huttoe
+chemos
+cazalot
+sumedha
+shrikes
+pesa
+chanan
+25p
+quasi-public
+casuistry
+bridegrooms
+twenty-five
+kaftan
+kluane
+smcc
+kbkids.com
+college-bound
+10.75
+inayatullah
+chaleh
+ashbourne
+re-branded
+21,300
+.13
+covarrubias
+estêvão
+begumpet
+goleniów
+sarzo
+where
+relased
+keithsburg
+vänskä
+pigman
+kozłowo
+arlinda
+concisely
+takakura
+iceboxes
+1,705
+repressiveness
+phasianellidae
+grigoropoulos
+omerovic
+furcolo
+lampeter
+windecker
+afit
+yellowcard
+disease-causing
+hellevoetsluis
+waru
+erratics
+risin
+prestel
+shield/storm
+tanksley
+30,000-40
+puyol
+105.78
+dimicco
+mayborn
+sourcing
+kiechel
+tsys
+reachable
+hậu
+1202
+pdp-6
+ranee
+quatrano
+rattay
+fle
+11-man
+guzzo
+foxl
+mononucleotide
+97-94
+109.6
+tormentine
+blean
+j.n.
+je
+917
+guiliano
+esperan
+nádasdy
+mcgrory
+compro
+antaryami
+rivieras
+66.21
+suryanarayana
+cv-22
+veinte
+0-948817-19-4
+stabell
+parfum
+kutub
+duology
+endocytosis
+karaftu
+fondane
+vitoria
+reel.com
+annuities
+tunings
+slaveowners
+last
+waldon
+galway
+bulcke
+kingsway
+re-made
+struedinger
+opportune
+a-6
+windsurfing
+then-boyfriend
+1943
+snorers
+seaplanes
+rubs
+tokerau
+camptosaurus
+e-health
+tissottiming.com
+baltimorean
+244.6
+carica
+big
+tangun
+corinna
+poklonnaya
+tila
+sjaak
+krukowski
+bolsters
+sragow
+mnu
+glatton
+mgmt
+5-98
+ghaur
+poisoned
+víkingur
+non-reproductive
+hortense
+million-dollar
+natchez
+m'barek
+janta
+kuomintang
+gullick
+waldburger
+canuck
+economies
+dahiya
+dvůr
+mathys
+hanners
+anti-narcotics
+zoos
+emine
+fergus
+5.000
+slrs
+lectures
+amaro
+azna
+multi-tenant
+ductility
+plugchieva
+classrooms
+danican
+eichorn
+loredana
+marquette
+motivational
+4.7
+booster
+bacellar
+javanrud
+hosoe
+vellacott
+thornersptimes.com
+anima
+sanaag
+resen
+tramell
+raphoe
+543,000
+thyng
+cayetana
+ohl
+smns
+701,000
+soisson
+compatible
+lavín
+ichijō
+burningham
+watering
+size
+studd
+safeware
+13,600
+15:13
+sanmin
+boström
+94.07
+hunsdon
+rods
+voicu
+bxc5
+0304
+gippius
+synching
+metrically
+leftist
+skywalking
+dsrv
+stross
+aminabad
+grasshopper
+tur
+krongsamsi
+defuses
+grayton
+mccobb
+odr
+klok
+hakkı
+hanalei
+bocas
+derricotte
+cascais
+78-run
+110.50
+kagermann
+chiper
+zehetner
+26p
+theta
+oaksterdam
+gunpei
+scatalogical
+chrysaetos
+ischool
+korhonen
+redact
+abdulwahed
+walk-over
+sublime
+tyrannosaurs
+usama
+derschau
+euro285
+plateia
+ungraded
+rework
+wwj
+dehydroepiandrosterone
+salibi
+shintani
+bertolino
+scarce
+manak
+1.1515
+qubit
+munstead
+mcguinty
+thopia
+actin
+bosc
+kleptocrats
+titillating
+guere
+overstrand
+inoffensive
+350-yard
+bichel
+rw94
+gewürztraminer
+chakmakjian
+vesic
+schmuck
+popovkin
+1857-58
+munaf
+moneim
+llobet
+123-foot
+robustness
+didactics
+necesaria
+ccas
+thane
+kuip
+lavery
+modding
+amga
+potluck
+cellulosic
+vaughters
+8-for-9
+honaker
+guipúzcoa
+radwanski
+ivankov
+froomkin
+choma
+palamar
+shkodër
+16.24
+gorge
+-----
+danin
+spay
+hillegass
+jaén
+nulty
+culcairn
+gamal
+1402
+uth
+negativa
+sort
+mechtilde
+kurzfeld
+bathonian
+hamdania
+n-terminus
+kuzu
+drawcards
+al-wahhab
+pryzbylewski
+newsbeat
+varno
+flagman
+lobato
+plunked
+canemaker
+apakan
+temane
+socio-legal
+formula_45
+transouth
+ulmus
+rs5
+c/w
+sects
+reichenau
+nonprofessionals
+3,348
+fræna
+duppy
+fifty-five
+infoway
+jangan
+kleypas
+aury
+inacom
+p23
+boet
+monogenic
+verwilghen
+r.o.
+gwf
+iihs
+anju
+tolbukhin
+moctezuma
+emmaus
+khorsabad
+tiene
+mahikari
+piura
+oshidari
+weslaco
+seriation
+mattie
+rakti
+previous
+odžaci
+schleich
+67.4
+pitstops
+407.5
+yumbe
+47.71
+pillowcase
+ravil
+188.8
+brick-lined
+kanva
+10-rebound
+études
+aanestad
+6:34
+1606
+uyo
+belice
+hight
+putter
+49.62
+kuangwei
+life-giving
+sturgess
+bawal
+fishbein
+magadhi
+454-member
+cuartas
+david.casstevens
+annaghdown
+aad
+ael
+traber
+123.18
+shadier
+albu
+collatinus
+akhar
+commack
+trenes
+radioactive
+interlace
+17.83
+hizon
+endo
+paraprofessional
+haldex
+farberware
+reste
+yuu
+goze
+vaporetto
+carrol
+player-manager
+irretrievably
+mainichi
+3,136
+hoht
+tonsillectomy
+balmoral
+sudek
+ozaki
+2,090
+rigueur
+postmistress
+dumpsite
+nanpa
+quarter-inch
+sudarsan
+dominic
+zalgiris
+ebooks
+crichel
+quainton
+unobtrusive
+toboso
+création
+stannous
+120-kilometer
+conscious
+figard
+kiwanja
+sucessfully
+raffaella
+tacking
+wurm
+assai
+mawe
+19,925
+shirdi
+juel
+wgtv
+lafita
+bayshore
+buildings
+eötvös
+country-music
+perceived
+reville
+stabbing
+4:02
+montmédy
+nezzer
+jajoo
+hametz
+lacmta
+huijia
+tomenko
+kitale
+genocidal
+cuffaro
+dazzler
+serebryany
+mitf
+fridinsky
+sangay
+laboe
+washam
+anghiari
+álmos
+ayios
+pinta
+archaelogical
+bray
+gruev
+weisman
+giornata
+friesacher
+saprotrophic
+ouaziz
+nikolova
+khalej
+phrenic
+nesco
+hitches
+dorrit
+music-making
+stromile
+great-grandfather
+1,636
+kanembu
+bare-knuckle
+beavon
+chaviano
+unser
+wata
+tawafiq
+hirszon
+braindead
+pivovarna
+strategizing
+seren
+fp7
+74-run
+messana
+warapu
+then-secretary
+top-left
+roschacher
+freenet
+tremelling
+jeptoo
+psuv
+sapphic
+cissa
+cicconi
+queluz
+ljr
+subassociation
+patis
+anti-competitive
+cadungog
+zelman
+bravata
+sanatan
+br
+panchali
+bragan
+superfriends
+yeşil
+paksha
+alvars
+cross-linked
+2-for-17
+røde
+dulcinea
+shorthead
+crovitz
+black-market
+34.66
+cardiff
+prosciutto
+1077
+sneider
+gaye
+dujan
+differenced
+1h12
+caterpillar
+hsiou
+mcbrayer
+sellinger
+queensway
+pseudacris
+bettye
+kalevala
+torshin
+obolo
+sundaravej
+hindmarch
+uncw
+booka
+ollie
+disinterest
+morishita
+theodorus
+urdu-language
+133d
+high-school
+serapion
+word-for-word
+drachman
+carnality
+kaleva
+5,846
+co-anchor
+mcchord
+hitlerian
+besharati
+cleanout
+colebatch
+kuzmin
+huancayo
+55.97
+rinzler
+thankless
+toutes
+cfit
+jūryō
+abudullah
+cowle
+underbid
+palac
+devario
+seventeen
+igad
+tenets
+erasistratus
+ross-shire
+tabcorp
+madinah
+mikay
+psygnosis
+aranthangi
+wernicke
+rehder
+jattan
+lévy
+westoe
+inter-league
+picked
+bouraq
+cyres
+bezel
+pastry
+1937-1939
+3,599
+taquitos
+farhadi
+nihondaira
+dayak
+westerwald
+urbanspoon
+boldenone
+temmerman
+cunliffe-owen
+breskens
+tippingpoint
+bethmann-hollweg
+vorhees
+quater
+maliku
+bosanska
+bacic
+1378
+jabara
+naumoski
+vidua
+directores
+8:37
+sump
+0-4-4
+tshwete
+early-modern
+gorham
+damsels
+rose-marie
+zerouali
+westmark
+screamfest
+apga
+haylie
+araj
+feirense
+mosienko
+undisrupted
+hansa
+30.9
+62a
+roxo
+holkins
+telen
+consoling
+cheesecakes
+systole
+hazelnut
+marozia
+kabuntalan
+career-best
+hooted
+halladay
+cozzi
+marki
+1177
+oesophagus
+aldfrith
+350-word
+haanas
+domecq
+polyprotein
+hollandale
+kuttner
+proces
+u.s.-israeli
+barnaul
+genome-wide
+friedrichstrasse
+photoemission
+50-over
+lot-et-garonne
+44-42
+91.90
+tayyib
+algarrobo
+mdnm
+modrak
+mcgaw
+352
+311th
+bompreco
+48min
+brice
+narrow
+cordus
+harpurhey
+boyarin
+spritual
+shmarov
+crawled
+fxs
+bouck
+dilettantism
+encanto
+age-restricted
+747-400
+teteks
+krivorozhstal
+mashed
+stolle
+kurata
+theanine
+guayaba
+ameli
+touquet
+billbergia
+embolization
+.522
+okkert
+lutra
+pepsico
+strobridge
+predominently
+3:11
+61.36
+5:57
+loopholes
+banoo
+baylies
+194.5
+alexakis
+foreseeability
+6.15
+chadbourn
+mennes
+diffract
+lampblack
+branes
+sexton
+bird-like
+yoshikiyo
+crybaby
+monnaie
+gullit
+valleyfield
+3,396
+hartland
+brazel
+transnet
+sureshot
+eosin
+oto-manguean
+transonic
+hässleholm
+abdulle
+1980-1990
+hermaphroditus
+cordwell
+pariente
+grancare
+calumnies
+darning
+gobs
+gaisf
+24.02
+stutes
+subtasks
+al-jaber
+realy
+10,270
+gerretsen
+chibougamau
+usarp
+zebbie
+spacial
+melichar
+arrest
+devonengy
+herpesviruses
+sportske
+lowermost
+formula_47
+dinamita
+leep
+charring
+advantageous
+sif
+185-pound
+74.97
+grandin
+coleoptera
+longhouses
+hool
+hartadi
+muradov
+realists
+khanzada
+offal
+j.d
+josselin
+2k
+redcross
+nevadas
+marriotts
+zaugg
+laundering
+nhs
+kanayama
+balafon
+pasiphila
+shimmies
+backus
+bomkamp
+user-space
+porcelaine
+beausejour
+triangle
+combustor
+mcconnel
+tabulae
+nirupa
+kiska
+swapped
+joi
+bundela
+nondenominational
+jalozai
+autumn
+crider
+38-3
+sandvikens
+nord-trøndelag
+quaife
+minerve
+fauth
+fesswise
+exhaustible
+819,000
+jnnurm
+cooperativa
+geometers
+14.09
+cartooning
+kuche
+kilobits
+ceasefires
+simões
+selimovic
+kahsh
+bubbe
+cryptomeria
+wajid
+bimst
+ancient
+b-series
+87.44
+dumarsais
+double-blind
+128mb
+work-family
+cameleon
+mpwapwa
+kienholz
+aota
+madona
+plutocracy
+shinsha
+nobutaka
+manise
+o'war
+bagdhad
+dassel
+gg1
+quadrophonic
+650-mile
+2,416
+tcm
+saalbach
+now-demolished
+sampdoria
+acquiescent
+trato
+tuymans
+37.76
+36-gun
+nôtre
+wunsch
+suena
+diprete
+decongestion
+puppets
+6-to-5
+unbelievers
+end-game
+brochant
+vignola
+industrialisation
+templers
+liechtenauer
+drive-by
+kytril
+sepi
+rebus
+ny1
+efraín
+warszawianka
+edelgard
+sund
+humidifiers
+aphid
+fervid
+halard-decugis
+4-column
+macrocycle
+cruciger
+salk
+melicope
+kauff
+completed
+karsay
+mjc
+kab
+fresquez
+355,000
+granturismo
+dusseldorf
+deformity
+clar
+haly
+shrike
+menke
+angularity
+co-ordinator
+m9
+subfossil
+unenrolled
+32-9
+n400
+pratte
+dieu
+kopteff
+12.43
+habilitation
+chūgoku
+caravel
+front-line
+186th
+domažlice
+sandin
+tri-partite
+partick
+merson
+downy
+rodos
+conductivities
+guiraud
+66.22
+lizzy
+icoast
+0630gmt
+focolare
+bardin
+fleance
+normal-sized
+shutter
+summanen
+51.13
+ep-3
+boulevards
+soreness
+rezidor
+rotaru
+load/store
+1330
+noses
+2,144
+42.05
+heyes
+bascomb
+newsboys
+unabomber
+alkhanov
+traditionalist
+bribing
+bbr
+ivorianness
+ukelele
+659
+detweiler
+untoasted
+gwydir
+socha
+32-kilometer
+saibou
+illston
+handwara
+29.24
+driffield
+kotak
+turturro
+yanhong
+āb
+excerpta
+churchwell
+35-person
+10017
+corunna
+telelogic
+odie
+ptacek
+staggie
+woah
+grobbelaar
+forestlands
+stelly
+lengel
+bhanj
+bookmaker
+waynflete
+adio
+sun-times
+abizaid
+relocates
+yearlings
+al-ameen
+bindaree
+demesnes
+defrock
+shantz
+acronymic
+gween
+tengelmann
+reconversion
+phototrophic
+lizotte
+financial
+75.02
+khirbat
+hyraxes
+oleracea
+atikamekw
+lycus
+mercenario
+hutsell
+longer-term
+andersons
+avinu
+romar
+rhd
+penetanguishene
+neutropenia
+177.9
+krl
+toolmaker
+fer-de-lance
+playstation2
+kls
+wheal
+bidden
+sqp
+wigtownshire
+folbre
+59.91
+gona
+zilber
+bogdanović
+townships
+kenta
+funnel-web
+rizzio
+sasae
+sulaimaniya
+thoroughbreds
+luebbe
+vicario
+dzungar
+bodelschwingh
+wilstein
+71.75
+aristogeiton
+santuario
+havoline
+3,764
+scrushy
+buuren
+baulkham
+13-25
+tumblin
+pieter
+co-owned
+stabæk
+gatto
+gigant
+c5a
+50-43
+joerg
+bedia
+cok
+transleithania
+overmedicated
+khyron
+essner
+operatively
+vectorization
+dewoitine
+over-the-horizon
+packington
+irap
+hedland
+suparman
+saint-georges
+handyman
+ictv
+heckmann
+hdnet
+5.4-liter
+2-4-2
+17,886-foot
+re-flagged
+schlueter
+vanke
+600.000
+chava
+tlalpan
+nievera
+manion
+langeveld
+kommuna
+toothless
+derrida
+shuei
+supercup
+shojo
+45.99
+james
+tableaus
+multiyear
+dadala
+mmse
+iskan
+zibi
+wale
+belén
+husbanding
+intercessor
+miomantis
+sluggishness
+excutive
+locked
+casemate
+nte
+alikes
+punti
+2:19
+natexis
+shouting
+ritzy
+yohai
+osdorp
+smarmy
+ornea
+baranowski
+rossie
+houli
+brilliants
+entrée
+huana
+gvr
+backlogged
+iana
+asalah
+ekstra
+blastobasidae
+codice_40
+riesling
+blinn
+www.caiso.com
+glockenspiel
+homelessness
+haskil
+sadlier
+wynonie
+goatfish
+3,000-kilometer
+ruelle
+lukyanenko
+signoff
+roved
+simplicissimus
+reththy
+lowther
+auklet
+jetley
+fredrikstad
+bbd
+chakri
+affinion
+shergold
+chapek
+naohiro
+yvon
+grandmaison
+penalises
+koumakoye
+rdcs
+kleptomaniacs
+regala
+iompair
+caitlyn
+representative
+118.91
+weida
+sakas
+50.39
+kilmore
+nizari
+chulanont
+involvment
+muskies
+brønsted
+7,120
+weichmann
+bahya
+ronaldhino
+ponderings
+hudaydah
+farmhouse
+disbelieving
+hakamada
+underweighting
+metalloinvest
+hassanin
+vivanco
+purkayastha
+p14
+rupp
+arsenije
+berlinetta
+overland
+kassie
+rlfc
+brownhill
+mig-23
+belkovsky
+beaudin
+cantwell
+e.on
+mpw
+rhapsodizing
+pulgas
+finarfin
+yongdeng
+cyanides
+testifed
+sherbet
+karapetian
+mucus
+neier
+mhf
+gelder
+1.0000
+32.53
+cabatuan
+cfml
+stenophylla
+priyanka
+mustard
+sinorice
+waldsee
+kiyomizu
+inauthentic
+three-pointers
+beese
+6-for-14
+bezuidenhout
+states-general
+50-some
+horneber
+43.51
+nzrl
+cavity
+unmet
+taument
+phelpses
+lindley
+wuwei
+l-glutamine
+neagh
+grind
+stoph
+neurobiology
+ige
+morphou
+2,336
+tie-breakers
+sanskritic
+diesel-hydraulic
+hald
+forecasting
+shoulder-fired
+tinpot
+persevered
+gleichschaltung
+k12
+kilembe
+zwick
+acw
+antar
+650,000-member
+kesayeva
+hamrun
+shivdasani
+cosh
+fertilizer
+goliath
+borate
+kenshiro
+recumbent
+102-94
+headquarted
+visioning
+domesticating
+races
+pinard
+birra
+documenting
+protozoa
+wuyue
+seminara
+proteas
+11,050
+torsella
+calata
+leonte
+fourth-century
+celeski
+lioptilodes
+vailsburg
+duplessis
+spanish-english
+frenchs
+aye
+viti
+agovv
+polian
+bruhns
+recklinghausen
+playings
+12.15
+benini
+84.20
+reckford
+pointers
+chicks
+confucius
+creede
+coquet
+j/kg
+porush
+satirists
+filipowicz
+augmentor
+deceivers
+sooyoung
+particularities
+mankowitz
+amirabad
+dannie
+invocation
+cádiz
+lahat
+2,620
+exuma
+85.23
+bayor
+madyan
+fxr
+tongaat
+kyriakopoulos
+roadless
+huautla
+sandhi
+bernoldi
+moustache
+ala.-based
+poema
+8-6
+colonsay
+sliding
+cudicini
+girlschool
+tdh
+infanticidal
+cces
+egyptologist
+kg/m
+horticulturally
+hopfner
+alcohol-related
+jesolo
+kochanowski
+33.87
+credibility
+48-year
+tnrcc
+liquored
+6ft
+arrhythmias
+wunderkinds
+jeek
+reinstates
+untruthfulness
+condors
+reveres
+stockstill
+probablemente
+ehow
+overrule
+hypnotist
+17:06
+prigioni
+symposiums
+germi
+kustra
+84-75
+semai
+39-35
+anatoxin-a
+stik
+capitale-nationale
+real-life
+redefine
+fofi
+oteibi
+bamerindus
+18.19
+huffed
+hirase
+diggin
+razón
+takaharu
+1,010
+dussera
+flagstaffs
+folkers
+globalstar
+farentino
+tohn
+staphorst
+0.22
+folden
+gradi
+minc
+mameluks
+gumshoes
+camerota
+kamlesh
+2-3-1
+tantillo
+grismer
+vidicon
+uriankhai
+scanlan
+muadh
+subvention
+bt9
+thyroglobulin
+multilayered
+strzegom
+self-correcting
+errupted
+ništa
+baiyun
+andreyevsky
+verbeck
+rasas
+lc-ms
+topshop
+samudra
+woken
+armours
+spice
+smoots
+jody
+zvilli
+deyhuk
+ipwa
+meinrad
+unretouched
+'60
+olan
+entradas
+seabourn
+globalpost
+barovic
+karkonosze
+gluzman
+hosting
+108.1
+grgurich
+abbreviating
+građanski
+zdeňka
+vindhyas
+qabalah
+vinashin
+ploieşti
+mogren
+78-year
+etz
+logarithms
+sifo
+sulton
+eciton
+ssab
+selepe
+beyk
+ağrı
+h19
+undershoot
+itard
+addicting
+u.s.-listed
+cothran
+rila
+5
+ostrosky
+qsm
+goodby
+leathes
+guttorm
+matzo
+feckenham
+descriptively
+1.45
+françaises
+narrabeen
+23.42
+clsa
+obong
+zentralfriedhof
+al-idrisi
+ramchand
+kosar
+bokeh
+retrosplenial
+wending
+subiaco
+butera
+4r
+joseki
+wallula
+kara-khitan
+-4.1
+rejuvenating
+smsc
+truffled
+mbogo
+6.0-7
+112.94
+a.ş
+allameh
+rajahmundry
+well-armed
+102.82
+maloyaroslavets
+discoverers
+blt
+glaciologist
+temiyavej
+decapitation
+popenoe
+munasinghe
+trettel
+reclusiveness
+10,350
+litigate
+huffines
+bocking
+schomburgk
+arnett
+nadim
+retainers
+terrains
+22-13
+ivanova
+gloire
+scotties
+1949-50
+northumbria
+kuhdasht
+mischaracterize
+tadg
+manowar
+unconsummated
+fruitfly
+uvarova
+को
+tiri
+dismayingly
+iljaz
+marinade
+achim
+rge
+sparrowhawk
+gulmohur
+merv
+luhrs
+28-under
+grtn
+zigong
+ryynaenen
+overindulgence
+huemul
+metroplex
+lahnd
+laulu
+geschichten
+hootin
+whisperers
+nordictrack
+12:03
+ntabakuze
+sikora
+heines
+tolstaya
+intersubjective
+squander
+movilnet
+o157
+life-size
+unions
+jgr
+scorching
+ejaculated
+inflects
+dgp
+rizeigat
+davos
+putao
+15:26
+motacillidae
+preller
+vouch
+revier
+23,250
+851
+goldring
+merwede
+parli
+uei
+gudivada
+juhi
+slovenia
+pulpits
+learysptimes.com
+15:17
+nasonex
+denorfia
+tollway
+recalculated
+horsell
+goldacre
+172.9
+maseru
+sentia
+macanas
+greel
+moghal
+joyner
+pilose
+sopped
+18-footer
+booch
+verstegen
+barrales
+legalizing
+hokan
+baggs
+meusebach
+adelaida
+dhul
+pld
+muttalib
+gossett
+syriani
+kafur
+zirconium
+kathamrita
+italcementi
+bryco
+126.21
+anacletus
+encapsulating
+delphina
+epigastric
+yarov
+ehslsl
+19:36
+hữu
+24.04
+jabłonka
+prajnaparamita
+wignall
+interlaken
+cubitt
+mulu
+zilli
+tsikhan
+kurakin
+faena
+27.80
+1,692
+redzikowo
+kasu
+tajzadeh
+tufton
+spadefish
+mordue
+1949-1953
+laggard
+gnupg
+ajah
+autoimmunity
+euro416
+milan
+apic
+barings
+souley
+xiongnu
+jezek
+askeaton
+vest
+25-yard
+camaraderie
+côte-nord
+gerkin
+loafing
+pechacek
+220-year
+cellucci
+batboys
+karamjit
+certo
+nederlander
+benatti
+alternation
+20.44
+cyclophosphamide
+neotenic
+974
+eckington
+riegner
+transwa
+bondaruk
+mufasa
+khakhaleichvili
+linear
+redoctane
+66-56
+kurils
+ucita
+mohmand
+anfield
+jaitapur
+pandemics
+sota
+balashov
+25-lap
+mccarey
+#ffffff
+13.94
+czech-american
+imagineering
+heptagonal
+dilruba
+secretarial
+asmithsptimes.com
+pacy
+trucked
+breakneck
+1967-1972
+vidyayevo
+gedgersglobe.com
+scheuring
+tumey
+refillable
+98.3
+trappatoni
+inelegant
+holvis
+wxw
+cubies
+dongles
+tennet
+touba
+arcadium
+school/college
+matic
+landaluze
+pfister
+jbarrysptimes.com
+parla
+autonet
+espersen
+18-49
+66,250
+progressivism
+seigaku
+glenstal
+vijayanagar
+divertimento
+jianlin
+idd
+consorted
+kemo
+kulsoom
+realmente
+stapling
+kegel
+tyle
+bnc
+post-communist
+nooo
+uncyclopedia
+35.17
+odes
+b.ed
+blunderbuss
+north-african
+sanminiatelli
+panskov
+15-plus
+stamper
+mouthwatering
+79-72
+latimescolumnists.com
+sarto
+termer
+ficta
+fawnskin
+harrell
+texfoot
+bej
+piqueteros
+muay
+prinsloo
+zczc
+wwp
+koje
+streaked
+4:24
+35-24
+panky
+amplifiers
+puype
+actualized
+15:10
+lanius
+laurell
+xanthippe
+faki
+1995-1999
+mediu
+qidra
+griffing
+doddie
+tá
+british-indian
+foc
+t-cell
+porcellio
+fredericktown
+birnbacher
+berczy
+hongxi
+indiscriminate
+oti
+lescure
+montabaur
+keaveney
+frankness
+2005/2006
+boucicaut
+safaricom
+techtv
+true-to-life
+mubende
+acepto
+kanbar
+tiptur
+subindex
+openal
+kanaks
+trainings
+powerline
+hassuna
+akallo
+donaghey
+hautes-alpes
+unteachable
+a-8p
+meisinger
+ledesma
+6001
+otunbayeva
+crabbing
+balcells
+cherise
+puskar
+åndalsnes
+shi'ar
+duitama
+weakland
+backfoot
+modernismo
+jeffn@coxnews.com
+kox
+doylestown
+acatlán
+sify.com
+machine-like
+damac
+leg-spinner
+cabraal
+sickroom
+fics
+bouzou
+emamzadeh
+chukka
+crushed
+vac
+provisos
+panika
+sparkes
+ekofisk
+renovación
+he
+pocotaligo
+44.07
+suhardjono
+cardozo
+warrenville
+cpcs
+shelducks
+4-serving
+angre
+60.51
+headier
+ginji
+tecton
+a330-200
+opting
+high-k
+varnishing
+lesser
+avtury
+bch
+col.
+marchais
+raty
+kalsi
+6th
+i.l.
+corpus
+contracts
+carloads
+murk
+social/political
+anti-trust
+ghegs
+amorium
+1915-1917
+8,960
+mannequin
+tanesco
+1.200
+mirta
+oebb
+4,067
+katla
+flavell
+rebol
+dartmouth
+38-hour
+collembola
+124.81
+knisley
+orren
+drumright
+babybird
+sevdalin
+al-hasakah
+pu
+luteola
+mid-norfolk
+warm-water
+basen
+gourmand
+a-s
+poya
+chec
+ryman
+neisser
+stephan
+dromaeosauridae
+hima
+19:1
+suiter
+shuguang
+whimpers
+borgwarner
+colour-coding
+named
+ruy
+studi
+alphonzo
+rosas
+amago
+boock
+93.55
+makk
+microchannel
+abuser
+mahf
+23.40
+dobashi
+semlow
+hideto
+preachy
+riverina
+torcuato
+lynes
+yemyin
+puckapunyal
+vergeer
+ligang
+backfilled
+vips
+h'el
+filho
+yuanqing
+sgf
+valek
+xman
+mouri
+rearrangements
+parson
+wesam
+jeffco
+co-starring
+tournus
+226-3384
+lameck
+rabello
+soboba
+miina
+firth
+noize
+18:32
+convergence
+tutsi
+corneliu
+wakde
+lotbinière
+floodlighting
+hoechst
+zitel
+pierce-arrow
+shells
+12-yards
+excused
+saltdal
+presumption
+3,802
+praag
+issaias
+helldiver
+tambellini
+61.77
+bonked
+kalba
+saddington
+farkle
+u.s.-built
+harrowingly
+non-reactive
+1900gmt
+naan
+bloye
+cours
+makallah
+lochbaum
+dianetic
+kudumbam
+neigbours
+puerco
+riccati
+extremadura
+curi
+luckman
+stinnes
+svento
+dcps
+texto
+341
+untere
+blessman
+hvdc
+west-germany
+approximatively
+angoche
+opatówek
+lrt-1
+escala
+b
+kishikawa
+drawled
+forwarder
+terkel
+44.82
+oi
+burglary
+inagaki
+waxbill
+levert
+newfoundlanders
+flexibly
+arturs
+righthander
+daizee
+toweled
+landgraf
+huaibei
+cavitt
+sehn
+bogatyr
+dunvant
+phos
+f/v
+muhaddith
+badminton
+naugatuck
+pichardo
+anticapitalist
+hayagriva
+lunel
+paradoxus
+common-sense
+cathartic
+5,500-square
+malikha
+alatri
+chefoo
+izakaya
+enameling
+futurians
+consomme
+klutzy
+yan
+hopelessly
+schram
+accompany
+lafont
+lienert
+27,000-mile
+passives
+toryumon
+substandard
+stacia
+delbert
+rescuing
+australasian
+pezuela
+indecomposable
+irremediable
+valleys
+vanak
+hubble
+ordovician
+mamady
+byzantinist
+corregidora
+jotunheim
+greylock
+kirkilas
+nuxhall
+villagrán
+nooruddin
+tubercles
+tele
+basham
+basilisk
+self-mastery
+rumpf
+withers
+greentech
+testimonials
+shipload
+militate
+pataliputra
+44-2
+pernille
+stockholder
+folksongs
+debreceni
+duhm
+galekovic
+governo
+yaring
+korkoneas
+xiaoling
+micrometeoroid
+eyeshadow
+euro215
+paul-louis
+yafa
+publique
+edsa
+beanies
+mcquinn
+confidante
+osma
+renaut
+nishimuro
+concordances
+hoggan
+invincibles
+multiple-unit
+cosafa
+vizio
+mthembu
+cantilupe
+trollhaettan
+kaper
+offscreen
+hugg
+vakit
+2003-2004
+bask
+kōhaku
+kickboxing
+meghan
+gandi
+salomi
+tolu
+authenticator
+balking
+fourplay
+walkowiak
+suttie
+69.47
+rogier
+pastaza
+pictorially
+nitisastro
+stsmith
+masterwork
+belisario
+misinforming
+cruder
+racibórz
+easterby
+choose
+off-board
+p7
+wallich
+self-launching
+day-flying
+reconstructs
+courcelles
+o'cealleagh
+1.4768
+forresters
+grumpy
+akman
+pilar
+texican
+letelier
+portmeirion
+5.12
+souk
+pre-fight
+57.97
+weidlinger
+dhai
+burnel
+teenbeat
+masolino
+amole
+epidemiological
+self-released
+vohwinkel
++16
+97-88
+bileh
+murmurs
+g.u.
+heiskanen
+saina
+mlua
+norley
+kočani
+emes
+egoless
+heribert
+signee
+hurdler
+quba
+hornish
+khamar
+enablers
+barisal
+11:58
+thin-skinned
+sujeewa
+mapiripan
+keasler
+tanba
+appreciation
+cardiological
+jovan
+hickel
+strawbridge
+diffusivity
+kenaan
+headend
+staging
+5:54
+carnitine
+todeschini
+jung-min
+haworth
+schenectady
+sonos
+bigfoot
+germander
+1-b
+sualua
+a-flat
+profeco
+2,030
+bonefishing
+akara
+678-592-8388
+zabit
+muskau
+goldis
+piscitelli
+genistein
+cuyamaca
+quit
+kruszwica
+daruma
+27-13
+lenga
+panayiotis
+rule-based
+kerris
+melançon
+94.41
+fishnet
+98.57
+al-nour
+echis
+maeby
+2010-11
+trausch
+croneberger
+234.3
+nyiramasuhuko
+saitō
+austria-hungary
+alesia
+carbondale
+metal-metal
+ozalan
+westfjords
+ayash
+soused
+low-rise
+proton-k
+doner
+medibank
+balked
+f-sharp
+steelbacks
+thai
+229,000
+hahrd
+tailevu
+regent
+wasnt
+56-1
+chivilcoy
+litanies
+likey
+decus
+defeating
+valona
+ular
+118.18
+batac
+kinnel
+kenjutsu
+pondage
+clearest
+insee
+declarations
+wrolich
+žilina
+altenburger
+http://www.state.gov/
+groomer
+upthrust
+haneke
+ilmen
+día
+westphall
+glassed
+1,703
+tional
+conformist
+joon-ho
+xabi
+holmstrom
+tindersticks
+abimbola
+cafardo
+flinx
+frostating
+aša
+3bn
+usana
+holonomy
+triumphed
+raima
+0.4
+zapata
+terreblanche
+talit
+bibliographic
+perrette
+suspensive
+greetham
+mikheyev
+sebi
+criticising
+pane
+gelinas
+proves
+uls
+59.88
+grayness
+stąporków
+38.08
+ch-46e
+armija
+prabhu
+isarangura
+35-1
+battlespace
+stoenescu
+clashes
+22-foot
+astarabad
+kunstel
+mpac
+acoustically
+ten-page
+moharam
+brews
+nellas
+post-match
+mepham
+loix
+lapore
+respects
+ticonderoga
+south-north
+litos
+kyamko
+rba
+foxworth
+friction
+news-miner
+nantwich
+vo-tech
+greaves
+graduates
+lokpal
+slavov
+diplom
+aharonov
+parzival
+link-state
+ihc
+alaba
+m107
+xun
+bissett
+sunstroke
+rotors
+terapia
+oxygenator
+batinah
+loeseth
+1600s
+106.78
+sabhnani
+dobrzynski
+christendom
+signpost
+spirituality
+delman
+hilco
+revesby
+hreik
+internazionali
+trichloride
+spirt
+tripleheader
+chorene
+.293
+quirks
+150.3
+chilas
+microsoft.net
+kohona
+georgiou
+shīrīn
+custom-built
+harpole
+iglas
+schleiermacher
+dgf
+baseband
+55.13
+fret
+zest
+htm
+star-crossed
+irrelevant
+avranches
+mid-fifteenth
+1/6
+1.275
+harangue
+calvillo
+prica
+serb-populated
+wccs
+tacna
+donncha
+xvs
+45,000-seat
+udobi
+clotting
+al-qays
+speleological
+sardono
+pittville
+branagan
+82-60
+broos
+mrauk
+uberlândia
+bliżyn
+b.k.
+mcalinden
+trichinopoly
+118.37
+scambos
+poblete
+bunmei
+hooliganism
+ensor
+trimboli
+hersheypark
+fastrack
+benadir
+33.7
+l'allegro
+gandharan
+cronon
+semi-sequel
+2150
+isan
+ashmawy
+hodding
+gabrieli
+mobil
+re-used
+regum
+gakken
+wistfully
+tartar
+vill
+hancheng
+joetex
+decarboxylation
+barrister-at-law
+formaldehyde
+meaninglessness
+podunavlje
+kalabane
+dedini
+proctologist
+craciun
+invoking
+ambev
+nozuka
+ohyama
+anfossi
+extrapolates
+minar
+plied
+zt
+310-996-0089
+ramí
+pfrang
+dunckel
+menaion
+kaid
+104,500
+commemorated
+belykh
+svensson
+hemophiliac
+totin
+anichkov
+94-82
+2,390
+34-93
+posnanski
+lais
+khit
+mogil
+slemmer
+udayana
+al-ittihad
+gs1
+oah
+jutting
+recordable
+offen
+tricky
+basanti
+vilasa
+starves
+srg
+publicans
+rhinolophus
+infidel
+natsume
+sha'ab
+tottori
+tomur
+defrosted
+ecuadorian
+mierzwinski
+lāčplēsis
+dhc-2
+alytus
+schroeter
+sterility
+makam
+folky
+unreformed
+97.83
+fratta
+714th
+platers
+boudry
+airwave
+prasanta
+richly
+ignashevich
+sub-tropical
+manerplaw
+rococo
+schadler
+valyrian
+stabilising
+meso
+afro-asian
+konterman
+vitaceae
+lochalsh
+quantity
+backboard
+m.a
+carilion
+ballo
+ihde
+vox
+gelnhausen
+cuerda
+debilitate
+sunmicro
+danareksa
+levangie
+cleofe
+36.37
+1,500
+diasporas
+spiegler
+kopstein
+knoblock
+5,326
+greggs
+53.69
+gherardini
+precariously
+mumu
+laeken
+jannings
+disinheriting
+name-the-team
+forlornly
+fulfill
+sadad
+eight-man
+haeften
+brgy
+marsters
+pram
+shirelles
+c-note
+18.66
+bently
+close-season
+leftfield
+9.33
+emancipate
+comply
+24.19
+nicodemou
+akef
+dilettantistica
+80
+3-40
+zehr
+tonlé
+turiec
+cloyd
+gib
+ammolite
+sitoe
+gaard
+giants
+herta
+toader
+starline
+subtle
+ajaccio
+45,625
+krylenko
+33416
+comitative
+ardis
+striata
+redactions
+tiltrotor
+countryside
+moniotte
+metropolises
+cipe
+wohl
+incompletely
+józefów
+koplowitz
+delineated
+sino-soviet
+26.83
+olona
+živojinović
+housekeepers
+731,000
+karp
+keshavan
+jewett
+dedomenico
+mentat
+hölderlin
+bakhtawar
+whately
+sandp
+non-negligible
+hoglund
+toxaphene
+uslta
+mamet
+lechon
+havergal
+mirella
+ragtime
+jabber
+square-root
+millivolts
+wgms
+pcbc
+wiglesworth
+apsaras
+siamang
+reinach
+warrendale
+speciation
+rna-binding
+jaglom
+tertyshny
+sepulchral
+chickens
+erim
+wrangle
+pangilinan
+ssns
+prateek
+qurban
+staffelführer
+2-for-13
+voormann
+125.65
+3-kilometer
+miit
+shulevitz
+braham
+parsis
+17-seat
+tangela
+metereological
+irp
+mondiale
+piedmont-sardinia
+sixth-century
+fleshing
+sethian
+olesegun
+kippenberger
+colegas
+mahli
+apolloni
+groundnuts
+40-14
+marcantonio
+5,067
+blurts
+7-elevens
+yelcho
+tollbooths
+1960-63
+adults-only
+samvel
+scaife
+wú
+16:37
+huffins
+movieland
+interst
+nanhai
+al-ashraf
+głogów
+haqlaniyah
+http://www.gm.com/
+kolibindo
+kilmer
+antipasti
+esquer
+milione
+mandrax
+madra
+einkorn
+boc
+pac-12
+munhall
+darlinghurst
+kotoinazuma
+44.48
+fuc
+host-parasite
+oldmeldrum
+seedy
+194.8
+manganelli
+mothering
+297.5
+gigantor
+warden
+zacatepec
+75.33
+dalits
+withycombe
+incipit
+seiz
+mbour
+diatoms
+chloracne
+chirala
+guion
+1-oct
+rutana
+judogi
+90-nanometer
+delgadillo
+undertow
+glimcher
+guarino
+84.19
+homonym
+gupta
+m1917
+devore
+d'antin
+13-10
+bompas
+basell
+mystere
+d66
+graciano
+volksliste
+la-z-boy
+mine
+deeps
+values-based
+governer
+shortridge
+olanrewaju
+man-of-war
+8.29
+sonika
+nbh
+ekanayake
+filius
+nosh
+regnal
+kleckner
+jellyfish
+hurlock
+non-circular
+http://www.disney.com
+2003-present
+77-member
+congratulate
+stepchild
+4,450
+albizu
+dowland
+saint-hubert
+57.10
+bpel
+phenomenologist
+two-stories
+collinet
+rimland
+ahti
+headhunting
+dnm
+netbank
+advantages
+update8
+aizenberg
+saulo
+seemly
+šárka
+mwp
+digiscents
+maremma
+home-and-away
+bilanz
+all-round
+coogan
+mizan
+huffingtonpost.com
+implying
+mnac
+ogorodnikov
+17.28
+mimimum
+half-season
+1.74
+vierra
+hippogriff
+carnahan
+skaff
+tarabin
+ockenden
+thenceforward
+lancey
+calum
+captained
+toxocara
+campanis
+jfcc
+11lb
+junior-level
+keenan
+culebra
+ji'an
+jowar
+77.74
+splendiferous
+anti-gay
+loadshedding
+beyene
+equilibrate
+bromocriptine
+trk
+fantasque
+hones
+application-level
+robboy
+schabas
+epicures
+alcotts
+adeje
+nước
+chulym
+strict
+mistreat
+zilinskas
+sultanates
+seasia
+specialists
+highflying
+69-71
+ascap
+shenderovich
+zengin
+chattha
+gassings
+engagements
+high-low
+freemasons
+alara
+retainer
+barger
+detroiters
+2,300,000
+subprojects
+ligny
+green-backed
+msg
+setra
+beldham
+henlys
+brose
+fooball
+fadeout
+romy
+shitty
+digitise
+axmaker
+subsidy
+rickmers
+parkway
+held
+harve
+tymshare
+downlisting
+50.12
+mineiro
+sukkot
+romantique
+bessarabia
+brøndby
+strikeouts
+2010-2020
+undecideds
+3,276
+nonabelian
+montauk
+latinoamericano
+euro245
+nanjangud
+gresty
+macerated
+teenybopper
+realigns
+haasara
+plawgo
+38-match
+szot
+brialmont
+kungayeva
+malia
+rivermaya
+kazanowski
+4.2
+euxine
+pigface
+hami
+birkirkara
+forgeries
+5.5-magnitude
+hickory
+kanagawa
+chimichanga
+cơ
+bering
+chunnam
+civilian-military
+dingguo
+doke
+exame
+vicinities
+sémillon
+nassiriya
+klingensmith
+guaranteeing
+pianka
+rtgs
+klinkhammer
+to-night
+donghu
+woodsy
+habiby
+letícia
+lebovitz
+doutor
+21-apr
+gravimetric
+grong
+122.31
+iran
+convening
+eliab
+kittie
+5,090
+malary
+portimao
+banfi
+3,515
+straffen
+schmid
+carmines
+mitogenic
+mosca
+sixteen-year
+dirk
+buschschulte
+nilai
+visible
+tokar
+1.4712
+gilly
+sentido
+palls
+saxophone
+scarisbrick
+busto
+internalizing
+promoter
+rensselaer
+richy
+dresslar
+86.78
+rpx
+grażyna
+androids
+koss
+toweling
+70.99
+serreau
+saint-venant
+117.65
+swoony
+caledonian
+prostejov
+simmineh
+interoperation
+somersaulted
+masons
+intissar
+lapthorne
+hohle
+okumura
+dexfenfluramine
+sindhi
+esko
+42.75
+myaskovsky
+peinture
+resoluteness
+bruschi
+ustda
+jarrott
+kleinhenz
+djhone
+thé
+livened
+kyunghyang
+61.49
+carruthers
+boart
+nkosinathi
+myrsine
+anney
+medrash
+overdrafts
+ambien
+spanish-language
+ixp
+berenyi
+reuter
+mysterio
+gommendy
+suruj
+nextrend
+gimbals
+oilskin
+bordereau
+pikes
+similar-looking
+metafilter
+hadda
+heslov
+maeterlinck
+rueil-malmaison
+5.48
+habibullah
+absaroka
+leaseholder
+derivation
+tufo
+objectors
+ayuthaya
+detoxified
+typesetters
+hoshiandesu
+trans-antarctic
+scarfs
+arrogated
+kabera
+agaricus
+inness
+capelli
+biakabutuka
+aubameyang
+ziauddin
+shilkret
+2660
+ghiselin
+suffocated
+14b
+funches
+1931-1933
+nergaard
+newman/haas
+dollie
+berita
+yosfiah
+simone
+119.72
+piltdown
+cier
+50,000-a
+borealis
+bonazzoli
+18:56
+skijump
+tashard
+folie
+galatioto
+boxwoods
+damiao
+thorkel
+foreshadowed
+mccarthy
+beaujolais
+52-14
+daugherty
+griggsville
+parole
+f-102a
+farel
+charred
+summerhouse
+g400
+vetala
+83d
+moriyama
+whois
+sabau
+cattle-breeding
+keep
+isayev
+apuesta
+sanyu
+conn.
+drive-in
++.10
+gushi
+ulfa
+ala'a
+aparece
+bawaba
+aside
+18.6-mile
+villarejo
+adjutants
+cobbe
+appam
+formula_134
+debbasch
+reutter
+callitris
+zebina
+trifon
+tedeschi
+spx
+ausable
+chaco
+mumma
+sefirot
+dubina
+mily
+aliprandi
+welega
+vastly
+11:44
+tantos
+mountsorrel
+moiseeva
+dhekelia
+decrypt
+queenside
+tswana
+preachers
+fop
+patch
+viacom
+hoffmans
+bečej
+musil
+widdop
+bunin
+canonise
+prammer
+tzuoo
+cynara
+707
+nier
+koirala
+ousted
+kultida
+pdi
+mao-a
+2-for-2
+matrix
+mediatised
+chinsurah
+debeusscher
+robocalls
+amoeba
+tretow
+shuangning
+store
+gustavsen
+balaoing
+glister
+riepe
+rintaro
+york
+kirchhof
+fondation
+1-18
+porcelli
+chij
+gioventù
+ganglia
+droop
+asf
+raunchy
+molen
+unhorsed
+843,000
+gwynfor
+72.58
+rani
+gabbiadini
+didcot
+12.5-percent
+dunuwille
+yamit
+annabel
+98.14
+mcalister
+raynard
+gaspari
+tuareg
+zoraya
+8,210
+hollick
+balitsch
+receiving
+glossop
+rewi
+arcapita
+gaudette
+nomonhan
+pteropodidae
+multi-modal
+coffelt
+hornafrik
+nooristan
+lurked
+intrahepatic
+10.90
+ferrata
+beguiled
+riserva
+westhoff
+mateusiak
+kellers
+l.i.e.
+indifference
+soliders
+medicina
+posuvalyuk
+kto
+embezzlers
+kebs
+yahi
+paged
+high-yield
+demtschenko
+10,000-meter
+blat
+bourbon-condé
+barrelling
+papachristou
+butakov
+g3
+ryans
+hyphy
+craniosynostosis
+imaginings
+butala
+rearward
+ips
+firstenberg
+clague
+mmd
+volpone
+sabra
+rhinoviruses
+ferriter
+jingyi
+oppedisano
+grasa
+baquoba
+verified
+3-stroke
+suzu
+gil-robles
+parenchyma
+meert
+bogra
+fealy
+songo
+munyakazi
+bainisteoir
+38-mile
+ladi
+neartown
+rhino
+naumburg
+millennium
+self-analysis
+neufchâteau
+dshaughnessyglobe.com
+hemline
+maamun
+adenine
+rocknrolla
+tsugiharu
+ilmars
+outstanding
+d'abruzzo
+krabby
+narapati
+qazakh
+451st
+prachya
+bifengxia
+vilanch
+pooran
+home-video
+globalive
+181.00
+ichigaya
+140/90
+rick
+pacelli
+punsalmaagiyn
+yongmei
+4p-10p
+x14
+provocative
+checkfree
+art-3rdld
+uchishiba
+agapov
+whalin
+37.46
+orsett
+co-operation
+trapdoors
+nftc
+ibrahimoglu
+combatant
+wttc
+pac-3
+deify
+pipped
+157.00
+geophysicists
+pruis
+kov
+otto-eldred
+awair
+yaqob
+buti
+9.625
+qurea
+cedrus
+viol
+relaxer
+preceptors
+8-day
+duenna
+petrologic
+latrun
+humpty
+zhelev
+discredit
+lindstrom
+tripura
+lệ
+32.92
+augustín
+ursprung
+opening
+thumbprints
+nematic
+cars.com
+lattes
+lucimar
+irawan
+szczucin
+tongue-in-cheek
+mowers
+contributes
+gayatri
+fissore
+88-71
+hines
+purepecha
+0:00
+merabishvili
+53.78
+shenzong
+amari
+lleno
+cybercriminals
+drapier
+dewa
+5,000-seat
+kwashiorkor
+elop
+southby
+darty
+tv/film
+wunderman
+counterbalances
+forliti
+cabrales
+impervious
+ekstrand
+170s
+41-31
+fds
+stike
+weeknd
+dourif
+hippie
+zonealarm
+cbse
+afkhami
+auchmutey
+perera
+streamside
+downright
+antiderivative
+excitons
+hakimullah
+burnings
+natation
+exclusions
+cords
+greenback
+vezzosi
+gryfice
+49.5
+cvv
+bahn
+edzard
+guanghu
+masoka
+cheen
+gentler
+14.10
+rajender
+photoreceptors
+esthero
+naviaux
+borotra
+3,313
+83.08
+fadlallah
+długa
+féile
+agecroft
+organosilicon
+shrunk
+tousled
+emotion
+bravely
+free-throw
+blossomed
+51.89
+vishal
+rochus
+rajshekhar
+bluer
+brushwork
+uros
+sheiks
+topics
+(435)
+kataragama
+shots-25
+t-formation
+pomeranians
+storhamar
+legibly
+haitham
+103-93
+minstrels
+________________________
+dreamed
+characterless
+tré
+macroglossum
+tzoumakas
+sapa
+herschbach
+fpc
+antiprotozoal
+107-99
+trager
+zarembo
+11:16
+otniel
+wertheimers
+dailycandy
+ginna
+anouar
+97.43
+dunder
+que
+janey
+arun
+ojima
+szilárd
+elongate
+sappington
+thumps
+kathe
+texas-louisiana
+nidularium
+francione
+63.29
+brodiaea
+donnan
+misis
+amadas
+sanctaphrax
+entreat
+695
+godfathers
+decry
+venugopal
+b10
+sanamacha
+colubrid
+priore
+alpern
+duminy
+microseconds
+mullinix
+szmyd
+leinsdorf
+tatweer
+colnaghi
+seekins
+s-shaped
+wtmj-tv
+satirising
+scrummager
+muga
+d’études
+blooms
+gaoled
+scepticism
+stettheimer
+afhq
+re-incorporated
+hearty
+fadden
+16.18
+21.78
+atack
+knode
+vilis
+avrocar
+b.a.
+lesly
+cokesbury
+124.23
+symbolised
+mg
+newmark
+waller
+bunds
+escorial
+singalongs
+trecia
+kovai
+ramaphosa
+olyphant
+formula_6
+apologising
+lubień
+ayllón
+rundschau
+aibos
+călinescu
+tamping
+chavasse
+menominee
+overhung
+beeks
+45.79
+desams
+wainthropp
+2-of-11
+complementing
+wendron
+two-volume
+zagel
+wagoner
+qol
+vulcano
+oye
+hallock
+65.03
+hayek
+mermin
+yufa
+aleichem
+swarthmore
+hayim
+sarek
+118.33
+laia
+ostap
+sdot
+interactions
+overturned
+1909-1911
+prim
+rizla
+microhylidae
+ashia
+winnick
+nicolescu
+comdex
+landkreis
+1,126
+sanyi
+explicitly
+cervecería
+filming
+janatantrik
+acord
+cusp
+64.29
+parichay
+hội
+discoid
+pablito
+grodziec
+netanyahu
+venice
+iolani
+vinayagamoorthy
+botoşani
+schulenburg
+haner
+interferon-gamma
+queried
+lrn
+haggen
+prospects
+101.12
+laenas
+underprepared
+nnp
+solomonov
+gaimard
+petrobras
+zauchensee
+böcklin
+kilwa
+souissi
+siaosi
+9.6
+boltinoff
+excuses
+4-3-1
+21:1
+stéfano
+olio
+bislett
+loddon
+earth-one
+kilter
+ingeld
+fumero
+berkobien
+65.64
+nanorods
+yeşilköy
+saanen
+1030
+jersualem
+faecal
+yellowish-brown
+casaroli
+fictionalization
+25.66
+8:1
+tolerable
+multitrack
+belker
+rockview
+izamal
+dje
+starkist
+ossur
+subcontinent
+mertens
+1-sept
+sonnino
+smulders
+hamman
+sweltering
+mi-17
+112.40
+kerkhof
+bugge
+m-22
+culinarily
+pies
+2011-2013
+puncher
+1/n
+gangrene
+self-loading
+gomart
+hurtis
+24.16
+cogbill
+42.03
+tangail
+1,200-ton
+gallo-romance
+subtitles
+citys
+payzant
+hochberg
+eireann
+prioritises
+501c3
+grappo
+produits
+eglee
+bexhill
+garbha
+hayhurst
+sienno
+sloppy
+irmgard
+jeeter
+leakers
+carisbrook
+3,159
+71.8
+wack
+sirtuin
+up-market
+˚c
+wahbi
+suizhong
+intercity-express
+caldarium
+possessed
+mechas
+olympic
+basslines
+gérôme
+sextuple
+raisch
+coccoloba
+beyer
+quell
+wołyń
+pejorative
+koyair
+dwarfing
+1,196
+bobbleheads
+divebomb
+deters
+paperwhites
+pre-modern
+sanshin
+chainrings
+emotions
+cersei
+briarwood
+metapontum
+perga
+jails
+hotspring
+huygens
+soliah
+kwa
+2,477
+extensional
+100-metres
+crisscross
+gnasher
+pre-revolutionary
+voyager
+1,700-strong
+1985-92
+schlomo
+odegbami
+finwë
+campidano
+zacharatos
+33.14
+judeo-christian
+braasch
+pan-arabism
+peignot
+dystocia
+fsw2
+tora-san
+oyez
+bjørnstjerne
+overholser
+dimmesdale
+đảng
+third-down
+volhynian
+37s
+3310
+laburnum
+baeza
+berto
+haussmann
+zargar
+self-improvement
+71-65
+hessinger
+adapt
+exequiel
+janowiec
+nagaram
+sgroi
+aquilae
+sattahip
+barnacled
+biomolecular
+melds
+horns
+contextually
+91-82
+98.5
+pyshkin
+muwanga
+easterling
+aioc
+tubridy
+gesetz
+desertlike
+abbatial
+november-december
+remembrance
+inspiral
+eradicating
+scottdale
+kamara
+label-mates
+guðrøðr
+jelimo
+neutrogena
+121,500
+terrorcons
+atomstroiexport
+verdone
+conférences
+trophies
+santiago
+raval
+infopark
+frueh
+ruled
+bhadrakali
+cookman
+unpretentiously
+nipe
+aruca
+storme
+separately
+ད
+mangiamele
+downbelow
+10-goal
+azpilicueta
+fallings
+rfe1
+14.03
+corroboree
+vrancea
+rollini
+chambers@express
+kohr
+wiglaf
+prell
+7,850
+ancic
+nieuwenhuis
+whangamata
+temime
+weeknight
+depends
+samura
+55-55
+recruiters
+non-historical
+bierbauer
+tonghai
+grinter
+lesya
+realestate
+wenzong
+fermi-dirac
+gulko
+cambrensis
+arbil
+riordans
+lowliest
+fairbrass
+md-90
+duplicates
+systemax
+bernazard
+multi-engine
+achilleas
+71-60
+sampras
+bedfellows
+sandhu
+formula_141
+snitsky
+diamanda
+saskatchewan
+1.131
+mazepa
+multifamily
+anus
+jean-henri
+gharbiya
+apoula
+expresscard
+45rpm
+justinus
+itelmen
+16.64
+traiana
+fluorene
+29.16
+gasperi
+astral
+zigan
+27.73
+palikot
+methymna
+gurudwara
+catone
+noth
+1.3603
+lauaki
+1906-07
+tripolitanian
+pro-bulgarian
+1991-1998
+ajez
+beckstein
+scheduling
+bernas
+78-67
+stages
+essien
+otjiherero
+appreciate
+infomatin
+ponens
+pelluhue
+youthfulness
+belhar
+e-wahdat
+maniapoto
+suscriptos
+209th
+bregalnica
+sportsmanlike
+bilić
+katyushas
+chesser
+32x
+retrocession
+7,790
+sposato
+tuntex
+ichiko
+iztacalco
+.587
+paprika
+huey
+pyke
+chrc
+1,045
+ireneusz
+edell
+haberfield
+pamfilova
+hedgerow
+priu
+roslin
+padmarajan
+isaías
+eliason
+repudiates
+827
+5.89
+hatcheries
+hena
+ny108
+phh
+maden
+repudiating
+160.0
+1/500
+32,292
+damjanovic
+28-feb
+72.88
+copti
+ungreased
+leonhardt
+monssen
+ebn
+oid
+60.06
+villous
+31,300
+siddle
+mid-century
+h2o2
+bachelorette
+mceneaney
+côté
+nailbiting
+mansoori
+burkes
+pregnancy
+basavanna
+inaccurate
+ihza
+marui
+hanumantha
+redoubtable
+neutrinos
+5,810
+qawasmi
+bettor
+duekoue
+hardship
+cunnamulla
+arseniy
+tinkering
+o'meley
+ažbe
+qingchen
+lti
+1,662
+ebullient
+http://yang.sprl.umich.edu
+kfda
+opdal
+pupillidae
+mandera
+kicked
+pro-am
+deflowering
+mały
+106.98
+yildiray
+1950s-style
+solca
+odysseus
+freshwaters
+rinder
+yakusho
+soph
+shimabuku
+maldoror
+apostle
+99.20
+bloodgate
+marco
+h.o.p.e.
+nyheter
+urashima
+fragrans
+bosiu
+frombork
+1.256
+hanhwa
+56.9
+radstadt
+thms
+mid-1920s
+sekigahara
+1.326
+limoncello
+gluteal
+rohingyas
+tulku
+non-continuous
+maurizio
+thriving
+indiaman
+100-lap
+lakhpat
+kilwinning
+nemechek
+cabrel
+stabler
+lsh
+nchc
+biathlon
+ktxa
+midsection
+danso
+macmullan@globe.com
+mullaperiyar
+loaned
+shantel
+vegans
+slowish
+lambo
+nectariniidae
+186.8
+ataq
+berst
+44.04
+.591
+fina
+bar/none
+350z
+instant
+kasongo
+35.09
+batkivshchyna
+k120
+horowitz
+hosham
+yushan
+twelve-minute
+115.86
+noir
+default.aspx
+vsevolodovich
+jonesy
+interlocking
+mansabdar
+farenthold
+sundazed
+54.84
+94.58
+deros
+buckminster
+landgraaf
+lant
+curing
+repubic
+blatherwick
+incitement
+hanadzlah
+next-to-last
+convenience
+kooky
+12.77
+weimin
+taut
+calvi
+palaquium
+hrubesch
+kamstra
+crescendos
+pessanha
+decelerate
+sefcik
+4,156
+12:22
+manges
+652-6694
+prawit
+tareck
+merlini
+sundstrand
+19.62
+c.t.
+spaghettini
+sertorius
+vindex
+panchsheel
+mundus
+edeza
+215.3
+ccostot
+vodun
+doeschate
+mountmellick
+fridson
+deltoids
+2-and-2
+buglioni
+giblet
+iestyn
+kozłów
+1035
+puiseux
+13-9
+b-daman
+mozhaysk
+tuʻi
+flagstick
+trochaic
+arnall
+pre-1989
+221.6
+foraged
+wallaceburg
+2-7-2
+cdi
+kalidas
+1,328
+oversensitivity
+haught
+credit-card
+perpetual
+arquilla
+lazar
+bisguier
+boontling
+sittler
+illya
+deniliquin
+postrel
+deskbound
+535-4425
+patten
+raghunathan
+saint-jean-pied-de-port
+shehu
+burlison
+21-10
+quisiera
+kinberg
+104,000
+rubbishing
+konstantin
+stottlemyre
+heiden
+meimad
+m'sila
+onassis
+fulbert
+shpata
+sketchbook
+fleetline
+adrastus
+goov
+office-holder
+g-series
+renfrow
+raraku
+fale
+cavalcante
+b.c.-220
+versaces
+dess
+89.87
+lookie
+dayuan
+cantilevers
+gitonga
+sullies
+weirton
+karacasu
+piteşti
+giridhar
+siripong
+chapelries
+huston
+plin
+quango
+millennia
+rencontres
+utla
+obry
+http://www.statistics.gov.uk
+farābād
+elavil
+sangwan
+diocesan
+hongkongbank
+middle-ages
+crookshank
+vivus
+11:47
+hanukkah
+lipunan
+shiban
+prive
+skateboarders
+biscardi
+gga
+otional
+barshefsky
+hristo
+petsamo
+ulvi
+gooch
+pavlovna
+žena
+gatsinzi
+rehabilitating
+muthaiga
+waterford
+proving
+flogs
+morialta
+bunchgrass
+kyler
+senger
+operationalized
+chicxulub
+45-cent
+ilha
+sturmbrigade
+lamisil
+wastewaters
+videocam
+then-record
+naleo
+gigging
+amalner
+cbs2
+atrus
+frivolity
+overtown
+fénix
+vubu
+competitiors
+ade651
+set50
+touchpoint
+ad-libbed
+outkast
+2002/3
+gournay
+despotes
+33-cent
+scaffoldings
+belie
+wbt
+mandlikova
+peacefully
+visakhapatnam
+aartsen
+barbadillo
+margarines
+wellington-based
+severnaya
+euboea
+stavelot
+garve
+53.29
+limpid
+reinjuring
+honshū
+м
+beginnings
+simula
+greenways
+rogue
+garforth
+ruyterwacht
+rouverol
+fidra
+tweak
+megeve
+coplans
+nausicaa
+mannon
+villatoro
+unsweetened
+torinese
+mamdani
+6,680
+piernas
+wnbc-tv
+35-25
+padgham
+ph.ds
+b.arch
+godbole
+laframboise
+athari
+hawaii-based
+rimawi
+30-kilometer
+86-74
+flemings
+šariš
+apelles
+potocka
+littles
+mackney
+79-year-old
+anglo-allied
+drawbridge
+siac
+sua
+deduced
+akot
+2,060
+teeny
+trưởng
+sawoniuk
+petropavlovsk-kamchatsky
+6.02
+406.50
+12:26
+mekorot
+dorgan
+tabletops
+movil
+harumafuji
+organized
+outliers
+gardie
+d'wayne
+bengal
+born-again
+shechtman
+cofco
+matériel
+housecall
+surreally
+soviet-era
+delozier
+302.9
+gornergrat
+benish
+yonglin
+menagerie
+49.02
+dedaye
+geim
+visit
+749,000
+mockingjay
+floater
+pamphili
+shagged
+cmev
+stolte
+lyman
+jami
+cláudia
+delias
+bas-rhin
+beilinson
+deily
+khizar
+felicitously
+kempler
+bellamkonda
+ceyhan
+chitrakoot
+lindskog
+tristen
+isshiki
+vows
+sariwon
+confianza
+cintra
+pintel
+losang
+holstebro
+hellene
+learie
+carboxyl
+palexpo
+arley
+17:32
+3/11
+outpouring
+bibliophile
+militated
+milanovic
+retailers
+tarpinian
+freije
+mishmash
+emeralds
+sculli
+78-77
+apcc
+onw
+nspcc
+double-breasted
+zenteno
+bracelin
+planeteers
+19.16
+plaga
+jadriya
+hanekom
+beamsville
+inaequalis
+90-81
+monasterio
+lighten
+ounce
+tyrosine-protein
+outmuscling
+aeruginosa
+tamsyn
+preemptions
+104th
+xing
+blp
+aarne
+árbol
+superman
+omnitel
+alo
+cunningham
+szamado
+sailin
+pommels
+werewolf
+omeish
+moonglows
+erieye
+kiara
+gasquet
+susantha
+gentrys
+collectio
+hamedali
+uzun
+ecuadorians
+mendips
+hannaford
+beckmann
+preservation
+scorches
+virajpet
+schipke
+ll.d.
+ærø
+shalom
+8-man
+dykema
+döner
+familiars
+pezzi
+cinelli
+güneş
+objections
+compelling
+borscht
+taian
+strangulated
+mcz
+withlacoochee
+spaceplane
+tighina
+peloton
+getcha
+mkapa
+wollensky
+gahm
+desde
+alamsyah
+baechler
+111.57
+supraorbital
+pharmacology
+drosselmeier
+08
+idl
+1,00
+pheri
+imrich
+beorn
+ks3
+1.2954
+noades
+tratando
+133.17
+seanna
+colo-colo
+wanne-eickel
+67-2
+jnr.
+prom
+kabalu
+stv
+cocking
+creatives
+1440s
+čssd
+trenches
+pagan
+hendrickson
+nucleon
+mcreynolds
+ophelie
+3.2-3
+sherali
+blanca
+3.7-billion
+songhua
+kittel
+unweighted
+lumo
+0-5-2
+chemist
+μου
+urethral
+cortinas
+m-16s
+wellemeyer
+flashman
+manpad
+sumantri
+frías
+azzo
+aptv
+promiment
+salbutamol
+lucin
+laundryman
+domenichelli
+thanesar
+pruszków
+pirjeta
+relativized
+quantic
+resident-general
+grunde
+s-ic
+pyatt
+enshrinees
+1.232
+prescriptions
+24.43
+bigfork
+unlikeliness
+chlorinated
+konte
+toffoli
+illegitimacy
+sabermetrics
+qaynuqa
+abidjan
+60km
+recruitment
+toleration
+rw97
+miklaszewski
+dalkeith
+belediye
+upcountry
+17.37
+70-million
+gainsford
+kodaira
+1340
+multocida
+igl
+wallis
+kaniguram
+daylon
+virge
+seaworthiness
+gruber
+cyrax
+neami
+rosenstolz
+yodelling
+dominicus
+outlander
+magra
+pelasgus
+saitov
+croaking
+portora
+extirpated
+80-100
+faltskog
+repeater
+e-melli
+beneden
+sheathe
+unido
+nat
+5.26
+kaufhaus
+advancepcs
+korangal
+32.24
+comentarios
+truvada
+lowriders
+fighter
+blót
+methodists
+nastiest
+grand-prix
+232.7
+asphyxiate
+non-natives
+leberman
+chontales
+off-loading
+helliniko
+lacunar
+cuche
+recasting
+dearaugo
+rabinowicz
+tropopause
+nearchus
+eastbury
+fratianne
+millson
+lazaro
+beygelzimer
+allgaier
+acadia
+katatonia
+www.redcross.org
+włocławek
+notre-dame
+mbachu
+brimley
+iatrogenic
+mahama
+omanis
+controlling
+35.39
+mini-comics
+pacifistic
+nonintervention
+co-writer
+57,700
+expunge
+audoin
+rappeneau
+geocentrism
+fendrich
+hindi-urdu
+sanbo
+zuan
+boshin
+featherless
+darwell
+melted
+artamidae
+gold-mining
+tuvaluan
+banos
+85.55
+singlehandedly
+springer
+gompa
+xixi
+heartbreaking
+cymbals
+erkelenz
+tannenberg
+tatsuki
+jianchuan
+mcgauran
+11-16
+parkside
+cadieux
+glaciated
+weblog
+dayeh
+rondout
+jacqui
+welner
+nho
+mohammad-reza
+miklos
+chaps
+modbury
+braintrust
+muhri
+carelessly
+grippers
+113.7
+к
+totley
+sfp
+yergin
+knievel
+atgm
+application-oriented
+vama
+bentall
+leya
+bignone
+jigglypuff
+68-52
+ponnary
+furler
+sub-field
+ghosn
+jókai
+arbitrary
+36,500
+valin
+roncalli
+orage
+co-equal
+maale
+pharmacogenomics
+töss
+kalanaur
+odori
+alberici
+75.52
+sikar
+truants
+allot
+scoti
+off-hook
+psilocin
+123.26
+backtracked
+totton
+gnarls
+smallhausen
+morigi
+low-budget
+12-man
+beneath
+misconduct
+whence
+18,650
+hahaya
+byrd
+capriccio
+wardoyo
+dpt
+buccellati
+fraschini
+bassayev
+kadazan
+74.39
+kipke
+flanger
+3,555
+57,000
+constriction
+nordson
+percidae
+ahdath
+assiduously
+31-mile
+versuchsanstalt
+custodial
+yaduvanshi
+mir
+ohb
+ranka
+jahnatek
+crudites
+musalo
+manjhi
+zinovy
+kemboi
+amery
+skakel
+miss.
+vereya
+staines
+biot
+adibi
+pelchat
+smarak
+rohlfs
+apk
+rucinsky
+jovicic
+anam
+emirates
+radioing
+winschoten
+1458
+celebrants
+barcelonnette
+bruntsfield
+springfest
+bór
+jitra
+hagalil
+planet-sized
+bribed
+49.16
+3.49
+deepak
+ylki
+.762
+ruthenium
+alima
+68-minute
+kemball
+macombs
+xfce
+jimmy
+chinery
+kancheli
+bronwyn
+capitalizations
+joinet
+bizri
+candi
+ridglea
+rohnert
+catchup
+outracing
+guaro
+rizvanbegovic
+zhongyi
+verged
+herded
+timperley
+slack-key
+rhine-ruhr
+73.36
+robyns
+anti-slavery
+adwar
+coordinate
+wearying
+wanderlei
+hillyar
+midcap50
+pinhal
+armdale
+.0215
+beringia
+impaler
+centrolenidae
+migrant
+cassam
+toponymie
+dahlberg
+recanting
+postplatyptilia
+kohonen
+kohgiluyeh
+prolong
+pearsmh@nytimes.com
+odai
+olana
+savioni
+pangs
+vectored
+hulka
+duwan
+wymysłów
+250-pound
+ferhadija
+trachoma
+magalloway
+phakisa
+greenport
+slingerlands
+adeane
+riveter
+hair
+1109
+zogu
+hooterville
+e-islami
+knickknack
+makishima
+3,343
+coleophoridae
+mmar
+tanasescu
+training
+derusha
+timeouts
+azuchi
+exploitive
+escadrilles
+cường
+zawi
+haemodynamic
+predestination
+kermadec
+11,500
+sittingbourne
+sabawoon
+gemba
+zaghloul
+libuse
+minus-2
+2,438
+254.6
+niobium
+kanit
+barthet
+ultracompetitive
+2,203
+libri
+mid-tempo
+stajner
+rancheria
+diplomates
+adulteries
+vrlika
+zagala
+longer-ranged
+meta
+holah
+mid-spring
+gordeyev
+riyanto
+varazze
+pallidal
+silverstein
+florini
+kultura
+dromedary
+pinstripes
+kapija
+aztek
+maghrabi
+65.24
+harmonize
+tissue
+soderquist
+natu
+pre-production
+decided
+ambiguities
+massages
+homoserine
+spaulding
+mallick
+epicureanism
+katholikon
+balsiger
+preceding
+enacted
+hemifacial
+coverup
+garland
+extremum
+674-billion
+iname
+timmy
+exalt
+1949-51
+cissell
+333rd
+palmer-tomkinson
+german-english
+ruddell
+314.9
+guell
+eishin
+musuem
+xiaohong
+12million
+37.39
+nezianya
+evolvement
+dijo
+nederlanders
+2346
+blowgun
+piñas
+heceta
+set-off
+dare
+tasers
+kuhsaran
+nowogród
+placard
+disagreeing
+ageism
+sutovsky
+belkeziz
+no-bid
+absar
+inteco
+nishikawa
+phantom
+crowder
+sonya
+activision
+swet
+matches
+anaimalai
+priede
+fertilization
+irrecoverable
+synchro
+wolfstein
+darwen
+unefon
+winkelman
+anglophile
+jetfighters
+fulminating
+activitists
+baima
+mistri
+creo
+collated
+velux
+khiang
+sulęczyno
+mammoet
+pre-packaged
+jianye
+mediscare
+zhaoxing
+biddulph
+hardstone
+synergistically
+münden
+takashima
+herman
+formalization
+timestamps
+perrée
+fyn
+vangorp
+imperieuse
+makled
+andermatt
+117.13
+advancing
+dumitru
+janollari
+pinchas
+5:45
+easts
+rupel
+alguno
+84.66
+kaspiisk
+embley
+miserably
+danijela
+bartholomaeus
+bondra
+107-100
+semi-hard
+petropavlovsk
+makopo
+pragmatism
+stellation
+hšk
+hovsepyan
+kilcullen
+far-field
+toymax
+dissented
+reverberations
+green-winged
+frager
+c.o.
+treatment
+overbeek
+follick
+low-ranking
+vieilles
+shaoping
+infallibility
+tamburlaine
+chenaux
+aiyar
+mentiras
+thermodynamical
+fleener
+vorst
+hassin
+3-41
+koevoet
+checkbox
+karkhana
+striving
+subparts
+leshchenko
+125.90
+came
+coots
+frijoles
+abeel
+zhuangzong
+primer
+latine
+9.787
+cedros
+ibbs
+boatshed
+k-25
+imkb-100
+toners
+in2tv
+thalib
+amavasya
+kotsu
+vargas
+justitia
+mammuthus
+v-p
+spafax
+u.s.-yemeni
+uppercuts
+119.02
+reichskanzler
+tawa
+coquitlam
+asq
+2:14
+freytas
+four-wheel-drive
+kemel
+noogie
+disfranchisement
+bedrich
+warthen
+bandag
+demy
+ostia
+dobhair
+defenseman
+flintoff
+inlanders
+195.9
+caboto
+rumbiak
+dooars
+rollerbladers
+legit
+disunity
+gutale
+arpan
+35.11
+anti-nationalist
+shortsightedness
+upper-middle-class
+yakovleva
+kilowatt-hour
+rochfort
+gwal
+voysey
+reggiana
+silberner
+gustavo
+guajeo
+busses
+sapru
+lanahan
+མ
+bryozoan
+tenths
+amy
+bearsville
+wigstock
+single-place
+aa3
+tissot
+sainte-croix
+dockery
+cadu
+stereolab
+kindermann
+re-workings
+nrl
+prusy
+twin
+euro570
+longevity
+erkek
+dolorous
+parvum
+bacchanalia
+over-expressed
+qualifiying
+al-hasani
+carrere
+nisi
+fulfillment
+cognitions
+albanian-populated
+fizuli
+ramseyer
+modesty
+sernovitz
+transferable
+amni
+brive-la-gaillarde
+asteroid
+fadiman
+cantore
+seafood
+5/8
+inauspiciously
+outlive
+elmalı
+mayaro
+stearic
+moleyns
+zeledón
+strassburger
+unavailable
+scoria
+karo
+gidzenko
+anssi
+1970s
+amoako
+bunurong
+agog
+neh
+chater
+4,2
+2585
+birobidzhan
+amoco
+chelipeds
+telok
+sudler
+snatch
+butlins
+crotches
+greenbriar
+sleepwalking
+200-foot
+holiday-makers
+anusha
+rockwool
+13p
+otake
+chimneys
+carcassone
+a-ride
+nhe
+yuxin
+11-0-1
+wyrley
+449
+levina
+colbun
+treacherously
+401k
+gehrer
+denouements
+overrode
+carat
+co-presented
+repositories
+yishuv
+cobras
+schoolship
+19.53
+yorn
+kalapuya
+junior-senior
+eurochart
+sebum
+butyrka
+5,815
+aveos
+aicte
+poppi
+feehan
+romanticist
+bancwest
+5,395
+unamerican
+activity
+futile
+lew
+mangia
+year-round
+panchayati
+folklores
+urmi
+romancer
+dauphins
+non-roman
+paman
+fertita
+d’un
+bunkum
+buena
+ramm
+moderations
+lebrecht
+lipovica
+armrest
+manggarai
+settler
+parasail
+hefley
+territoires
+rebif
+simbirsk
+sacre
+aissatou
+magnitogorsk
+91.2
+informacion
+skyfox
+upscale
+kregg
+1015
+no-trade
+ahari
+105-99
+cataract
+26.37
+saltzman
+sdf-1
+woodburne
+105.28
+lutcavage
+aides-de-camp
+s1p
+mudende
+fardon
+multitap
+used
+sunol
+ilaga
+protactinium
+59-40
+karolína
+mayos
+.115
+difulco
+brantley
+fataki
+frigoletto
+zhanbo
+phototypesetting
+ramberg
+budyonny
+nml
+carrasquel
+legitimisation
+heubach
+ratchadaphisek
+seppuku
+akerlind
+11:1
+rastetter
+côtes-d'armor
+acrylonitrile
+censorious
+charlecote
+citations
+sysuyev
+uswachoke
+wordperfect
+ad-libs
+outlooks
+culler
+berisha
+asterix
+comenius
+clitophon
+lepper
+laupepa
+counter-intuitive
+і
+40-mph
+wildcatting
+masasi
+syzran-2003
+tison
+prophète
+camelidae
+jonbenét
+94.68
+artificial
+kickers
+neuronal
+dreamcoat
+pntl
+tosk
+44sec
+maniots
+selbst
+02107-2378
+rangnick
+drupal
+harridan
+sekagya
+poleis
+orientalists
+tayeb
+tuitele
+longino
+gensler
+790
+borrello
+honbu
+littman
+intial
+basquette
+auscultation
+ellerby
+carr
+staaf
+idalia
+1,403
+extraction
+erythnul
+schleswig-flensburg
+romantica
+109.50
+sungei
+variants
+festive
+chaoshan
+hirakud
+faja
+archibishop
+suelen
+proenza
+plodder
+onager
+schattman
+unkempt
+1/1
+zakirov
+creamy-white
+mousawi
+105mm
+baghi
+26.94
+multiday
+rahy
+troas
+kuoni
+tradescantia
+serta
+turkic-speaking
+hyatt
+classless
+gymboree
+durotriges
+sottile
+audiofile
+xan
+necid
+shirzad
+lul
+kegl
+sulaym
+4/9
+karamanids
+nearctic
+burtini
+zarya
+7,680
+imperioli
+off-centre
+involvements
+lighthill
+allison
+4,035
+subdivide
+gertraud
+stainbank
+hameau
+pikitch
+500-metre
+bayard
+1481
+zinc
+midwinter
+rust-colored
+transgressing
+undulated
+wittstein
+zephyranthes
+palladino
+satirised
+revans
+then-partner
+séré
+explored
+arian
+duis
+middlebrooks
+watsky
+value-based
+alouine
+griqua
+productivity
+buraidah
+safka
+footlockers
+organisational
+millrose
+corrosion
+kaladze
+warre
+supercede
+969
+flay
+pareh
+zamka
+uppish
+francophonie
+becherer
+colspan
+gomperts
+parmatour
+seitel
+exempt
+suboxone
+hòn
+tecău
+133
+postcards
+yarralumla
+mantooth
+pellington
+caramon
+gurgled
+cluj
+finances
+ocilla
+lukić
+enric
+lavendar
+kbig
+diktats
+compliant
+high-point
+cowdenbeath
+unwatched
+sphalerite
+hashaika
+hence
+weizenbaum
+asimov
+zuoyun
+j-3
+heys
+aw139
+chiklis
+ghoshe
+discomfited
+sans-serif
+abrahamson
+caramitru
+gpus
+swango
+hux
+berensons
+tfsi
+chancay
+lázaro
+consultores
+portinari
+sandberg
+vuela
+45.52
+rubicam
+silwal
+kerkar
+kurumi
+egilsson
+muellner
+uttara
+screenplays
+hirer
+iosco
+adesina
+piccolo
+shelter
+łabiszyn
+tenke
+lod
+255.6
+non-performance
+olonga
+comittee
+nourizadeh
+braven
+fach
+martínez
+rebuts
+kupchan
+dcau
+gref
+hardan
+dvd+r
+safm
+wytwórnia
+takelot
+های
+258.7
+johnsson
+przemyslaw
+fredholm
+kambas
+unenforced
+rikard
+pierre-andré
+,9
+necrotic
+sofla
+amounting
+2006/7
+bahrām
+no1
+cotroceni
+27.30
+jabhat
+66-61
+turnage
+lingpa
+giolitti
+løkken
+discloses
+1198
+43.31
+marill
+continues
+carolyn--susman@pbpost.com
+samanyolu
+wallstrom
+news-gathering
+hidroelectrica
+zadroga
+allard
+taiwo
+salpetriere
+1,400-year
+kinen
+tonci
+839,000
+senesh
+warszawski
+savielly
+velar
+xinbao
+northington
+retooled
+lectureships
+nurbaya
+sese
+sonorant
+96.2
+journalism
+curia
+miscik
+diabelli
+turkmen
+substituents
+109.02
+150-250
+pumps
+reformat
+trondenes
+-04
+global-scale
+laneway
+couvent
+71.78
+arnaz
+panjwayi
+rebraca
+dromgoole
+nilmar
+47.7
+ingrown
+most-cited
+sko
+lekovic
+sabena
+stage-name
+suede
+stéphane
+cartilages
+ects
+lebda
+hederman
+21-percent
+giffin
+berroa
+ucom
+socsec
+larsons
+midland
+1.730
+lozi
+212-556-1927
+misandry
+laminae
+12.52
+an/mps
+celeb
+retransmitted
+bne
+prudente
+125.8
+milgram
+kaca
+keyvan
+percussions
+shipperley
+25.68
+manheim
+sissoko
+trabuco
+longish
+atabeg
+pre-monsoon
+winsberg
+holsen
+stallings
+italicized
+demokratische
+goatherds
+lesure
+ogren
+boychoir
+jaballah
+inward
+error
+scorpios
+meshel
+endangers
+planyc
+kunitsyn
+nampower
+vasas
+wpxi
+stabaek
+bronzer
+ruisi
+cdc20
+didion
+undercurrent
+0.045
+2,240
+clow
+dillehay
+indian
+loudenvielle
+seasonals
+halifaxes
+destinies
+roussely
+sudarium
+bessmertnova
+bocskay
+nutshell
+beavertail
+shuswap
+cmdty
+circadian
+puterbaugh
+pillory
+co-anchors
+kurlantzick
+palopo
+ambion
+clavelle
+d'été
+tavr
+biery
+copaken
+amla
+7,500,000
+vaxholm
+landslides
+manzarek
+clip-on
+84.13
+kurfuerstendamm
+win32
+coherency
+grandiose
+renck
+fotheringhay
+c.i
+guinevere
+bodyside
+cartea
+operettas
+jordania
+italiane
+westner
+mystification
+ihre
+pen-ek
+carlot
+housedress
+kandahar
+14.46
+aureal
+sang-e
+teacher-student
+softens
+nimet
+7-of-14
+shubenacadie
+chinese-speaking
+2002-06
+vaziri
+22.47
+killiney
+19,911
+joane
+dfcu
+placards
+wockhardt
+angelino
+kilcock
+subeditor
+kulgam
+e-cadherin
+ihi
+encrustations
+100mhz
+rummelhardt
+roars
+mid-1995
+loutraki
+accordingly
+kutumba
+marneuli
+watase
+denshin
+2493
+kungliga
+hejab
+53.94
+batam
+thanki
+duller
+pervasiveness
+uneventfully
+jevne
+nortje
+patrols
+lookit
+acland
+shigetake
+rokosz
+andantino
+programme
+umut
+98.46
+uhlmann
+199.9
+nechvatal
+euro629
+blacket
+needled
+zenk
+1:59
+44-39
+3-up
+21-gun
+anouk
+wenvoe
+ca4
+chiudinelli
+19-4
+ferrières
+fubang
+gassed
+esguerra
+draeger
+best-of-5
+undoubtably
+connaughton
+mnuchin
+61-member
+twigg
+reinserted
+anions
+pedicels
+kadal
+ballyhooed
+m90
+wracking
+cinc
+private-equity
+757-200
+3,776
+all-cargo
+sparebanken
+mobiliare
+ileana
+bootlegger
+volnay
+denebola
+brinkley
+nottoway
+villeurbanne
+pinkins
+pelmorex
+spellbook
+yashuv
+isolde
+toxic
+temperaments
+30-minute
+400,000-square
+baten
+poison
+averages
+oxygen
+mytravel
+speedier
+peery
+alverca
+abrasions
+chonnam
+maersk
+thuận
+vitalini
+ockenga
+cilip
+denny
+dinard
+tartrazine
+28-nation
+toubou
+-3.8
+seattleites
+cube-shaped
+yar
+talara
+mallayev
+non-contradiction
+nadav
+skull
+digga
+coello
+u.s.-vietnamese
+40-win
+19:02
+thomson-csf
+sallust
+boding
+hvaler
+kapler
+gladwyn
+₤
+hochfilzen
+http://www.cpf.navy.mil
+zihuatanejo
+lvm
+eidem
+tumut
+111.7
+kharafi
+demurrer
+80,000-capacity
+lumb
+flat-rate
+pepinia
+mui
+sardasht
+osmaniye
+myelofibrosis
+burping
+marianelli
+refineries
+forex
+bacevich
+mccarron
+papantoniou
+zoellick
+botola
+dae
+aversions
+wangqing
+huggins
+imaginaerum
+2/m
+chests
+demilitarisation
+slowpokes
+farhat
+shaybani
+matar
+manninen
+conures
+talbots
+strayhorn
+gpc
+pavlis
+azour
+gothel
+informed
+saintsbury
+reedbuck
+cariani
+enaam
+clarabell
+perejil
+baretta
+haggin
+mosakeng
+re-launch
+kerstein
+anion
+ceni
+tendaguru
+customisation
+mcilwaine
+darling
+dornbusch
+invergordon
+glume
+stereopsis
+re-entered
+p500
+debases
+vlakplaas
+non-repudiation
+species-specific
+acre
+participacoes
+gaura
+pachamama
+daimlerchrysler
+kluck
+heyse
+pyott
+samwise
+terabits
+emiri
+1,032
+ewenny
+54.64
+alhaarth
+patchily
+botanique
+cappie
+krajicek
+corpuscular
+whangaroa
+benbow
+talaba
+montalvo
+hempton
+rectal
+camerounian
+yaskawa
+14.97
+107-103
+aldair
+yushania
+unassumingly
+classique
+inglefield
+packrat
+plungers
+loren.steffy@chron.com
+deller
+sou
+arecanut
+sonthaya
+603-1036
+kishan
+eulenspiegel
+misimpression
+1983-1990
+3-pound
+paschalidis
+ion
+wordplay
+loompas
+krishnas
+impudently
+behi
+polu
+liveth
+nado
+step-wise
+current
+shebbeare
+miami-based
+gomulka
+white-naped
+turnovo
+copybook
+deering
+a-listed
+teodósio
+shetty
+behenna
+paixhans
+6:29
+ringsaker
+avita
+64,100
+kostenko
+kobyakov
+hexi
+al-afghani
+dually
+mswati
+1.3350
+beesley
+hri
+kuzyk
+1,095
+vopi
+latendresse
+rediffusion
+nearfest
+evanna
+howatt
+hiroshige
+vilius
+asatiani
+7-12
+juxon
+mauceri
+1052
+davion
+stazzema
+abrikosov
+njoo
+doering
+uncoated
+denazification
+soria
+agressively
+radziwiłł
+thinkfilm
+galeria
+lysa
+0-30
+coke
+enschede
+affects
+46-game
+fumes
+kanam
+panthea
+elice
+paradisiacal
+bunglawala
+mid-card
+zitner
+theavy
+brecher
+nephrotoxicity
+justiça
+iudex
+rubley
+portability
+a-billion
+hastens
+khursheed
+uselessness
+tikhonov
+engdahl
+quivar
+seven-point
+damnatio
+anandapur
+majorino
+quimper
+eventualities
+211.6
+gaarder
+socialists
+bushveld
+towse
+sflorida
+minstrel
+dabitzas
+windowsills
+intrinsa
+73.45
+subconscious
+cnpp
+syndicates
+stepparents
+eukaryotic
+amami
+mīr
+chumak
+arhat
+mykad
+adiabatic
+thornback
+jejuri
+neihu
+prohibition
+herzig
+off-the-air
+ukita
+moapa
+theresa
+kasavin
+chabal
+limpets
+tanimbar
+ust
+sezs
+328-foot
+codan
+skiddle
+scrabbling
+dynast
+derevyanko
+12.99
+dadfar
+cipta
+under-20
+prunty
+valle-inclán
+sculptors
+norvig
+kalte
+anderssen
+irca
+c-t
+strenghtened
+18-ton
+hitchhikers
+presidency
+jindrak
+bazdarevic
+chinext
+wotzel
+koidu
+longlist
+tejpal
+reverberant
+gobbled
+exactitude
+wunsiedel
+northrop
+national/international
+kermes
+466th
+kukherd
+geophysics
+1,017,000,000
+micrographs
+gero
+32-21
+kuhen
+disbandment
+isah
+casson
+echinoderm
+soboh
+australian-made
+ond
+vo
+carolyn
+foxgloves
+wewoka
+akula
+castleton
+vtech
+felner
+zaiqing
+arbitrager
+irad
+abanes
+sighted
+hidta
+hisayoshi
+sahuagin
+barnlike
+passim
+bitta
+selmier
+auberge
+jetzt
+mongrain
+funai
+444-8057
+bredgade
+hotkowski
+zofia
+underfoot
+hinnant
+1839
+vouillé
+zachary
+shareowner
+carcelle
+unwatchable
+yeasayer
+tarsem
+nari
+oyugi
+out-of-touch
+af1
+yazd
+canova
+nago
+dorothée
+macmichael
+woodvale
+belait
+jammes
+mayport
+amawalk
+tkt
+tipplers
+sessions
+32-year
+aparecio
+1,980
+lc50
+logistician
+letha
+biblical
+43.0
+anti-mormon
+essi
+kearby
+pleasantly
+heaves
+grammatica
+habsburgs
+warhammer
+allwood
+reflux
+recut
+3,415
+florodora
+suyu
+lichen
+magica
+zylberstein
+qurayza
+toyoko
+prud
+mulready
+5-years
+cieslewicz
+vermes
+tesson
+jwc
+ganzouri
+tyngsborough
+foudre
+sentado
+pontius
+bud
+bioscience
+narrowboats
+leontini
+hoye
+azuki
+charuymaq-e
+wachowski
+pavelka
+ethnographical
+3,578
+balinsky
+tocs
+53-yarder
+jharsuguda
+bandleaders
+igbc
+fig.
+conduction
+infielder
+papageno
+voroshilov
+towelling
+lag
+accardo
+semi-weekly
+gbaja
+90.62
+yuanyang
+dauletabad
+qutuz
+orthoptera
+riebe
+r-us
+jrl103
+internazionale
+blott
+degel
+pamphleteers
+ravilious
+sedlak
+shpetim
+lauzon
+santander
+piccinino
+beeline
+kluger
+abscesses
+trouvères
+conservatoire
+populonia
+paintballing
+possil
+smsa
+ramdan
+incriminated
+gauches
+tazaki
+stewart
+friulano
+liten
+fuhrmann
+50.6
+congratulates
+http://wire.ap.org
+156.9
+xidi
+176
+bayda
+3.9375
+antipater
+lafond
+muehlemann
+69.25
+singerman
+stung
+2111
+manouchian
+sadharan
+kornat
+reutemann
+401.7
+fantasia
+betrayer
+hangu
+corneau
+pedauye
+chiuariu
+tashkent
+zeth
+tittenhurst
+ghisi
+darned
+manfredini
+afek
+valenzuela
+totalled
+8sec
+haastrup
+panabaj
+deighton
+longnecker
+pdz
+mpigo
+studly
+monolith
+rockband
+john.stanley
+jansher
+barnstaple
+laminaria
+silkman
+smarr
+constanze
+consensus-based
+greenmarkets
+bogere
+gade
+eguchi
+showman
+qar
+yazoo
+wx101
+kojic
+naab
+examiner.com
+kristinn
+206-448-8160
+antah
+kutu
+60-bed
+nouă
+stereoisomer
+cc-by-3
+sinclairs
+excreta
+chaska
+42,100
+hongying
+schulten
+yangmingshan
+spads
+iti
+viewers
+floccari
+foodbrands
+riazuddin
+425
+subdominant
+earthrace
+41/3
+niccolini
+sigsbee
+charalambous
+cheatgrass
+operationalise
+surajpur
+fria
+welliver
+waz
+and-14
+superette
+hairlines
+transship
+nkve
+yolandita
+polyimide
+menzoberranzan
+foetuses
+cladistics
+slackening
+five-way
+amilakhvari
+rhythmically
+hildebert
+florissants
+query
+imre
+mandić
+unmibh
+thickest
+geet
+tendran
+daisy-like
+assured
+gplv3
+sambandar
+26.35
+unfixable
+43.44
+kaeberlein
+koyunlu
+lythe
+sartorially
+underbody
+misteri
+megastructures
+wiegers
+zucco
+pacifics
+meriweather
+dxc6
+cvw-5
+segmentata
+newnownext
+post-scarcity
+garyville
+ultimately
+65.73
+sass
+becuase
+recirculates
+rachet
+shakers
+indwelling
+tayler
+pip2
+timah
+goindwal
+ffv
+raud
+matrixes
+lingonberries
+destroying
+adjourning
+61.93
+engaging
+mellissa
+namorato
+varlamov
+baroque
+torikoshi
+kolomoki
+pepperberg
+avidan
+jance
+cherigat
+pembangunan
+sonneberg
+perezhogin
+one-man
+tvsurfer
+jibon
+halim
+geingob
+dinakaran
+zurara
+feijoada
+hingson
+a-time
+copenhagen
+strzelczyk
+9/11
+povich
+episcopalianism
+douchevina
+boncodin
+bivalves
+firkins
+drug-eluting
+nambi
+groundhogs
+839
+fantino
+departure
+kolodko
+jamming
+scaremongering
+4-100
+schultheiß
+hikmah
+shuja
+bronchoconstriction
+tuffelli
+lookout
+126.30
+freestyling
+lapilli
+pappé
+colegio
+defiants
+finalization
+wisteria
+rasp
+1a1
+anti-modernist
+olexandr
+peachey
+sanaullah
+theologia
+timesaver
+westleigh
+arning
+160,000-square
+magistrate
+femine
+akshaya
+chapainawabganj
+20-gallon
+waxworks
+etter
+tropicália
+daniyal
+chazzan
+valentines
+48-bit
+simmen
+sha'ath
+colliver
+cridlin
+gonzalo
+breakthroughs
+kisutch
+ballis
+thatgamecompany
+notonomus
+nominates
+handicapper
+newnan
+bonaventura
+chamundeshwari
+hazaras
+yukiya
+rabushka
+livs
+loung
+3,134
+t-shirts
+53.58
+toscano
+bartenders
+morroco
+katava
+egill
+flota
+borssele
+bilirubin
+muds
+onward
+smacking
+boente
+6,395
+radwańska
+ultra-nationalist
+vlogs
+09:30
+atra
+boula
+eighteenth
+dnes
+sit-down
+afreen
+estd
+sause
+shuangcheng
+watsa
+breda
+salomé
+sugen
+morobe
+isea
+jabberwocky
+regulator
+enshrining
+charity
+depiction
+manderson
+yawls
+44.27
+roller
+subareas
+tikaf
+drak
+truthfulness
+semaj
+adamawa
+vvaw
+pikers
+solariella
+repairer
+white-dominated
+meesh
+bragas
+kroell
+intuitive
+smokier
+74.04
+j'ai
+silverliner
+ezzatollah
+tarde
+novorossisk
+charmley
+barbarities
+swap
+100-120
+164.9
+mouton
+mcgegan
+syphoned
+immutable
+resutls
+repeated
+mù
+valabik
+toolson
+0.73
+14.20
+suyatno
+griess
+shinnok
+asamblea
+outdribbled
+outcasts
+glowingly
+pforzheimer
+osuji
+tarnopolsky
+romenesko
+verheijen
+brightmail
+u-matic
+landwehr
+kamathi
+jimma
+populism
+uli
+u.s.-picked
+georgievna
+universitarios
+pisharody
+puissance
+gruta
+reserve-team
+83.93
+egwene
+karagwe
+torbush
+spittle
+pathirana
+paderina
+mo.
+mosheh
+galaxies
+leil
+160-square
+celedonio
+875,000
+nazareth
+buzek
+3.449
+ccj
+108.14
+encourage
+23.55
+4mm
+kusuhara
+bleda
+political
+archdale
+belonger
+irwyn
+worldport
+camellia
+kasturba
+lionhearted
+epicure
+el-qurna
+theropod
+adriani
+akayeva
+memecylon
+graphics
+avary
+2,514
+jambhala
+pros
+ouistreham
+xxxholic
+hentges
+superquinn
+barbecuers
+.69
+mpr
+tietê
+fullest
+ablonczy
+futurama
+skip-stop
+mansfeld-südharz
+discouraging
+covetousness
+udawatte
+2.42
+directorship
+sortition
+verging
+maixent
+thermidorian
+drugstore
+araguaia
+air-independent
+pelagio
+burfoot
+wimber
+70.09
+1,073
+marasek
+seaman
+www.fifaworldcup.com
+ranjeva
+cpa
+stay
+calles
+700x420px
+laidler
+golder
+4lb
+destexhe
+ciclismo
+federation
+gitana
+corselet
+sadigov
+hmms
+prabandham
+greenish-yellow
+2hr
+sharratt
+cresta
+thady
+gastroenterologist
+fixed-grip
+3-per
+qualifier
+homeported
+focac
+funes
+finnigan
+maturing
+brockie
+yeylaq
+leste
+beechworth
+preaching
+71.73
+ratu
+11.72
+poppleton
+nakaba
+taszar
+5-mile
+economista
+jenah
+cheke
+boomed
+fatalists
+skilful
+wanner
+braak
+pertaining
+58.39
+preparatory
+nostril
+intersputnik
+hach
+värmdö
+tough-as-nails
+yumi
+43-page
+termers
+gas
+autoridad
+14-29
+של
+artisanship
+wienermobile
+radamès
+warramunga
+jianyang
+63.30
+satoh
+rathole
+doodler
+gringrich
+antiunion
+ducktown
+invicta
+bopape
+superfan
+beuren
+anti-liberal
+referential
+william-adolphe
+daring
+duhe
+chomutov
+phone.com
+631
+panda
+specters
+inseparably
+kiga
+rollie
+sadruddin
+hif
+ciclo
+balázs
+wielkopolska
+siculus
+2,262
+combed
+extra-lightweight
+cinque
+lvg
+41-yarder
+chechulin
+pramipexole
+suspicion
+80.63
+brianna
+seiling
+itivand-e
+ileka
+keisling
+kirkbymoorside
+fifa.com
+cummings
+151-year
+scirea
+sugary
+pumpelly
+110.8
+counterweight
+prerogatives
+kalka
+tegucigalpa
+interpretor
+mantinea
+sebu
+basile
+maldacena
+broszat
+sangkum
+contiguous
+p/nea/
+nogi
+brockley
+ensha
+fergusa
+sollas
+lebuh
+yohei
+associazione
+pialat
+ricketson
+whic
+tronics
+pwl
+103.95
+grebenshchikov
+ceiriog
+backhands
+saab
+radul
+feasability
+radner
+kempson
+yuras
+etiebet
+målselv
+deeping
+apostrophes
+touvier
+parkhill
+woh
+saqibul
+grading
+getgood
+uniroyal
+masseuse
+volway
+sidereal
+desch
+djurgårdens
+recs
+bighearted
+livered
+buxom
+wallenberg
+koechlin
+3,003
+54.70
+powelliphanta
+dextre
+upul
+enhancements
+arvind
+şişli
+trafficway
+prausnitz
+formula_34
+20-somethings
+slotkin
+apgar
+ciskei
+waterline
+kurdistania
+epicenter
+miska
+132,500
+slaymaker
+motioning
+lillington
+large-calibre
+7:03
+reynaud
+singlish
+orby
+careggi
+ronen
+delenn
+demobilized
+herbart
+98-90
+nazarenes
+jadranko
+hé
+legatee
+molin
+sacramentum
+zafir
+asparagine
+condoleeza
+commissary-general
+multifold
+raou
+telecasting
+monem
+radnor
+amazona
+dulhania
+gwendolen
+samosas
+sutiya
+papanicolaou
+bugling
+firdos
+huhnt
+euro117
+partitions
+fowler
+tacen
+giddyup
+vlt
+doomed
+comorians
+pockmark
+huj
+zulus
+combretaceae
+mohini
+saint-antoine
+ghosts
+shiyan
+catsuits
+ylem
+chokecherry
+bayning
+gullfaks
+sudanian
+7-0-0
+bielecki
+2765
+wyre
+kafelnikov
+northgate
+acec
+taproom
+dardari
+shaikh
+hennis
+lepra
+108.77
+epz
+guard
+112.8
+chlotrudis
+grossers
+nere
+urias
+http://www.apple.com
+displeasing
+kuzin
+gessler
+quadruplet
+capalbo
+geoengineering
+phytic
+tumefaciens
+kksf
+1,884
+anglicization
+entrances
+str94
+gups
+viagens
+algebra
+51.0
+muren
+yobo
+gasland
+brachiopods
+abc
+karting
+releasespublications
+laddu
+creamed
+motamed
+romanised
+masjids
+eml
+bonsack
+narch
+95.04
+anonyme
+3.3
+l-tryptophan
+dessin
+factoids
+mixup
+blastocysts
+kotter
+stinted
+pooler
+t.g.i.f.
+bigham
+solmssen
+koppell
+anglo-saxons
+carde
+itakura
+benwick
+4,032
+non-electric
+expertise
+raffin
+premont
+shorts
+brockmann
+masochism
+benedictions
+lavely
+jumana
+28-mile
+psiphon
+cutlass
+medicis
+nardoza
+marberry
+hartig
+88.3
+rusiec
+rozenberga
+113.1
+chena
+two-inch
+mails
+dorcas
+mints
+polymerizations
+corpore
+tenenti
+doorkeeper
+117.12
+atmakur
+deviousness
+bskyb
+lubanga
+prudently
+masry
+busby
+concertante
+winterbourne
+51.69
+18,624
+bartusiak
+moonlit
+off-load
+dehumidification
+seasickness
+woodcutters
+veve
+krabi
+cramér
+wehl
+schwind
+shōzō
+resettlement
+neoclassicism
+basketry
+intends
+gomera
+wakame
+janamejaya
+ruutel
+monofilament
+sitters
+soteria
+81.49
+unsheltered
+fretigne
+gaelicised
+alfre
+strap-shaped
+2001-2007
+popiel
+saeculum
+øvre
+chertkov
+althin
+β-lactamase
+borjas
+dedić
+l'enfant
+sobor
+allum
+21:20
+trossachs
+la7
+olesen
+bionix
+portaging
+dills
+rosendale
+estimated
+ritson
+belluschi
+o’reilly
+loppa
+eynsham
+holguín
+7,220
+unforgivably
+rachele
+rainiest
+wasifi
+well-controlled
+interrogate
+fedorova
+smps
+loschmidt
+banjarnegara
+sahalee
+cptm
+mcteer
+scrod
+monty
+0105
+pnnl
+buhr
+twenty-seven
+sub-series
+48.98
+milliman
+2km
+pecota
+vandewalle
+fll
+2,600-strong
+taib
+conversational
+earthgrains
+bloodiness
+bambach
+espargaro
+democratised
+msaidie
+fly-fishing
+donnybrook
+othmani
+491st
+moneyless
+cinemania
+prow
+recica
+kody
+gli3
+nusslein
+lightscribe
+bellesiles
+yizong
+18.94
+gimson
+7-27
+addict
+kannadigas
+81-70
+harmodio
+globetrotter
+repressed
+unmaintained
+2.27
+mh
+1-34
+disa
+balakot
+brugman
+65,500
+richmond-petersburg
+rube
+10-5-1
+rnr
+medair
+monkees
+pinzgau
+110s
+dicarboxylic
+2,730
+tongi
+pitou
+apriori
+tsao
+mascarene
+co-chair
+62.90
+otten
+banate
+1952-1953
+gradski
+blossoming
+teraoka
+papyrifera
+creamware
+15.84
+fluttering
+candidatus
+freidman
+kerguelen
+55.78
+sławomir
+lindås
+uschi
+15.375
+ellsberg
+provinces
+armourers
+djohar
+shogi
+inbreds
+sadyrin
+mezzana
+diamantis
+doyles
+83,000
+sieglinde
+euros
+pontiff
+totalitarian
+buie
+anshu
+bueso
+sidings
+yngvi
+pastels
+puteh
+altynbek
+chidren
+10-to
+7,655
+seki
+saugrain
+gokula
+hajdari
+jimmies
+polyergus
+2/12th
+rheged
+sophitia
+trinvuthipong
+oppositionists
+wiznia
+vertuno
+baluyevsky
+pebble
+satnam
+dreadwind
+carburetors
+mirowski
+stuffed
+sheduled
+abbreviate
+interpal
+188th
+jeffords
+shawm
+wxks
+elmeskov
+rlr
+kuchel
+huafeng
+kudroc
+riach
+bibhutibhushan
+fags
+festen
+dragging
+urawa
+siagian
+kapse
+rickover
+santiesteban
+magrs
+tooele
+gonella
+lenka
+resendez
+tanjong
+volcanos
+lubusz
+salimullah
+tsez
+morreale
+analog
+geometria
+cnidarian
+biked
+birthler
+a.b.
+kutv
+seen
+baska
+defragmenter
+orations
+tinfoil
+fraudster
+metacafe
+adinolfi
+melanosomes
+policy-making
+moakler
+yokel
+lackey
+kolwezi
+aristocrats
+'40
+mwenezi
+relaunched
+publishers
+dionis
+ebadi
+weissler
+majluta
+meat-based
+vetrov
+krasnoff
+2-tone
+krashes
+sacaba
+garrec
+brooklyn-based
+savviness
+krajobrazowy
+aequs
+fenway
+shatner
+leopoldville
+________________________________
+endometrium
+blesses
+belleau
+64.65
+antisymmetric
+wbut
+85-68
+sheepherders
+crecy
+sarlat
+crito
+fatmi
+helgi
+countrymen
+giombetti
+kd7
+quirós
+terrifying
+krichell
+paranoid
+pérignon
+tia
+laverde
+superstation
+dermontti
+mazurin
+devatha
+hypochondriac
+panhandlers
+peninsulas
+wilbon
+truan
+nrb
+vrbica
+diversely
+jotunheimen
+wishy
+444-8978
+majilis
+buchans
+gutty
+muncy
+60-gigabyte
+patekar
+kröd
+untouched
+pedras
+mshsl
+oü
+innsbruck
+perilla
+play-by-play
+tarlo
+sybilla
+uaf
+genset
+dockets
+sabella
+gjin
+f-box
+novomoskovsk
+savisaar
+feitel
+hangartner
+rdma
+inertia
+neediness
+newhey
+tonita
+con-artist
+daydreams
+linkless
+22.12
+atcs
+colonel
+gitlow
+duangmanee
+calvinistic
+pendlebury
+47.63
+dsm-v
+moto3
+telecentres
+bhanot
+chris
+regales
+cotinga
+allegheny
+kruševac
+kiconco
+shujing
+dubno
+yamama
+yiotis
+laureys
+week
+makary
+mingshan
+marathi
+at-x
+afpfl
+nkoulou
+dagupan
+grandfield
+rm38
+slumbers
+semenov
+chilly
+vw
+uttley
+hysteria
+cappo
+bloodstock
+rhapsodized
+milecastle
+cussler
+rajindra
+hanshi
+submariner
+youngest-ever
+gagnaire
+bozhkov
+41.86
+anti-virus
+4-20
+vergata
+baconsky
+five-album
+2248
+18-car
+memorisation
+schechner
+prevented
+sarvastivada
+hikaumba
+tarculovsky
+kubic
+muentefering
+netline
+xfff
+ive
+jacopo
+keyholes
+soegijapranata
+aarts
+dugo
+bodor
+compte
+groenendaal
+maarof
+puchner
+chichawatni
+boudia
+38.82
+butoh
+5.75
+blancas
+cassella
+stanols
+hirooki
+3,455
+lanzoni
+neuroanatomical
+telemar
+clitic
+3.0
+base-10
+dystrophic
+tediousness
+baden-württemberg
+8,848-meter
+gravenhurst
+parmesan
+vershaw
+ryosuke
+raghava
+fejervarya
+uni-president
+36.34
+decretum
+nzse50
+bingguo
+cueva
+muivah
+nutsbolts
+momineen
+27.47
+23-game
+whatcha
+wornat
+gérard
+storyville
+belaunde
+laboulbeniaceae
+nabil
+naseem
+28.66
+bellavista
+mitton
+mcclelland
+eardrum
+9:04
+incredibly
+swooping
+salihi
+krista
+nyev
+behzad
+crosby
+.42
+jasminum
+carneros
+apollonia
+romel
+six-yard
+koon
+vahid
+oyj
+corymbosa
+25-18
+ranched
+gromit
+kanzaki
+wasserstein
+5.5-billion
+enclosures
+liezen
+cargos
+imap
+gottfrid
+stationmaster
+intrigued
+hasanpur
+cornetist
+acocks
+levantar
+wat
+benge
+bromate
+subsidios
+maldon
+paetsch
+calif.
+salesians
+armington
+lcis
+roadrunner
+napf
+llegaron
+roet
+defu
+shansonga
+bugyō
+5-inch
+khabibulin
+b.o.
+hauliers
+grote
+clerck
+mishandling
+41.85
+chandrika
+barrons
+sulka
+shotwell
+sowell
+heri
+coja
+bugayev
+pontoons
+innisfail
+soars
+53.61
+alphonsa
+buechner
+kiseki
+edger
+paravoor
+manderley
+ribblesdale
+concertgebouw
+9:37
+flra
+brigitta
+hagedorn
+mayle
+xkr
+octopuses
+russkoye
+quarterlies
+margene
+danzig
+pernis
+galerias
+selaginella
+encarnacion
+deutscher
+gaulieder
+galvanizing
+ellinor
+ticketmaster.com
+165.4
+buba
+blading
+glaize
+prednisone
+pentwyn
+niku
+96-1
+telekinesis
+helvellyn
+babb
+odegard
+sewage
+slocumb
+adhamiya
+smelted
+misconceived
+cantonment
+-0.07
+u$
+40-1
+krf
+betonsports
+acetobacter
+newmann
+sandage
+virodene
+phillabaum
+preeti
+tennys
+face/off
+atrak
+2006-present
+avandamet
+zvonimir
+jazz-rock
+gaoming
+satisfactions
+subclan
+toplis
+linval
+damaschin
+ruritanian
+triads
+108.34
+bierce
+manchin
+36.35
+africanists
+tearfund
+tastemakers
+barrington
+kuniazuma
+seismicity
+namtok
+diriyah
+.344
+barbra
+lashari
+giusto
+merza
+breakcore
+manhunts
+rubripes
+nesi
+shawms
+instrumentations
+hatrick
+elephant
+tiến
+20-may
+panola
+allcroft
+asylum-seekers
+rifqi
+ediz
+old-line
+gab
+geevarghese
+revolutionists
+injections
+self-preservation
+enyce
+durazzo
+simeon
+tabar
+spivakovsky
+neo-byzantine
+niazi
+kweli
+maseth
+mavica
+provisioning
+tenso
+villeins
+smoothie
+iod
+huth
+polin
+socata
+oljeitu
+keuper
+yoshinaga
+rodis
+hitesh
+sibandze
+cholakov
+i-league
+rapidly
+thero
+crabber
+materialise
+lifecell
+42.90
+nine-story
+mokone
+handmaidens
+fondren
+léonide
+hijuelos
+dtv
+432,000
+bhausaheb
+south
+skrull
+bense
+pale
+cavallo
+chuckled
+damrong
+ausra
+sheron
+alarum
+3,838
+zero-one
+gaisford
+urmana
+macuser
+alzette
+bijie
+aganst
+sanderford
+determinate
+hardest-hit
+fernández
+sperafico
+1364
+heinola
+n22
+2000-1
+invitation
+hsg
+marienkirche
+31,419
+thusfar
+ficci
+pre-9
+cpca
+bucco
+czk
+benzoquinone
+jasbir
+suaeda
+abzug
+nicolaysen
+87.37
+12-of-23
+tailers
+nm
+capellen
+motels
+wisn-tv
+mett
+o'keefe
+saint-tropez
+berthed
+97.49
+orientation
+best-of-seven
+genoese
+141-member
+orpington
+frankenfoods
+chirp
+abdulah
+appingedam
+sevre
+0421
+abductors
+sobhi
+diemen
+ideograph
+poutine
+80-bit
+jaipal
+rbl
+polášek
+1.069
+middlewich
+mikulić
+1703
+belshe
+forty-eighth
+bracco
+holand
+787,000
+ict4d
+drug-trafficking
+badara
+durmitor
+maries
+m1918
+heterozygote
+incan
+tataee
+brett.clanton@chron.com
+afeyan
+shukri
+toiyabe
+d.y.
+headlamps
+21-foot
+brancacci
+non-practicing
+dénia
+benazir
+shary
+bnd
+monotheist
+ballhandling
+ilchester
+okies
+muscicapidae
+disappearance
+candiate
+reunification
+usc&gs
+59.10
+caving
+woo-jin
+morrel
+taftan
+luohu
+mismanaged
+airlines
+sonenshein
+vocalist
+dialectica
+simply-connected
+archival
+dailymotion
+nairn
+facades
+televized
+honglei
+costaricensis
+vllaznia
+2,989
+ponzano
+consecrator
+makeups
+vallejos
+pavlovsk
+prances
+exulting
+myrna
+hejiang
+cisma
+wearied
+tyne
+lalime
+dagenham
+syamsul
+f13
+erichthonius
+albig
+inhibited
+52-million
+d'abbadie
+pastern
+multicore
+lötschberg
+qaleh
+acanthus
+glickstein
+sven
+nicosia
+nica
+réti
+precor
+actualize
+heikant
+econmic
+família
+certifier
+regionales
+blankenburg
+mangotsfield
+lahainaluna
+hailar
+kodjovi
+bugno
+bonte
+belt-driven
+finos
+balland
+keesler
+pity
+michels
+108.55
+yourcenar
+ghairat
+91.09
+afghani
+sjamsoeddin
+banri
+ajmer
+20-inch
+expo
+59-59
+mansi
+kleinbaum
+nipomo
+95.97
+kumova
+47.97
+convertibles
+condes
+sub-dialects
+66.78
+beghe
+gameboy
+filmland
+prying
+bernini
+4-part
+budget-1stld
+shumlin
+dobroslav
+cockers
+1,315
+iave
+jianfang
+millinder
+compounding
+100-to-1
+tarot
+70.96
+mosheim
+deinococcus
+qurnah
+narcoterrorists
+pal
+rfu
+toolset
+background-color
+fedotova
+litchfield
+200-word
+hymowitz
+elenor
+saint-amand
+57.38
+onuci
+udalls
+epinal
+rwa
+münsingen
+saywell
+206,000
+screwattack
+ōmura
+tranferred
+ikip
+100-square
+kassab
+a87
+u.s.-assisted
+e-4b
+billinton
+portmarnock
+anonimity
+archetypal
+inductee
+skywalker
+situpa
+msic
+kafra
+petes
+stollery
+hofs
+schillings
+sapina
+sahih
+gennadiy
+cumbrians
+equations
+wilt
+petrarch
+junik
+eisendrath
+nedeljko
+tatenda
+dority
+endeavours
+regia
+287.9
+schaffner
+magnitude-6
+silver-grey
+youssou
+dogberry
+shemari
+wolff
+photobucket
+tecom
+lindemulder
+44.74
+soulanges
+marrakesh-tensift-el
+starost
+28.43
+foretich
+barabasi
+rampo
+hominum
+afrofuturism
+hatip
+kidnap
+210.2
+samay
+humbled
+blushed
+partier
+conciertos
+homberg
+sechelt
+leadfoot
+cauvery
+belardi
+hoofs
+intermembrane
+chattanooga
+ayegi
+without
+bardsir
+paribas
+tablo
+50,700
+br5-49
+standard-sized
+hartal
+millian
+spyware
+ballivián
+63.37
+toubro
+qassab
+karinska
+rimonabant
+powlus
+akitoshi
+candymakers
+campeones
+evidence-based
+laszlo
+urbanizing
+masnada
+fairy-like
+foor
+dewoskin
+trevithick
+decimo
+35.61
+hazza
+bullishness
+indomalayan
+lfts
+ome
+bibl
+gonesse
+ideon
+khāneh
+oron
+59.92
+137cs
+orbón
+zampagna
+unf
+office-bearers
+guardsman
+44.02
+leadenhall
+logon
+daytime-only
+groh
+comi
+colonnade
+zubrilova
+coupee
+nondeterminism
+fishermens
+borowitz
+quetzals
+lescot
+rock-solid
+pleeth
+f.r.s.
+quarreled
+bhima
+naci
+wagenaar
+lomonaco
+quarterfinal
+a5/1
+senala
+valinakis
+tackler
+ettie
+6:30
+out-competed
+87.48
+backpedals
+llandaff
+mache
+3,839
+chongwenmen
+idahoans
+conduce
+i.w.
+susukino
+katon
+3,028
+reeder
+bayakoa
+ecstasy
+easies
+hissou
+ipe
+poolroom
+kagami
+taxes
+tatana
+kajumulo
+clwyd
+pesadilla
+goalies_boston
+schürmann
+florentine
+wasseypur
+sanyo
+230-page
+obudu
+dunlevy
+aurthur
+nottle
+fight-or-flight
+soltanieh
+audio-visual
+yitzik
+cci
+66-68
+duker
+eurobarometer
+49.20
+internalizes
+64m
+leake
+raghuji
+wingsuit
+banke
+71-59
+sub-zones
+aarrow
+osipenko
+bulldogs
+cluck
+lazier
+left-to-right
+tmi
+shalita
+rutting
+eulima
+shoala
+ofrece
+rti
+edling
+wehen
+tunas
+seert
+charde
+pizzonia
+11.51
+interrogative
+grids
+843
+shaked
+makhteshim
+button
+commodore
+ecole
+antilock
+collectivization
+darlow
+chf1
+high-compression
+bodys
+longjing
+navel
+1088
+zaranj
+officially
+25-30
+euro182
+3-speed
+ultramantis
+yator
+burca
+theory
+u.n.-afghan
+reachin
+jss
+vbss
+4.575
+princeton
+sociologist
+tisk
+philipsen
+swecker
+umap
+thiriez
+pozdniakova
+consistently
+assi
+stereolithography
+mishchenko
+burglar
+telephone
+gardens
+heba
+binning
+nightwatch
+623,000
+seema
+duophonic
+muñeca
+gudinski
+detachable
+sub-editor
+nuit
+minimal
+fights
+lynton
+ópera
+aroused
+sorgen
+dildarnagar
+robotham
+okres
+high-velocity
+shaizar
+sonning
+lairig
+825-billion
+poovey
+licenced
+rench
+ricafort
+splints
+jayasekara
+elfstedentocht
+bjørndalen
+unravelled
+qipao
+deutsches
+clacton-on-sea
+mawdsley
+gak
+balconied
+avenges
+gabbidon
+mylnikov
+42,813
+prosperity
+sigir
+utapao
+nangis
+zests
+osheroff
+94-78
+pacers
+gtn
+blanchard
+cellars
+wjmk
+wanzer
+noeditsection
+hagg
+gorazde
+beltz
+krogstad
+rectory
+cabellero
+sizemore
+hit-or-miss
+dipstick
+nyas
+mariscal
+drache
+roston
+callings
+manoeuvrability
+5,153
+yasawa
+carnogursky
+triaged
+bouzid
+tungsha
+thieu
+guancheng
+braudy
+102.0
+formula_3
+cripplegate
+wratten
+drainie
+lempa
+micelli
+43.02
+divulged
+bernau
+underfloor
+atta
+enero
+transphobia
+mravinsky
+brecko
+dhyana
+self-centered
+paniculata
+lockshin
+ch
+sustaining
+latyshev
+barangaroo
+mcgahern
+huaixi
+lfp
+66.3
+glaucias
+conciliate
+lnah
+greenlawn
+lumbantoruan
+cliquot
+traité
+547,000
+bethlehem-hingham
+collapsed
+pjs
+patchworks
+deodorizing
+pendergast
+robleto
+jandola
+lmfao
+elucidating
+giampietri
+91.75
+chionanthus
+barbarian
+joshu
+borusewicz
+64-56
+renumber
+auca
+drama-documentary
+elongata
+rebooked
+khmer
+southtown
+ptwc
+10h
+inhabitation
+springy
+xcor
+nurgaliyev
+buscan
+measly
+registration
+14-yard
+www.georgewbush.com
+lamprecht
+stabiae
+300-person
+promesa
+f.a.
+parcheesi
+satirical
+pneumothorax
+milberg
+57.4
+122.28
+,740
+metamorphosed
+slanka
+bergenline
+denier
+lamanites
+281.5
+publicizing
+fdx
+abstracting
+remey
+1906-1907
+walery
+kazibwe
+seigneur
+swamphen
+computron
+hagiographies
+ja'afari
+engagers
+amway
+cartels
+margairaz
+rosacea
+anantapur
+weibull
+baloushi
+padas
+runda
+gribakin
+1.3335
+kraichgau
+14.12
+duntov
+bleachers
+tobacconists
+zavarzin
+inzamamul
+inès
+meandering
+moric
+boese
+despairingly
+probables
+tersana
+akcha
+stoyanovich
+35-32
+78-66
+tremors
+maranao
+arumugam
+carbon-14
+anvik
+indiscriminately
+rm31
+gardaworld
+aarde
+docomomo
+pre-2006
+zhidong
+10-for-1
+wings
+gendelman
+must-win
+oradour
+vestita
+mesmerising
+roffman
+3-17
+necesidades
+courtaulds
+reshetnikov
+helem
+1994-99
+25.9
+zaret
+corvettes
+humacao
+chiappa
+clintonesque
+weichsel
+kelsterbach
+innervisions
+holbein
+canalization
+kastellet
+meggitt
+pilzno
+http://www.fws.gov
+choupo
+karunakaran
+formula_7
+legislativo
+chidorigafuchi
+uncustomary
+bochum
+gutterman
+cdn
+clogs
+saifullah
+staatliche
+unb
+stiehm
+minardi
+dele
+ejército
+meleager
+cawang
+dubautia
+jadel
+non-volatile
+shelon
+mamelukes
+ruminations
+pmos
+basalis
+lomma
+moratinos
+domestica
+kilo
+hanjin
+buley
+gelbaugh
+heli
+skoropadsky
+hemmed
+nordwall
+ironbound
+amazônia
+pitaya
+mölndal
+bazna
+c-body
+madanpur
+subdiscipline
+bhartiya
+vishakapatnam
+58.46
+gyre
+michaelmas
+midwesterners
+darragi
+constricted
+vunibaka
+reyshahri
+merchandizing
+agnellis
+nesterovskaya
+44.63
+morrisey
+clarkstown
+btecs
+quantify
+155.8
+gluten
+2,251
+65daysofstatic
+fogs
+inartful
+antabuse
+dakh
+get-away
+1,425
+creal
+heroico
+morrisons
+u18s
+vso
+100-million
+burayev
+universalization
+bica
+faltas
+hucknall
+grimlord
+curated
+multistate
+finden
+nusajaya
+keyong
+alwar
+2.025
+laming
+blaspheme
+1,004
+azaz
+n.korea
+ala-too
+kleins
+tv8
+dorsum
+old-timers
+ioka
+boreham
+traffics
+spices
+wease
+microalgae
+graysmith
+il-1
+spaniel
+agbakoba
+fued
+superfluous
+hamadeh
+with
+casulties
+2_4
+lama
+sirnas
+junger
+125-run
+stepgrandchildren
+frese
+horsedrawn
+tux
+raver
+goal_washington
+bagmen
+fmo
+deluna
+chemeketa
+letdowns
+namboodiri
+hausman
+m13
+hardtalk
+ngm
+c6h4
+gasa
+blood-sucking
+hepatitis
+fisted
+trustworthiness
+post-exposure
+heppell
+barney
+inclosed
+imar
+avramovic
+makovsky
+g-2
+piketon
+verkerk
+semiao
+serer
+nababan
+13-all
+vaigai
+ucas
+vrbovec
+guías
+malua
+sds-page
+holcombe
+richier
+benishek
+000-strong
+fulford
+pecado
+2.1-mile
+bumi
+mexican-american
+bredasdorp
+1934-1936
+sundarji
+kabine
+gronberg
+puehringer
+mature
+29-time
+zenlike
+newts
+worker-owned
+shohei
+wfuv
+cerak
+wols
+playskool
+221st
+lactic
+wurzburg
+erythronium
+pigna
+9,400
+egor
+espada
+lurianic
+oundle
+paying
+320si
+psychoanalytic
+66.35
+chardy
+chavira
+drobiazko
+mucked
+persuasiveness
+bussi
+slewed
+beggared
+sailfin
+onscreen
+450-member
+corde
+fp6
+egbe
+khuzdar
+ecrha
+subtilior
+5th-class
+pta
+koryo
+karō
+plumbs
+fansites
+unusable
+hummes
+powerbase
+ballyconnell
+beistline
+kritik
+barsby
+k0
+consumable
+unassociated
+dynamometer
+chodesh
+225,000
+untaet
+meadowlark
+’’
+rapuano
+yablon
+11.20
+belmont
+thaung
+banaszak
+canh
+khadafy
+hardwicke
+292nd
+ylonen
+aime
+evason
+nehm
+algorithmic
+biocompatibility
+kremmen
+theodora
+antiguos
+fadhil
+gilovich
+mouzon
+identify
+consective
+bedsit
+mossadegh
+wascana
+shelef
+proctorville
+toils
+coskata
+drago
+kallang
+horo
+terblanche
+aztech
+paxos
+pobedy
+-55
+cenco
+stumper
+klinsmann
+socgen
+mencap
+rinker
+berleburg
+crypts
+tlongdetnews.com
+ipm
+spiracles
+haldia
+government
+4,374
+jele
+żary
+1552
+ortmeyer
+schwertern
+jabalpur
+podolsk
+disposing
+kelurahan
+orzeł
+cassuto
+fearsome
+edén
+conical
+fillpot
+juntas
+basophils
+pulchellus
+bogside
+skudra
+amputation
+word-final
+1.300
+1974
+kelkoo
+obliterating
+agramonte
+homeschool
+valmet
+klinker
+patrese
+cockatiel
+hao
+oymen
+akın
+intimidatingly
+ordinatio
+safea
+pagon
+qari
+57mm
+narantsatsralt
+himalia
+graglia
+ganai
+arenes
+1,754
+grisedale
+civitavecchia
+philipstown
+kadyrbek
+lipez
+mon-khmer
+6,105
+idealizes
+plaze
+scatology
+yoos
+furnishes
+1.043
+pbb
+terim
+centrally
+propoganda
+kassahun
+hatchlings
+36-year-old
+lleva
+dacorum
+raked
+13-2
+757-200s
+slow-wave
+1382
+vulcanologist
+yasushi
+mideastern
+skateparks
+schuerrle
+1h22
+jtf
+harelson
+b-25s
+kiku
+peroxidase
+berek
+suvero
+arbachakov
+schnittker
+engagingly
+stipanovich
+christoforos
+seldom-used
+rebrov
+brahmanism
+solstice
+medvedja
+ouzel
+3,388
+fatimah
+tourettes
+maghribi
+powderham
+khorasan
+lesser-used
+cossu
+1.75-meter
+vladimirov
+d'ancona
+hanefeld
+atasu
+whalley
+tequendama
+nkayi
+46.72
+muzakir
+zuazo
+punctum
+festal
+lambertian
+disasters
+38-22
+growly
+peles
+gholston
+105.33
+separator
+acol
+thinkin
+97.50
+rothley
+jsk
+supernumeraries
+cojocaru
+doucette
+44.21
+patchett
+dominicano
+kermabon
+ekpo
+6-mile
+carrying
+epitaphios
+260.3
+loafers
+ibec
+53.00
+nganro
+widhoelzl
+freediver
+babylonia
+17/32
+engorged
+precinct
+rumbaut
+webmethods
+chasetown
+mulas
+bukhary
+sarwari
+airlangga
+dimension
+shau
+chevreuse
+2225
+venuste
+jackowski
+bibliographical
+broucek
+naeema
+tinka
+rizvon
+parmeliaceae
+dantonio
+nonskid
+vefsn
+rovira
+dusshera
+latorre
+barakaldo
+zanon
+ship-to-shore
+saccardo
+non-obligatory
+spacehog
+statics
+ashden
+terlecki
+2210
+isps
+9976
+playgoers
+uvf
+zags
+fromage
+ampuan
+vidyamandir
+boral
+kızılcahamam
+sasko
+amsden
+keyte
+rickles
+erie-lackawanna
+edyth
+keat
+2601
+filori
+mends
+ml430
+lueder
+figueroa
+tertiary
+neutralizer
+albano
+gratified
+waste-water
+bashaw
+paraskos
+xiuying
+pup
+chaperone
+amyloidosis
+1,008,000
+jarrell
+a-day
+ea-6b
+klosi
+sprinted
+jocelerme
+muggings
+non-gm
+jurdan
+chuna
+latinate
+resubmitted
+chiton
+helsoe
+khameini
+sysoyev
+camon
+jolokia
+megabucks
+swabia
+momber
+vpg
+kielty
+4,000-square
+2,642
+indulgently
+farida
+louisana
+guangwei
+mdina
+co-leaders
+rotators
+johnnetta
+mynetworktv
+pleuroceridae
+demotivated
+30.57
+umms
+whitnall
+retributive
+m'naghten
+worksheet
+chcs
+t-v
+bocklet
+9.61
+siame
+orangetown
+2.655
+muniain
+polewali
+1962-1967
+laksono
+spini
+subjugate
+hwe
+23.79
+iranamadu
+tacul
+dreyfuss
+kimsan
+unsaturated
+36-35
+tubantia
+1,505
+românesc
+gajraj
+1:19
+maritza
+3270
+camberwell
+tā
+parasitology
+tarnishes
+coffs
+blacklash
+massengale
+salento
+coudersport
+mangalia
+harap
+dubost
+avant
+kottiyoor
+dhl
+mulvany
+yaxha
+19.37
+4-0-25-0
+sinfonica
+causal
+mancinelli
+.263
+1990/91
+gipsy
+sunderbans
+scarlat
+quaden
+2,092
+volksdeutsche
+sosoliso
+paracin
+60n
+summi
+wilmer-hutchins
+unionists
+pythagoras
+graveson
+gornick
+sendoff
+cheerfully
+whitechurch
+jiangyin
+hatia
+shealtiel
+hanfu
+annihilators
+regrowing
+effigy
+kimbro
+shaban
+76.00
+hingorani
+treated
+iatp
+andronikos
+22.96
+poppe
+eye-like
+frud
+epidemiology
+offered
+tsg
+mung
+canina
+grabeel
+δt
+amoskeag
+117.42
+hanegev
+72.42
+clausilium
+crosley
+yiyun
+suad
+right-hand-drive
+junimea
+103-100
+irkut
+gastroliths
+dowreh
+ortona
+sitix
+dimitsana
+harassed
+sarsfield
+nerb
+.355
+eutrophic
+yts
+tri-cities
+pumped-storage
+dartevelle
+icecats
+culbreth
+potomski
+thuh
+packaging
+dinescu
+ágnes
+shoven
+ballycastle
+trova
+greenspun
+anti-vivisection
+background
+xandros
+veritech
+beuel
+lefka
+navya
+biddings
+mobiline
+guaranties
+1-51
+hatamoto
+:50
+vanity
+valene
+voiceless
+redstart
+hewins
+melhuish
+bronzino
+talmud
+lenge
+rabid
+36-11
+64.0
+performances
+6-12
+hegseth
+reselected
+attractively
+goalball
+3,863
+bostonia
+sylwester
+incapability
+35.63
+hypertime
+morasca
+requisitions
+rova
+hmas
+dahir
+wadden
+lire
+thirds
+diderot
+auvergnat
+impeachments
+subtidal
+treadwell
+planxty
+gloss.com
+monaco-based
+dialectology
+odccp
+purveying
+par-3
+barometer
+matera
+65.6
+penn.
+quasha
+ganswindt
+thévenet
+two-tenths
+flatcars
+sodality
+leontyev
+etrace
+icehogs
+mikołaj
+usagi
+sturdier
+derham
+euro216
+antibiotic-resistant
+whizzer
+heaping
+pullela
+negba
+baronetage
+romaneck
+pastime
+dearg
+penetrators
+pattadakal
+charlize
+425-mile
+conceding
+issel
+adriatico
+rehs
+1434
+kumano
+bodycote
+hk$
+doorknobs
+renier
+22-percent
+hodgepodge
+amerenue
+priyamani
+admete
+violoncello
+prizeman
+alumina
+non-contact
+wednesdaynight
+0.87
+ümit
+meiers
+ridel
+dwelling-place
+enebakk
+desheng
+wedtech
+slaughtered
+barmaids
+legwaila
+goin
+criticizing
+pro-life
+faeroe
+rácz
+handsomely
+choctaws
+saarlouis
+nitromethane
+zych
+containerized
+languorous
+sarban
+moglia
+ershadi
+vaish
+adic
+17:24
+chambers
+wetzler
+roten
+gamers
+jassem
+bortolussi
+assur
+datun
+aloft
+eupatorium
+euro186
+3,465
+intermarriage
+avet
+bishil
+1987-90
+116.2
+sotolongo
+fürstenfeldbruck
+stimmen
+whinston
+53.20
+greco-bactrians
+sharrett
+05:00
+teligent
+spritzers
+an-32
+dukkha
+angstroms
+laurifolia
+hosni
+jahad
+knorr
+facemasks
+60-metre
+bembenek
+dimwit
+upbraids
+disadvantaged
+paca
+kinchen
+maitha
+wideranging
+joda
+malladi
+krischer
+hyperlinking
+arithmetic
+maese
+jiggins
+avatar
+thafner
+sauropodomorphs
+telnack
+booi
+yuba
+multi-man
+aegyptiaca
+jerson
+umwelt
+steers
+middlesworth
+0545
+janex
+19-years
+214.6
+tractive
+madhapur
+dilutive
+feltex
+modena
+kyzyl
+166.3
+cheaply
+trailblazing
+tchernyshev
+cristiano
+51.4
+izumo
+1674
+permana
+parner
+reinaldo
+bankası
+six-lane
+50-hectare
+106.96
+damps
+midoff
+noseworthy
+brenne
+inac
+fegelein
+turn-taking
+warnow
+maclaine
+cope
+bruer
+protocol
+cerdo
+lindros
+parkash
+megadeal
+shaz
+unjustly
+wides
+hillenius
+hallet
+tcisa
+sll
+36-5
+luna
+ulia
+dumfries
+pre-1948
+yool
+r.i
+cretz
+break-in
+10,000.00
+gian-carlo
+n70
+georgiana
+radleys
+ktv
+psilocybe
+rappelled
+al-haram
+diesels
+dharmaśāstra
+paperchase
+verticillasters
+ronal
+smolinski
+tweeting
+nutso
+apothecaries
+outskirts
+sniffing
+131.7
+itumbiara
+atonality
+spleenwort
+1344
+sado-masochistic
+masyumi
+occupiers
+tatis
+kalpana
+ensour
+111.43
+braquet
+ameristar
+shenkin
+fourth-ranked
+breaded
+100-bed
+2002-2010
+jandek
+selk
+banmauk
+staite
+haden
+peronist
+brodivskyi
+preux
+terremoto
+pena
+pronotum
+hellfire
+holsendolph
+çakır
+einseln
+vmartinez
+activisits
+lema
+yad
+4,116
+leglock
+flinch
+hallelujahs
+westernisation
+1.27
+elco
+quay
+tee
+demonio
+blush
+21-11
+poso
+outerwear
+weissglas
+marmalades
+donna
+cogne
+110.22
+amargo
+runemaster
+patra
+35,100
+ebf
+523,000
+feye
+houlton
+rassie
+mickiewicz
+kassovitz
+poulidor
+cyprian
+2,699
+singley
+34.48
+liyan
+kommunalreformen
+transfer-listed
+50-39
+110.35
+chinhae
+waris
+melchiot
+israel
+yaacob
+simonyan
+threateningly
+steb
+anthropomorphism
+dandala
+megaproject
+producer-director
+weikart
+bank
+broadley
+.662
+faseb
+cerner
+travelocity
+caeciliidae
+ginocchio
+sonicnet
+alicante
+alias
+hydroxylamine
+peladeau
+240-member
+riehle
+garaged
+ojiya
+från
+ethmoidal
+commanderies
+503rd
+bresnick
+bruneian
+508
+wailea
+kutti
+peoples
+tomaro
+jbookman@ajc.com
+mulling
+route
+rus
+kiswahili
+polina
+cerdan
+mikhailovsky
+arriva
+tozan
+mecs
+gheorghiu-dej
+bagworm
+kauai
+myasnikov
+swab
+yunsheng
+tarbell
+carolwood
+reinsurers
+panjab
+valeri
+defends
+daugher
+beater
+bramshill
+smit
+koul
+cloy
+mutaa
+paternal
+msv
+volksbanken
+panchanan
+barilla
+ballplayers
+750-pound
+jcastillo
+maumee
+codfish
+times-picayune
+webdale
+218th
+tu'ifua
+glascock
+cúchulainn
+wrongdoers
+artus
+eragon
+pras
+tookey
+68.05
+quimbaya
+strawberries
+29.46
+vakataka
+adrs
+boomgaardt
+hastings-on-hudson
+matinuddin
+chani
+misek
+belgrove
+puddling
+beneficiary
+conductors
+piochar
+832,000
+i2hub
+lemmons
+.20
+wonderfulness
+rowlatt
+bracamonte
+lip-syncing
+85.31
+pól
+shenfield
+vilhelm
+causley
+sukkary
+polti
+phosphotransferase
+cinecolor
+astrocytoma
+baudette
+cymindis
+cussac
+moorfield
+18:17
+fiddly
+sušić
+outflanked
+clearness
+nevo
+sermon
+grl
+dearness
+batterson
+c-5a
+subcomponent
+directed
+8-year-old
+prugo
+mich.-based
+devaluing
+jamaluddin
+toggling
+jamui
+vatika
+jarvik-7
+ryurik
+gilders
+junge
+devalues
+zuelle
+zcta
+ariana
+groundfloor
+schieffer
+molluscan
+merrivale
+ealy
+mention
+marcom
+dahariya
+dm3
+bobridge
+prokopowicz
+2400m
+inhalers
+bălți
+priest
+varsavsky
+tilahun
+10.09
+avandia
+ukrit
+profitable
+tauntingly
+boalsburg
+dunmore
+9002
+moone
+unguarded
+devane
+2200gmt
+carnea
+corwin
+1455
+12.44
+lantin
+šid
+curium
+scaglia
+zinny
+setauket
+fri.
+caple
+structuration
+iwfl
+traction
+iridescent
+hentemann
+messines
+taylorsville
+unión
+chromium
+an-24
+gawker.com
+dimka
+tulloch
+ucpb
+milingo
+luketic
+pipas
+demille
+7.7455
+marmaro
+viris
+pilli
+naccache
+euro314
+fruticosa
+axb5
+99-86
+bulldozed
+letsholonyane
+dominion
+forsakes
+miglio
+implosive
+1,272
+austins
+interjects
+confetti
+sherington
+flautists
+writeth
+veitchii
+freeloader
+periapical
+buntar
+psoriasis
+foodservice
+phoolan
+frontières
+reformed
+ugochukwu
+daming
+43.87
+170th
+ichthys
+mcadoo
+iravan
+yatai
+neuromarketing
+missolonghi
+kilian
+42,188
+berthiaume
+martuni
+79.40
+wagnon
+prust
+2,930
+doğuş
+435-seat
+grizzles
+intersecting
+fetter
+polyphyletic
+kitchee
+cseries
+vp8
+kerincsiz
+lecerf
+kaixian
+jennings
+shepparton
+76.23
+aynayn
+palang
+fallouts
+sorrel
+blrc
+0.709
+nubar
+60.02
+omoto
+stymied
+philpotts
+27-member
+hessle
+cilantro
+elegy
+mudaliar
+magnetostriction
+bridie
+haixing
+knossos
+utsira
+lebedeff
+książ
+marra
+sneferu
+ineffably
+kumaoni
+26.95
+closure
+mongols
+bienen
+mid-rise
+unopposed
+prashad
+sans
+kabira
+marshrutkas
+8,060
+mahbubur
+mejjati
+386
+heherson
+galanin
+thibaud
+retells
+lurk
+cross-city
+43
+deadened
+riem
+hockett
+chenda
+lb-ft
+twain
+pergolide
+accelerando
+cobalt-60
+bennhold
+volkmar
+wike
+gamepro
+suicidology
+putih
+hechinger
+hailing
+bookmobiles
+zet
+gakhokidze
+gemco
+mojo
+acknowledgments
+doreen
+earpieces
+pratts
+submarginal
+speight
+4,430
+wenski
+russel
+kozan
+wakra
+qizheng
+summa
+1900-1901
+psu
+qasir
+ekwueme
+alison
+chansons
+trans-mexican
+g500
+thankyou
+umtali
+club-oriented
+afrs
+jamili
+kasicky
+landbridge
+newsflow
+400-a
+gukasian
+freccia
+quetiapine
+rectifier
+dizzied
+sharah
+fava
+formula_123
+hagar
+gambro
+preceeded
+ofran
+hydrology
+mainyu
+kungfu
+underperformer
+chameides
+80a
+troller
+archbold
+1321
+borchard
+cetron
+bogale
+ideaglobal.com
+shalwar
+shude
+9a-6p
+supercontinent
+13-6
+ilicifolia
+kel-tec
+38.34
+purley
+tadzhuddin
+b-12
+pyrrolizidine
+bladen
+a310-300
+juts
+overcommitted
+manchete
+locules
+d'eux
+hysni
+zinie
+singled
+kalamity
+107.85
+uranus
+mkt
+cirez
+jaliens
+45.23
+deportee
+'75
+valses
+130mm
+jwt
+neal
+guda
+snagovo
+esat
+50.7
+blab
+158.1
+1.4105
+barruel
+regale
+elucidates
+hoeneß
+haleigh
+gien
+audiogalaxy
+burghart
+naptime
+pyrotechnical
+birthdates
+hirst
+garthe
+tgs
+jasman
+bioluminescent
+ettaba
+aghia
+verona
+nother
+beena
+71-2
+blacker
+debus
+58.98
+c-style
+eloquence
+palnadu
+doubt
+46.84
+eladio
+12-time
+caracara
+dmsp
+bodrog
+gregarious
+lispector
+shemakha
+40.58
+schmierer
+red-cockaded
+marzuki
+grodków
+re-cast
+lakenheath
+63.94
+tineo
+antwaan
+hiaasen
+wethington
+nalepa
+praises
+abahani
+autodata
+automata
+navstar
+cmi
+farrokh
+clippings
+bellizzi
+10.63
+pha
+24-5
+souring
+power-law
+neroni
+122.15
+phototropism
+burki
+wta
+543-seat
+lochmaben
+innocuous
+hongmei
+toor
+abnt
+bircham
+zimin
+karlton
+caucasian
+kaghan
+körber
+870
+giannitsis
+voynet
+socialised
+discolouration
+thamilchelvan
+aex
+technica
+call-up
+synthetic
+kili
+sagada
+baldachin
+moulsham
+rubbermaid
+sideslip
+jónsson
+uccle
+file
+stigmatizes
+devadas
+____________
+abm
+suicides
+d'olonne
+bilder
+87-84
+40-strong
+htb
+rangareddy
+spieth
+dvb-h
+termagant
+osteonecrosis
+41-year
+fuchao
+streamliners
+orić
+marshall
+exceed
+franek
+mohs
+dillards
+zek
+a109
+sundaes
+shahinian
+http://www.cbs.com
+pollees
+thrillingly
+jakubec
+freds
+damadola
+schornack
+effectually
+arrayed
+hyperion
+pinaceae
+isues
+schnipper
+authorizing
+saam
+khudyakov
+ogf
+pontell
+scholl
+19-count
+groupie
+hilty
+cruelties
+writer/artist
+sogo
+quarters
+individuality
+115.30
+tuve
+shotshells
+15.75
+five-second
+politicisation
+jeelani
+gardee
+ploughlands
+2:45
+kumarakom
+83-59
+175.8
+mnp
+automotores
+actel
+palitha
+amter
+neb.
+www.ed.gov
+34.36
+samarqand
+porzio
+2,907
+17-28
+guttata
+team-building
+1996-2003
+gofa
+m82
+orbitals
+granulocytes
+chups
+chignons
+extremis
+brickbats
+muiredaig
+hejeilan
+finessing
+apparatchik
+shabaab
+wildenstein
+483,000
+sokolin
+by-laws
+bixente
+bacilos
+puccio
+zeitoon
+belugas
+crts
+plotinus
+72.83
+williams-ellis
+kindai
+(928)
+quivers
+mcveagh
+sabliere
+lassally
+billionnaire
+borchgrave
+jamileh
+asmar
+c-12
+domett
+kalends
+srebrenica
+45-39
+willerby
+andreeva
+ktg
+acraea
+abdulqadir
+stereocenter
+prospect
+ashton-tate
+227.2
+needing
+dlc
+posix
+hayami
+reinforced-concrete
+illini
+dungjen
+svahng
+wagonloads
+gazankulu
+lawrenceville
+connellsville
+pornstar
+wakeel
+09:20
+beijingers
+fedor
+jjb
+retcon
+parikrama
+2,286
+lactate
+fingerless
+railton
+jeancourt
+rebeuh
+gaskets
+3.9
+aleria
+snout
+relaid
+familiarizing
+perdidos
+tannery
+1,775
+hufbauer
+drammens
+unm
+400-ton
+kharbata
+http://www.fec.gov
+kevans
+salivated
+vice-champions
+borodino
+85.42
+liceo
+kumud
+killick
+seder
+breastplates
+khatris
+hartlepool
+hhh
+yiping
+714,000
+5,430
+selendang
+9:7
+maroua
+dashiell
+prata
+yiannis
+outshopped
+11.18
+dwarika
+sucks
+edler
+teilo
+brilla
+karamanli
+elijo
+strumming
+bakken
+vuelta
+heathfield
+melons
+jagjivan
+auto-lite
+eyeghe
+chrysanthos
+mni
+anmen
+krystof
+itzin
+fescue
+rellenos
+grampa
+tv12
+kordun
+phytochrome
+a-minute
+oskanyan
+armé
+werder
+glp
+vahi
+tér
+fondo
+uydess
+tver
+water-based
+chuni
+odm
+solin
+nikesh
+gainers
+aldermaston
+seasonality
+zng
+crowbar
+erewash
+fomer
+tag-line
+fomes
+mozes
+wither
+editrice
+porath
+759
+chiplun
+sievers
+kotov
+monopolization
+ewin
+legazpi
+patt
+tielli
+sunanda
+ponging
+zap2it
+houghton
+sectioned
+stocktaking
+fairbourne
+greensand
+nathdwara
+sutil
+saturday
+livio
+whitton
+vbr
+449,000
+achewood
+typesetting
+marrus
+satterberg
+cruguet
+tirelli
+rallying
+gibeon
+10a
+sudarti
+roncero
+sahakari
+tnstc
+welser
+2,420
+cobequid
+crabbet
+tychonoff
+akkari
+marshack
+nunawading
+twittering
+elleithee
+chaitra
+ciencias
+yucks
+wasserbillig
+alaine
+62/us
+domas
+euro510
+hubspot
+nonresponsive
+praesidium
+rainfalls
+iam
+patenaude
+firer
+krujë
+culverhouse
+horse-racing
+488th
+izabel
+yazykov
+e-mail
+biffle
+vorstius
+chibwe
+andimeshk
+halophila
+keystream
+30-knot
+bathilde
+strained
+toenails
+plastically
+contratos
+clonliffe
+bellingen
+brkic
+miscoci
+reactants
+pealed
+cellana
+faulcon
+thestor
+olaciregui
+atelier
+çandarlı
+bludworth
+deliveryman
+front-engine
+aweigh
+formicidae
+kepple
+single-goal
+animatronics
+3,970
+34-2
+claggart
+groundball
+cayuga
+chernyakhovsky
+tokyu
+121.01
+chavanel
+birla
+goniobranchus
+99-81
+fabians
+mcnary
+ntds
+boffins
+dhotis
+kentlands
+29.81
+60-inch
+khuzestan
+silkie
+hemin
+mondano
+petak
+bottom-up
+wis
+14.75
+thesaban
+21.3
+18.68
+northcross
+sambili
+machining
+pre-dated
+molenaar
+asli
+heathens
+skyworks
+joing
+bibiana
+hishinuma
+pauw
+watonga
+takefumi
+cavenaghi
+blued
+pana
+donauwörth
+izvestiya
+gcvo
+ktvx
+mint
+pasong
+attiyeh
+mardiyanto
+doing
+72-69
+silalahi
+jerba
+saivism
+nostri
+suret
+tadros
+haranguing
+monogeneric
+naree
+hirise
+halhoul
+foreningen
+bobbling
+466
+edgeley
+17,188
+wielded
+tankleff
+52.77
+medani
+templemore
+barneveld
+4:11
+permanently
+93.15
+rehire
+chrysostomides
+sickle
+vivisection
+misago
+rathbun
+kiberlain
+fluorite
+72.54
+kalas
+beckett
+turrini
+lundqvist
+shway
+mesophytic
+6230
+hurrican
+burdening
+cartloads
+plattsmouth
+regeneration
+teleamazonas
+xiaohan
+3-years
+caiyun
+0.024
+infineon
+41.69
+canizares
+woolverton
+nightside
+squeakquel
+uniflora
+inflorescence
+sprocket
+pre-teens
+bondsteel
+monagan
+bocquet
+liebman
+clisson
+feting
+mutrif
+3,417
+budden
+zaventem
+1922-1923
+prospal
+osmaston
+elsley
+dansville
+bhutan
+ehnes
+laurisilva
+ifu
+langner
+commandoes
+anticompetitive
+irritatingly
+mihara
+dershwitz
+wylliams
+makélélé
+aedc
+rayy
+onda
+wróblewski
+600-man
+1,850
+perisho
+paris-bercy
+cafc
+monocultures
+pietrzyk
+bero
+quirico
+ricerche
+rebuffing
+libia
+euro167
+kandla
+eteria
+olrik
+wolframite
+stanch
+tveit
+hittite
+commandery
+archdukes
+cycad
+lauretta
+amortize
+graders
+janak
+pitcairn
+babyland
+hook-shaped
+mext
+gowalla
+four-eyed
+arvedui
+kvinnherad
+nakivale
+robertstown
+perego
+540,000
+dioxin-like
+lakic
+vary
+dihydrofolate
+83.86
+lordships
+clathrin
+15.32
+28-december
+vibrantly
+briskeby
+tubarão
+archways
+yiji
+remodeling
+butkovic
+hmorris
+rosch
+karera
+romney
+belrose
+flag-waving
+döbeln
+venters
+kefer
+discworld
+http://www.who.int
+plast
+qq
+delude
+synchronizing
+clean-shaven
+aspley
+80.6
+wahib
+pupp
+well-planned
+dossevi
+myrvold
+eloranta
+peaceville
+bosne
+single-payer
+2-31
+hameln
+willsie
+carington
+sloht
+taghiyev
+scourby
+cern
+gleeful
+corzine
+zapu
+chording
+linton-on-ouse
+carissimi
+86
+instituted
+illicitly
+fictionalizing
+stuttle
+reincarnates
+greis
+felino
+24.28
+squarepusher
+period_3
+pirahã
+stepwise
+busansky
+especialy
+u.n.-protected
+rule
+cassells
+ex-offenders
+lassie
+sublittoral
+supery
+īyeh
+daboub
+65.46
+soldi
+up-to-date
+kafr
+die-cut
+mohand
+2:42
+13.0
+stoplight
+densetsu
+uviller
+siachin
+largest-scale
+fraught
+lido
+stielike
+tadjikistan
+zhun
+halloweens
+bourbon
+249.95
+0.013
+stojkov
+eberswalde
+sannyasi
+warshaw
+cayetano
+sogeti
+defter
+long-range
+shakspeare
+37-37
+sun-synchronous
+10.07
+darkhawk
+26.73
+pawlowicz
+enunciating
+qornet
+gribskov
+classmen
+ollerenshaw
+capitated
+waterboard
+propellor
+timepiece
+scrutiny
+vleck
+4.0-billion
+wash.
+tawar
+inmos
+rezulin
+wyvern
+peyrille
+infobox
+asians
+lyall
+marprelate
+flambard
+chenoweth
+macfie
+karakuri
+djb
+shards
+taza
+apsley
+durihana
+synnøve
+limpio
+283.1
+pawcatuck
+simeone
+anthikkad
+carnivorous
+salins
+petreaus
+maket
+rechecking
+scapegoat
+katano
+crime
+nouveaux
+pickman
+lindelöf
+saic
+bristo
+colley
+mvs
+batting_lwalker
+navies
+particularized
+velshi
+ryōgoku
+chakar
+nihilism
+norov
+52kg
+nontax
+serv
+jaú
+ien
+complacence
+vallonia
+44-9
+chengxiang
+latur
+piarsaigh
+pazza
+ussuriysk
+story-arc
+chats
+macphee
+stalls
+sarmayeh
+khadi
+confessore
+necrom
+qwestdex
+9a-10p
+monjeza
+consumerist
+foldy
+servia
+naigambi
+81.38
+chawk
+bargaining
+südoststeiermark
+margiana
+strombolian
+ibi
+ilford
+herbalist
+stebbins
+flamengo
+legnica
+79.0
+aloneness
+expiation
+kirtley
+jor-el
+constipation
+topalovic
+face-lifted
+graffman
+slimane
+nopcsa
+zoologie
+ennoble
+post-roman
+rudner
+diliani
+washtubs
+quedan
+olivadotti
+7.01
+1372
+aimé
+exportador
+habibollah
+nasadv
+clivillés
+riddarholmen
+berdiyev
+museen
+36.30
+carpentras
+1-2
+juicio
+temaru
+ultramontane
+kwo
+beba
+191
+209,000
+kla
+manuka
+scribblings
+rynck
+rajapaksa
+epza
+skimpier
+schotte
+45.63
+dwc
+dorta
+seventh-largest
+lbcc
+cockatoos
+dawkins
+malter
+theses
+quintuplet
+mutaz
+mitsubishi
+336
+dopp
+d.k.p.
+dhahi
+fsm
+reforestation
+phodrang
+navs
+sourani
+modesti
+clangers
+taeyeon
+isel
+dullard
+pre-title
+baburaj
+microcredits
+kwari
+rohn
+chung
+gamkrelidze
+burkhart
+anti-smoking
+widianto
+oun-b
+122,285
+gopinath
+isomers
+multisports
+dinosaur-like
+miniskirt
+rahu
+ceman
+parkers
+ciger
+idna
+prosky
+fulci
+577,000
+absorbs
+rangamati
+macke
+ccds
+wwd
+30.96
+bubel
+slimline
+socalled
+purred
+oxalis
+937,500
+gietrzwałd
+mariott
+proto-languages
+transatlantic
+impolite
+donnedieu
+1,400-square
+kwidzyn
+tübi̇tak
+martyr
+ashbrook
+bankrupting
+herrn
+garcetti
+messman
+ocracoke
+serres
+dooky
+alting
+zinga
+itagaki
+larimore
+parries
+licenciado
+rheostatics
+max-planck-institut
+kagge
+quadriceps
+baomer
+coins
+discrimination
+functionaries
+nonresistance
+kingo
+dognin
+moktada
+narchemashvili
+jingyang
+swing-wing
+hoariest
+fyffes
+sectile
+ldv
+laurel
+mujo
+mij
+balabhadra
+moubarak
+endives
+college-age
+cinemex
+nikolaikirche
+agriculture-based
+chartreuse
+speak
+beijng
+memu
+antwun
+ménez
+innaurato
+hilderbran
+chodecz
+poza
+fastow
+szewczenko
+popup
+wickline
+perpetration
+garvey
+cbs-tv
+37.80
+mikhnevich
+cassavetes
+merope
+rnzn
+ta'ala
+mosch
+laprise
+wibault
+two-seaters
+racers
+gubin
+prologues
+itz
+miniskirts
+rimless
+autoroutes
+khmelnytsky
+milic
+tamim
+a.h.m.
+add-ins
+definition
+underreporting
+anemone
+façades
+eveningwear
+loveseat
+ekerö
+haviland
+hypermart
+ever-popular
+chaffart
+pinchao
+aweil
+hsx
+dormael
+borowy
+587,000
+kipchumba
+bold
+rosin
+kurgans
+baillie-hamilton
+catharines
+sanyal
+untyped
+fluker
+14.7
+bütow
+höyük
+racalto
+prajñāpāramitā
+nati
+dbu
+30-point
+felbrigg
+paranaque
+ulmet
+margriet
+35.45
+cazeneuve
+elbowed
+pequeño
+garnick
+78.10
+kad
+unfermented
+finanziaria
+bruhth
+warrenpoint
+folta
+d'offay
+moolam
+dehr
+performace
+adaline
+vampires
+land-grant
+bäumer
+maarek
+dkny
+phat
+royong
+anarta
+bite
+53.31
+melodist
+nb9
+orangs
+górecki
+hata
+hogge
+jaimal
+zeer
+untie
+footpads
+9-for-13
+o'reilly
+mandinka
+51.61
+ninth-grade
+holsteiners
+savigny
+fakhro
+koay
+guelders
+schreyer
+yong-min
+slaven
+40.17
+mitr
+harassments
+semivowel
+kilowatt
+schoeffler
+shitreet
+genovesi
+rethought
+nonsmokers
+gently
+mahowny
+then-major
+untangling
+zongmi
+195th
+bergmans
+cottoned
+constraints
+jianfei
+seleccion
+compromised
+stationers
+benzes
+striders
+68.86
+ausmus
+176.2
+orthopyroxene
+426th
+85.9
+jarrettsville
+ranke
+oberstar
+bofors
+.661
+herey
+005
+radović
+gastaldello
+schamus
+pre-1975
+mercantilist
+marlinspike
+long-toed
+christofle
+corrosion-resistant
+2010-2019
+thermodynamically
+zahedan
+barakah
+post-1980
+denotations
+sorel-tracy
+malerkotla
+paktia
+yassiri
+hadjuk
+chavez
+transmediale
+mizzenmast
+cellar
+jésus
+soundbox
+heit
+macoun
+67.57
+monarchical
+nakisa
+bullosa
+hiebert
+kiul
+scaloni
+desk
+nine-banded
+delgados
+gura
+hustles
+kummel
+haseen
+shahr-e
+sixel
+kaen
+re-examination
+ashamed
+reproved
+slocum
+wfi
+phasing
+bosley
+midfoot
+eressa
+diesel-engined
+jva
+téa
+ciosu
+53.38
+metabolize
+yiftach
+majuba
+three-wheeled
+1.91
+yamagishi
+örgryte
+srey
+trunked
+cppib
+snooker
+percept
+arrowtown
+261st
+u.s.-swiss
+abortifacient
+bd1
+310-798-0970
+90/the
+brujas
+55-53
+encyclia
+esmat
+banco
+abdur
+diencephalon
+eurypylus
+akkal
+dafna
+shafi'i
+euro207
+jeryl
+51.51
+tragus
+backloaded
+unredeemed
+s/m
+sadr
+esti
+racemase
+seven-week
+rubinkam
+asur
+gatecrash
+current-day
+ramsbury
+makoma
+sideboard
+oakbrook
+mckissick
+martin-baker
+offsite
+vaynerchuk
+cho
+welder
+jassam
+euro482
+misael
+neglectful
+scorcese
+abdujaparov
+clain
+torlesse
+kitka
+dcaa
+rhamnus
+hahd
+(866)
+convoked
+uyuni
+california
+10-july
+datafolha
+c16
+56-3
+lfv
+dirges
+gimel
+grindavík
+elliot
+82-year-old
+gags
+chế
+552
+talli
+pz
+esteli
+8.12
+saïd
+double-wide
+exonerated
+expresses
+gatot
+vers
+44.75
+filtered
+branstad
+pazyryk
+pocheon
+baccalauréat
+executrix
+fostered
+isizulu
+120-seat
+pesantren
+ricchiuto
+wiberg
+kapralos
+recapitalizations
+anuales
+47-percent
+motoren
+58-point
+dipolar
+ramos
+gandhara
+co-signed
+taitz
+retirements
+riyasat
+ḥayyim
+sponson
+illawarra
+ledoyen
+castrillo
+individualized
+11.31
+brittle
+piñata
+vatikai
+ausgleich
+taklamakan
+palauans
+mazi
+nb12
+nevesinje
+sackets
+sherritt
+5-to-3
+grimaldo
+tetrachloroethylene
+seyer
+rootlets
+shivajinagar
+sohu
+sabapathy
+qf3
+six-hour
+1.5925
+www.royal.gov.uk
+aminullah
+iddo
+calis
+riesa
+volunteered
+trattato
+verdin
+lockport
+cabos
+nunnelee
+extraterritorial
+locator
+reseeded
+campidoglio
+pangako
+hubler
+leston
+pećanac
+halldin
+bivouacking
+shostak
+aff
+rearrange
+mituki
+berkery
+orco
+jalawla
+chirpy
+giraldus
+co-evolved
+roslagen
+chappellet
+white-painted
+habiba
+4-plus
+pramon
+10,927
+10-ounce
+budded
+forwardness
+halmi
+trpv1
+balances
+uludere
+cretinous
+esfahan
+kursumlija
+bahraini
+allrovi
+disgraced
+entrances/exits
+gacaca
+maryna
+telcel
+biographies
+wbos
+vishakha
+zuqar
+mihoshi
+mlakar
+brieske
+valeriano
+backplate
+2,586
+cando
+briggs
+górnicza
+a310-200
+1261
+kentwood
+ethnolinguistic
+macleod
+sousa
+downers
+apari
+mondsee
+heisley
+liebowitz
+loranthus
+finks
+shado
+barnabite
+stribley
+diyab
+munguia
+1877-78
+afirman
+zarubin
+sammons
+donelon
+chrissie
+neuwied
+high-wire
+arsenale
+ankita
+duggar
+casearia
+kickapoo
+soukous
+msf
+cégep
+alizée
+fortunio
+taue
+katori
+cyclosporin
+detre
+clinidium
+nicholls
+corns
+borgen
+gresson
+attoub
+kulasekera
+palestinian-israeli
+1-percent
+84.33
+rambaud
+4-year-old
+bandwidth
+burse
+emptiness
+hawai
+'95
+varya
+piara
+6,706
+lightheadedness
+shirttails
+agenda
+reneberg
+haemoproteus
+maynez
+cyberdyne
+counterculture
+moldava
+gressier
+aqm
+1.585
+yuen
+6nb
+enormousness
+soviet-built
+firearm
+44.08
+zada
+ondoy
+regressions
+modular
+horstink
+cotillion
+badelt
+mudra
+cavalli
+laayoune
+makbul
+1976-80
+cantors
+toward
+a_12
+jiu
+mannoia
+monklands
+baseplate
+eutyches
+entitlements
+forestland
+yalta
+zakk
+gidi
+1.5775
+tortoises
+ovitz
+jeollanam-do
+dbas
+gaisang
+pq
+reheats
+79-60
+kallen
+stodder
+kremenets
+run-off
+kps
+npcc
+eli
+asaba
+rears
+laborites
+yalda
+stewards
+fauré
+auxiliadora
+schallenberger
+jay-z
+tus
+up
+gantner
+arjomand
+originators
+denville
+slammers
+gallium
+capdevilla
+manipulator
+58.50
+burtsev
+110.47
+causse
+re-structure
+escolta
+2.81
+gaafar
+fidget
+1,972
+malefic
+xiapi
+http://www.worldbank.org
+yahp
+kapalua
+zelkova
+check-ins
+spikenard
+broodmares
+meriadoc
+38-17
+gunthorpe
+overslept
+lampros
+circles
+overloon
+cleverer
+fansite
+dampens
+delmont
+combinatory
+leanne
+fairouz
+reabsorb
+c-level
+2006b
+winds
+high-volume
+holonomic
+regenerating
+recants
+corcione
+22-14
+anathematized
+kapuściński
+coliseu
+passagers
+megah
+riverclan
+clendon
+fabyan
+pointillist
+kestenbaum
+nishina
+shangai
+batsmen
+218,000
+concentrated
+djed
+bodansky
+ikuo
+108.57
+schefflera
+unloaders
+fafo
+definable
+multani
+shigu
+aconitine
+akodon
+risus
+surveillances
+72-member
+schepen
+bangalter
+105.45
+lakebeds
+hobaugh
+mid-1900s
+dubois
+palsy
+botball
+retargeted
+marinović
+105.88
+3,123
+gart
+kpomakpor
+75.87
+wessler
+turkmenchay
+mcnevan
+munchak
+definite
+chaanine
+2,735
+milks
+galangal
+wright-phillips
+prng
+kuwahara
+espn
+trans-am
+j.c.staff
+stroem
+rynn
+schriften
+a404
+jendayi
+piggly
+adventurously
+thomass
+jvp
+papile
+kesar
+razvan
+valdepenas
+261.2
+rathfriland
+arabia
+hoher
+universitas
+mosgiel
+toom
+37-38
+mcmeekin
+benalmadena
+deutschlands
+nationalization
+hilmi
+iplo
+washingtonian
+thermochemical
+85.00
+instinctively
+segan
+1905
+2,800-seat
+wtvw
+discontinuing
+kozlova
+industry-standard
+sidetracked
+2cv
+nch
+suomalainen
+tinge
+meily
+otaniemi
+pickney
+enfranchisement
+senlis
+goofiest
+31-yard
+aretha
+three-book
+comissioner
+simley
+tagliapietra
+photophores
+2x4
+praziquantel
+caesarean
+tempête
+montauriol
+oversensitive
+chatteris
+in-goal
+buhn
+molesey
+jsaltzman@globe.com
+palmieri
+13:12
+bradford
+neo-renaissance
+precious
+racists
+9a-8
+weedkillers
+satuday
+sub-sections
+ginor
+large-eyed
+kumemura
+chaeruddin
+infall
+ex-prisoners
+36-0
+bikeway
+cocktail
+baranovichi
+perce
+alavi
+codicil
+witsen
+ualbany
+megacles
+6min
+richwoods
+1989-1992
+belda
+merco
+firtash
+tsuu
+in-port
+tett
+.303
+equestrian
+reassurances
+semeka
+7:56
+acromegaly
+belt-fed
+matchless
+1942-45
+1547
+120-man
+leeming
+adsl2
+mcphilemy
+lethally
+blurb
+541
+vocalize
+cattin
+hl/ha
+constant-speed
+transportadora
+vishnuvardhan
+phragmataecia
+laurey
+peristome
+night
+personages
+seriousness
+1960-1965
+friendfinder
+oțelul
+births
+xishui
+petrus
+homeier
+kansan
+orhan
+childishly
+dilation
+re1
+torot
+scherf
+prepositioning
+mehiel
+changling
+drach
+5,265
+bellechasse
+rosmersholm
+sloka
+82-79
+difranza
+chicago
+io9
+hke
+marshalls
+evm
+cotton
+935,000
+wroe
+dac
+handblown
+tanganyika
+17.15
+najja
+alemão
+wavelike
+valdosta
+graet
+mckeough
+margvelashvili
+langhenry
+abidance
+estara
+20,562
+18.29
+md5
+nagarkot
+eurocity
+53-percent
+kardon
+rausch
+pilarz
+lindlaw
+policharki
+tientcheu
+18-team
+naiko
+perrow
+adom
+three-test
+asheton
+68-64
+schuch
+hotte
+kriukov
+talam
+miscarriage
+niksa
+scarifying
+petting
+bummer
+teaff
+bootheel
+nuakhai
+51.22
+delonghi
+mvp
+suppers
+taymyr
+segmenting
+gemology
+svend
+lacques
+basto
+greenglass
+4,125
+cm2
+dauch
+wassit
+folklore
+puntarenas
+hironimus
+methuselah
+inhalable
+malloth
+10.8
+calendaring
+trifurcula
+asena
+ancor
+115.1
+entities
+55-11-3022-2965
+threet
+die-hard
+bsu
+theophil
+lillo
+redesignation
+jynx
+3021
+pathophysiology
+chattering
+kasikorn
+houreld
+thwaites
+talloires
+ruhani
+veld
+kautz
+glosserman
+sampurnanand
+hodges
+laju
+sketchup
+football-related
+jovetic
+59.15
+all-russian
+riposted
+clavatula
+marginalization
+helzberg
+mitarai
+seven-time
+turbogenerators
+tadayoshi
+rindge
+rooba
+korvald
+koyo
+netcong
+melanocytic
+salomo
+talibon
+modarres
+hospitalization
+haacke
+weiguo
+oversimplifications
+jury-rigged
+inokuchi
+antifungals
+hric
+bizenjo
+drunen
+crocea
+likened
+pterygium
+14.14
+g2a
+mutemath
+achike
+nodx
+regiones
+half-tracks
+anti-sikh
+concentus
+hawza
+foxrock
+toia
+bayntun
+borrow
+rm33
+30-34
+melts
+paradigms
+networld
+1506
+outrageously
+deewane
+bundanoon
+wilsey
+computer-based
+kh1
+monogyna
+wheelie
+vanhoudt
+premediated
+unitarians
+izquierda
+deployable
+grosbeak
+typus
+cinto
+dalhousie
+lustron
+tavor
+hardliners
+beccari
+50-day
+implicating
+39-6
+húrin
+budaun
+salaverry
+krrc
+8-for-17
+.407
+dangly
+bycatch
+lynam
+plimer
+tavon
+charentes
+za
+1.5435
+quoque
+mallika
+wii
+2131
+mollin
+sixty-sixth
+d-xylose
+lebert
+silique
+myongji
+hellier
+topuzakov
+woodberry
+pantokrator
+24-day
+hacemos
+119.93
+vizha
+toyokuni
+safrane
+jardín
+13:09
+plekanec
+a149
+millionairess
+nosql
+greenest
+soerabaja
+rcsl
+goofus
+karlowitz
+mckercher
+kind-hearted
+ind
+eddine
+a380-800
+wtkk
+pmsa
+petion
+bolbochán
+gazpromneft
+919
+quadoval
+senning
+bondar
+uninstaller
+akylbek
+agria
+abeokuta
+5.0-litre
+obstacle
+dialled
+boyaner
+zuquilanda
+corozzo
+christou
+burdur
+3aw
+sturmey-archer
+zerzan
+okrand
+qorbani
+kedarnath
+motiur
+surallah
+estella
+garbageman
+manohla
+lobbes
+kadyrbekov
+zeytinburnu
+hulao
+hollonbeck
+eilenberg
+1939-1975
+falise
+then-head
+1977-1978
+402,000
+fungi
+belgacom
+chinnor
+wirajuda
+masculine
+magid
+sperl
+learchus
+naruki
+bantock
+dozer
+2,129
+alerte
+kollie
+hatcliffe
+2-day
+virility
+fyi
+immemorial
+jcu
+amanmuradova
+nayland
+cyberknife
+poinsot
+bardugo
+allibert
+management
+4:12
+linson
+l’art
+locomotive
+berretti
+genocidaires
+standards-based
+knbc
+colucci
+rijksmuseum
+baldhead
+french-canadians
+1071
+236.8
+shippers
+oxenham
+issers
+shias
+jazzes
+burgo
+1.883
+unfilled
+dar
+2,087
+kayanza
+gilgit-baltistan
+saadawi
+dorotheus
+adacte
+trippin
+misrepresentation
+44.50
+kagekatsu
+rsg
+maamouri
+45-month
+chichijima
+diawara
+22.51
+o-level
+harbourside
+madhesh
+rajit
+ngobe
+khanijoh
+colonna
+131.0
+184,500
+aronda
+outbuilding
+35.57
+lichinga
+euphemius
+vituperative
+nollet
+footballing
+craner
+multi-line
+neuger
+industrywide
+scriptx
+kshetra
+chernobyl
+mustique
+vielmann
+sahjhan
+naishtat
+brockmeyer
+bullett
+tabacum
+grasped
+svanidze
+location
+1921
+muriuki
+nbo
+puttanesca
+lodrick
+maluti
+ellisville
+transmile
+gregoras
+kachornprasart
+milijas
+myocarditis
+tattersalls
+seung-jo
+qx4
+caitlin
+glabra
+bgt
+unpaid
+nyngan
+melanocytes
+spu
+5b
+sursock
+askjeeves
+carnegie-mellon
+142-year
+batallion
+ervil
+706,000
+bronck
+nasseri
+lief
+writable
+sunny
+sarpei
+līga
+ballater
+ogontz
+marinduque
+accrediting
+malbecs
+tylertown
+puhl
+overenthusiastic
+softspoken
+perceptual
+lawes
+sugarcoat
+chrispin
+fleetlines
+14-fold
+psyché
+cowled
+mtf
+pilbrow
+sayville
+5-column
+71-year
+bleomycin
+blessitt
+mathematical
+terzigno
+eephus
+rambai
+wnbl
+battery
+57th
+845
+bluestein
+116.07
+adq
+other
+kappa
+2-for-18
+yoandri
+metonic
+coury
+52-mile
+gorings
+carboxy-lyases
+a-chip
+resit
+dongmen
+suquamish
+hadba
+acheron
+16:57
+brustad
+286.6
+one-elevens
+tarkio
+1980-84
+rashawn
+fanzines
+kpatinde
+jingui
+wavefunctions
+igelstrom
+arbogast
+herro
+egotist
+arenicola
+ivarsson
+dayron
+forsbrand
+1:41.11
+elohim
+thahl
+assa
+galaction
+informa
+krauss-maffei
+love-hate
+galab
+reykjavik
+easterlies
+confessin
+proietti
+hazelle
+extranet
+chukchi
+diamond-shaped
+the-dream
+saei
+telangana
+bever
+tannhauser
+velzen
+fro
+columellar
+amsalem
+metrocenter
+richart
+vassiliou
+malpractice
+rien
+klesla
+igawa
+bearnaise
+parametric
+mocanu
+coonrod
+2:08
+andjela
+travel.state.gov
+quistelli
+reya
+principality
+worldcon
+cios
+samwil
+lojze
+saffran
+padva
+munchkins
+majesté
+quann
+14-seat
+premkumar
+299,000
+12/02
+mederos
+topoisomerases
+reverb
+kitabatake
+jitteriness
+montani
+ebb
+west-southwestward
+2,685
+radman
+mtdna
+alleges
+ednita
+daughton
+eru
+right-hand
+petrofina
+izotov
+exacerbates
+prelutsky
+enigk
+feted
+3.37
+abcs
+fifthly
+svb
+dimitrakopoulos
+handballs
+softening
+substance
+heterogeneous
+nationalgalerie
+draves
+disfigurements
+kinakh
+tresor
+123,000
+juon
+kerf
+venaissin
+actos
+alette
+tagawa
+hatikva
+manapouri
+ecca
+ma'am
+91.81
+fitow
+u.s.-chinese
+vandivier
+3:40.08
+http://www.ustr.gov
+buffie
+devşirme
+erinn
+balrogs
+nugan
+anti-ballistic
+švejk
+competence
+bergius
+milt
+fathy
+liljedahl
+cornerbacks
+delft
+unifiers
+wcha
+requiem
+turán
+oken
+190.9
+tadema
+prefiguration
+vosanibola
+münich
+milunovich
+jrtc
+slumdwellers
+re-releasing
+choteau
+vzv
+angelfire
+bahan
+256.9
+doubler
+8-of-14
+332,400
+causality
+nakao
+1,338
+belloso
+glais
+sectional
+chimera
+darkon
+cortlandt
+smasher
+travois
+karbala
+werksman
+sambava
+zalaqi-ye
+monolingual
+multihomer
+tortfeasor
+t-t
+73-75
+dromos
+kaluza
+grider
+anto
+anolis
+fayfi
+kreider
+state_named
+non-exclusive
+panix
+kindness
+kesi
+glamorize
+14:47
+kfi
+wonderworker
+q100
+assyrians
+vectoring
+attainments
+qui-gon
+wnbr
+ratko
+2-8-0s
+dodgin
+openings
+huyen
+buche
+percheron
+qd3
+delcor
+metformin
+cigarillos
+hämsterviel
+ಮ
+borrero
+yablans
+towing
+paraxial
+abpp
+time
+dreamcatcher
+blahoski
+grandmont
+buckfast
+ilh
+sativex
+6360
+second-class
+paulius
+scrapbooking
+relativistically
+wrb
+150-plus
+liébana
+blackduck
+starkie
+aztlan
+boonesborough
+meversley
+mclearn
+pixelation
+tomatillos
+unicare
+reimplementation
+garo
+leathernecks
+hansa-brandenburg
+low-emission
+smaller-scale
+dere
+hoed
+whitehead
+ululating
+acordia
+druggist
+anti-capitalist
+trackball
+quezon
+1,078
+sunnmøre
+q8
+vessey
+aksam
+countable
+calcimine
+robin
+quail-dove
+ciechanów
+hudis
+uwo
+hometown
+rytter
+catling
+sapling
+cully
+sironen
+bluebeat
+comunicación
+taleyarkhan
+torrini
+superstrate
+r38
+punishments
+fuda
+rudaki
+re-trial
+prevert
+2,536
+secuiesc
+oğlu
+countersuing
+.52
+moreta
+joba
+reguengos
+reined
+viscoelastic
+mcusic
+dacourt
+wonthaggi
+picenum
+aacn
+unobstructed
+markkula
+venafro
+marro
+kazushi
+populated
+heals
+biased
+chucks
+louvres
+gories
+dreamlover
+toomevara
+242.9
+reverses
+washroom
+7,960
+flum
+negewo
+acquaint
+election.com
+obtainable
+ubaldo
+splatter
+jäger
+multi-room
+zephyr
+virovitica
+zhongjie
+maravarman
+towable
+sulforaphane
+nevenka
+matthijs
+matsuno
+fuquay
+pauly
+kežmarok
+white-winged
+khakas
+surs
+schulberg
+mewing
+ebury
+sakhan
+manenberg
+hercynian
+fabrics
+bruderhof
+e-mart
+56.23
+caratinga
+collisions
+fixin
+teetotalers
+vaishnavism
+petare
+hattoy
+serei
+semi-mythical
+kalk
+zaru
+enoosaen
+atiu
+cornerman
+anchiornis
+35-9
+bounty
+evoke
+projector
+buttle
+grega
+2.5-acre
+rmr
+aivazovsky
+kanab
+undertake
+zwiers
+lues
+pompously
+persecute
+joaquim
+fate/stay
+bitmapped
+walkthrough
+laughingstock
+cambre
+61.1
+steamiest
+malar
+kalila
+svenonius
+barking
+taubin
+mckellar
+heartlands
+koruny
+rhodium
+professionalise
+minaya
+military.com
+sturmovik
+fischinger
+dips
+wankdorf
+30,300
+runways
+ndiaye
+yaeko
+verae
+dürer
+radiophonic
+carpetbaggers
+4-kilometer
+thorez
+borovic
+doha
+pessimists
+zilei
+107.22
+colonizers
+pachinko
+exarchia
+quispe
+medjugorje
+piaui
+tauron
+zeine
+argenta
+cerise
+caraş-severin
+zaborowski
+1,259
+emulsion
+ក
+sidonius
+89.16
+dinnerware
+kraut
+unforced
+moravce
+stippling
+riha
+prestwich
+maralinga
+evi1
+bloodthirstiness
+32.94
+veri
+beye
+a.r.e.
+4,264
+hepatotoxicity
+arran
+buccinator
+cappadocia
+17.49
+francistown
+apriyantono
+cosc
+tournaire
+përmet
+magnaram
+centaurs
+downplay
+1445
+u.s.-european
+wide-open
+aloisio
+lauda
+yadkin
+89.68
+littlemore
+yekini
+intraparty
+kawabe
+snoozy
+track-side
+thoreson
+heras
+agani
+hyborian
+vul
+soacha
+northfields
+nastassja
+90kg
+isu
+nonofficial
+proops
+brejo
+often-quoted
+metru
+wholesaler
+prix
+selvin
+and-15
+hallein
+sliedrecht
+essinger
+swaggart
+72.29
+anti-defamation
+pinza
+asp
+vpu
+biskupic
+rolltop
+poki
+balanian
+mazzuca
+rscg
+jamoat
+41.62
+soleh
+eversen
+presqu
+rubbers
+miya
+granos
+b'day
+loulou
+paleographer
+valmiki
+minutest
+sellers
+lefter
+shelda
+intercessions
+hamdiya
+jägermeister
+smøla
+plagiarism
+yonan
+guebuza
+wackily
+valya
+tacca
+0227
+guralnik
+jacinda
+bacon
+yoshiya
+amate
+seond
+firsthand
+57-run
+vaubois
+lyonnaise
+rompola
+t-way
+bonaventure
+barsebaeck
+painstakingly
+nordvästra
+119.37
+bovet
+scooters
+frightened
+humbrecht
+denticulate
+h.v.
+onr
+kharwar
+unsatisfactorily
+clete
+arcel
+9.87
+60611
+mon810
+siwu
+clinched
+pimas
+83-member
+1605
+esquel
+brigs
+literates
+28.08
+lochinver
+erinyes
+dedes
+schale
+verdes
+bazarevich
+qahwaji
+sub-regions
+petrić
+100.44
+simplifying
+coniferous
+zamana
+noman
+rnai
+44min
+hitam
+baljeet
+bayside
+jca
+aer
+livewire
+storyboarded
+kingstonian
+7:48
+larossa
+störtebeker
+khomyakov
+kostopoulos
+slipcase
+finalising
+drugi
+co-operates
+scherlinck
+magui
+stabb
+marae
+vitharana
+troxler
+amarok
+zulfi
+farjeon
+baube
+miaka
+gurl
+truex
+tanni
+61.53
+membury
+1894-1895
+prestongrange
+zazai
+791,000
+troparia
+vidyalayas
+alimentos
+donoghue
+savery
+tiaret
+kpdx
+folkies
+chariman
+ole
+tamiris
+campero
+460s
+1:06
+mcnally
+i-beam
+fredrika
+steingut
+złoczew
+bagaric
+vaikunta
+slussen
+bankia
+caprica
+balada
+arria
+3:53
+avarohana
+chimay
+18.96
+ahc
+fricka
+frontages
+pizzarelli
+stint
+kanya
+mohammadou
+groupware
+lvovich
+d-md
+thapsus
+then-us
+bircher
+kvi
+etienne
+mccaskey
+iksanov
+guðmundsson
+geres
+1,300-foot
+delacy
+sang
+hellberg
+maddigan
+schmoozing
+self-destruction
+franchino
+badis
+dering
+killearn
+ttl
+fusca
+averaged
+berchmans
+hazes
+poggibonsi
+harner
+niccolò
+goteborgs
+nitrogeno
+birgeneau
+indicates
+alcazaba
+đàn
+hilfiger
+pagad
+waterlooville
+kaaa
+dilwale
+kadriu
+ezana
+shivling
+tonis
+similkameen
+folding
+softie
+doggystyle
+wrong-way
+batallas
+isufi
+4,294
+krayzie
+jiddah
+k586-1
+longchamp
+holarctic
+budenz
+scerbatihs
+anadyr
+klapisch
+deuxième
+vechta
+dugout
+lenne
+entombing
+364.5
+duelists
+exertional
+kinloch
+ahmed
+curbelo
+notata
+contortions
+workmanship
+toyobo
+54-10
+siripala
+serpentis
+flak
+klitschkos
+sabarkantha
+sebestyen
+cowes
+tax
+negrón
+liêu
+altidore
+notch
+arnot
+single-gender
+meskini
+hoffberger
+gravell
+economatica
+garbrecht
+moyet
+munthit
+krasovsky
+jarzembowski
+cleanses
+chã
+girona
+ufauthor
+birlik
+componentry
+nobleman
+busiek
+kiat
+pashtun
+brassens
+maypole
+strongs
+zaghlul
+microhyla
+bahuguna
+unrefueled
+vally
+fram
+udhr
+kenyang
+rumsey
+whitelocke
+csir
+enoch
+batur
+clw
+seaspray
+wahad
+human-caused
+oïl
+dimity
+drunks
+71.47
+3,454
+centrifuges
+simitsek
+ayton
+swz
+hogs
+gumboots
+campanian
+breeders
+acheloos
+stiches
+3,039
+untried
+tainui
+yek
+radisic
+suppressive
+pearn
+awaad
+sibotshiwe
+dubinin
+lalor
+b.z.
+brownshirts
+2,500-year
+shahapur
+lvn
+erv
+ecotourism
+winklejohn
+savinio
+theodo
+metu
+eight-inch
+quisumbing
+ruvo
+irretrievable
+chadha
+boura
+destablise
+anti-arab
+1742
+mass-production
+sussex
+hipwell
+sapang
+virata
+cataclysms
+scaloppine
+aperto
+topkin
+dead
+38.18
+59-0
+handprints
+kix
+felgengauer
+4,161
+usmani
+wakanoho
+ramazanzadeh
+suits
+zhenya
+goeken
+mures
+interrelation
+44-207
+cori
+nics
+swineflu
+moins
+pbdailynews.com
+armin
+nabs
+119.8
+dangor
+235-pound
+screamed
+nad
+glass-ceramic
+hechter
+streaking
+shirks
+aspull
+naeh
+keba
+hirzebruch
+eakle
+grinko
+447,000
+kratts
+inositol
+turchynov
+kirit
+petrosian
+badia
+impaired
+50.67
+bahng
+telegraphist
+rotar
+xero
+firearms
+majerten
+paris-sorbonne
+potter
+onterrio
+2-45
+zhay
+encumbrance
+boğaziçi
+bharadwaja
+jaranwala
+taddy
+trewhitt
+.74
+perryton
+separatist
+driscoll
+u.s.-south
+one-liners
+camil
+hualālai
+19.66
+anjelica
+bomar
+fact-based
+xingzhi
+alibozek
+kleinian
+leinster
+pilgrim
+15-man
+isasmelt
+dellagatta
+tophet
+ivanovna
+falcone
+manara
+chaldean
+gladiolus
+filiaggi
+llew
+buttonville
+gutawa
+zombies
+43.24
+shiloah
+fresh-faced
+heers
+barricading
+inmet
+larrey
+tyoo
+beylerbeyi
+parents[at]coxnews.com
+unfreeze
+stinting
+1982-1985
+tram
+basora
+bonett
+flemington
+thonet
+hide-out
+18.79
+napaljarri
+koltsovo
+83.40
+polarise
+mexes
+aquacade
+abigail
+nawi
+lieutenant-colonel
+minimalist
+mercutio
+sighetu
+clupea
+prostitutes
+118.1
+competency
+sherrin
+dbc
+52-0
+alshehhi
+schaad
+kirbyjon
+luizao
+coover
+madley
+kiggen
+cheesy
+ciclosporin
+9-10
+onderstepoort
+900-kilometer
+patara
+lamennais
+diabo
+skratch
+safavid
+soliciting
+leelee
+ethnologists
+beaver
+scalo
+enami
+satyrus
+thackwell
+ibanda
+tpn5
+serenje
+productions
+evald
+counterfeiting
+monterrubio
+chlamydia
+nickname
+6.94
+megapolis
+gholas
+quong
+finally
+nauseatingly
+buynaksk
+4,411
+bulatović
+suisses
+greyhounds
+yelstin
+badami
+laylan
+3:24
+m75
+124.46
+feroz
+words
+avenel
+kissan
+kstp
+o'charley
+suaram
+groundnut
+cerp
+doxycycline
+brugger
+kublai
+undertaking
+jüterbog
+lawnmowers
+adulatory
+110-108
+mesdaq
+bekar
+l'escargot
+underinvested
+chiara
+villasor
+sketchiest
+stemmer
+akad
+sequence
+fota
+hh-60g
+cempella
+deadlier
+tutorial
+pereira
+humberto
+moel
+kauhajoki
+helwig
+cranswick
+2.89
+kakutani
+desutter
+andrist
+t9
+oberdorf
+sidestream
+r.
+surveying
+riccarton
+salah
+shajaiyeh
+takayama
+pralaya
+unpackaged
+dawud
+sissies
+krita
+14.56
+gaber
+dalmau
+rhp
+oversleeping
+tcni
+waking
+sniffers
+totus
+carissa
+goal_toronto
+dite
+cardinalidae
+mainstage
+takhta
+goldfaden
+boonrawd
+1,388
+sanborns
+seker
+tiziano
+koffka
+unwto
+pds
+throckmorton
+noises
+melchiorre
+uthayakumar
+boonyaratkalin
+tricycle
+chapman.htm
+loughinsholin
+srimati
+ghaffar
+glr
+markowitz
+plaistow
+subletting
+vestine
+backless
+rydell
+crosswords
+tobriner
+somini
+durante
+state-level
+glynneath
+pashto
+akshar
+vosta
+shambles
+anansi
+amoss
+462,500
+garnsey
+ammash
+coolant
+schaffter
+sumo
+yumashev
+kurowsky
+wpec
+aase
+súper
+5/5
+minutus
+daras
+wildebeests
+abridge
+greek-born
+sts-116
+dappled
+18.37
+60.03
+rodríguez-lópez
+234.2
+696
+nicaragua
+sleepytime
+tolliver
+smales
+womanizer
+sequatchie
+matolcsy
+ramified
+djursholm
+kaktovik
+vegas
+gunton
+hirado
+45.09
+nunneries
+gean
+26-18
+trihatmodjo
+allmusic
+caglar
+tarrah
+zgoda
+prime-time
+volitional
+killgore
+suvi
+hindostan
+pygmy
+tier-one
+atlit
+eastin
+dani
+dalí
+cappuccinos
+daijiro
+euro5
+hunniford
+bibleman
+hanifah
+sutherlin
+avens
+kazakova
+ruler
+piling
+56-55
+37,800
+bayham
+0-for-16
+u.n.-based
+suling
+marsch
+boukar
+corriere
+microeconomics
+katlin
+tynagh
+2t
+60.25
+radiolabeled
+pakrac
+baranski
+two-storied
+3,272
+peilin
+biodiverse
+helcom
+duplicating
+formfitting
+imrali
+parkdale
+bomblet
+implausibilities
+b-24
+vukan
+labarta
+pinon
+47-foot
+khed
+three-course
+lebak
+32-man
+caldron
+19.13
+jiangxi
+116.49
+third-tallest
+nely
+asociation
+raisin
+ngin
+ballymoney
+70.05
+nylander
+abi
+ciubuc
+generales
+pazik
+techstars
+formula_146
+kiprich
+al-saffar
+bjoerling
+mannings
+edificios
+mooted
+popów
+weightlegit
+truck-based
+diorio
+173.9
+methamphetamines
+frostier
+heyday
+alita
+edinburg
+encuentro
+rosmarin
+shashthi
+victima
+advancer
+asian-americans
+djite
+soulard
+brf
+merauke
+surround-sound
+confederação
+trichinosis
+ashta
+riksbanken
+ninhursag
+paleis
+kyser
+farahi
+-3.4
+quaaludes
+icasualties.org
+seventh-inning
+20,417
+110-volt
+contesters
+myrmecia
+chaubey
+22.97
+lópez
+schwegmann
+nusbaum
+krga
+4,445
+krazy
+catv
+velbert
+undoing
+mukoko
+convenes
+spalling
+fáilte
+179.4
+vega@globe.com
+comets
+caudill
+mercally
+1,865
+paillettes
+cerasus
+hissy
+andriamasinavalona
+fhockey
+plett
+ichirō
+radeon
+zyuganov
+postclassical
+unpos
+tallaght
+p12
+suler
+g5
+polsce
+sandis
+feagin
+pinch
+unviable
+fx45
+disciplinary
+bihu
+sadanand
+nonstop
+mcleese
+mumba
+vienen
+verbandsliga
+intramurals
+destocking
+montrouge
+gilderoy
+7,875
+guiding
+eeklo
+enns
+schemata
+cachan
+1983-1993
+20,500
+wadowice
+kryvorizhstal
+frayer
+jousse
+kudirka
+kirch
+litoral
+voelker
+tomblin
+playes
+chaume
+rilian
+fandom
+manugistics
+coyer
+macerich
+mesabi
+chirasevenupraphand
+unsterilized
+zidane
+bálint
+uncompromisingly
+runny
+theresienstadt
+29.62
+ng4
+gargling
+shiying
+gnustep
+third-fastest
+74.88
+erdemovic
+squawk
+varnum
+saidat
+3,897
+lazete
+kahlua
+vexillological
+rywin
+14.69
+assessing
+dryfoos
+mukhlas
+550-mile
+trevathan
+università
+75.3
+controllability
+moskal
+estatal
+kildrummy
+farzaneh
+5089
+kest
+patan
+thanh
+stack-based
+748,000
+patrician
+fdd
+quiej
+faldo
+oneglia
+147.9
+eternia
+donkeys
+stipules
+photoperiod
+pinetum
+snuggling
+strauch
+yaphet
+63-34
+co.
+locksmithing
+trollope
+suborbital
+bracke
+download.com
+deerwood
+sylvaticum
+dello
+knoch
+futhark
+hunnic
+multirotor
+sarcelles
+hakham
+chenevert
+bortin
+ranked
+pimsleur
+solarian
+candoli
+hkp
+v.e.
+escoffery
+ais
+canadiana
+bowdens
+klingvall
+nind
+lidington
+preconceptions
+chagonda
+recast
+në
+louder
+141.00
+hawali
+108.24
+hessler
+csrt
+budworth
+herskovits
+brodt
+exd5
+waltraud
+tydeus
+brownstones
+nambla
+øvrebø
+prowse
+kd94
+samal
+heretical
+excruciatingly
+talmuds
+dorothea
+thermoforming
+smiddy
+kupelo
+pop-ups
+ustorf
+14.57
+razi
+53.11
+34.27
+guilds
+plus/4
+nasp
+bidouane
+fortunei
+wibaux
+14-21
+bothers
+serai
+keosauqua
+coupet
+nosrat
+poor-quality
+geon
+zaven
+corigliano
+freinademetz
+traversal
+practises
+rapa
+balangir
+primeiro
+littoria
+mellinger
+mangat
+tapirs
+howley
+papy
+jommelli
+1,602
+uncoiling
+circumlocution
+1-and-0
+ecs
+milen
+20-kilometer
+direct
+netminder
+skillicorn
+matsuko
+blurton
+roquefort
+leeser
+solrun
+mikolajczyk
+87-minute
+handbill
+polygonaceae
+ise
+glowacki
+michalek
+deselected
+readier
+coxe
+offers
+arzalluz
+su-30
+delisha
+kroeber
+90.07
+arinc
+rjb
+(808)
+conducts
+vidro
+scope
+wordsmiths
+59.36
+pro-union
+safet
+noooo
+quibbles
+itazuke
+centered
+jntu
+durchholz
+kitta
+müllenbach
+mont-tonnerre
+donley
+hawick
+colorized
+dierker
+kęstutis
+wateraid
+maresfield
+51.56
+vgf
+2,756
+darnell
+scherzinger
+toonerville
+izzo
+centurylong
+michurin
+mulegé
+helf
+one-state
+ramkissoon
+ecclesiastici
+rosharon
+castries
+nhl_suspended
+rochelle
+4-roque
+lenape
+krovatin
+carrollwood
+corsham
+nwpc
+lenihan
+nagara
+zhizhi
+1928-1929
+ritman
+lieserl
+satta
+cellular
+reports
+econometrics
+antiqua
+colosseum
+eton
+relix
+proscriptions
+dustov
+downshire
+fpp
+decorous
+bryna
+pingat
+piau
+štefan
+spodoptera
+cobresal
+go-on
+jdi
+aspandiyarova
+dentals
+hardwood
+nishizaki
+défi
+tucows
+forni
+santofimio
+pelletier
+emlen
+vinous
+km/h
+spiral-shaped
+brunelle
+eeas
+relight
+marleau
+senses
+dragaš
+1929
+pinecones
+243.5
+biaggi
+now-discontinued
+mungin
+archdeacon
+efrem
+jaffari
+emigh
+strada
+ncrc
+ziad
+audace
+schlocky
+vicuna
+s/s
+naraidi
+mpn
+1,216
+zotto
+kazel
+2,400-square
+rearranges
+czarnikow
+giovinco
+ckvu
+kohail
+uc-berkeley
+time-frequency
+disarcina
+cankers
+lonski
+macleans
+morgenbladet
+wyndham
+attines
+l'elisir
+48.59
+kinloss
+1.465
+shamaa
+bellbird
+duang
+arrival
+chiddy
+zentraedi
+f-16cs
+chehel
+carcasses
+brecknockshire
+2-liter
+gilardi
+chron
+þjazi
+elrington
+surguja
+honoring
+broomball
+rosental
+zadar
+rvs
+makassar
+vacances
+uchiha
+crispen
+bangladesh
+hosed
+degeneres
+cascella
+22.17
+sokobanja
+utair
+poofs
+manzur
+milovanovic
+sprunt
+williamsii
+ableman
+lunalilo
+vrv
+tuffs
+150.5
+gurry
+transformed
+modulate
+banting
+blinov
+29.63
+p.w.
+myoung
+cgip
+eurhythmics
+36.5
+0628
+ballcaps
+diamorphine
+7.4-billion
+diasporan
+streetly
+fm4
+dzrh
+biegun
+euro419
+miniguns
+www.nytimes.com
+big-city
+got
+hannah
+fifi
+6:54
+jeollabuk-do
+mccusker
+vũ
+becki
+sopi
+malaba
+quistgaard
+served
+minner
+378,000
+2,694
+indiantown
+rajpath
+røa
+omnitrans
+ospel
+unpegged
+61.98
+gridley
+solidifies
+trax
+abeng
+eichstätt
+syahrir
+paternoster
+bhote
+yalie
+tabuse
+ungar
+7-20
+vom
+luttig
+dehler
+euk
+baidoa
+meat-packing
+pasos
+jingquan
+affixing
+quakers
+quiet
+steffan
+3-phase
+rejiggered
+answer
+franzén
+xueying
+habier
+luminaire
+bafata
+colab
+18,000-point
+jabal
+128-seat
+seddik
+despairs
+cinahl
+connexion
+affirmations
+acids
+1.209
+centrists
+sakuntala
+garish
+intesa
+71.21
+perla
+amarc
+buckles
+charger
+bundist
+prerevolutionary
+tabara
+coulter
+slighly
+mc4
+vulgata
+pulleys
+d'armes
+veo
+hanifen
+gentlemanly
+recientemente
+mindscape
+quatrains
+shonekan
+munition
+casio
+hadsund
+limpsfield
+kingfield
+mythili
+colwich
+3125
+brevetted
+paleoanthropology
+itahari
+aída
+huellas
+adurogboye
+rso
+masterstroke
+lesser-known
+amare
+zygon
+quow
+zervas
+fajitas
+tractatus
+sapporo
+aw
+vanport
+108.40
+logically
+135-mile
+5.216
+mainlands
+fefferman
+crossties
+đinđić
+55.64
+kimrin
+ulnaris
+castlehill
+1,364
+bassist
+frontinus
+unintuitive
+saldate
+11-22
+15.69
+craighead
+petone
+tanning
+pandu
+commissioning
+1993-2001
+fealty
+mirnas
+ritchie
+infraclass
+zeul
+faking
+clodoaldo
+sorrowing
+antiquarians
+saddening
+kusunoki
+mpdc
+randa
+alavés
+iamgold
+48.13
+plugins
+tokugawa
+bureaucrats
+chawang
+isoko
+decidable
+mariño
+cyclopes
+latus
+150,000,000
+drs.
+premolars
+shamanism
+roused
+movieline
+binsfeld
+biala
+goldovsky
+mustaffa
+lanzman
+1,175
+donnels
+slithers
+ecc
+66-year
+66.83
+85-79
+seweryn
+saltney
+rimpac
+deaker
+ziegelman
+brindley
+miquel
+encrypt
+carothers
+half-ton
+rulebooks
+surmount
+880,000
+generic
+kago
+94.53
+milicia
+1,250
+lib
+scorched
+sdlc
+s90
+felina
+grid
+outtakes
+widmaier
+bashkortostan
+chandrabose
+chaar
+siye
+sakiz
+consortium
+bognar
+wield
+miyazawa
+marionettes
+psionic
+borai
+neo-geo
+shueibi
+hinshaw
+dermer
+iyad
+dystopias
+gulfs
+hauk
+----------------------------------------------------
+kamber
+post-soviet
+origine
+flavorful
+ipanema
+rusnok
+heneghan
+yusufeli
+fahmawi
+chimpanzees
+queenston
+now-former
+25-point
+jednorożec
+lesnie
+pasque
+times-1stld
+wheelset
+transliterated
+massamba
+jičín
+27.90
+p-l
+fincen
+micaa
+3,500-member
+cuper
+katana
+batting_bonds
+carretero
+30.5
+106.57
+wullie
+pring
+copulated
+anastassios
+revote
+lauterbrunnen
+impinging
+hosur
+80-72
+botija
+marcou
+dejean
+descartes
+rendimiento
+anim
+dabbler
+open-space
+practically
+igarashi
+certificate
+bakas
+interbellum
+olay
+leik
+wytv
+relax
+séverine
+willigis
+luhaibi
+reconstitution
+audits
+kaet
+rajan
+harrynytimes
+oldman
+duckman
+tailwinds
+priora
+compagnia
+black-chinned
+47.15
+zayek
+metairie
+shoo
+kirkyard
+reconciled
+emplacements
+stormfront
+mcgaha
+un-men
+medich
+issan
+esta
+segerstrom
+double-bill
+deplaned
+usee
+virginie
+narn
+stortoni
+gulu
+rhode
+niederdorf
+rousseau
+jetlag
+l-dopa
+gsdp
+o’sullivan
+jacen
+soulshock
+harajuku
+2,429
+4.975
+20.57
+konheim
+transitioning
+fitter
+schwitzer
+2,504
+jovovic
+reassumed
+paulician
+chepauk
+airframe
+rivelle
+sr
+holtkamp
+luellen
+scienze
+slates
+bielsko-biała
+redemptions
+rapamycin
+excelsior
+kawy
+jeff
+hunt
+reducible
+pierre-louis
+amarante
+yangmei
+chowta
+kije
+trampling
+25.8
+baskin-robbins
+byrns
+bireh
+pemaquid
+burgundian
+cotham
+byrdsong
+tontozona
+templar
+livi
+rahkamo
+stambolić
+undergraduates
+all-filipino
+hatsumomo
+picky
+hardboard
+penicillium
+benamou
+nilo-saharan
+liangjiang
+souzay
+attfield
+bourrée
+kunzel
+soboleva
+chopstick
+demarchelier
+savoldi
+arafeh
+265.3
+makoni
+perecent
+formality
+animal-related
+ctrs
+2,700-mile
+engebretsen
+haitong
+punya
+software.com
+nbmxa
+arukh
+sloga
+saive
+mwenga
+u-13
+newburn
+vedantam
+kywe
+discovery
+canizaro
+j2000
+timely
+wiklund
+asira
+44.76
+hillcoat
+demint
+mbx
+cbet
+athleticism
+révolutionnaire
+papillon
+harrassing
+returners
+nittany
+hydrofoil
+nnewi
+skara
+decompressed
+sangue
+crests
+3,264
+39,250
+shinkai
+310-996-0075
+pangestu
+whirl
+heydarabad
+gmeiner
+kamo
+glaspie
+knacker
+(702)
+pobiedziska
+sciullo
+pythons
+landel
+6am
+curation
+mckeague
+rosneft
+bajans
+8,375
+cranganore
+11.17
+enteric
+pflag
+bulbus
+admirals
+tabloid-style
+bendall
+23.92
+8,270
+motorcade
+inconveniently
+maturely
+20:45
+jinjur
+jirong
+indle
+tentativeness
+ailton
+carrasquilla
+spirou
+damian
+wuzi
+embezzlement
+tuvieron
+sacombank
+inserting
+egregiously
+2009/10
+speirs
+trino
+runningen
+billeting
+ancell
+darroch
+tractarians
+airbases
+nayar
+cpjp
+one-year
+189
+2825
+charting
+marusan
+bandsman
+mcmorris
+devanter
+loricariids
+lebovidge
+phidias
+tristimulus
+333d
+tq
+non-metallic
+outdoor
+kyat
+bt500
+sterlitamak
+intubation
+centerfolds
+jeypore
+crazysexycool
+kappes
+ngk
+puttur
+3:31
+percentiles
+wauchula
+iwatsu
+kamu
+chiyah
+70.77
+goux
+gilli
+punia
+carías
+spithead
+goodwillie
+agris
+37.02
+regna
+bagheera
+agropecuaria
+dickmann
+annes
+muine
+cracked.com
+ganta
+xeriscape
+larrocha
+2,649
+perihan
+peterborough
+luteinizing
+musō
+szentes
+hoan
+popejoy
+j.y.
+pariya
+autistic
+vogues
+college-based
+625,000
+panza
+anti-hindi
+palestininian
+pashtoon
+naviglio
+rnase
+valentijn
+perriman
+protester
+radcliffe-brown
+brille
+fliakos
+suave
+diego
+.193
+supressed
+sosabowski
+prstojevic
+copland
+quirinale
+hair-like
+denisot
+mutasim
+xliii
+nirina
+41st
+foppert
+dunkelman
+15-ounce
+markgraaff
+riyadi
+olavi
+massospondylus
+demolishor
+17000
+1,851
+huddersfield
+canada-based
+scooper
+roadways
+phong
+rouse
+searcy
+branchless
+hok
+kedar
+eumelanin
+vizille
+1,878
+2,533
+oroqen
+norstad
+harbinger
+turnings
+ljutomer
+wikus
+khokhlov
+kingsburg
+56.32
+idefense
+221.4
+boldon
+ayla
+unfit
+crumbley
+objective
+shipton
+menichetti
+penobscot
+okrika
+huixian
+pasto
+anarcho-communist
+lóegaire
+deeksha
+badini
+sternest
+pasztor
+pontis
+huffman
+’60s
+'13
+seething
+macapaar
+doulas
+phronesis
+pinghu
+machineries
+friedland
+shinma
+datacraft
+lycanthrope
+katamari
+pilibhit
+wherwell
+ericsson
+self-respect
+120.25
+leopoldine
+azrak
+macaranga
+marijnissen
+ilic
+létourneau
+under-18
+63.67
+mayrleb
+fleisch
+ijsselmeervogels
+arconada
+jealousies
+gavrilov
+5,330
+tecce
+cresskill
+1.168
+genter
+part-timers
+duquette
+crumley
+mývatn
+sidgwick
+witchel
+poppet
+kuku
+müllerian
+jämsä
+8,235.81
+khomenei
+limthongkul
+lugou
+renewing
+nyamoya
+lavas
+34
+ornipholidotos
+euro14
+bucureşti
+sub-prefectures
+virgatum
+sportwagen
+reverentially
+tripiṭaka
+occurs
+sacrificios
+arithmetical
+giada
+2,098
+peyrefitte
+improper
+gotthilf
+66.07
+noose
+fitzjames
+moyamba
+gruzdev
+87.10
+wooter
+211.5
+chalabi
+noomi
+abridges
+radiocontrast
+saghar
+misrepresentations
+peev
+arrakis
+545-seat
+onganía
+11-car
+goldfields-esperance
+breaths
+vaishyas
+abedini
+passers
+sirin
+mazenod
+zaječar
+hurried
+samara
+ikeya
+resurrectionists
+maindy
+ipscs
+krenzel
+rundfunk
+merab
+trysting
+troast
+67.49
+3d
+split
+mrdja
+fortitudo
+33.42
+50-12
+pignatelli
+korsak
+snobbishness
+ranny
+bilingual
+sohu.com
+timeframe
+nazi-occupied
+cross-section
+virginio
+latrines
+tassels
+29.36
+moscone
+weijia
+camerer
+yori-kiri
+aldershot
+store-bought
+bunkie
+irfu
+zani
+generalov
+jetpack
+turbinado
+13-match
+ezhimala
+khorenatsi
+youthaids
+202-887-8320
+fastfood
+kusumaatmadja
+3,371
+pro-palestinian
+predator
+stites
+microcap
+anglo-jewish
+ayaz
+schrankia
+unfurled
+supercomputer
+yalcinkaya
+fira
+schurig
+entranced
+bobrowo
+attlee
+karpaty
+jog
+unpenalized
+vsz
+kenichiro
+aabel
+montuno
+pinzon
+jelks
+ticinese
+252.1
+boyle
+bareilles
+31-member
+sinsinawa
+mow
+berthon
+freestanding
+82.00
+bohrium
+mbaya
+cliff
+72-seat
+200-250
+sinkler
+evaine
+talei
+immunoassay
+travanti
+devil-may-care
+vannevar
+out-of-focus
+doñana
+sharing
+assayer
+siguiri
+bolivia
+bodoe
+vlr
+succor
+wonton
+colostomy
+metromda
+puisaye
+remaja
+45.0
+skimps
+dichterliebe
+laracuente
+mbarak
+telefonia
+universita
+graters
+marlise
+mceneny
+al-durrah
+plattner
+nonviolent
+evidentiality
+gordonvale
+2000-2009
+hearth
+piipari
+leutkirch
+suleyman
+busson
+dorohoi
+nyt10
+64-man
+117-110
+thirstier
+dissipated
+lcc
+1.5-mile
+irro
+arching
+jordanians
+microbursts
+raška
+32-percent
+collocated
+overspeed
+filip
+bingöl
+18-pica
+icosahedra
+burdened
+bezic
+obst
+4.08
+qorban
+allens
+retzius
+rc8
+taper
+20-9
+shakhty
+kiro-tv
+backround
+up-regulation
+merkulova
+upshift
+entwhistle
+'04
+higaki
+sceptics
+101.88
+77-percent
+leonarda
+sawt
+subait
+kokkola
+pinker
+paroled
+downtime
+joie
+cawnpore
+multics
+bhealy@globe.com
+seniorate
+middlemen
+weeknights
+ferrigno
+limey
+1.2-billion
+usedom
+extracurricular
+119.0
+numismatic
+izmailovo
+eyelets
+graece
+medicinal
+lieder
+lyra
+non-division
+picolinate
+prejudgment
+tarnation
+teleology
+khunying
+gumaa
+breuker
+eclectus
+matvichuk
+shamakhi
+ngoga
+330-metre
+punctuations
+anubis
+masoretic
+behnam
+ryley
+88.49
+foodsfchronicle.com
+regenerated
+duffle
+persi
+monteagle
+nurd
+elina
+pidemco
+chiemgau
+borracho
+hillis
+esencia
+tournay
+carmazzi
+nagarjuna
+euroregion
+rtp1
+mccaul
+transdanubian
+4.24
+calenberg
+defected
+horribilis
+soring
+angel
+ssga
+changezi
+fortenberry
+knysna
+interphalangeal
+603
+millhauser
+perhentian
+technophobe
+rearview
+shunji
+432d
+locoscript
+complements
+malandrino
+waln
+akhmat
+tumbuka
+q'eqchi
+visitor
+cumplir
+capulet
+8:30
+grayson
+7,210
+graboff
+pendulum
+pielach
+under-11
+markedly
+temerloh
+puttar
+anik
+ollamh
+azam
+vung
+souhail
+exulted
+ta'er
+precociously
+sosso
+transmedia
+allayed
+transmissibility
+funicular
+syndic
+eprint
+23-under
+bedbugs
+goldsman
+98-pound
+trischitta
+.919
+riggin
+mathai
+district-free
+melusine
+mtv
+2-0-4-0
+hokejová
+cibc
+kiekhaefer
+gracian
+210
+fenix
+seimei
+pehle
+44-year-old
+aegeus
+dermestidae
+teletraan
+promotrice
+yfm
+gurongi
+needless
+loosened
+fourth-rate
+limeño
+alhafith
+ravalli
+xc60
+thurstan
+wefald
+reinterred
+grazers
+58.96
+instore
+vmro
+grove
+de-emphasize
+staight
+sprouse
+193-nation
+shepherdesses
+69-13
+eyüp
+fokina
+borzov
+microvilli
+abbado
+kupperberg
+v.v.s
+91,000
+jobcentre
+l-1
+londono
+purebreds
+okan
+callionymus
+chamanzaminli
+thornley
+ivinghoe
+semitropical
+cultural-historical
+do'urden
+wraiths
+2,573
+atz
+horseflies
+makavejev
+southlake
+acknowledging
+commander
+mappers
+at-grade
+tamada
+guardia
+nippert
+haddin
+polymerases
+greathead
+wirksworth
+284.5
+trona
+disproportionate
+lance-corporal
+rossio
+inver
+recapitalizing
+ostreni
+mcdarrah
+albertoni
+parkyn
+madkin
+misreported
+seeman
+gilady
+frerichs
+folic
+cult-like
+juxtaposition
+harriot
+40-game
+extracts
+4-byte
+sipped
+x-3
+plica
+daytonas
+huggel
+kejuan
+sindh
+værnes
+irct
+22.48
+menand
+tonic-clonic
+40-20
+3,073
+wtsi
+ky.
+gerrymandering
+shaddad
+chioma
+petherick
+bokken
+watergate
+prestamos
+manoj
+tanzi
+proteinases
+6,080
+kinetics
+cupro-nickel
+screamin
+opfor
+xiaoyan
+maymi
+cliath
+masotta
+canim
+winna
+tintoretto
+falletta
+beefcake
+edward
+eight-player
+halving
+mangle
+đặng
+karts
+serrin
+suku
+suz
+dissolve
+averescu
+magetan
+linta
+well-tempered
+buap
+ethnicities
+u2s
+third-ranked
+christophersen
+109.44
+korg
+eccs
+householders
+rajidae
+galah
+9.375
+141.3
+gamer
+forking
+minitour
+kqv
+21-28
+oatis
+sublett
+hardoi
+ebrahimi
+bandmember
+lebrón
+sumann
+oesophageal
+sarcomeres
+pomfret
+sabotaged
+navjot
+moula
+lillith
+remorseful
+biotecnologia
+und
+lonka
+paulownia
+piemont
+sunndal
+ekman
+omon
+applecart
+brashly
+bellway
+polytechnical
+saik
+picker
+62-percent
+rignall
+doyev
+reems
+wroxham
+mayu
+melendez
+g1
+probings
+549,000
+burgermeister
+niece
+146th
+uraba
+f.i.m.
+cambier
+rammohan
+sagittaria
+coryell
+necked
+repossessions
+maithil
+kazuyuki
+assistantships
+venetoulis
+fußball
+demara
+nahoko
+governmentality
+hasantha
+borovac
+boroland
+94120
+doutriaux
+cadenalco
+13.55
+chebbi
+jokanovic
+dariel
+coauthors
+royds
+shoreham-by-sea
+7,5
+mcfly
+samaniego
+bhimbher
+tentlike
+euro440
+epistles
+23-oct
+incaviglia
+divizia
+śakra
+60,000,000
+hundun
+cherchesov
+yeary
+burmese
+pencils
+ruffled
+end-2009
+wnye
+magnotta
+amerks
+hausdorff
+225-mile
+warplane
+,920
+gavranovic
+merus
+mirroring
+yingchao
+chloral
+climie
+trasimeno
+bodeen
+disciplines
+andouille
+maintenon
+ochi
+rotherham
+barbless
+12.32
+cozaar
+trw
+panzerdivision
+lucianne
+schweiger
+douglas-fir
+eftpos
+unpublicised
+tolombeh-ye
+36.55
+khasbulatov
+winterberry
+devastator
+requested
+mycotoxin
+layson
+ocwen
+south-eastwards
+belah
+mahari
+almontaser
+oleinik
+terrorizing
+bornova
+hopa
+marianne
+concatenated
+sohel
+karnisovas
+fukui
+solidified
+propontis
+902
+oseberg
+2-andre
+afscme
+houvenaghel
+teleswitch
+hoerner
+burrard
+high-fashion
+10.83
+nle
+histocompatibility
+sentinel
+high-potential
+roun
+unfavourable
+tpn2
+marsilius
+lampson
+french-style
+nilofar
+below
+muleta
+.562
+gelineau
+arthashastra
+then-general
+uchitelle
+body-centered
+romaric
+occurence
+scrimgeour
+yuvaraja
+zhuo
+sana
+cigar-shaped
+goku
+öpik
+glucuronic
+euboean
+arioch
+birkenstocks
+ojos
+dhanusha
+wén
+non-existent
+comerio
+telic
+jerudong
+roney
+5,000-strong
+nong
+yoshizawa
+secessions
+oromos
+analytica
+cornel
+kanno
+marvelously
+etoy
+doderer
+obtusifolia
+lanky
+larrimore
+17.95
+nosair
+jhenaidah
+50.59
+defeats
+4-47
+selvaratnam
+financier
+fengyuan
+yupi
+103-91
+sludge
+jeannel
+bobos
+udoka
+gretzky
+unfree
+just-in-time
+kaczmarski
+eighth-place
+scroggs
+grenelle
+3-putt
+dattakhel
+tvg
+gulland
+weligama
+fatalism
+16.14
+giray
+rhinebeck
+19-1
+goldsworth
+taimur
+3-for-9
+1.22
+infra
+edita
+abvp
+pattoki
+qaf
+ceaseless
+31.30
+suren
+cestodes
+juyongguan
+breast-feeding
+ellemann
+cibulková
+hession
+beauséjour
+huy
+mahs
+keeler
+theresianum
+bonduelle
+9:23
+hatry
+medvedenko
+vannes
+odt
+casshern
+cebekhulu
+tranquille
+ktu
+majayda
+excelsiors
+balentien
+1.05
+sortino
+spinosaurus
+galindez
+26.16
+radlett
+catterall
+gemlike
+4,949
+2929
+1463
+differentially
+minimed
+klavierstück
+1-2-2
+1.3128
+cobalts
+svartedal
+hendon
+barters
+catholicus
+giygas
+desenvolvimento
+iansa
+duplexing
+chunan
+keill
+talybont
+wc2003-zim
+118.95
+a-year
+benchmark
+ecclesiastically
+28.83
+trans-shipment
+reichmann
+sefolosha
+satawu
+heyzer
+ntaiya
+8-an
+phyllite
+familiarly
+nith
+kronenbourg
+fafner
+sleepless
+tragelaphus
+evelina
+gotabhaya
+root-finding
+schedeen
+hydrofoils
+diogu
+52.2
+valheru
+115.0
+jamaludin
+suggestive
+comprado
+sundress
+heffern
+dibutyl
+sht
+sprinzen
+firethorn
+noo
+rupprecht
+bowlingual
+deya
+bentley
+scheinberg
+pollster.com
+rebgun
+wriddhiman
+re-entering
+laugher
+privateers
+rukhsana
+rapproachment
+marissen
+d'amico
+894
+oudewater
+cetkovská
+peruvanam
+tewodros
+petherbridge
+eichner
+6.0625
+1.386
+karuta
+rack
+borba
+mohar
+hempel
+ferrey
+louette
+shaves
+pavlides
+papacy
+8-km
+hatch
+43.49
+berkov
+faryab
+beeri
+pinski
+81.41
+abare
+shrug
+first-party
+even-toed
+68f
+brawnier
+teito
+sanguszko
+suppressants
+bayombong
+amee
+bealey
+giricek
+ustka
+corson
+prospection
+diked
+scrimm
+fedspeak
+menorah
+aerolineas
+vannak
+110.31
+nwc
+mascolo
+brauman
+marcelus
+tats
+streetlamps
+boxscore
+tropospheric
+lcpl
+fauria
+pak
+drudge
+bharmal
+saint-nicolas
+selects
+yarmuth
+belland
+maurico
+mihalis
+peletier
+leschetizky
+mcconnico
+pattering
+donnacha
+bougara
+bliss-leavitt
+guanylyl
+digne
+overhead-valve
+nordfjorden
+about
+fanno
+gaggi
+fire-prone
+aeronomy
+pomorie
+hajdú-bihar
+xincheng
+minuten
+duża
+keiki
+croaks
+grunewald
+134.1
+xiaochuan
+kaberle
+34-48
+bwin
+cruijff
+paraiba
+slims
+0.0001
+al-alam
+bylsma
+rescap
+ziga
+fils-aime
+locking
+glan
+fully
+yashpal
+10-time
+9/4
+casma
+cytokeratin
+acha
+soberanía
+short-term
+self-fertile
+sporturilor
+sudeikis
+glinojeck
+veglio
+lifsher
+necks
+kundra
+outrages
+tauck
+kleeman
+initiatory
+4hrs
+vivace
+17-inch
+barrettes
+escheated
+cannes
+20x
+artpace
+audeh
+dantes
+sensationalize
+scheimer
+setophaga
+pukes
+anand
+toothy
+tirawi
+phototherapy
+micmacs
+duffy
+eotvos
+easson
+rutherfurd
+edema
+truffaut
+snr
+ffi
+2,600-acre
+3-way
+afterburner
+yeri
+intergiro
+hajrizi
+westron
+elkabbach
+e06
+1,400-acre
+sgarbi
+paynes
+spillers
+zagalo
+49.19
+aliberti
+vedettes
+normalizes
+roselle
+renationalizing
+prodos
+tinissa
+besançon
+first-generation
+parameters
+tumbles
+erigone
+khaliji
+1556
+iasp
+landhi
+utiashvili
+moonspell
+garrido
+5-42
+wluk
+wery
+yakiniku
+lectern
+cornstarch
+farveez
+eidc
+comparative
+bristoe
+37.48
+backwards-compatible
+nicci
+jicks
+agila
+fairborn
+metromedia
+sirohi
+947
+twg
+filaria
+1150s
+sulci
+extricates
+rub
+undercutting
+sukanaivalu
+476,000
+empty-handed
+travelling
+suffixing
+bucket
+katzav
+leedon
+avowing
+sununu
+metrocentre
+deflates
+yabu
+dalhatu
+dubroff
+barnburners
+oh-58a
+anytown
+bình
+serrano
+karaki
+ervins
+venner
+sokolova
+soulmate
+thick
+tackle
+92-degree
+ohuruogu
+cools
+104.85
+30-45
+lombard
+farnes
+dopfer
+ji-woo
+ọba
+drel
+landon
+socar
+confia
+826
+under-30s
+louisiana-lafayette
+iww
+distressingly
+moorgate
+chazen
+lissa
+funks
+magida
+ords
+oldest
+venture-backed
+northest
+transpo
+76.61
+terespol
+whataburger
+recompensed
+anatomic
+cultists
+31.83
+beshenivsky
+osmena
+ready-to-eat
+seminoma
+taloqan
+dhimitër
+brøgger
+tsea
+chair
+cua
+tombouctou
+hacer
+unicycle
+glovebox
+6,125
+equivocating
+r-process
+fundadores
+kopechne
+allowable
+kasmir
+28,300
+drapht
+defendant
+chelliah
+mortem
+shinohara
+montréal
+guertler
+ndlead
+vc-10
+bundeswehr
+psncr
+santino
+asenjo
+liatris
+flushes
+carpools
+emde
+reinhard
+menu3/b/91.htm
+stoffel
+orzysz
+bergstrand
+diazinon
+aanr
+panetti
+polymerisation
+mecklenburgische
+3,335
+geeves
+craterlet
+moacyr
+aulos
+transvaginal
+halifax
+sipadan
+vwahr
+chauveau
+zuppa
+english
+eigenspaces
+h.n.
+2.4-million
+kantar
+ghostzapper
+51-vote
+police
+21th
+zwiener
+scotswoman
+khaiat
+allbritton
+ideal
+ea04
+ponikarovsky
+cardamom
+931,000
+unfortified
+ncf
+farnam
+rydalmere
+16.26
+mcgarvie
+giroir
+2-stroke
+guarenas
+bellavia
+khvosh
+jurys
+fekter
+symmonds
+rencontre
+libelle
+qix
+enfermedades
+atlantique
+anixter
+stagehands
+kahsr
+libellus
+inline-4
+lewe
+tyla
+marvellously
+still
+especiais
+heang
+treasured
+schuff
+evagrius
+sealink
+loyer
+5.9-percent
+1576
+winslett
+guariniello
+porges
+10:48
+coastlands
+zeleny
+gurdwara
+port-royal
+jahf
+myth
+hypervalent
+cxc
+curico
+kellock
+thord
+69.02
+sardo
+yukino
+47.4
+auma
+barid
+http://www.fcc.gov
+g12
+nkhata
+jocko
+55-meter
+lapide
+betulus
+kaumba
+geale
+drow
+co-commentator
+kintanar
+minova
+xingyiquan
+unley
+2,583
+oosterbeek
+khalilabad
+lha
+lamed
+eastern/pacific
+ukusa
+65.9
+immunohistochemistry
+500,000
+parasympathetic
+balclutha
+1,838
+siragusa
+empathized
+lanercost
+mitrella
+karpathos
+15.1
+non-free
+dé
+minox
+ishrat
+107.19
+omayyad
+stelfox
+benighted
+vidas
+kalmanovich
+ascham
+erikson
+unbiblical
+sekisui
+auxilia
+full-frontal
+choden
+jerle
+muhamed
+pasing
+id4
+15:28
+railroaded
+nichrome
+100-share
+fader
+kirkley
+54.90
+stroudsburg
+garcon
+cassou
+rock-climbing
+fer
+formula_43
+serdyuk
+blackbirds
+gillings
+aw101
+staël
+formosans
+ianni
+aumenta
+schwartzel
+unifil
+essayed
+wolf-rayet
+crassostrea
+mitchum
+affymetrix
+pletch
+ogawa
+canfora
+1.3650
+lizard
+doisneau
+wynonna
+akagera
+vml
+meted
+braddon
+60.4
+brooding
+28-hour
+forked
+lettering
+hodler
+aimoku
+samuha
+arba
+killester
+natko
+sweep
+martung
+irell
+fruitful
+landmines
+accoutrement
+black-out
+.597
+goud
+ergo
+balm
+tully
+copperweld
+vey
+viewpoint
+latinonet
+loose-fitting
+bronchoscope
+reconstruction
+creditanstalt
+33-13
+sudol
+bite-sized
+poyntzpass
+escherich
+aqda
+andravida
+bunting
+harewood
+accumbens
+illiana
+labuschagne
+niazov
+radiophone
+concocted
+chotek
+ecyoung
+moure
+vân
+newspapers
+stanislaw
+1612
+oxidise
+fukunaga
+marshman
+mordor
+feigner
+drachma
+verbally
+johnsburg
+114-111
+yantis
+principalmente
+psychologically
+jaros
+118.76
+172.2
+daeng
+sns
+nancheng
+semaphore
+118.66
+muzdalifah
+jeffcott
+marky
+storck
+pulai
+681
+ambridge
+osiek
+rattlesnakes
+skillset
+satires
+.714
+nicaj
+akoko
+denialist
+zentralbahn
+k-16
+work-related
+kendriya
+touré
+maja
+guruvayur
+lafon
+pitlick
+machava
+fichtelgebirge
+lumet
+jomhuri
+grid-like
+upsetting
+witchy
+circulant
+oarsmen
+shwartz
+tessmacher
+35,000
+kaszak
+interrupter
+non-dual
+narashino
+solas
+candace
+pastis
+bins
+sweetman
+emmerich
+adriaanse
+ridiculously
+carice
+fazakerley
+wehdat
+osmond
+shaper
+photographie
+incumbencies
+segunda
+alha
+turker
+dvorsky
+diddley
+leam
+electric-powered
+senones
+kerkorian
+routing
+chimie
+hofstetter
+kakei
+medfly
+carajas
+zhangjiang
+tchachina
+spa
+puneet
+shaiba
+gangs
+streamlined
+sinig
+shinny
+puszta
+saltfleet
+chemung
+unreason
+21-kilometer
+duratorq
+angop
+kaviedes
+baluyot
+gaskin
+maschera
+curved
+aga
+kemkers
+orden
+velyka
+co-receptors
+creutz
+tablespoonfuls
+3/8-inch
+andorran
+dakshineswar
+nerve.com
+altmarkkreis
+80-kilogram
+tenis
+myocardial
+skierniewice
+beermakers
+boilermaker
+sarrià
+exceedingly
+eyelid
+efan
+kundiman
+iuliu
+std
+caminos
+skylon
+cosco
+bitchiness
+17,000
+maleic
+hameedullah
+3:34
+konolfingen
+paparesta
+alarms
+knyphausen
+muqaddimah
+shrubs
+sepal
+lgonzalez
+titanosaur
+gestioni
+loscertales
+wholehearted
+ranaghat
+dastar
+rold
+equivocation
+9.312
+comte
+halina
+lissencephaly
+105.66
+tituli
+gravest
+9.70
+fishkill
+soundbite
+baekje
+refreezes
+unrolled
+zabeel
+gollia
+opotiki
+thant
+khilafah
+verbrugghe
+viadero
+grandest
+capering
+shorting
+sasajima
+semana
+demineralization
+dvorovenko
+immoral
+traceur
+awesome
+tim
+lampredi
+esher
+malis
+rattletrap
+falsifiers
+a487
+thung
+cherkasova
+.0617
+doodled
+bonelli
+viraat
+lhi
+gdw
+brandhuber
+tsanko
+1732
+caer
+1,905
+apco
+kangerlussuaq
+steve-o
+1-for-19
+stordal
+neoconservatism
+6.1-liter
+15-year
+xxxx
+tallies
+2,700-square
+cantin
+albury-wodonga
+hairlessness
+ariano
+kapar
+yixiang
+36.66
+orff
+derong
+add-ons
+schrenk
+bonarda
+kmart
+krcs
+barent
+karunya
+semi-feral
+toss
+metaphysician
+toworrell
+onm
+elect
+f/2
+140-page
+gastronomic
+plane
+lif
+crooklyn
+nigc
+ideye
+survivability
+sharafat
+unpa
+40.01
+inaho
+archaebacteria
+lateef
+cushioned
+71.68
+fátima
+petković
+dickran
+anthrenocerus
+dempsie
+semmelweis
+saana
+kallet
+purifications
+brixham
+739
+garmser
+újpest
+merryland
+jaycee
+fragen
+246.1
+5:53
+115.7
+mazidi
+outpowered
+49.81
+malmros
+pangaro
+700w
+dramatises
+ravana
+monteria
+brenon
+margenes
+khazars
+chichimecas
+low-powered
+pierrefonds
+gaeta
+colford
+sheane
+kjar
+pavlina
+čadca
+1.5510
+degussa
+mangelia
+bungling
+iol
+radial
+adgonzalez
+transcriptionist
+41-40
+cand.jur
+quim
+yopougon
+publicola
+62-million
+loan-words
+ilyse
+evasion
+l.y.
+19:13
+viret
+supernatural
+thinus
+tullett
+u.s.-nyt
+vamos
+boroujerdi
+gallipolis
+moyo
+pozuelo
+raciti
+antihero
+kitsuné
+pantano
+bergisel
+audubon
+mauthner
+postmaster-general
+udaipur
+garimpeiros
+shabi
+pissing
+malayo-polynesian
+kayah
+74-88
+doncaster
+lonelyhearts
+3,181
+1950s-era
+dessouki
+saben
+all-australian
+dilhorne
+superintendencia
+earflaps
+parishad
+azarshahr
+oneota
+elyot
+snored
+unbalance
+samonte
+nabobs
+liophis
+phantasmagorical
+106.59
+melana
+f/a
+of-10
+20.46
+ineos
+glutamatergic
+demay
+bloopers
+beachings
+240-seat
+kisanga
+araucariaceae
+mkg
+mnk
+12-0
+escapologist
+dallku
+eugenius
+dual-threat
+600-room
+synodontis
+tenofovir
+ten-time
+umney
+lapides
+szott
+whiteville
+station
+mahecic
+anthropocentric
+kulas
+nembutal
+al-tabari
+bellmare
+whiston
+trypanosomiasis
+fractiousness
+proliferative
+cdc42
+cirrocumulus
+wychavon
+bustamante
+leplin
+173,000
+lehrter
+gruesomely
+necessitate
+laurentians
+jeżewo
+bessant
+busco
+earthworks
+bashu
+22.45
+2,137
+susak
+belson
+dalmacija
+pizzini
+zabiullah
+deputize
+laakso
+wsa
+intercompany
+papatoetoe
+crushing
+longbowmen
+podcast
+menchaca
+glottal
+buale
+maestas
+inscription
+kudelski
+gaps
+dwp
+3.475
+karla
+prosthodontics
+dupont
+one-step
+droege
+conagua
+hkfc
+32b
+4822
+raided
+hoeft
+stann
+kropf
+rsd
+250,001
+sepúlveda
+derakhtengan
+uskoks
+pinnacles
+sgouros
+gavron
+ejaculating
+acidity
+dollhouses
+1885-86
+daykin
+diamantidis
+mystic
+foreign-born
+noisiest
+whelps
+27,188
+reoccurring
+commissionership
+botnia
+cicm
+golovko
+addonizio
+microsoft
+hamlin
+buttigieg
+di-pertua
+yaka
+pfanner
+tirumurai
+blissfully
+woodwind
+delacour
+19.24
+22-years
+donelly
+copal
+weisz
+taas
+roadhouses
+heraeus
+9-meter
+horev
+trachemys
+arts/humanities
+103.97
+captives
+rcds
+eunjung
+astaphan
+regents
+tarawera
+1,734
+amplify
+esperar
+nailon
+formia
+eschmeyer
+tikopia
+4-speed
+supranuclear
+rass
+imlay
+solidarité
+1:15
+treasuring
+riluzole
+vazgen
+cheering
+ridgetop
+flotta
+rafield
+prudencio
+logovaz
+parenthesized
+34.35
+hamata
+memtec
+netherlands-based
+guccis
+golin
+dayem
+kickball
+43.75
+mowrey
+dhi
+tna
+petric
+gagged
+datar
+3million
+weaponless
+snel
+hamadani
+sallenger
+beauharnais
+care-free
+dejame
+bourgass
+jayasekera
+fangoria
+dinehart
+inconveniences
+seatback
+staal
+7.07
+jean-michel
+walker@globe.com
+imma
+mulattos
+contours
+vento
+rajprasong
+vaisheshika
+gangjee
+ciminero
+narkiss
+8:43
+sweats
+75-percent
+tem
+kosei
+p.j.
+51.18
+.733
+anthracis
+tadpole
+kyaw
+joji
+raes
+219.5
+dungkhag
+2800
+keshari
+thanga
+vetterli
+m.a.n.t.i.s.
+moodiness
+khuram
+kasilof
+ceromitia
+petrosino
+avedis
+animatronic
+gps
+keflavik
+ukaea
+laxman
+dogmatics
+satanism
+doob
+thuin
+ridzuan
+97.3
+promyelocytic
+pomerantz
+sprezzatura
+swanky
+osteoporotic
+richwood
+teched
+oracular
+litigates
+galić
+gryphons
+hug
+malian
+mum
+s&t
+15-round
+eagly
+caersws
+delahunt
+budman
+stevic
+84.81
+72.60
+putski
+16-screen
+59.90
+exoteric
+imbibers
+keyserling
+sonder
+lockers
+sologub
+wot
+kfw
+phaser
+hattab
+hyperpolarization
+heves
+viviendo
+zorbas
+eyman
+jūb
+imbecile
+highley
+blockbuster
+19.18
+moscovites
+annonay
+blabber
+sasun
+mazarine
+sebok
+sukie
+lucanamarca
+saint-victor
+self-government
+gurudwaras
+novis
+spyglass
+74.4
+blechschmidt
+centaline
+ningbo
+domenick
+cocheteux
+two-axis
+altheim
+enchanter
+künste
+11-3
+bathed
+krakauer
+afroz
+eggnog
+lurz
+galați
+grasshoff
+wrongfooted
+resplendent
+sutler
+matchday
+strahd
+zijian
+brooded
+shinzawa
+kiraitu
+88.76
+ryner
+lesnaya
+westwork
+uncoiled
+shiwa
+lysergic
+all-starr
+dobby
+12a-6a
+unneccessary
+razak
+westmarch
+7.09
+party-led
+antonovich
+duf
+khadjiev
+smither
+zaitseva
+pibil
+etuhu
+rawalakot
+rhosllannerchrugog
+gearless
+3,300-strong
+bilateria
+responsibility
+rohlin
+.149
+codde
+seago
+orientalium
+akhnaton
+glutaraldehyde
+codman
+secured
+1608
+93.10
+nonpracticing
+larger-scale
+jungang
+shukor
+rail-based
+bukovica
+l
+lay-up
+luqueno
+19.7
+400-mile
+cosigned
+kuffuor
+yermo
+ballers
+judengasse
+churns
+wbz-tv
+industriale
+pennyroyal
+shechter
+cesspits
+bujku
+mixmaster
+vermette
+rögle
+tangi
+pretending
+hauptschule
+floodway
+183
+sub-king
+single-winner
+esen
+purees
+sparapani
+masayuki
+stettler
+epso
+decaffeinated
+sacco
+50.75
+outgunning
+surber
+pinkeye
+.487
+mid-30s
+anwr
+anticlotting
+zuppke
+taze
+hydroxides
+britez
+distillation
+gereformeerde
+all-america
+longicaudatus
+ugauga
+avildsen
+535th
+credos
+jomaa
+dewaniya
+longinus
+steinsaltz
+beaumaris
+maloti
+hedegaard
+löwe
+meco
+griffes
+housebuilder
+iguide
+tightfisted
+76.09
+sabrina
+cac
+clunk
+tolowa
+jean-antoine
+synesius
+ashara
+niranam
+trlica
+ballenstedt
+konashenkov
+65-65
+mich
+forty-first
+harpsichords
+kodungallur
+eppstein
+definer
+elqui
+membres
+anatomidae
+venero
+tuggle
+egocentricity
+avola
+denn
+analyzing
+blackley
+pode
+19.92
+cng
+archosauromorphs
+ejō
+lathyrus
+blowback
+zias
+guianan
+widman
+dainelli
+ozeki
+dreadfuls
+fce
+tirmizi
+neat
+riitta
+haramirez
+self-timer
+adversely
+31-june
+nyamwisi
+axil
+phenomenons
+nahida
+three-masted
+wellard
+maradiaga
+khoy
+cultic
+nollekens
+stores
+euro194
+ups
+derouen
+adelaide
+ratliff
+podollan
+pree
+medlicott
+hailed
+dez
+whitco
+38.13
+kleve
+b'nai
+39-26
+boussu
+156.50
+duret
+snorkelling
+ovsyannikov
+catti-brie
+udp
+mssm
+yangon
+weick
+rachesky
+intellicast
+korla
+rungis
+seatbelts
+holsworthy
+chd
+interflow
+col101
+glvc
+2.385
+zabol
+macray
+qingsong
+etymology
+shambu
+knapweed
+538
+qushan
+agencies
+rastafarians
+upromise
+monarchial
+percodan
+macrophage
+staraya
+pajic
+fistball
+inked
+striven
+yoculan
+barelli
+deary
+movsessian
+communist-dominated
+revaluations
+workaround
+sivuyile
+seret
+ceasfire
+cross-in-square
+umbilicus
+rustici
+repointed
+nonfactor
+uspenski
+vomit
+geopolitics
+paradas
+bassy
+jagannathpur
+stanimirovic
+talipao
+kijana
+kazen
+győr-moson-sopron
+masting
+reorganisations
+71-58
+tajikstan
+nonproliferation
+norberto
+iamb
+play-in
+lalon
+dittmer
+swallow
+sokoudjou
+symbolize
+95.26
+precepts
+low-altitude
+synagro
+bornes
+ritholtz
+factoid
+prison
+pintos
+xii
+95.45
+patroller
+ewes
+legitimately
+mcgill-queen
+laurano
+degustation
+112.74
+olweny
+x-35
+gutta
+take-off
+loisy
+360,000
+fawzi
+kawasmeh
+fitlinxx
+estacio
+cahuita
+136.4
+örn
+penpal
+methamphetamine
+maitri
+mordad
+sobti
+kühnen
+kraines
+samoans
+vertebral
+kruttika
+one2one
+al-nabi
+alleles
+originales
+hydrochloride
+marial
+caskie
+varoš
+6.4-magnitude
+schoolies
+montreat
+orsa
+recirculated
+jusoh
+lawless
+angb
+bnt
+annai
+5-track
+guaymas
+unpopularity
+clonsilla
+perrey
+donard
+extricated
+nationalisation
+voa
+washignton
+76.98
+huacas
+torti
+calypso
+jinn
+lifesciences
+bardera
+kowroski
+nyt2
+gelendzhik
+shunpei
+34.43
+1,300-mile
+yukam
+ssrs
+587
+porky
+sportspersons
+nimrud
+verdier
+pahar
+woodiwiss
+haberfeld
+authories
+nanguan
+hisamitsu
+puk
+brandywell
+invalidate
+risi
+continuous-time
+tcho
+peugot
+al-baladhuri
+three-story
+vinea
+lefèbvre
+relangi
+nanang
+urination
+shindell
+2.6-billion
+conquer
+exorbitant
+non-irish
+niches
+lirica
+animatrix
+vincas
+near-universal
+broadminded
+1963
+storstad
+near-endemic
+stj
+4.92
+madonna
+satyam
+shoppers
+wbl
+cuttaree
+dunchurch
+posta
+rakotomanana
+refaat
+esperance
+64.46
+riccardo
+brazing
+scene
+ule
+deedee
+over-budget
+vallelunga
+sgambelluri
+saccomano
+bernt
+pickups
+villasenor
+demba
+chypre
+consumer-grade
+oderbruch
+ordoño
+xeroxing
+horizonte
+33-31
+reifert
+rastislav
+2,915
+grandparents
+blumkin
+homansky
+134.60
+dukes
+3.32
+pan-slavism
+eriboll
+interleukin-1
+vanishes
+kwangtung
+pinyorat
+grimmette
+bpa
+nigra
+coughter
+m.l.a
+nobuyuki
+deepcut
+kaarlo
+comverse
+kountché
+deval
+shuckers
+presidio
+unquote
+coronated
+reppetto
+bigtime
+miskine
+thind
+vied
+rajvir
+tralee
+18-year-olds
+parenthetical
+splinters
+timbered
+menteith
+tanamor
+634,000
+al-rashid
+rumson
+sp
+flatulent
+nrt
+olene
+ascetical
+itoi
+sub-categories
+beacom
+powhatan
+k7
+performance-based
+leaf
+hongyang
+aggett
+rockman
+seeliger
+umkhonto
+52.35
+baghdadia
+amplio
+rosens
+pinnaces
+steatite
+azize
+rohlman
+3000
+bojnurd
+wollstonecraft
+periodo
+4.7-liter
+messinian
+conversant
+selwa
+proto-celtic
+hahnel
+smuda
+councils
+147.6
+zambo
+hajela
+schleef
+pirotta
+manfredi
+acos
+vachagayev
+apsa
+nicrophorus
+handless
+distressing
+heraud
+louis-charles
+diggory
+92.95
+asha
+bash
+nynaeve
+heap
+elisha
+aaha
+dorsai
+jossa
+marsan
+bedout
+regulates
+samudera
+itraconazole
+westerngeco
+momoa
+ironbark
+chattahoochie
+unreconstructed
+africain
+42-8
+trygve
+torontonians
+paramor
+bankai
+bhadrapur
+remarks
+khonj
+ghantasala
+helens
+ligitan
+two-family
+72-percent
+pinehurst
+veiga
+antiterrorism
+okecie
+tonnages
+tuthill
+cortana
+hochstadt
+mike.himowitz
+liacouras
+hoelzl
+raffel
+indefatigably
+hladik
+reverie
+maroth
+khakwani
+gilson
+prinya
+aquilegia
+gordons
+presbyterianism
+physis
+obba
+self-reinforcing
+silkscreens
+montesano
+lessig
+beaumarchais
+polla
+shadforth
+proxim
+polarizer
+ravagers
+choonhavan
+disembarked
+krkic
+anti-religious
+valeggio
+mentz
+kasubi
+hnkd
+recall
+brena
+boscia
+aming
+mallow
+21.43
+djk
+chelsfield
+caricature
+1380s
+future
+brownings
+2502
+tarns
+beavis
+underthrown
+arandas
+pillage
+plasterk
+yossarian
+chiau
+progressiveness
+patcharawat
+20-city
+1.157
+banished
+erster
+srichapan
+eógan
+caneel
+1,760-kilometer
+1500gmt
+inactivating
+unaxis
+sterzing
+mormons
+arent
+butta
+sarrus
+hammering
+osmotic
+basulto
+wackier
+officiant
+ruether
+ruckers
+flourtown
+ariege
+38.51
+masuk
+depreciating
+earaches
+amsler
+2012-14
+shareef
+obstinately
+entrained
+mateo
+fixed-parameter
+2.35
+puesto
+mid-1966
+boo-boo
+defreeze
+morumbi
+sonora
+yukito
+gdf
+steuerman
+9-month
+4-22
+a/g
+dingfu
+skway
+105.70
+amitabha
+cpb
+57.17
+trybunalski
+cowed
+murerwa
+reinecke
+baoli
+shotcrete
+number-one
+ozal
+cagny
+overextended
+swerving
+stigwood
+agm-65
+launders
+akeley
+hambling
+basalts
+blocq
+68.64
+harbin
+médicale
+sipah
+brokenhearted
+emc2
+bep
+tremblant
+l.a.-based
+divinópolis
+romanization
+dowker
+torpedo-bomber
+civile
+duff
+sassacus
+wabag
+non-local
+jackrabbits
+goalflash
+scotchgard
+cle
+scapegoats
+melora
+sebastia
+deescalation
+yazdegerd
+darmody
+scarfe
+cleary
+mantis
+aortic
+kundapura
+icra
+qutlugh
+6:50
+light-year
+toman
+frys.com
+barkman
+6900
+32-33
+darijo
+23-page
+glade
+weissinger
+rilindja
+mattheus
+kaleidoscopes
+higher-pitched
+goward
+mounier
+idis
+cox
+tõstamaa
+issuant
+ἡ
+crassa
+rangi
+symbicort
+colescott
+aonghas
+townhill
+rodenhauser
+embraco
+http://mars.jpl.nasa.gov
+all-world
+n18
+dilorenzo
+8g
+18:58
+1972-1977
+59.42
+diverging
+ayun
+98.00
+drive-ins
+spinetti
+lecumberri
+state-subsidized
+isbin
+freelancer
+donchak
+numico
+galles
+intertextuality
+spaho
+tatan
+reinhardt
+imfc
+exa
+depreciable
+ilustre
+leberquier
+stevanović
+e10
+sölden
+specificially
+units
+kassite
+spiritless
+mladost
+0.91
+vlasak
+sagebiel
+chenggong
+115.46
+dushyantor
+mazzocchi
+mbd
+demerits
+garber
+bullhorns
+20-acre
+dargan
+a.m.s.
+voluptuous
+subdermal
+d'azur
+tzakis
+meston
+oly
+explanatory
+gramenet
+bauermann
+1472
+2,080
+idrac
+soji
+nambu
+thirsk
+romanov
+incriminate
+colonial-era
+2,632
+expeditioners
+oregano
+bacteriology
+sporitelna
+mista
+67.41
+brooklyn
+hotheaded
+koopa
+katsover
+gromov
+sard
+pungency
+chrysanthemums
+she/he
+istro-romanian
+eight-month
+wnbc
+fomento
+67.65
+1200s
+valois
+metalworks
+libel
+pullback
+kaffraria
+tritt
+preeminent
+makihara
+numeroff
+gaffers
+jackasses
+shikarpur
+militsiya
+excidio
+trumps
+biz
+phal
+correio
+violent
+undersurface
+poise
+malin
+hermaphrodites
+rutba
+terance
+match.com
+mujtahid
+72.98
+spermatheca
+d’
+different-colored
+carvajal
+abysmally
+monospace
+jsanchez
+galapagos
+142.9
+karnowski
+marpole
+uat
+gosfield
+speciesism
+dyukov
+pervak
+onc
+barn
+duca
+catterton
+swirl
+fished
+qemu
+infoset
+grierson
+torx
+cares
+outduel
+schock
+html5
+bf4
+coomes
+smyers
+83.88
+naved-ul-hasan
+iphones
+1978
+carjackings
+f.i.s.t.
+brow
+carlinville
+88mm
+index.php
+goodfriend
+shmona
+tanzeem
+86-72
+detonated
+one-player
+cihi
+60-hectare
+33-7
+piccinni
+petaled
+wetback
+1,210
+superlight
+olivacea
+abdelfattah
+claverie
+pecaut
+protonated
+bas-saint-laurent
+canada-russia
+elosegui
+arson
+sinovac
+erguven
+groeneveld
+94.85
+yesteryears
+15:24
+magmas
+luta
+abbreviates
+chaveriat
+campania
+chardonnay
+shikona
+dyrrhachium
+public-service
+5-45
+postulates
+jg
+usec
+voevoda
+nebraskans
+hallstein
+tagil
+binalshibh
+laulala
+itala
+celera
+duodecimal
+selena
+effect
+humoral
+h.l.
+314,000
+danum
+colsa
+arsenio
+.136
+mugnier
+khail
+recieving
+pegah
+sci-fi
+gaoping
+menconi
+kashan
+wet-bulb
+mucins
+kahrīz
+51.02
+makhenkesi
+saint-bruno
+gorodetsky
+peeze
+swink
+agyei
+zambello
+rahxephon
+argues
+minumum
+wangyal
+tlb
+343rd
+alsos
+mladić
+mga
+rubra
+actblue
+sternaman
+rosatom
+marquinhos
+kurtinaitis
+soapnet
+byk
+hait
+venality
+derivative
+2,427
+andruzzi
+shirtmaker
+moriwaki
+nerul
+spinoffs
+scrooged
+mt2
+heye
+resuscitating
+lamon
+mahasiddha
+lescar
+.195
+syon
+holey
+bibliophiles
+wreckages
+myoma
+haqiqi
+buliok
+hysterically
+98.17
+usairways
+eneolithic
+mid-13th
+dampness
+sophisticates
+dudin
+250-mile
+thorolf
+eydie
+dms
+schwikert
+n-3
+hapur
+dominique
+magyars
+kyll
+stuffing
+kubs
+collegeville
+891,000
+arbore
+stax
+barsaat
+goldbacher
+raguz
+shakirov
+barwise
+clarges
+burgeon
+apocryphal
+sacd
+pengkalan
+banquette
+averse
+ortler
+schøyen
+references
+nvqs
+skilfully
+defoe
+ajusco
+100.1
+bigsby
+consult
+governing
+yolane
+7e
+ifran
+briton
+vibrating
+eliki
+tugluk
+hardway
+ès
+mayorsjwl
+pointe-claire
+haemek
+talegen
+constantinidis
+artux
+rhombohedral
+dacres
+jive
+sādāt
+javakheti
+barques
+dethrone
+727,000
+zakum
+brendsel
+cornelisz
+strafe
+puffed
+b747
+deer
+a-0
+mdbs
+ryūji
+christofferson
+usl-2
+recreated
+chaliapin
+editorialized
+dimissal
+tito
+13:59
+cause-effect
+1-under
+spink
+okruashvili
+porites
+emília
+boutonnat
+discern
+cowans
+hazels
+gt5
+rspb
+predictably
+320.9
+afsaneh
+aspic
+jakubiak
+oneunited
+spot-fixing
+overbid
+falcata
+zeti
+kanayo
+toha
+meat-eating
+fossilization
+sadagopan
+i-58
+hee-jung
+guldberg
+yamuna
+ohi
+bisnis
+jodie
+qardaha
+marabh
+horizontally-opposed
+asesino
+satang
+retune
+pottsville
+vada
+sukiyaki
+kumiko
+sajda
+welser-möst
+pre-raphaelites
+stagecraft
+cifit
+macronix
+hacksaws
+esac
+1714
+ghostwrote
+canoers
+mika
+petroglyph
+gotthard
+stoking
+simeonov
+trezevant
+troupes
+rashaya
+illinoisan
+susanu
+lineback
+mi-26
+lsr
+freguesias
+menéndez
+mesonephros
+albertas
+gagor
+latifiyah
+leaney
+undiscussed
+agsu
+nogues
+4690
+fizzed
+musekiwa
+clarisworks
+baghram
+kf1
+non-committal
+chávez
+molucca
+angamos
+sugoroku
+warcop
+dehiscent
+stanković
+karembeu
+hamner
+tailored
+126.65
+gnp
+lisson
+petritz
+befitted
+keels
+pernambuco
+engraving
+58-55
+europay
+81-match
+hagemeyer
+17.78
+jumby
+benzodiazepines
+33-page
+kagemusha
+rudden
+neelix
+brickworks
+dhanmondi
+pinup
+tausend
+meissnitzer
+osel
+http://www.dell.com
+buis
+great-great
+tavakkoli
+consort
+schwelm
+lr5
+sitarist
+hairaton
+wog
+gater
+chandos
+centralist
+50.72
+1992-95
+nikkei-225
+mentha
+anónima
+krumm
+vilalta
+izzet
+sun-sentinel
+plumper
+midvein
+72-60
+lion-like
+27.32
+adefovir
+nagant
+rhombi
+conowingo
+m88
+kunjan
+diamox
+polow
+puenzo
+ahle
+alexandroupoli
+taekkyeon
+patronized
+blemishes
+semien
+lacewing
+16-team
+cockney
+imogen
+bahl
+1,994
+chaplaincies
+sutanto
+f-14d
+dutreil
+ensue
+benoît
+sénat
+jiyane
+deathbed
+hoysalas
+5-5-1
+fallin
+assassins
+clyst
+khakis
+gonzalezes
+winningest
+polonaise
+quattro
+intercontemporain
+adv18
+nassor
+matanza
+ayşe
+yadda
+dehgolan
+esterházy
+mccleon
+167
+mccoubrey
+peete
+chalkias
+wulf
+hma
+trabajando
+16:51
+stepin
+halbach
+uiq
+kejache
+pilato
+germany
+insweb
+engined
+1986-1991
+sciarretto
+sarkic
+glasvegas
+bloodies
+njenga
+homeplug
+snapp
+zeeland
+gs300
+teemu
+matchaba
+sidek
+ironton
+ciaa
+kleiman
+varnhagen
+liptzin
+wordart
+leonello
+saurav
+presencia
+amp-forming
+cirumstances
+khalef
+seiners
+paleontological
+mangin
+hislop
+dehydrogenation
+digitus
+pillarless
+pint
+magaliesberg
+semi-automated
+yep
+faithful
+assailed
+ikue
+kreuk
+higher-ranked
+vasantrao
+gummadi
+5-foot-10
+aquellos
+udasi
+shoe
+reclaiming
+newhouse.com
+avellan
+hernes
+c-jun
+optimizing
+prabhakaran
+bouzoubaa
+kitāb
+all-glass
+brachfeld
+hosea
+grafton
+bugti
+cross-fire
+wyalusing
+hostplants
+tagme
+tillous
+inventive
+neubrandenburg
+lincei
+doli
+psychidae
+melching
+diago
+pintauro
+cerrada
+atri
+anglo-spanish
+hölle
+ramush
+finite-state
+padmasana
+pai-1
+transdnestr
+budennovsk
+murugan
+spaniels
+33.70
+condra
+hoppers
+backoffice
+penetrable
+kapilesvara
+shurta
+208.5
+fef
+howitzer
+self-discovery
+kroemer
+orenda
+ccri
+44.16
+spear-shaped
+foundries
+46.83
+matveyev
+acrobasis
+hilding
+3-7-1
+pockels
+passivation
+21.14
+balasegaram
+coverciano
+furling
+rhythm-and-blues
+100th
+______________________________
+tuart
+perplexingly
+narodowe
+reformatted
+1996
+gyrus
+makley
+forseth
+neumann
+tpn4
+petach
+baillieston
+reissuing
+fitna
+vaas
+tepid
+maligning
+olivares
+wissota
+chesebrough
+hermansson
+sleater-kinney
+110-billion
+cresap
+22.89
+ketill
+contol
+herb
+willford
+12.1
+westwego
+invitingly
+ectoedemia
+hawkeye
+sumos
+sorvino
+hachioji
+sens.
+brynne
+icl
+ilka
+downtempo
+cavan
+shattered
+illustration
+lucasvarity
+aal
+mergen
+stridulation
+beechman
+ferruzzi
+volontaires
+almanach
+entamoeba
+affinis
+harding
+12-team
+engulfment
+take-over
+silences
+reacher
+hydrolyze
+beny
+7:07
+plessur
+pre-recording
+ashenfelter
+olympic-sized
+chappuis
+19.71
+haltmayr
+grassi
+coalescing
+euro159
+urby
+shadowcat
+pitz
+grivich
+michibata
+(727)
+underemployed
+stempler
+araghchi
+milke
+wakashan
+m.b.a.
+fedyk
+suchiate
+chubs
+planina
+lachesis
+gellin
+grypus
+84.57
+palamu
+hegumen
+1,653
+moosomin
+lipobay
+melsheimer
+duplantier
+loughery
+3-year-old
+servais
+farez
+carbocation
+ericifolia
+lucyna
+riksdaler
+torghelle
+subtests
+20-footers
+permanence
+kamari
+64.56
+rerouting
+116.85
+uncinate
+2253
+wingham
+choi
+mbn
+prestin
+intensifies
+teleworkers
+chemezov
+hively
+somone
+ann
+sanitarias
+anthracite
+crivoi
+pengcheng
+ccecc
+murer
+dvir
+kartono
+someş
+dokdo
+sarayan
+dongbuyeo
+2010
+substituting
+chiharu
+dionys
+pet
+panagos
+pathankot
+gofers
+6.71
+hansdotter
+rubaiyat
+lazarte
+baciro
+raghead
+sakshi
+alisal
+sahgal
+89-second
+starski
+hakurk
+mcgehee
+szymanowski
+marayati
+laedc
+arcuate
+virarajendra
+greek-american
+iamx
+interbk
+rhizophora
+22-29
+aylsham
+62.81
+thogmartin
+3,544
+mehaffey
+glur
+3-to-4
+icar
+theatergoer
+gloved
+ogdru
+8.78
+prophetic
+brookhart
+tsurunen
+demott
+boal
+passot
+irini
+shirlee
+jönköping
+subsidises
+slipher
+blitzing
+overridden
+tulum
+rhines
+colak
+chauzy
+filo
+hiland
+41-match
+kalocsa
+unni
+5,584
+kiuchi
+bloede
+gionfriddo
+73.43
+ohlsson
+blouson
+katyr
+jolarpet
+rochlin
+bleyer
+77.32
+boime
+ehsaan
+mpt
+seidenfaden
+gartnergroup
+penhaligon
+baldorioty
+7-over
+sage
+denoon
+sexologist
+omelette
+hirono
+4,555
+alehouses
+24.74
+87-72
+bolling
+tweakers
+vsm
+loha
+brigadier
+corniche
+operadores
+karos
+fireboxes
+bahal
+zamparini
+mansager
+osoria
+pedagogically
+phae
+dibiasio
+caprea
+1.835
+airbus
+divas
+avinor
+penalization
+boies
+alles
+rhenish
+greenwash
+long-duration
+dadasaheb
+http://www.usatoday.com/news/nation/census/profile/pa]
+freakishness
+(205)
+orgazmo
+ozarks
+olarra
+balsan
+ely
+9-1
+oceania
+dissociated
+adweek
+victrola
+dmitriyev
+eeye
+anniversary
+dopant
+pathum
+fresard
+marone
+auray
+28-0
+5-centimeter
+cosmopterigidae
+peplinski
+neidan
+jóhanna
+clipse
+ralegh
+drabness
+θ
+shalt
+chuckwalla
+cfto-tv
+jānis
+dacom
+haskalah
+varves
+ploughshares
+pururavas
+cubas
+kaimanawa
+austintown
+culturas
+garut
+3,819
+italiani
+canticles
+44.34
+assidomaen
+monoculture
+tamaraw
+wappingers
+wathiq
+coptotriche
+gac
+phenological
+slate.com
+snt
+i-house
+gestate
+klimov
+bindweed
+cartesian
+mureș
+ramechhap
+roehampton
+dobbins
+takeaways
+rodemeyer
+strycova
+aviles
+soulfly
+bramston
+pelicans
+derangement
+ayoo
+bickersteth
+dorcus
+dhaher
+eymard
+brugiere
+augers
+satcher
+7,760
+3,759
+stupples
+lb9
+1974-77
+145,100
+vetheuil
+76.2
+550-million
+faulds
+t51
+lahham
+hyuhn
+gunvalson
+2,445
+theodros
+bayo
+vlaho
+brandes
+entranceways
+425-member
+chinga
+weedeater
+postmortems
+chiprovtsi
+sarsi
+jahanzeb
+shelbyville
+122.48
+speculum
+4,884
+33.73
+caballus
+delgratia
+oscillate
+puritanism
+78-68
+bayat
+shoelace
+schoener
+hexapla
+icrm
+drezdenko
+musikfreunde
+iraqgate
+uproots
+vieques
+dzungaria
+nilp
+inter-district
+barrier-free
+sdcc
+427th
+200.9
+sodoma
+joura
+wexham
+naro
+26.03
+matsys
+tarjan
+3/1
+liepajas
+leningrad
+ceulemans
+msad
+longest-established
+lambasting
+vogelstein
+reminded
+hisashi
+59-53
+bandow
+weissenbach
+fifth-most
+mutagenic
+makadmeh
+provincia
+uttama
+vantu
+banská
+depressurize
+moville
+thyristors
+kuraim
+borroka
+hallman
+ramazan
+inadvertence
+hańska
+horbury
+ticketless
+hammarskjöld
+elas
+116.36
+pozières
+9.81
+jd04
+polyphemus
+relaxations
+xiaoqian
+forensics
+153,000
+new-york
+lucia
+dowler
+cerritos
+aglipay
+arturo
+nehbandan
+saint-vincent
+picket
+moluccas
+beckerath
+jovis
+di-pertuan
+temen
+111-107
+gables
+revamps
+b-47
+limburgish
+theoreticians
+kladusa
+attractors
+hirsutus
+5440
+hughart
+parnellite
+98.40
+frøya
+watermelons
+kotzen
+nlg
+500-ton
+manych
+pail
+immunocompromised
+pasquotank
+machault
+croswell
+kurzban
+kluczbork
+pukapuka
+middlemarch
+penmanship
+hauswald
+shovelnose
+parasols
+cuscatlan
+assualt
+pollan
+econnect
+yedioth
+d'lvoire
+iita
+bartkowski
+chaucer
+nyayo
+kolaches
+codice_16
+alupec
+unforgettably
+micklethwait
+varzaqan
+counterproposal
+sturgis
+protrusion
+cymmer
+formula_65
+pentreath
+nathan-turner
+goins
+giurgiu
+coquina
+keping
+weiß
+kpelle
+mongolia
+bomb
+vyatka
+chadi
+superalgebra
+57-50
+panja
+56-48
+damodaran
+amidhan
+rosey
+intracellular
+alphin
+multiphoton
+67-52
+repurposing
+prolotherapy
+zagato
+b18
+zohs
+holp
+pearlstein
+32-17
+accessions
+softies
+ny110
+likeliest
+block-level
+ballsy
+argobba
+execution
+indican
+quark-gluon
+sadequain
+bhatkar
+repurchased
+impacted
+thwarted
+heaving
+funès
+re-signing
+5,570
+110.02
+asvat
+zongheng
+marrons
+74,700
+bhojpur
+16-22
+pont
+213.3
+hayfields
+valenki
+rotarix
+cox.com
+zhuping
+phonebook
+titon
+raghunatha
+kalna
+juglans
+martien
+ông
+tenkai
+ridgen
+verve
+rereading
+wieselman
+boons
+5-54
+lieko
+yamadayev
+abdoulie
+balilty
+bws
+23-4
+self-defeating
+rofecoxib
+moblin
+plassenburg
+autobianchi
+filigrees
+mirdjalal
+fridmann
+stocker
+leenz
+marinov
+spectramind
+selhurst
+bohr
+62,400
+caffè
+intruding
+sonique
+yoxall
+malacarne
+makeyev
+2,457
+jalani
+dropouts
+mediafax
+repelled
+tranquebar
+chernaig
+balachandran
+cholangiocarcinoma
+abruzzo
+amihan
+sternlieb
++39
+mykolayiv
+lincoln
+vissarion
+reassign
+dahab
+fowling
+sportswear
+fullcourt
+musca
+claypoole
+apithy
+upperville
+prairieville
+ruffman
+ximen
+32,900
+kirklin
+shoud
+terrero
+maurienne
+holliday
+coey
+marthas
+trezise
+3-kinase
+neelesh
+berd
+kozhin
+inachus
+questionable
+glanz
+reichsbahn-gesellschaft
+interweaves
+specially-designed
+1.3050
+millones
+delmyoung
+metaphilosophy
+overamplified
+cheb
+suceed
+superclasico
+bairds
+18.27
+gabála
+olivo
+gpct
+toutatis
+euro63
+1651
+ussr
+jw
+stenoptilia
+pflueger
+48k
+temco
+gale-force
+sorber
+l'ouverture
+fadesa
+trubshaw
+malayev
+livno
+sarmatian
+admonishments
+jurisprudential
+anibalzinho
+swordtail
+leucite
+bultman
+358.5
+1828
+rando
+morenci
+kroonland
+agnetha
+ilhéus
+manya
+19,000
+acasta
+wavetable
+byzantio
+troubador
+1,287
+baie
+1980-82
+all-decade
+cranch
+3,797
+riffing
+henner
+haschbach
+kamioka
+dunedoo
+footing
+goodwin
+mousy
+105-93
+telecel
+552nd
+bookham
+polay
+1,738
+latinization
+24.69
+schmuelling
+khayrat
+vallotton
+grønland
+tiku
+jambudvipa
+resealed
+demetria
+nontrinitarian
+mizer
+sciara
+kizer
+dahua
+yaroslava
+cloners
+mukhabarat
+δv
+dawe
+quinton
+maron
+ankober
+t4
+cu.m
+dpv
+foulkrod
+counterparties
+lcct
+silay
+1994-6
+2,304
+kaurna
+castmates
+clubber
+independencia
+festinger
+bludgeoning
+poliocephalus
+bunna
+papua
+cottonmouth
+semiclassical
+fernandopulle
+dragostea
+cattaneo
+trekkie
+chartered
+moisés
+41-foot
+luneta
+stro
+comres
+hargis
+acetonide
+middle-ranking
+althoff
+menas
+efd
+43.14
+tatti
+duchesse
+dotter
+endodontics
+roylance
+yurimaguas
+loosely
+iyall
+kalamaria
+alambo
+17:51
+haejung
+ujaili
+handball
+mannheim-heidelberg
+jelawat
+supplicating
+nubia
+buzet
+sechenov
+haraz
+eathorne
+fricks
+94-mph
+paternò
+i-jafria
+gendarmenmarkt
+chán
+vosotros
+vsevolozhsk
+pulmonaria
+tiridates
+balurghat
+igo
+hakusan
+d'orso
+5,205
+vác
+www.marriott.com
+voni
+kinnock
+1,688
+deventer
+adhs
+áedo
+suhag
+skomer
+ciriello
+xen
+walpurgisnacht
+soundalike
+mahvash
+cablecast
+backstick
+bicester
+nawabzada
+47.24
+out-of-home
+objectified
+mija
+tweedsmuir
+soulé
+114.93
+morilov
+1925
+pinho
+jäckel
+sentelle
+wanninkhof
+charveriat
+etait
+actia
+male/female
+deactivation
+adhamiyah
+neurotoxin
+jowls
+93.85
+wickland
+non-windows
+kresy
+ayling
+fgic
+propithecus
+59.43
+isabey
+ranaivoniarivo
+kabuye
+resurrected
+aéropostale
+rmd
+here
+2015
+bushfield
+nfd
+brecheen
+conventual
+teh
+1984-89
+macaronesia
+quiney
+inul
+freebies
+jobless
+roundworm
+browni
+727
+maginot
+lyudi
+gilsa
+co-chairperson
+1559
+earthsea
+32c
+teuber
+pressings
+well-founded
+anteroposterior
+davies
+bubsy
+1981/1982
+70.12
+morva
+wheelbarrows
+rudiger
+saygin
+rh6
+5-a-side
+moschini
+dessens
+eulogize
+formula_126
+tolui
+grants-in-aid
+1713
+x87
+rt
+ausanio
+tipper
+hollanda
+lescol
+kiong
+cll
+karava
+747-300
+crony
+perks
+amaechi
+schavan
+40-8
+ajka
+cohee
+unbending
+17:17
+villain
+tdb
+satiation
+2,419
+93-82
+eucharistic
+uncombed
+provisionals
+laras
+farcically
+benfey
+kabalevsky
+possibility
+dogfish
+neiva
+atorvastatin
+wicklund
+kawaihae
+proksch
+morwen
+33.62
+7-simplex
+monoplane
+churrasco
+stottlemeyer
+reavis
+:46
+4,186
+carmagnola
+ertugrul
+moriah
+______
+aea
+portishead
+splenda
+age
+veel
+badshahi
+othon
+dev
+sahnoun
+increased
+monohulls
+ahmedullah
+makashov
+dodd
+conversing
+mmg
+shellcode
+astrologer
+druglord
+3.5-litre
+kandali
+liena
+moult
+47.09
+reindel
+bourton-on-the-water
+swept-wing
+billet
+lutece
+vek
+tflops
+foregut
+glenconner
+goichi
+exclaimed
+tacc
+betters
+reconsidering
+centime
+skyland
+lochinvar
+bardanes
+dogmas
+axley
+schwartzkopf
+appleworks
+nalc
+invisible
+womens
+cann
+weibo
+hero
+polish-speaking
+valognes
+farafra
+subsample
+xiaojuan
+9.17
+plasters
+malden
+non-market
+vinícius
+songbook
+re-elections
+bulla
+4,640
+henri-georges
+soundwave
+supergun
+pledging
+tamicha
+alternations
+woonasquatucket
+19.63
+twirlers
+seeland
+recombining
+solomonic
+jamiat
+76.66
+blackfly
+huang-lao
+arle
+mirecourt
+chimichurri
+wxia
+epling
+isoglosses
+esthete
+bennets
+nauck
+pledgemusic
+chenxi
+brianne
+vdv
+well-designed
+mariz
+100.2
+shantsev
+bhavai
+kạn
+muscatel
+ester
+caffrey
+hân
+amawi
+al-awsat
+vigan
+pre-approved
+sashed
+5:03
+heiresses
+traetta
+khurd
+summerson
+hosp
+100/200
+mashberg
+siracusa
+internationally-recognized
+1.845
+beust
+menard
+hydrangea
+pyrgus
+walbeck
+snooki
+127.7
+solksjaer
+mireya
+proctor
+novalis
+gsx
+capsule
+pouw
+mauck
+48,200
+mk2
+meadwestvaco
+mikell
+qianwen
+informationweek
+greater
+debunker
+mexx
+braceros
+knud
+aparte
+shots-20
+ག
+tuberculosis
+kilchberg
+sheepskins
+toran
+raro
+formula_112
+recourses
+plenipotentiaries
+36.31
+9,220
+busra
+o-type
+panchmahal
+crocheting
+palomas
+2,870
+heurich
+decan
+margeret
+bilican
+strongpoints
+parvaiz
+m.litt
+mudgee
+23.83
+newnes
+british-held
+stolichnaya
+68-member
+olde
+pleasantest
+aukland
+puccinia
+1611
+unbalanced
+epstein
+mainlander
+vorwerk
+downhills
+al-fayed
+schutterij
+1,282
+clauss
+ndhlovu
+margie
+semi-retirement
+zamindars
+olympia
+capoccia
+viala
+mataji
+shingles
+66.26
+sadia
+13.90
+evaluate
+25.4
+tencel
+lunenburg
+lithified
+muhriz
+brun
+weiyi
+tawton
+approvingly
+francheville
+isep
+pinggu
+goalies_tampa
+trema
+helgeland
+cf-18
+nighty
+denuclearising
+jansport
+scheinfeld
+prosthesis
+puedo
+melonie
+bullock
+ah1n1
+tadid
+kalonji
+huckins
+29,063
+2,200-pound
+3,484
+kvik
+exum
+dearer
+widescreen
+dir
+gatz
+overregulated
+pro-chinese
+afro
+cobar
+43-41
+7.7325
+toph
+triclinium
+sensex
+heglund
+60-49
+kastelorizo
+subeih
+majah
+a340-500
+neidich
+2,880
+thickening
+kratz
+ngoupande
+champs-elysées
+shoham
+kubeck
+sharib
+wormington
+nigro
+bvg
+5,240
+hapless
+knil
+uelman
+rary
+tefé
+xiaozhu
+ruzomberok
+123-mile
+gado
+114th
+estacado
+ariyaratne
+obreras
+share-alike
+zobrist
+bayinnaung
+unprepossessing
+astaneh-ye
+at-risk
+haggan
+theorised
+2,475
+haddow
+infraction
+boycotted
+fishy
+lurleen
+transferrable
+edgemere
+lardons
+netmeeting
+gergovia
+ordina
+baxley
+ghesquiere
+107.76
+pinjarra
+screenings
+prehistoric
+7.42
+kiss-fm
+eigenstates
+patsi
+jamaa
+caden
+laf
+mazagaon
+miraculously
+glenbard
+kijang
+courts-martial
+cisleithania
+kazatomprom
+kisling
+crimini
+ōhia
+squali
+baggio
+sauber
+blackerby
+meiling
+2-digit
+otfried
+errands
+narong
+ionising
+mangkunegara
+well-entrenched
+lemley
+poetically
+garbarino
+15-country
+9,010
+lamborghini
+pileggi
+trosper
+240-page
+shierholz
+lerone
+schäfer
+kazemi
+reavers
+shifflet
+westhampton
+stang
+ocampo
+co-directors
+b.j.
+urinalysis
+2,953
+bebitch
+narrates
+latencies
+losey
+4,090
+shahrestan
+makarkin
+chye
+ludwik
+maximals
+jamall
+offshored
+gambo
+cacus
+exonyms
+shortboard
+silliness
+chaudoir
+6-26
+sshs
+disseminating
+campiello
+serkan
+downplays
+powerchip
+volvo
+faberge
+ony
+mystikal
+niemiec
+trackside
+deboer
+broxburn
+solel
+monakhov
+looter
+châteauroux
+splosion
+eleonore
+pramukh
+shirttail
+rennweg
+kinnick
+carmean
+stutters
+wutv
+ekberg
+melnik
+anesthetist
+combative
+shtool
+komiyama
+kvs
+luxe
+sailendra
+two-tiered
+trimdon
+circled
+.423
+forcefield
+43.26
+mingyong
+maranon
+even-par
+cyanobacterial
+skender
+three-ship
+self-injury
+takenori
+jiong
+microlensing
+owc
+charlayne
+anabaena
+machiavelli
+ruiz-tagle
+dress
+skated
+c-130a
+bacharach
+woodcutter
+bianconi
+l'écho
+mdest
+hitech
+miscarriages
+stanislavsky
+chevallier
+weyhe
+capizzi
+overdone
+chichimeca
+broadwell
+laskaris
+staser
+rsdlp
+73.2
+brawer
+sauipe
+5.94
+kagawa
+occulta
+offseason
+bobbers
+chestful
+df-31
+slawomir
+mcquade
+elasticized
+wisconsin
+baca
+disconcertingly
+vocal-instrumental
+chernomyrdin
+minskoff
+naselje
+qarabagh
+kompasu
+buruma
+chiew
+aleksandr
+bovidae
+newborns
+vyachorka
+pedra
+lainé
+baladeva
+xxxvii
+milne
+brazzil
+nene
+buzzcocks
+partir
+trio
+hafsa
+foxhall
+backfield
+najib
+unsually
+50.61
+ija
+holeman
+reconnecting
+442nd
+wanchope
+austrinus
+uncaged
+acc
+multibillionaire
+lovable
+futurekids
+purandar
+fundament
+carisch
+armloads
+kingbird
+bng
+melvin
+fdm
+horseradish
+schonach
+arcadius
+whistle-stop
+sq.km
+paiement
+triphenylphosphine
+overlap
+fermina
+gosset
+brightened
+flatbeds
+ibarretxe
+ediacara
+3,705
+11,153,412,490
+atayev
+fulgencio
+lannon
+shiamak
+rhoose
+aestheticized
+nauplius
+2.359
+uroševac
+harsha
+pams
+gervaise
+worde
+komnenic
+annulled
+darwaza
+bayit
+vedat
+tulfah
+etna
+loghmanian
+dannan
+calpine
+leola
+2.685
+zenas
+half-mast
+excl
+madder
+nekemte
+khlebnikov
+qalibaf
+bhagalpur
+lowell
+lach
+itea
+kaiti
+zucula
+soilless
+sattelberg
+buffaloed
+kaua'i
+jow
+clabber
+karez
+samajwadi
+haripal
+luminoso
+audino
+hovedstaden
+paekche
+senbei
+dutugemunu
+kabun
+brimming
+šk
+discom
+muris
+54-run
+godparent
+c.i.a.
+rame
+preservations
+normalization
+terpenes
+best-dressed
+hakimi
+letterheads
+jbookman
+munden
+larian
+kdka-tv
+coalbed
+hemus
+satwant
+atmospheric
+107.26
+nomellini
+radoszyce
+craigan
+cafiero
+85.13
+rmeish
+yuhan
+6,437
+luxemburg
+0-0-1
+bhairavi
+bmws
+vilfredo
+gittler
+29.37
+babkov
+sophie
+luddington
+48-game
+heerden
+hds
+fenyang
+ν
+946
+ramsar
+f.a.b.
+occurance
+54.01
+trinations
+betanzos
++20
+administrative-territorial
+lulay
+haughmond
+rustamov
+jailing
+atw
+hark
+176,000
+negociants
+fukuchi
+air-search
+tatamagouche
+bodart
+duplicated
+sana'a
+overestimation
+hacktivism
+norbit
+octet
+hayy
+levite
+flannagan
+191-member
+postnatal
+29-sept
+sonjica
+rodionov
+paintbrush
+obala
+stop-start
+ingemar
+mml
+gasim
+ragtops
+brennaman
+rnk
+carson-newman
+7/25
+scrounger
+r.a.
+xueju
+inra
+usmar
+ophthalmia
+sang-hyun
+tribals
+rendle
+meridionalis
+predominance
+bevin
+maclaurin
+bartiromo
+braničevo
+casselman
+squamosa
+emotional
+griefs
+121.5
+cherrad
+zhee
+oremans
+karagiannis
+parakeet
+amuses
+cosby
+hokkaido
+ashqelon
+eyton
+yakushev
+genrikh
+nunatak
+revs
+lyssy
+rekenthaler
+apulia
+biancardi
+21-year-old
+somewhere
+ketteler
+landnámabók
+carpark
+l-shape
+mendoza
+charmelot
+1,368
+scamozzi
+mesbah
+lakshmibai
+sopon
+smiths
+shinshū
+file-sharing
+actopan
+1,877
+49.55
+endoscopic
+hobhouse
+westerns
+7/2
+50-gallon
+kalkar
+rocastle
+butted
+mote
+strephon
+kamya
+attar
+disinfection
+colimit
+livedoor
+panaceas
+frequently-used
+scaretta
+plebes
+multi
+saracoğlu
+iannaccone
+room-temperature
+h-1bs
+nides
+inishmaan
+wittkower
+liatti
+emraan
+maniot
+kubura
+256.5
+folkways
+clampetts
+labas
+targhee
+narok
+tabby
+rechargeables
+gratias
+2,493
+suchy
+benzaiten
+creamery
+drearily
+lard
+klimt
+a-days
+schahin
+millom
+suea
+midopa
+recreating
+ghq
+alarmed
+aerin
+carpoint
+davan
+fariz
+haynie
+protoss
+currywurst
+82.79
+2142
+heterosexuality
+utl
+bussaina
+longtail
+lambie-nairn
+maryse
+whiffle
+ausencia
+alimentarius
+anglo-boer
+stange
+tid
+metn
+2003-06
+albiceleste
+9,250
+lightvessel
+labadee
+cottonelle
+gerstmann
+cochinos
+wala
+madasamy
+josphat
+1,543
+morry
+nintendogs
+yingde
+pathologie
+kreuzhuber
+kværner
+no-man
+sremski
+hyam
+coeymans
+orti
+volleyball
+darfuris
+hypothesizes
+74.27
+yūichi
+verifies
+nebuchadnezzar
+midden
+perineum
+erlin
+butterflyfish
+471
+potashcorp
+pusillus
+ruperto
+mittelrhein
+romford
+oltman
+mefford
+willhite
+kabocha
+huns
+malayan
+garric
+17-percent
+untrustworthiness
+segrè
+psywar
+hochschild
+dzingai
+raisman
+14:34.56
+darlin
+querry
+brinton
+syrinx
+11-part
+backscatter
+keehn
+rdd
+degeneracy
+pounces
+binghams
+fridge
+histological
+messaggero
+stanca
+loíza
+4:29
+rapper/producer
+nevs
+microtech
+894,000
+feingold
+hamilton-gordon
+manza
+heini
+whimpered
+peasant
+demilitarizing
+600s
+70-100
+turnus
+arthropods
+endtiem
+tyana
+argot
+rmac
+likhodey
+14,000
+fossati
+ifad
+empathise
+zelnick
+omid
+74.44
+kastrati
+aleth
+kerchak
+wednesdays
+jelled
+nicknames
+cockpits
+2-for-21
+boeselager
+rabea
+triad
+hoxton
+locust
+sr-71
+hawera
+suero
+uncomfortable
+helmsman
+kibowen
+netsanet
+102.75
+lembi
+balboni
+bosanac
+broderbund
+nuevamente
+fleabane
+superfluity
+krautz
+shionogi
+pridi
+bours
+christlike
+kunonga
+taiko
+larouche
+patzelt
+spercheios
+baghli
+yellow-banded
+sycuan
+ketchup
+athey
+saint-barthélemy
+snelgrove
+stanfield
+micronized
+nasturtiums
+1.25-million
+juliani
+diola
+chauvinistic
+21,250
+dornbirn
+flood
+clennell
+gauna
+laksanavisit
+khorshid
+duray
+makropulos
+blantyre
+five-seater
+cevennes
+piscis
+junaluska
+shrub
+missile
+reddit
+dagh
+sheinfeld
+invulnerable
+awais
+www.hollandamerica.com
+droogs
+blog/
+ajith
+falfurrias
+cobb
+900s
+hangal
+galvis
+ohryzko
+frivolousness
+tlm
+pojat
+mozambicans
+androsov
+epaulets
+5-ranked
+balwant
+clementi
+94.90
+árnason
+glucksmann
+olayinka
+22-torsten
+jetsgo
+packer
+rebello
+wenz
+http://www.merck.com
+vlieland
+óðinn
+migra
+dedge
+watzman
+intell
+121.64
+kyrastas
+interrelatedness
+borsody
+jeopardizes
+defago
+eri
+janek
+118.98
+riksteatret
+glitterati
+.140
+slogged
+7.17
+gerwen
+rolt
+18,997
+.529
+raveonettes
+decried
+dragonfire
+skinheads
+ignatius
+sheen
+postnuptial
+乡
+corduene
+bleidt
+mid-1976
+bops
+pinaster
+barnier
+21-yarder
+starved
+dúnlainge
+ratta
+120.52
+spir
+empalme
+ayyub
+trill
+erbium
+bdb
+nattagh
+62.17
+marvan
+guynemer
+helgesson
+luxuries
+cerithium
+wee1
+kyaukphyu
+maratona
+nite
+overwinters
+25-square
+primeur
+8.42
+rasu
+culturale
+servi
+abdellatif
+a-bear
+bernadett
+jacomo
+gender-specific
+-0500
+amager
+devarakonda
+wurtsboro
+fiza
+malformed
+lanfranchi
+lomas
+césar
+135.64
+untreated
+prize-nominated
+hobbyist
+1887-88
+re-engined
+salsify
+beşiktaş
+ahlers
+dholak
+mid-70
+526-5456
+ghurids
+felip
+chartering
+sisqó
+telomeric
+pasat
+monduli
+publicaciones
+7.7915
+hakoah
+jan.
+ewell
+dewilde
+interleaf
+overturning
+allday
+ottawas
+pro-vice
+destroys
+arcara
+oca-dlr
+195.4
+officiated
+itec
+catchiest
+photronics
+rotherhithe
+lynceus
+emotive
+3.38
+alleviates
+entering
+76.3
+leguat
+cosloy
+eleven-year-old
+well-remembered
+bakhet
+prettied
+konfusion
+kizierowski
+doole
+chit
+114.8
+pyng
+vio
+hormigueros
+layia
+1,912
+yaya
+makgoba
+homophile
+kockums
+ingénue
+suikoden
+koutroumanidou
+mariachis
+hauptsturmführer
+globalsantafe
+hemoptysis
+heungseon
+minish
+orsillo
+donalsonville
+cordes
+shanzhai
+gopro
+supp.
+portugual
+codogno
+1.4876
+fulk
+rottmann
+haswah
+0-4-0
+grandnephew
+76.62
+remunerated
+syncor
+complacently
+mahfud
+konowalchuk
+64.26
+newchurch
+snaresbrook
+thanlyin
+parapsychological
+emblems
+3.7-liter
+putonghua
+kumbum
+batterie
+mackinac
+bowstring
+vittoriosa
+tweezer
+u.s.-soviet
+girardet
+olstein
+karsiyaka
+wphl-tv
+oxalate
+administrating
+qutbuddin
+113.98
+relata
+gretai
+carticel
+metacomet-monadnock
+111-year
+appo
+ashmead
+4,146
+wilkshire
+jy
+hoest
+khassawneh
+713,000
+variegatum
+64,800
+kangazha
+briquets
+smp
+sarum
+threadgold
+awed
+viburnum
+zuk
+peeter
+182.5
+paramilitaries
+beghin
+20h
+5/32
+fuel-air
+bijl
+rm30
+lissan
+correcaminos
+heinze
+claremorris
+sched
+mahal
+28.68
+schnieder
+vagana
+pavithran
+debarred
+frame
+puer
+û
+hamoked
+amvescap
+thymine
+pietras
+metoyer
+mystified
+riverbeds
+expressions
+heiko
+lochhead
+colons
+solution
+arpaio
+61.87
+perier
+1.087
+manne
+11.01
+stucker
+elâzığ
+7.06
+x10
+gp7
+tcn
+pilecon
+tidey
+nilar
+scotches
+firelight
+geislingen
+foth
+league-best
+alcimus
+parentally
+martic
+prision
+mcmillian
+lychner
+sharp-tailed
+thoroughbred
+almanzo
+zarubezhneft
+manufacturer
+635
+cyclophoridae
+whio-tv
+tesic
+goyard
+palanquero
+sicherle
+elmham
+alca
+nscc
+oshevire
+ecopetrol
+glusker
+badenhorst
+shakhtar
+gombe
+azumazeki
+hmcs
+prakrits
+48.12
+sestroretsk
+staatseisenbahnen
+taped
+storen
+jafri
+hubacek
+c-n
+naturists
+grainge
+trelane
+nationalities
+devanahalli
+necdet
+trotz
+sirhan
+wvon
+flyweight
+squabs
+butros
+figueira
+klensch
+kaiman
+natalensis
+congressman
+kambanda
+quiera
+boyan
+jittered
+17-8
+sops
+5,113
+azzaman
+gerwig
+unsolicited
+o-235
+pleases
+euro13
+state-of-the
+legalised
+phrasebook
+relatedness
+yazbeck
+u.s.-dprk
+kamtapur
+apparitions
+ituarte
+katraj
+heartache
+ulidiidae
+12.25
+moiety
+docked
+yasuhisa
+kassirer
+disabuse
+free-range
+euro605
+pelham-clinton
+babbled
+59.25
+brau
+brt
+wangmo
+ruotolo
+bracton
+krum
+kalyan
+fritillary
+1990-2001
+montcoal
+p/nea
+russland
+hoi
+muzeum
+moonen
+lubet
+vertabrae
+best-sellers
+clairvoyance
+pre-mixed
+cancellations
+sovetsk
+kasonde
+adnoc
+aberfoyle
+1.5050
+21-point
+haimin
+ferozeshah
+eulenburg
+esin
+alternatingly
+pelon
+issuing
+pacifico
+tudu
+gotama
+becker
+anelosimus
+halftime
+huifen
+2-0-9-0
+meaning
+antebellum
+dawns
+66.73
+sanaa
+moetzes
+symmetrix
+quatrain
+yosri
+kd97
+norrtälje
+543-member
+pore-forming
+iñupiaq
+cerbaill
+bekim
+fuhe
+laelaps
+biopsies
+raquette
+20-14
+perotistas
+1.4425
+ariza
+fraschilla
+ipab
+spinello
+tapia
+70.57
+www.sfgate.com
+giancola
+buggery
+exon
+villalona
+tennesse
+srishti
+brotons
+moralization
+pikeminnow
+essentialism
+seidelman
+etfs
+sck
+kva
+unifi
+erlbaum
+chemists
+106.14
+puncturing
+schaechter
+carome
+aravindan
+well-organized
+anlaby
+rufio
+ketton
+bikey
+telzrow
+meko
+presiding
+7,000-strong
+manzil
+reshoots
+czudaj
+boorish
+mahabad
+unawareness
+bartrim
+ghastliness
+assche
+protein-coding
+jerico
+l'orangerie
+motown
+49.58
+58.64
+018
+eyler
+apres
+ruderman
+laniidae
+dwek
+fpö
+1490
+horatia
+engelen
+nuove
+vallières
+pochutla
+ksetra
+braunfels
+braida
+minus-1
+innocentive
+chinese-owned
+sanctimoniously
+a.e.f.
+jutzi
+spoilage
+lawer
+kozlenok
+sigit
+3,678
+amela
+shinsuke
+upwards
+matriz
+mucilaginous
+calma
+bareh
+pausing
+91.15
+neglecting
+sauza
+ಟ
+eyman@pbpost.com
+scekic
+domovoi
+undesirables
+functional
+8,350
+wand
+get
+antigravity
+fialka
+krauter
+jerichower
+bould
+d1
+dahran
+maquiladoras
+skulduggery
+assure
+wrangler
+maulvi
+jasna
+pisar
+overman
+greymouth
+3,509
+anisha
+15-1
+22-match
+infomercial
+1456
+cyclotomic
+virilization
+gaudron
+myriam
+goto
+turmus
+1760
+pci-x
+momoyama
+mutagens
+beumer
+desir
+refraining
+suceava
+707.45
+gcl
+hormel
+www.nps.gov
+pahonia
+grogginess
+oberoi
+vogler
+kolluri
+estudio
+horgen
+d33
+criquette
+beatrix
+nederlandsch
+pokka
+schiebel
+fcd
+mišo
+kiaran
+unexpectedness
+gharti
+daxian
+cuninghame
+sheeler
+stardom
+yakima
+juanfran
+guanghan
+arensberg
+sandling
+draugen
+59.01
+remaining
+sodré
+watchmaker
+zaner
+manay
+accessible
+smokey
+caguas
+213.4
+reconnoiter
+273.6
+repossessed
+shadowgate
+tatooed
+kanye
+pulkovo
+viewfinders
+heterosexism
+basanavičius
+funkel
+hurney
+campbellton
+267.6
+peutinger
+lørenskog
+yitzhaki
+kōka
+schierholtz
+samoud
+discourses
+handa
+datos
+gorriaran
+swan
+weihong
+disrepute
+culmination
+un/cefact
+talisa
+1.2778
+paulwell
+shobin
+udwin
+thd
+odo
+swigs
+three-spined
+.000434
+bastia
+banjarmasin
+rodionova
+acads
+id3
+mohinder
+nishimizu
+islamophobia
+fuca
+effluent
+jkelso
+pilbeam
+nget
+goñi
+wuld
+d'oex
+713-3672
+lumper
+iconography
+virus
+209
+tweetie
+akc
+zambians
+perceive
+5.17
+48-33
+halkett
+n-pepa
+galium
+buying
+11-0
+leftish
+107.90
+speedboats
+emeline
+2.25
+99.13
+schepps
+abjads
+galip
+depaolo
+tvko
+ibs
+generative
+xiphos
+farmers-general
+posas
+fleischli
+cullowhee
+105-pound
+vardaman
+226-3313
+36,000
+tanvir
+colaiuta
+gratteri
+74-61
+quiescent
+themselves
+whishaw
+noticia
+plaids
+gumbs
+alive
+quesne
+tirth
+jablin
+cerana
+kirkegaard
+naia
+mellado
+propects
+fjørtoft
+hebrides
+payment
+cifl
+petalotis
+modrow
+nikorn
+najibabad
+worrall
+mojca
+guriel
+agitato
+clayey
+sahabah
+bawled
+cinquecento
+companeros
+initiator
+biowarfare
+pronoia
+afs
+yavapai
+criminalize
+then-girlfriend
+fifth-year
+adamjee
+bahakel
+ffhg
+forkballs
+landsdowne
+nanfu
+mastodon
+kwk
+15-years
+fulvus
+lampur
+challege
+myall
+fireflies
+himno
+s-process
+chaser
+airgíalla
+clarinex
+spratt
+effortful
+sanyō
+krym
+ref
+vecchi
+evicted
+believable
+summoner
+64.8
+kennerley
+fée
+andrefr
+malonga
+zubaidah
+walenty
+ternert
+pasqualini
+shrugged
+cayman
+rabban
+rationalize
+on-ground
+etu
+brigade
+parmley
+self-proclaimed
+bryophytes
+.120
+lebrun
+35th
+wójcik
+skeppsholmen
+palaephatus
+worsdell
+jumonville
+first-pass
+mums
+caddyshack
+ingesting
+behaves
+vinroot
+wellbeing
+trianon
+earner
+caponata
+glenford
+waena
+brevoort
+46.99
+ambiguus
+swizz
+wachner
+37.68
+humilis
+wccw
+scheyder
+comic-strip
+rekarte
+d'amerique
+padro
+perai
+shinko
+mahto
+kekal
+amount
+freshened
+aopa
+demarche
+munkkiniemi
+susy
+tabare
+shidao
+itogon
+'twas
+veic
+kipling
+double-header
+coddled
+euro583
+scheier
+drivas
+jonathan
+fikret
+howmeh-ye
+hanaro
+webpad
+normanhurst
+morty
+woollahra
+chiengi
+five-string
+pikul
+agaja
+primogeniture
+broujerdi
+aledo
+spearing
+41,200
+distaste
+5,398
+hmrc
+423,000
+livilla
+flashbulb
+rāgam
+reneged
+ralston
+qalqilya
+griot
+zevon
+mopac
+le
+hypponen
+herdt
+engineer
+oswin
+barez
+abortive
+nordenstam
+derbys
+euro472
+12,100
+faneuil
+tellez
+2011-present
+tobler
+drøbak
+bullmore
+ryer
+monologue
+raspberries
+4:30
+26-12
+changshan
+proponent
+wanderers
+98.8
+oed
+unio
+korovin
+dabuy-ye
+yetagun
+motahhari
+fadi
+secada
+513
+advair
+submachineguns
+garak
+jumpstarted
+sondhi
+sónar
+d34
+jieyi
+scudded
+lazenby
+is-is
+sergio
+streeter
+teikyo
+survival
+though
+lohmeyer
+goodyer
+timbers
+4.28
+garlow
+ratterman
+2,841
+landro
+dalu
+cd32
+triberg
+blancan
+braids
+cedatos
+58.24
+anti-cancer
+kaindi
+upminster
+260.8
+36-34
+hongbao
+westcor
+scholar
+abstractness
+map
+workday
+imber
+hunka
+vanoli
+fluke
+narbonensis
+iambs
+49-50
+n.y.
+24pts
+damias
+45-percent
+agouron
+whcih
+lusa
+denove
+self-made
+polat
+lolth
+attilan
+tae
+brede
+allier
+eight-season
+madobe
+jailer
+macroeconomist
+dayah
+evensky
+untallied
+siyyid
+reusch
+50a
+penela
+rørvik
+151.1
+kapuso
+vilankulo
+cu2
+vader
+darvish
+38min
+gatenby
+luizinho
+soqosoqo
+kangan
+unsay
+aftertouch
+guzaarish
+squirreled
+berks
+plugge
+.168
+euro74
+bakonyi
+oppelt
+philippensis
+cilento
+44.54
+majia
+streicher
+ransom
+off-air
+321.6
+afanasiev
+fraise
+taytay
+ususally
+gianyar
+karoo
+rabbi
+117.50
+96.69
+vazhi
+stuntwork
+17-week
+delamination
+jenő
+stopfel
+95-89
+promotion/relegation
+sichrovsky
+off-panel
+taxis
+clayton
+brackenridge
+yarmulkes
+67.60
+jie
+grantchester
+hadep
+globule
+märtha
+sanluis
+01:30
+pivots
+ysabel
+kender
+vollard
+castigate
+shinee
+börse
+balderston
+servility
+cerignola
+par-3s
+qsc
+pishva
+fatiha
+headdress
+unrevised
+53.13
+noiselessly
+eikelboom
+anise
+libber
+laga
+wege
+fss
+matching
+wenatchee
+avb
+62.42
+atrianfar
+begin
+freien
+maxillofacial
+platforming
+sharav
+diquigiovanni
+asep
+gangloff
+then-emerging
+indictment
+downturn
+snc
+21.25
+torrone
+n'ever
+four-man
+kalustian
+n$
+woelfel
+hutapea
+superamerica
+paskai
+rakowitz
+peqin
+zwicker
+n-methyltransferase
+zbiczno
+mazzantini
+boo
+oday
+globe.com
+hueber
+literario
+daye
+pwrs
+talgat
+sueves
+desensitized
+planets
+bovenzi
+moretto
+homeopath
+burrell
+hawaii
+sial
+shipped
+65-and
+revisit
+depolymerization
+djw
+chondrites
+94.6
+brunschwig
+225-pounder
+scarpia
+304,000
+canvass
+finding
+huband
+entanglement
+khordadian
+lalbhai
+godai
+broached
+raban
+iroquoian
+karaleti
+hutarovich
+gayheart
+diaoyutai
+kington
+erj-190
+6300
+epdp
+pcast
+unanalyzed
+settin
+shimoda
+wokou
+gerbils
+triano
+warmath
+marcopolo
+atebank
+fakery
+katy
+monégasque
+matadi
+l'or
+foaling
+mals
+renewable
+sylph
+40,625
+oxidizes
+rebook
+toderasc
+substantially
+hindus
+0030gmt
+silencer
+biondo
+odot
+vollertsen
+cheeseheads
+blount
+tenchu
+directives
+sable
+kolej
+mmpi
+ingwe
+paperboard
+tobin
+mont-de-marsan
+redoubles
+sinyangwe
+u-12
+atu
+parlak
+ensamble
+erdei
+nmbs/sncb
+t-rex
+zoggeler
+non-existence
+knife
+callimachi
+ramdane
+lahm
+kalpitiya
+nanba
+pingree
+amwest
+simojovel
+handphone
+robitussin
+direction
+levitated
+machito
+pokies
+eusocial
+finnlines
+game-based
+akros
+japanese-americans
+krtc
+sclerosomatidae
+keltner
+bagong
+sinop
+letoya
+brooklier
+cusecs
+villian
+6-14
+chikara
+baroin
+folksingers
+sizzling
+irthlingborough
+ninevah
+cigarillo
+3,520
+suresnes
+château
+idfs
+15:02
+lassman
+130-member
+gannets
+beardall
+schappell
+chlorides
+delamotte
+lumberjack
+vvt-i
+colognian
+mathcore
+expressway
+averbukh
+aphasic
+spis
+ghibli
+14:41
+schwartziella
+rostam
+bullfighters
+fosamax
+1520s
+cryptex
+companhia
+mogilyov
+psychogenic
+pisek
+bhanupriya
+bàn
+138.6
+suheir
+khani
+winnipesaukee
+pradera
+minik
+nondeterministic
+242-pound
+verdinejad
+zubaidi
+bioremediation
+snake-like
+0211
+embanked
+deana
+stradey
+two-decker
+anoc
+łukowski
+pireaus
+selda
+plunge
+overdetermined
+variorum
+free-market
+reynoldsburg
+swetman
+kho-kho
+34m
+qudus
+jayabaya
+medemblik
+urb
+reves
+ystwyth
+usinger
+consumptive
+scepters
+transjakarta
+low-floor
+f-105d
+connotes
+abdou
+guarini
+daume
+senayan
+hoobastank
+atwt
+gruinard
+f-14s
+qadir
+1.0003
+swabbed
+chita
+grão-pará
+afanasy
+sýkora
+pratensis
+juneteenth
+106.72
+méliès
+sportaccord
+42.22
+o'beirne
+sundheim
+4:19
+menschel
+cap'n
+stafford-clark
+m/s2
+brazilwood
+valuejet
+boumaarafi
+birdsboro
+kristoffer
+49.35
+weguelin
+interplanetary
+interrupters
+trooops
+propinquity
+clockers
+wangchuk
+cobain
+herwitz
+346.6
+player/manager
+cg-4a
+malvinas
+farkhar
+funky
+a_10
+landeswehr
+cadamarteri
+babae
+pallial
+frink
+pandilla
+finnhorse
+januarie
+koves
+paladares
+mukhtarov
+tharawal
+mahut
+57.48
+bibbo
+microprose
+rabaa
+astafjevs
+hj
+tempi
+nytt
+bhadrabahu
+cierre
+laters
+dirtball
+versolato
+pipefish
+mfsl
+granath
+97.75
+kawaiisu
+babers
+halili
+migrants
+weygand
+cof
+.
+pfeifenberger
+california-based
+earplugs
+viñoly
+gripped
+25.86
+3,391
+redtop
+lodewijk
+272.3
+laiyan
+rindskopf
+lienen
+adelard
+contented
+donop
+58.1
+3-4-3
+gustas
+puducherry
+amwell
+malinke
+checksums
+paris-sud
+pmma
+tiergarten
+31,900
+140-horsepower
+hemery
+biblically
+hydrant
+peas
+suter
+arin
+xuanwei
+codice_54
+jed
+#ukqaqs
+yunque
+neologisms
+womyn
+multi-objective
+owlerton
+superbas
+leaned
+ejection
+oyono
+riner
+hanai
+unmin
+1810
+electroencephalogram
+hendley
+monegan
+13.67
+branges
+dane
+unforgettable
+mig-29s
+luzhsky
+326.7
+villers
+enlarge
+pickling
+supected
+114
+brydon
+brodkey
+motorpsycho
+weinig
+wellington
+consolidating
+beristain
+clp
+statton
+stellman
+82.83
+shariff
+3pts
+bekkali
+dasht
+voicetracked
+seguenziidae
+einat
+25.74
+lefschetz
+shishou
+younkers
+alkyd
+skelin
+hemings
+271,000
+inter-agency
+80-plus
+9-2
+(201)
+lowveld
+ozersky
+fromentine
+123.22
+bocheng
+muthesius
+8,160
+f.l.
+covenant
+durley
+strikeouts_rajohnson
+schaab
+ewanick
+necessitates
+itx
+briguglio
+jend
+dorough
+freeing
+mande
+55-gallon
+oeec
+88.23
+lipwig
+restocking
+tabliq
+judgement
+sestina
+gular
+fam
+meols
+edelhausen
+squealer
+enneads
+weinblatt
+thuds
+42-6
+manège
+regenerate
+minn.-based
+brar
+brunswick-grubenhagen
+judaean
+helicopter
+dyslexic
+swanage
+pinda
+inoyatov
+1270
+35-million
+bigley
+ferreria
+dunhua
+rapida
+tou
+kanar
+initialize
+blip
+viney
+mid-1969
+nonblack
+nylcare
+cgolden
+shearsmith
+gddr5
+gechem
+benner
+cathedral
+dayrit
+142.3
+shmuley
+salt
+greensfelder
+gediminas
+peattie
+tsaldaris
+dimorphism
+yoffe
+underhook
+benilde
+jugadores
+essman
+76.76
+sange
+ferlinghetti
+canonization
+wardle
+begrudgingly
+stinchcomb
+08/26
+opzz
+dharmadasa
+multithreading
+1985-90
+76.80
+tricolored
+ayeyawady
+vakula
+slaley
+minkowski
+fischbach
+tonsure
+chazy
+47a
+mainframes
+howrah-delhi
+vidović
+droukdel
+darks
+shreeve
+dialectical
+arodriguez
+depew
+stop
+lasne
+napley
+rendsburg
+bashiri
+equine
+ngf
+assistances
+spiny
+d'arenberg
+kickoff
+nutritive
+debt
+yamashita
+dorais
+mig-21bis
+anthropomorphic
+esterel
+997,000
+radziejów
+ntf
+cage
+leviton
+wola
+anti-immigrant
+precautionary
+dre
+48-kilometer
+arkell
+sambora
+araras
+synagogues
+parthenogenetic
+aldunate
+isogg
+3,917
+trygg
+:22
+339.9
+oberlin
+bofa
+cannone
+prosecuter
+lingham
+107mm
+abstemious
+jaywardene
+sumaidy
+racecourse
+epirotes
+ipv
+melt
+vercellese
+actelion
+labuhan
+adnate
+saulsberry
+rhipidura
+iran-140
+putana
+montage
+bantoid
+enterobacter
+memorising
+tizi
+lobanovs
+2007-10
+slivnitsa
+vlugt
+turnley
+1.5320
+blacky
+darly
+corbeau
+azerbaijani
+pueyrredón
+vasectomies
+zr-1
+blaufränkisch
+proscribe
+rep
+riffs
+ocotea
+plg
+majorstuen
+oceanian
+lellouche
+mccranie
+razah
+cohmad
+b-2
+keshab
+youngson
+700p
+moulted
+medvedtseva
+hunny
+denic
+salla
+nizeyimana
+70-year-old
+bishops
+scofidio
+procrastinate
+rwisereka
+acequia
+two-syllable
+bonthe
+janoff
+microfabrication
+cassytha
+türkic
+fif
+yasmine
+inducting
+wnew
+changjin
+struggler
+visionics
+blockbusters
+rounders
+2k2
+ohří
+forties
+ussel
+r.s.
+42.64
+285th
+5w
+hinges
+crich
+inter-related
+plc
+cutrer
+shūrei
+dabas
+academe
+teaspoonfuls
+confession
+deflected
+karno
+postalveolar
+niblack
+semi-elliptical
+county-based
+retinoids
+debevec
+15.0
+sedins
+telomere
+poundings
+bioclimatic
+oz
+lgb
+bowtie
+ked
+mackays
+camin
+powley
+crankiness
+gauze
+curacies
+at&sf
+philosophers
+small-cell
+ronald
+hajek
+samaja
+cd-single
+36.68
+mcallister
+mhlanga
+overplaying
+chūbu
+flaca
+novotná
+noisecreep
+barbot
+capka
+negredo
+villmergen
+railcar
+kamuda
+trefil
+zygmunt
+imacs
+1,278
+callery
+laboratorium
+kriens
+shōshi
+1,054
+votron
+kagyu
+miliaria
+unrwa
+folkstone
+loeff
+jahović
+parliament-funkadelic
+eschwege
+http://www.federalreserve.gov
+birdbrain
+bele
+doting
+luxulyan
+38.22
+anti-imperialism
+substitutes
+cosham
+rexhep
+oertel
+gesar
+gayler
+pilsner
+runcorn
+retitled
+weinzweig
+1435
+houpt
+66-acre
+zumiez
+workshops
+casiraghi
+abdaly
+mispronunciations
+clipart
+hardeman
+shall
+574.8
+woolas
+mid-cheshire
+scsi
+l'equipe
+modulatory
+vietcombank
+litvinenko
+thessalonians
+chira
+31c
+cardiss
+1.2276
+ulcers
+180s
+meaties
+warthrop
+boldy
+emleader
+norwalk
+32.42
+rtr
+lawler
+korthsptimes.com
+worldnews@ap.org
+40-60
+michell
+solid-propellant
+benefices
+bittencourt
+cesme
+breeching
+pupil-teacher
+pontoise
+epitomize
+rahma
+advertising.com
+abacavir
+grampus
+masterpieces
+pnr
+shruthi
+colorado-based
+mufid
+gujar
+kept
+jarndyce
+90.60
+kimani
+landlessness
+flippers
+wasdin
+seeling
+swear
+peche
+freeza
+endevor
+delva
+blackland
+varkaus
+sludnov
+motian
+reidemeister
+gnd
+riger
+mayardit
+biceps
+terminate
+www.aarp.org
+balthus
+32-19
+ningyo
+arnside
+vinet
+1,340
+durgadas
+mexiquense
+reggiane
+huisgenoot
+galilean
+tharavad
+ypf
+rapha
+254.7
+muttiah
+basheer
+umer
+chuvash
+tebbutt
+allegret
+mastering
+13.42
+47.47
+reporteros
+micromollusk
+tikolo
+soku
+okkervil
+gtm
+dorpat
+mahoud
+konchesky
+proportions
+thoren
+fichman
+lcf
+high-altitude
+shanzai
+impactors
+kutateladze
+bjerre
+rexton
+chantilly
+antelope
+giresse
+sandai
+ufdots
+email
+mancino
+qayen
+oldfather
+kompanie
+oneself
+habitaciones
+helcystogramma
+urrego
+rothstein
+intercepting
+imperils
+3x5
+kuki
++0
+mgc
+athleta
+aa
+oberscharführer
+discharging
+wans
+foulness
+benevento
+herff
+prot
+funimation
+aqis
+dongling
+savaş
+canonizes
+aeshnidae
+classifications
+sams
+30cm
+gres
+.167
+low-pitched
+candymaker
+habbush
+196.2
+lamm
+ark.-based
+lulu.com
+blintz
+terra-cotta
+305-pound
+shlaim
+rozhkov
+1x3
+requiring
+goldblatt
+intented
+4,351
+precursory
+lemaitre
+second-to-last
+jenness
+evidencing
+egress
+enyart
+instructive
+95kg
+sofri
+jary
+sorbier
+vondie
+bhojpuri
+haspel
+regals
+500-channel
+descubrir
+hfcs
+tobiass
+ricciarelli
+3-for-16
+yarram
+gigio
+tummies
+theisman
+ponnelle
+quakes
+naw
+schindel
+tom
+chennault
+portanova
+schmear
+festina
+droungarios
+szabo
+vocci
+amethyst
+11-week
+tug-of-war
+ixil
+5,140
+mayibout
+intimidator
+leius
+37-31
+intergovernmental
+plagiarized
+undue
+gasanov
+tsarskoe
+kavala
+scorupco
+manulis
+48.44
+musophagidae
+malerie
+kev
+ielpi
+planer
+panzerjäger
+sédar
+10:23
+akello
+merica
+ashburnham
+vanadate
+jacobina
+discontents
+sae
+showell
+kurama
+yog
+methyl
+newcastle
+kimveer
+scoring
+ser
+florentines
+compositional
+jakobshalle
+breimyer
+revolutionised
+greenlee
+unglamorous
+subclans
+nonpoisonous
+rangoon
+nunns
+viorel
+1959/60
+beaudo
+piñatas
+caligari
+hated
+.590
+welshpool
+sandwiching
+kandel
+benoist
+dejuan
+tegn
+thegn
+rajya
+electropop
+ciragan
+gills
+shigeru
+darwish
+absolution
+pfwa
+shewhart
+kastoria
+t40
+chivalry
+rymkus
+buso
+phenotypic
+krzywousty
+croome
+40-month
+abcfm
+recordkeeping
+kalaallisut
+113.37
+osano
+r29
+cacophony
+50sec
+agriculturist
+farscape
+leanbow
+leyes
+5.18
+205
+acf
+communes
+abstentionist
+hassles
+serve
+higiro
+westmoor
+deejay
+iae
+wrn
+elongated
+postgresql
+grafman
+losses
+orabi
+rocko
+9,387
+maîtresse
+biggio
+167.4
+lune
+economicos
+nidan
+al-awwal
+ndv
+resuming
+fruin
+zebre
+clean-sheet
+keaney
+zuttah
+shimari
+bergen-belsen
+azkargorta
+pakaya
+17-city
+doek
+d’amour
+offals
+terrestrial
+75-73
+wingman
+m-32
+hussman
+40-square
+golemi
+single-volume
+800-950-3739
+kusunose
+synodal
+villalobos
+interreligious
+strahl
+morrowind
+krishan
+shahravan
+ivanishvili
+garstin
+drosophila
+gaoyou
+swicord
+meta-analytic
+castleconnell
+rickd
+sexting
+bhasin
+pellow
+ceding
+quarkxpress
+tharandt
+987
+meyghan
+marcq
+delee
+mydriasis
+fullscreen
+moments
+adilshahi
+overstates
+kreuger
+lecce
+petunias
+forts
+perlecan
+ioann
+tehuelche
+mujahadeen
+tns
+tupperware
+45-mile
+sumitro
+22.5
+monumentale
+intermixing
+pre-primary
+brunett
+joncour
+porthcurno
+kasal
+livonian
+loaeza
+nadars
+xirong
+kupinski
+119.04
+olenekian
+sariputra
+interlined
+inveraray
+madawaska
+3-phosphate
+llibre
+globulin
+bushire
+mutalibov
+k.w.
+schuester
+akter
+parades
+ahsoka
+ueto
+por
+ducats
+chaabi
+moline
+cosic
+17-18
+311
+218.5
+mpeg-4
+javal
+serpin
+schnapp
+chess
+unsuspectingly
+westnile
+145.6
+signalled
+rabbinics
+khmelnitsky
+scrumhalves
+dytiscidae
+kidding
+barkashov
+stelo
+torrential
+decisiones
+knouse
+produce
+killoran
+obel
+rettenmund
+weerd
+transcoding
+ochocinco
+whs
+249.9
+fromme
+genuity
+leonians
+5:11
+finalise
+memmel
+franceschi
+55.1
+boeheim
+electrocuted
+half-scale
+fredonia
+103
+sevastova
+3,496
+stanbic
+alley-oop
+oocyte
+twee
+genazzano
+70-67
+093
+middelburg
+lowenstein
+limnology
+toe
+salkind
+wzzm
+nieh
+kakodkar
+arm
+pemiscot
+mahouts
+sancerre
+hikawera
+smoothies
+vte
+meyerson
+36-man
+31m
+sundown
+double-tracked
+tāzehābād
+metaphysics
+gallucci
+hambardzumyan
+croesus
+15:58
+kpodo
+manatt
+30-27
+hattingen
+reme
+ozero
+69-70
+thomlinson
+bounnhang
+syllable-final
+cerussite
+briquette
+82-74
+dahlie
+nandu
+sovereignties
+626
+kawęczyn
+http://www.enron.com
+benicassim
+idi
+barnwell
+hydrilla
+cigarini
+oriented
+nesmachny
+planum
+anthes
+eohr
+nccu
+meshiai
+reschke
+24.82
+terwillegar
+26.04
+haji
+palavela
+naturpark
+motegi
+fule
+khandan
+totma
+century-fox
+bart.
+akana
+trenton
+wordlist
+bartolotta
+nisshin
+112.22
+norvegica
+liqin
+singleminded
+violito
+skas
+270-degree
+tibba
+visitantes
+offbreak
+vuosaari
+detrol
+théologie
+ionian
+sikkim
+zeem
+crouton
+bourdeau
+jankulovski
+72.08
+incarnations
+glinton
+unseemliness
+wieniawa
+mooresville
+cabrero
+.420
+sivarathri
+westbourne
+hosenfeld
+29s
+geda
+gui
+finl
+so2
+comrades-in-arms
+bensch
+allyne
+livets
+meteoric
+brill
+disinfectant
+tarred
+hulshof
+dobunni
+leistritz
+skincare
+malkapur
+dersu
+107-89
+testate
+kotonowaka
+narasimham
+fryman
+raloxifene
+osmonov
+herrenvolk
+kadaga
+fanni
+agrobacterium
+vibrance
+immigrate
+1987-91
+component-based
+relish
+sametha
+general-interest
+yonghao
+spirtual
+dfl-supercup
+anastasie
+renmei
+lundeen
+6.64
+quý
+mcoker@coxnews.com
+greek-speaking
+quilting
+hoeller
+bancarrota
+aerospace
+nru
+bikutsi
+nnt
+zukofsky
+spironolactone
+makemake
+11-28
+sterchele
+magnetised
+punk/new
+871
+propylaea
+leflaive
+magpul
+leyli
+birding
+b'rith
+warter
+inhibition
+taibbi
+technobots
+acheampong
+donnelly
+overcooked
+sergie
+31-foot
+liliyana
+gaogaigar
+intrada
+karole
+expulsions
+cyta
+khanong
+gravidarum
+serow
+maryland-national
+watanagase
+sudeley
+shetrit
+parwana
+multivac
+dedieu
+sandworms
+11.99
+lgov
+frydek
+raznjatovic
+venediktov
+puccinellia
+sinoussi
+parnassius
+bozcaada
+alanssi
+whitcombe
+sc.d
+warrap
+sheb
+borovec
+ruberg
+communists
+não
+4,036
+sarsaparilla
+tabs
+alkermes
+96-87
+pre-qualified
+mandeb
+wołomin
+reichs
+118.22
+mohist
+reinvent
+hovels
+personally
+88.2
+hetmanate
+netpliance
+24-count
+rashaad
+traudl
+catanzaro
+mashburn
+accommodate
+micha
+galuten
+copyrighting
+danshaku
+marcellin
+mulally
+310,000
+vulgare
+dietzel
+caillié
+shoujun
+bmarc
+miroir
+carpobrotus
+elsewhere
+hard-to-find
+marcion
+1-0-9-0
+canopied
+messiaen
+41-5
+skarsgard
+xband
+lancia
+euro189
+93.90
+wellspring
+pradesh
+dewolfe
+100.12
+24/7/365
+time-of-flight
+tippie
+baunach
+atilano
+jonaissant
+rapture
+spliceosome
+shoreline
+marfa
+garroted
+ʿabd
+drawl
+1,589
+286-pound
+kery
+gottberg
+rapturously
+losiukov
+kebbell
+ruinous
+860,000
+ecus
+petras
+w3
+tues
+wanamaker
+dissembling
+dalrymple
+vybz
+broto
+sijsling
+godugunuru
+groenemeyer
+us-built
+lakos
+confernece
+kusznierewicz
+homam
+ralito
+:09
+qadus
+erechtheus
+furnival
+codlea
+xyzzy
+hemsky
+speculator
+dance-oriented
+585,000
+kamali
+crossfire
+hideouts
+long-winged
+kris
+pauls
+odra
+mcindoe
+divot
+luohan
+birru
+peskowitz
+humpback
+zydeco
+stanford-binet
+cassidae
+badby
+kibitzer
+branda
+hirosaki
+qadam
+dunderheads
+rwasa
+1979-82
+46.16
+864,000
+abeyance
+29.13
+csusb
+gimlet
+ogema
+repak
+campylobacter
+p.c.
+fengying
+manzikert
+meloy
+wbn
+klf
+suhaib
+enactor
+cru
+stickies
+lipomas
+absheron
+transperth
+matabeleland
+hird
+terrio
+icap
+kalishnikov
+nalhati
+hiraman
+gdbr10
+cn8
+urman
+point-and-click
+ernk
+starogard
+genuardi
+reinman
+highveld
+1821
+kanbun
+demattei
+chocolatey
+strömgren
+drawings
+callaghan
+umdnj
+educations
+alcohol-free
+touchet
+bergner
+plautius
+farve
+kanellopoulos
+nhill
+59s
+harmandir
+lambing
+co-leads
+maxville
+121.30
+teollisuuden
+nzeribe
+diack
+jdeideh
+immortalized
+7.34
+jubba
+beheshti
+urbanist
+kley
+56.55
+bt5
+rydz-śmigły
+teams
+ghanbari
+246.3
+máel
+araniko
+propels
+untwisted
+quaternary
+58.45
+auchterarder
+erwa
+100-pitch
+miño
+aluva
+gopalakrishnan
+sino-vietnamese
+peninsula
+a-50
+salespersons
+eminger
+88.75
+grahovo
+kristinehamn
+sanofi-aventis
+1977/78
+cantharidin
+informes
+mitsu
+1.675
+gkn
+protoplasmic
+pan-indian
+tertis
+intraday
+rangeland
+rufifacies
+202.3
+galeotto
+pals
+sclerotic
+wawasan
++.06
+taegu
+sibolga
+habituated
+gola
+sadasivan
+teepencolumn@earthlink.net
+kbo
+7.19
+gormé
+duskin
+ri
+cusiter
+playful
+l.
+honoratus
+emina
+1.5635
+152d
+1538
+recalibrate
+bonzzo
+canyonres
+katusha
+parchman
+lycanthropy
+dimel
+kirchpaytv
+florus
+gratis
+washakie
+foul
+zanella
+masted
+steffe
+newsmaking
+horinouchi
+smolarek
+petr
+delcambre
+fatwa
+gudang
+zhambyl
+ogu
+vadim
+ktve
+henlein
+kellie
+wintergarden
+discriminating
+randaberg
+patras
+f-117s
+jirov
+chiofaro
+teitelbaum
+thiru
+atriums
+frizzled
+jasenica
+quickened
+unasur
+shih
+schatzberg
+omand
+6,418
+demonisation
+teared
+braver
+i̇smet
+tourneys
+cúailnge
+dukovany
+aleksandër
+thrust-to-weight
+crease
+haendel
+bapt
+construct
+liess
+passumpsic
+biogenic
+nicolaus
+geckos
+gainsbourg
+yehl
+stromatolites
+magnetotail
+12-23
+lacter
+louis-auguste
+paternot
+wiener
+wrongfully
+livigno
+respelling
+ectoderm
+thrailkill
+testosterone
+intentional
+malange
+lilin
+bushra
+uprisings
+re-education
+ritter
+kharosthi
+hepatocellular
+gyldenløve
+9a-8p
+tolia
+rusyn
+emenalo
+dudus
+sheikha
+rutin
+roginsky
+yuanta
+harr
+céu
+midzi
+vavasour
+72-foot
+ra'anan
+suizhou
+laiho
+5-19
+truism
+mowry
+bridge-tunnel
+ormesby
+lasch
+whi
+nouria
+nightshade
+patrolling
+641,000
+darker
+vaivara
+under-secretary-general
+oberliga
+ascribing
+euro350
+patkai
+crimefighter
+s-76
+melati
+abayat
+mutu
+nahk
+charalambides
+16.80
+worsen
+pancevo
+demographers
+1980-89
+chaiet
+98.2
+push-up
+,540
+poloidal
+martinuzzi
+68s
+wiccans
+cauterize
+króna
+59.33
+uxmal
+turbin
+gitxsan
+marmande
+louisine
+scored
+coercing
+long-neglected
+bedford-stuyvesant
+carnauba
+zippel
+fosterella
+zaillian
+calzaghe
+cinereous
+selymes
+vinification
+x-cup
+then-minister
+miracl
+berta
+hemdale
+migration
+marginalizing
+zikalala
+ispo
+then-assistant
+wharfage
+15-billion
+kotite
+jaccard
+tenkodogo
+abkhazia
+reminyl
+tawang
+laskawy
+pacher
+obtusely
+kapranova
+coproduction
+comore
+kurchak
+sofala
+duffen
+evitar
+crystallised
+truku
+təzəkənd
+brodkin
+preface
+rec
+hollar
+horváth
+1948/49
+witoelar
+team17
+axman
+perlin
+6-4-1
+sofapaka
+holography
+killoren
+fmt
+sinn
+ferromex
+krassnig
+ghz
+haifeng
+histórico
+oche
+wlne
+mantello
+oversell
+anti-terrorism
+7-19
+emergenza
+podium
+vandre
+clasts
+galashiels
+houseflies
+sollitto
+binnenhof
+stipend
+morgunov
+winging
+archosauria
+2420
+theatregoers
+ebihara
+gyasi
+muestra
+south-eastern
+mambalam
+mūsā
+bushehr
+pirsig
+spaceguard
+obsolescent
+myawaddy
+realdvd
+euro383
+bbe
+nysc
+15-yarder
+1999-present
+worgu
+sarli
+bayi
+10-of-13
+karpal
+sheneman
+davidson
+catamarca
+flon
+okapi
+unworthy
+tordo
+46-minute
+photomultipliers
+3,786
+uh-1b
+255.5
+synthetases
+mo'aweya
+.917
+bhavani
+35-point
+pizzazz
+sic1
+zhuji
+sofu
+vengi
+elm
+penaud
+girlfriends
+petris
+clément-bayard
+levisa
+tatoosh
+private-owned
+conflate
+erdini
+forty-ninth
+imraan
+skerries
+i-70
+reseachers
+pegatron
+12/1
+wyland
+malec
+lemessurier
+hablamos
+nns6
+7161.15
+hgaa
+montello
+galleryfurniture.com
+chauk
+greenleaf
+fuel-injected
+gains
+cranbrook
+dorrans
+watteau
+metastatic
+boland
+425.5
+tawanda
+year-olds
+freas
+zarzis
+bicentennials
+slo
+202-298-6920
+badnjak
+subotnick
+135kg
+rejuvenates
+electrostar
+anabolic
+retiro
+acanthamoeba
+miaskovsky
+grippe
+16:29
+corrects
+brodsky
+geneforge
+descriptio
+parastatals
+pylons
+saucepan
+35,000-member
+reghaia
+tpn6
+multipotent
+naoshima
+damiri
+prudom
+fishtail
+shoppe
+ors
+multicandidate
+visitacion
+committeeman
+6,137
+pitroipa
+carrico
+refreshers
+camptosar
+earbuds
+surur
+40-page
+phytosaur
+jena
+bsac
+rathgar
+rzepczynski
+naturphilosophie
+suru
+rodrigues
+off-center
+53.56
+askham
+salvatori
+4,438
+hominis
+rewinding
+warkworth
+lundeberg
+thae
+krida
+2,168
+eventhough
+parlemannews
+prefetch
+sukhwinder
+whatton
+ufi
+accrues
+½
+svealand
+1263
+esterhazy
+morren
+vitrichenko
+collarless
+risto
+juste
+ablution
+walk
+14.70
+it&t
+hulya
+zhenlin
+naar
+1,697
+md80
+craftsman-style
+celi
+http://www.unos.org
+ugrumov
+155.0
+ellory
+rangifer
+kantor
+discipline
+never-completed
+32.06
+wep
+manuals
+abeyie
+suvalkija
+saydiya
+7.53
+bital
+zimmern
+holla
+patriquin
+bimha
+kasuya
+turadzhonzoda
+700
+danneels
+mowag
+scuppernong
+38-10
+eviatar
+hesa
+slews
+wyndorf
+scratchers
+mediolanum
+suis
+builth
+titley
+magique
+sablan
+mmn
+hameenlinna
+dehp
+feathertop
+kara.medalis
+imbecilic
+sadique
+fimaco
+sfd
+coonawarra
+cataldo
+oxygenates
+iofc
+burials
+ponsolle
+teklemariam
+mulvaney
+70.03
+lupine
+ortutay
+unsan
+matijasevic
+breiter
+borte
+conquest
+wissanu
+disagreements
+derlei
+serageldin
+biekert
+kayhian
+telephonic
+civetta
+quê
+grc
+hưu
+polltaker
+deshields
+ftm
+contassot
+klas
+thinkequity
+oct
+lewandowski
+totsuka
+destoroyah
+eagleson
+whd
+debilitates
+42-27
+misstating
+sumisip
+tv/
+broyhill
+mthurwachter
+zuoying
+coelurus
+daiwa
+nig
+nyquist
+ukrainians
+anorectic
+175.1
+26.42
+bourguignon
+non-payment
+humanist
+virginis
+crickets
+durbin
+plus/minus
+reconcilation
+daul
+87.76
+ghurid
+nissim
+1986-88
+braide
+iraqs
+a.s.l.
+trimester
+lub
+chancellors
+smokehouse
+lahrs
+lapua
+bartholemew
+uv
+presilla
+investments
+hiten
+juliana
+taibeh
+89.40
+29,250
+yellen
+gelasian
+sirus
+bernières
+6.41
+knowles
+heteroatoms
+myelogenous
+sophonisba
+casos
+klondyke
+distributable
+relaford
+nikel
+cherts
+duim
+girelli
+1967-1969
+http://www.johannesburgsummit.org
+romps
+slip
+nurtured
+ash-sheikh
+garces
+jotted
+spilimbergo
+southbound
+remaing
+baraga
+irreconcilables
+carneades
+nuzi
+centostazioni
+shareholder
+catkins
+parlement
+fascists
+tapped
+eurobond
+upswing
+pignatiello
+leagues
+20.33
+starchy
+bielema
+h.hawkins
+gabilondo
+hulled
+turakij
+g/m2
+heartthrobs
+grievance
+keck
+leukine
+ashayiri
+goodlette
+kothi
+hispania
+52.19
+sanjar
+kachwaha
+lupo
+luxuriant
+99.43
+doling
+mariner
+ukrainy
+kaliganj
+lactarius
+gipe
+osbat
+ardillon
+euro435
+4,510
+heaston
+23c
+pastored
+rajas
+bichenov
+keyssar
+sibi
+advancements
+abot
+bankrolled
+belaya
+garrod
+fox-owned
+twu
+uhtred
+pro-russian
+2098
+torani
+preorder
+opobo
+abas
+77.18
+reini
+yells
+quantization
+folgore
+930s
+reversal
+sembawang
+kremer
+masone
+rokn
+genitives
+nyt6
+margaryan
+bondoukou
+murba
+13-strong
+kovarikova
+triglyphs
+lacorte
+merger
+yuanjie
+mouzinho
+maneeloy
+kinzie
+undata
+misused
+improver
+physiologist
+nabatiyeh
+stepleman
+baalbeck
+chambonnières
+telemadrid
+hertz
+404-222-8268
+insurgente
+newfoundlands
+dartboard
+zongyang
+recites
+socko
+mccreesh
+narcoleptics
+anteve
+46.36
+allie
+elle
+expropriating
+cadorna
+represents
+ahs
+d.a.v.
+selling
+monisha
+nasratullah
+satelites
+avhrr
+misasagi
+capital
+non-students
+heatstroke
+treatments
+evolutionary
+shinwatra
+riccitiello
+cameroon
+victimhood
+youre
+wiltsie
+poena
+ducheny
+fishbowl
+dadullah
+dlp
+aceval
+3n
+egar
+shchen
+cheuvreux
+clarett
+batouty
+sportklub
+rainman
+photograms
+raquet
+4,219
+marketeer
+khat
+strass
+anpp
+gvg
+courts
+stuffiness
+sezam
+indubitable
+aquin
+euro547
+javelinas
+kriol
+perras
+elms
+sommes
+dunkard
+chaa
+whitchurch
+.327
+overmantel
+serenity
+stol
+easmon
+hillforts
+graman
+magnetometry
+sankar
+2,002
+gobindapur
+nenu
+130km
+inverse
+gurin
+bluebloods
+135.95
+phon
+1747
+commish
+late-2008
+3,079
+whities
+snitko
+devita
+rombach
+cozzene
+sunspree
+hactl
+3.86
+metromix
+bignona
+wyckoff
+vocalisations
+1,768
+triple-platinum
+went
+slifka
+lubavitch
+witte
+smeraldi
+crescent
+lecithoceridae
+relis
+f.
+narrower
+rollicking
+subanen
+karelia
+prepped
+tellabs
+ginormous
+pulmonary
+sherbro
+4.745
+nicktoon
+coccus
+richert
+groundballs
+sacy
+kabezi
+z4
+full
+syllabus
+pym
+328.9
+sarkozy
+puglisi
+bortkiewicz
+beachcombers
+s80
+txu
+e34
+hgvs
+13.80
+psycholinguistic
+romanos
+neddie
+66.51
+giordano
+11.6
+neomycin
+skeel
+67.35
+thibaw
+56-4
+anguilla
+fogbound
+logis
+agonzalez
+38-run
+mura
+darbee
+chonbuk
+signetics
+7-speed
+draganov
+landingham
+2.4-liter
+can
+chadors
+notifiable
+amphoteric
+gave
+kuzmuk
+magoni
+shellfire
+solemnized
+http://www.lucent.com
+ballboy
+mediana
+jacinth
+1170
+532
+ran
+hamidreza
+rehearsals
+elaborated
+workarounds
+licencia
+cockayne
+sabourin
+foom
+1-of-7
+feliks
+turntablists
+informe
+jewish-christian
+paintballs
+ovh
+winegrower
+tri-star
+agoutis
+lahana
+jensby
+maambong
+depositor
+19c
+presure
+slurred
+ecgfrith
+mongla
+on-line
+92.45
+gebremedhin
+forestburg
+fddi
+killed
+francesco
+ant-like
+paracetamol
+careless
+sub-tribe
+'39
+alaminos
+one-of-a-kind
+mountainous
+goalwards
+astrov
+glace
+pittock
+graton
+schygulla
+replay
+volleyed
+vendange
+cornaro
+lovecchio
+fmcg
+5,580
+abductees
+monomial
+newgen
+estridge
+warriors
+pussyfooting
+wmt
+pbgc
+boulmer
+kleynhans
+chaunte
+hochschule
+ooma
+o'nuts
+3,036
+sedano
+kharfen
+euro64
+gages
+yanukovich
+buldan
+hallerman
+brug
+htt
+hexed
+choicers
+bandmate
+mianus
+manesar
+nus
+ortolano
+weerapat
+ization
+organda
+darrieux
+chunnel
+forename
+ingenix
+terrazza
+haria
+barreh
+wittering
+denpasar
+1590s
+kewangan
+nenets
+nonentities
+beckstrom
+paralia
+rehweiler
+dabiri
+shinnosuke
+oaxaca
+f60
+kudumbi
+abeille
+bancamerica
+tirkey
+dobos
+misdirect
+awhile
+tênis
+whe
+late-1800s
+2ndmix
+abukuma
+rikka
+lehder
+lokman
+internetworking
+chunhua
+19.41
+luffa
+faces
+nithya
+7.05
+ayumu
+wyszogród
+platano
+linos
+kangoo
+oluoch
+schork
+contusions
+petulantly
+compos
+229
+strate
+jouko
+asaph
+alcover
+amungme
+hiyari
+leuven
+66.14
+-72
+intercultural
+poperinge
+telcos
+favours
+triceratops
+rybczynski
+micropterus
+cummin
+ventricular
+cognate
+murnaghan
+tachen
+innsmouth
+majella
+wehrle
+gabay
+jiaojiao
+279-4000
+woosley
+activists
+perent
+pinas
+artek
+end-2002
+ryad
+1599
+13:45
+unhas
+84.72
+2,566
+wbhs
+lingcod
+cutting-edge
+beatrisa
+1-up
+4,775
+goldbeck
+qara
+4,471
+blogger
+torcs
+42.96
+174.25
+onorato
+mummer
+innumerable
+concetta
+northeasternmost
+gpcr
+hayrettin
+yitzhak
+memorias
+hafsid
+combatir
+tenured
+191.8
+bjornsson
+323
+hkmc
+imoneynet
+air-raids
+paraguaya
+r.i.-based
+abkhaz
+laham
+krasnokamensk
+brissette
+109.27
+eliud
+brindis
+murfreesboro
+non-chinese
+styrum
+ndure
+hauert
+sensorium
+50-dollar
+2,578
+lionesses
+carrasquero
+mcgrigor
+uploaded
+mecklenburg-vorpommern
+binah
+shallot
+elucidate
+interpolated
+dressup
+nasc
+caton
+rn
+fondle
+bouteiller
+kunitachi
+3,510
+rationalised
+vasovagal
+begins
+curtly
+lene
+sippola
+antiestablishment
+harthacnut
+metanoia
+aleatory
+ac-130
+æthelburg
+kuwaitis
+mahua
+primorska
+bmo
+lelkes
+ljubomir
+olpe
+wellingtons
+cassandras
+parinacota
+aristidis
+1998-2001
+childproof
+sdi
+dillenburg
+dalat
+leukoencephalopathy
+abnormals
+shamseddin
+micronesians
+vocalizations
+99.16
+vanger
+being
+tauern
+cuisine
+bryggen
+mulki
+mugi
+renditions
+1241
+wilber
+likud
+dah
+885
+carrian
+www.ticketmaster.com
+tidings
+14km
+taekwondo
+yertle
+parlour
+29,300
+mayban
+mappin
+orgun
+mohanad
+sape
+50-member
+koiné
+ediciones
+antheraea
+1.5585
+jurcevic
+disarmament
+esse
+stupas
+igas
+hint
+nanak
+bispo
+wimbledon
+máximo
+kmu
+conv
+peridot
+anonymus
+oaklands
+chione
+lebbeus
+sassou
+skier
+daitoku-ji
+labourd
+handloading
+tessellation
+pattabhi
+talim
+srinivas
+48-20
+salkic
+wnnx
+duygu
+sargent
+jedi
+mousey
+wimm
+mid-way
+golaghat
+caprock
+harts
+transitions
+fiesole
+1am
+qadiriyyah
+edsels
+gruebel
+necesitan
+bona-fide
+tuwaitha
+unnameable
+ermakov
+harrie
+portside
+morris
+waupun
+hyperacute
+a-320
+oeuvres
+eurozone
+haverty
+jemaah
+ancho
+herken
+claver
+gultom
+assia
+mythago
+yelled
+pdp-8
+federalize
+amii
+inroads
+nasuh
+zagoria
+100-point
+boisvert
+0-17
+wedick
+razeq
+vxi
+rowdhan
+womp
+schoolday
+half-million
+massob
+inexpensively
+7085.16
+gestel
+denistone
+victorian/australian
+skewes
+elío
+simlish
+steidtmann
+dubey
+kashkari
+dagr
+1,500-metre
+reformers
+istituto
+sugimoto
+jordanów
+nscsa
+danilevsky
+imprisoning
+nanum
+2,878
+butuan
+kirpan
+milarepa
+djtgv
+yakan
+cleber
+t-distribution
+fsa
+oblation
+zay
+zwarte
+astrologist
+2001-2006
+misbehaving
+royals
+ba4
+burghardt
+handicapped-accessible
+maurtua
+2,189
+randers
+35.08
+jeffe
+pingshan
+toma
+egr
+thiessen
+1354
+lonavala
+mingle
+erispoe
+recapitalise
+11-judge
+zithromax
+yentob
+39.54
+dragisa
+metalloids
+outbound
+kg/ha
+mzilikazi
+pauletta
+viciously
+easterns
+bisham
+floret
+diop
+1956-1957
+kacper
+isaak
+2,364
+weisberg
+n2o
+peccaries
+unclogging
+stachybotrys
+kahindo
+simulates
+tornado
+4-to-3
+anosmia
+hadise
+71.33
+salvages
+suwalki
+one-ton
+americans
+zandra
+alampur
+kepco
+smoked
+phensedyl
+skis
+bahlika
+mierzejewski
+ramba
+epicatechin
+knave
+windsock
+bucknall
+pre-transition
+gespalten
+fonssagrives
+pirtle
+ediouro
+issacs
+duston
+swoboda
+133.00
+eagerly
+ironist
+piozzi
+wongsuwan
+minnows
+alnus
+nicherie
+thurm
+juszkiewicz
+mathema
+15/km
+meeke
+typically
+shein
+schleswig-holstein-sonderburg-beck
+sobinbank
+50-31
+athena
+mockingbird
+lechuga
+cinematheque
+heyneke
+univision
+beyrer
+ineson
+kazini
+propriety
+64.59
+cardinal-bishop
+firebombers
+schetky
+pris
+shawl
+scampton
+despedida
+tree-covered
+1,246
+beckers
+31-sept
+ibidem
+realtor
+3,010
+mdr
+bonsai
+kantauri
+isenhour
+muifa
+mookerjee
+51-nation
+attell
+giambrone
+al-harbi
+licenser
+two-to-one
+townswomen
+numberi
+blueberry
+yuskavage
+oml
+bolu
+baetens
+hewn
+ø
+rosemberg
+cabanis
+lower-left
+pre-wedding
+grimwood
+helms
+pasolini
+glovsky
+regionalism
+lobos
+1/4th
+tingay
+12-cent
+bollandists
+pensionary
+thx
+helicobacter
+tase
+sospiri
+baedeker
+tajudin
+pincio
+krief
+0.036
+keinan
+tightly
+fotheringay
+gorgons
+boseman
+flomenbaum
+talaimannar
+parodists
+rafts
+botto
+damanhur
+ringgenberg
+fera
+macra
+blackwater
+naissus
+zydrunas
+chicana
+jelenia
+200-odd
+sidefooting
+wosm
+halberd
+envelope
+108-member
+jerrianne
+andrievskaya
+retest
+cymru
+sniderman
+autónoma
+martinho
+dimera
+unencrypted
+towboats
+bilbao
+59.07
+96.10
+outfest
+muthaura
+lockey
+sawer
+snarf
+3,956
+scharbauer
+historians
+nimon
+shanklin
+mak
+lizin
+hyp
+edwardses
+pseudo
+shangyu
+1,223
+mussavi
+.479
+160km
+serrat
+lemar
+murrelets
+sonnie
+xiaoguo
+penderecki
+stretchy
+lubrizol
+b-17e
+varian
+westerburg
+clangs
+dumais
+lidz
+43.53
+palo
+oxyothespis
+subspecialty
+birchenough
+fangmeier
+bacow
+tantei
+tuition-free
+dalin
+brearley
+zhengfu
+bosham
+relaxant
+allain
+236.7
+118.40
+sebesky
+trude
+bernburg
+naso
+brightening
+bivolaru
+manitoba
+jägers
+cardinality
+on-campus
+raiatea
+restorative
+houtermans
+akasaki
+broilers
+gunj
+shipwrights
+anticipate
+rossmann
+fgw
+3,895
+pardoning
+geetmala
+manalich
+pentathlon
+sifang
+hynek
+sikirica
+mice
+ekeus
+wstm
+baselitz
+o'scannlain
+gaydamak
+1,908
+doggone
+dbl
+480-billion
+hridaya
+favartia
+viaticum
+guen
+colorants
+chabane
+eckels
+valvular
+lemorin
+cambreleng
+iraqia
+avn
+hasdrubal
+whiskies
+3,960
+looked
+stimulates
+seventy-second
+riverwoods
+chyan
+o'melveny
+bourkoff
+seita
+piloting
+kotwali
+lexeme
+festivities
+colvin
+gligorić
+wodonga
+chicanes
+volatile
+gazed
+4-38
+moreirense
+universitet
+kaloyan
+linthouse
+landauer
+schmied
+brigalow
+heavyweights
+lata
+towe
+mikasuki
+then-manager
+310
+lalani
+drillship
+jugal
+gokarn
+knux
+ilyas
+ensure
+stopper
+loonies
+omsi
+exasperated
+habonim
+plead
+revillon
+bergers
+myrrh
+37.35
+azimut
+cousteau
+off-white
+statures
+elshafay
+interphase
+stellar
+gielen
+filipa
+knopp
+windex
+sugarfoot
+cuenco
+saunders
+1212
+188.5
+mssr
+999
+zurück
+930,000
+mendonça
+parameterization
+mulay
+lolls
+epidaurus
+asmerom
+loayza
+spytek
+rezā
+tristars
+trampler
+abisko
+ontario
+jemmah
+zucchi
+rubei
+turkbank
+mysteriousness
+coelurosaurs
+timofeev-resovskij
+ledru-rollin
+1.7-million
+heating
+cornwell
+geologists
+supergiants
+shangqing
+port-city
+s
+publicaffairs
+hardbacks
+religion
+treasurer
+brunswig
+reinforces
+intercalation
+insurrectional
+whens
+haley
+araujo
+cwhl
+bayona
+sub-orbital
+agus
+mejdi
+kuthi
+t'ang
+1310
+2.45-million
+zaccheus
+blockades
+self-organizing
+5.1-billion
+frequentflier.com
+bellino
+weisenfeld
+midcalf
+ewiniar
+letter-writer
+edisto
+amsterdam-based
+tibullus
+jb
+españolas
+reprocess
+pincer
+melotone
+4-of-16
+xylon
+darra
+tucanos
+169
+49ers
+reasserted
+grall
+abdellaoue
+walldorf
+beaubassin
+non-destructive
+6,410
+interpro
+mkhedrioni
+cullins
+w-l
+narducci
+isidor
+neuropsychiatric
+fairie
+averred
+haydock
+hnatiuk
+colentina
+crehan
+benza
+astrotrain
+2,061
+lohri
+ring-necked
+trelleborgs
+jshaa
+15.96
+rancorous
+strangers
+forty-year-old
+twitch
+eruzione
+cordilleras
+0950
+cianfrance
+cimarosa
+mureed
+32-story
+province
+three-letter
+yulianti
+healthscout.com
+munya
+matchima
+radulescu
+acna
+histologic
+cottesloe
+t-bag
+rahne
+ordinands
+streeterville
+dylan
+sportiness
+animatics
+zoroaster
+filimon
+rowohlt
+donike
+bdsm
+3.5-kilometer
+bonnier
+13:54
+populares
+menzir
+cornier
+pedy
+pibb
+butterflies
+gyration
+91.17
+gamemaster
+120.43
+luminosity
+parajanov
+piruz
+morelli
+curl
+unquoted
+konstam
+jagodina
+bernarda
+sifters
+disparage
+bootblack
+nahla
+coal-bearing
+huni
+volkskammer
+teargassed
+bookended
+zerkin
+formalistic
+moha
+uzala
+plantes
+d'aquili
+sliced
+d.v.m.
+skakels
+dirigio
+sawyer
+lamai
+nou
+cerveceria
+aski
+000m
+sabotaging
+disempowerment
+realize
+gork
+sportverein
+soul
+196
+diversifies
+ethnogenesis
+rodó
+steinbruck
+understeer
+plunging
+southcentral
+ebeling
+nordholz
+hoerster
+m47
+eager
+mirow
+briseno
+samaná
+cerina
+2758
+5,560
+laryngeal
+nubus
+pacifica
+saxe-coburg-gotha
+samkange
+parides
+wtol
+1,679
+mayura
+j.lo
+babou
+waunfawr
+soyabeans
+klippen
+headlock
+2-ag
+manglish
+pygidium
+wormald
+aquantive
+unmerited
+rarer
+appetizing
+flavigny
+guadalajara
+habanos
+hamme
+rightback
+.418
+buckminsterfullerene
+halilović
+bergamo
+mokhtari
+iimura
+hermanns
+prey
+protagonistas
+bathtubs
+patchy
+vasser
+luneau
+four-masted
+kimble
+elbasan
+fondly
+restaurants
+guettel
+tenn.
+grof
+l'association
+kutas
+composer
+pawk
+willms
+homeyer
+sautee
+weizhi
+gj02
+vireos
+perlich
+c.w.
+vals
+natterer
+medalla
+krogh
+kostitsyn
+shaarei
+korobov
+galdós
+okfuskee
+uribe
+sukamdani
+handmade
+marlyn
+jungle
+1774
+mieris
+neilan
+sugarloaf
+merman
+wels
+bragadottir
+khatta
+oceana
+jinjun
+23.85
+peul
+3,083
+fva
+2k1
+veon
+preorders
+proteoglycans
+sporty
+smalltown
+opjhl
+powhatans
+agribank
+chaitya
+jadi
+sonless
+reinstalled
+bludgeoned
+mulago
+boldmere
+larrazábal
+1565
+2106
+neutralism
+counter-insurgency
+preferential
+werneth
+crawdad
+96-mile
+85.78
+catecholamines
+handle
+darrah
+geopolitik
+26.75
+usurpers
+dayro
+savaric
+licensing
+honorable
+debuono
+d'elegance
+perfectionists
+free-thinking
+supermodified
+be2
+filmgoer
+elderflower
+pisano
+reimbursement
+maanila
+top-order
+yingkou
+saddling
+maravillosa
+graig
+euro154
+faecalis
+sumps
+veruschka
+fbu
+trf
+post-merger
+1.313
+20.73
+11w
+potheads
+wcar
+225-horsepower
+friedman
+ameir
+bankunited
+blaire
+interventionists
+mauger
+ecosse
+ogre
+ciertos
+relampago
+aarabi
+cloning
+o’connell
+laci
+savin
+45.38
+637
+1-per
+trombidium
+yonatan
+numancia
+pruden
+winterreise
+anti-missile
+sjd
+mizzy
+24-32
+1630gmt
+83.52
+r24
+backslid
+arpaia
+vaul
+highboy
+accountants
+thamer
+goeth
+bluestreak
+219.2
+sanatoria
+stepanovich
+becerra
+comienzos
+disadvantages
+metropolitan-vickers
+free-to-view
+3.1-3
+tatra
+sylvaticus
+sebnitz
+clustered
+changkat
+riunite
+chagai
+breteche
+lacroix
+23:10
+kwamie
+widened
+velcade
+siqueiros
+pairings
+alsgaard
+lbm
+asee
+abbie
+d'espoir
+athas
+kett
+bodabil
+mmo
+nop
+crewkerne
+qfii
+masochistic
+14,866
+kbit/s
+re-take
+zalis
+51.17
+padmanabhan
+lamdan
+back-breaking
+unexcavated
+culuko
+ockendon
+52-card
+buiter
+.385
+monohydrate
+oey
+mastrosimone
+denstone
+kula
+rka
+43.39
+refered
+senecio
+mashbir
+beecham
+lightest
+industry
+mara
+65.50
+electro-magnetic
+mocky
+73-64
+muzha
+http://lcweb2.loc.gov
+s&p
+thetford
+695,000
+suard
+touati
+grayhawk
+nse
+prerogative
+761,000
+vpns
+opportunites
+par-4s
+jogos
+siddarth
+countertop
+finet
+fortney
+districtincumbent
+monobloc
+moustafa
+nation-building
+credo
+53.49
+goofiness
+libyans
+co-location
+d.d.s.
+bahjat
+dollas
+wassong
+re-elected
+mamaluke
+picatinny
+2-years
+vastola
+jugurtha
+canosa
+ujong
+adeyooye
+kezi
+37.37
+siping
+haliburton
+boim
+tabling
+burkeville
+maneiro
+200-metres
+laflesche
+hattem
+eliav
+fawng
+pozzuoli
+momir
+sculling
+80-degree
+firuzabad
+emery
+minyue
+givan
+antonaros
+http://www.defenselink.mil/
+plain-text
+mcguinness
+canaveral
+neisse
+mcmorgan
+makala
+unibus
+44.45
+nagurka
+overmatched
+paupers
+alladin
+alcorcon
+plastering
+77.20
+csaa
+ftg
+non-migratory
+ooko
+anti-anxiety
+enraging
+waheeda
+declamations
+thaulow
+brunswick-wolfenbüttel
+sakaryaspor
+fouler
+kobel
+112.01
+zygmund
+bedan
+kemptown
+kwamashu
+bisexuals
+macumba
+289,000
+1,466
+chitral
+jeschke
+124.38
+tsay
+talmacsi
+haba
+botta
+dredge
+maree
+xingyi
+twell
+repress
+aboul
+rochambeau
+side-impact
+spigelman
+galpharm
+ruíz
+example.com
+mart?nez
+86.5
+yunjin
+harpending
+128-player
+belegt
+avoir
+johannessen
+gaisano
+1101
+rajnandgaon
+grynbaum
+self-denial
+travelex
+yousaf
+ilyushenko
+janaury
+manjeri
+prudhoe
+mesnel
+auriga
+toughest
+125.57
+government-linked
+crusat
+cangas
+km/s
+oneaustralia
+orgel
+tigon
+pierhead
+sefer
+vatis
+comtois
+belittles
+karpan
+2535
+syphilis
+tithings
+cannel
+mudhol
+endorsers
+36-46
+schooldigger.com
+42.7
+jishan
+chester
+pendolino
+byard
+emboss
+tandoor
+unimposing
+immensely
+cubed
+noyce
+erupting
+3.0-litre
+lorian
+jablon
+roll-up
+zanoyan
+mrivera
+religiousness
+breitenbach
+zungu
+rur
+pasadena
+26-foot
+mclure
+thawra
+jit
+zirkin
+sellar
+maiar
+monot
+roscioli
+jevans
+thuringowa
+fiuggi
+2,942
+sakdatorn
+valores
+milwaukee
+1066
+36.73
+mamola
+6,910
+anesthesia
+th
+watanabe
+spinnaker
+flom
+blackhorse
+dahlen
+çay
+arnau
+mcdm
+shifeng
+enthusiasts
+flamenca
+scrips
+149,000
+languages
+bruxner
+winnica
+334.5
+starworld
+booze
+chogye
++17
+drawn
+intersperse
+cardiowest
+katumba
+sakagami
+battlefronts
+agonists
+leppert
+24-karat
+diagana
+kz
+of-16
+barranquilla
+tokuda
+taza-al
+yellowwood
+wagonlit
+justice
+achimota
+snowmobile
+irresponsibly
+transicion
+graner
+haldeman
+19-17
+62.61
+06/07
+euro632
+likelike
+readout
+fresno
+saioni
+marguerita
+hellhounds
+britan
+coleophora
+seshan
+http://www.nara.gov
+ahmadiyah
+aesculapius
+crabtree
+cholos
+1970-76
+souls
+seleucid
+frew
+nt$
+eccl
+roane
+wayne
+snipped
+sidra
+jewitt
+gomti
+fiondella
+shincho
+akademie
+dmitrieva
+yaum
+voivod
+tennyson
+sonakul
+beverage
+hallvard
+turów
+fernstrom
+taj
+mendel
+raphaël
+bourgeoys
+limpieza
+67
+knight
+kaernten
+mid-air
+passione
+pgc
+deuteronomist
+marzdaran
+bourchier
+mauritiana
+15:36
+spaso
+barabas
+kī
+1.6000
+embellishing
+late-1980s
+intitial
+requiere
+manit
+bobeck
+lehan
+hyperparathyroidism
+lateran
+monocoque
+mcworld
+vinalopó
+yribe
+maartens
+dienophile
+discussed
+rabinovitz
+parayre
+thamil
+cellpro
+2,824
+staehli
+jagan
+nzs
+evro
+sansad
+sheds
+cellaring
+amicalola
+oleic
+newcome
+lotter
+g-37
+112-109
+malinois
+shauri
+squall
+gaucha
+abounds
+sentimentalize
+dheisheh
+outdoorsman
+kumbia
+kiel
+cannabidiol
+razim
+black-naped
+flete
+moorage
+implementing
+boxun
+semi-desert
+subpolar
+champeaux
+tacuba
+oceanport
+maryland-based
+icaza
+vaesteraas
+naderi
+hardbodies
+ucl
+tauro
+lenhoff
+worl
+asking
+elul
+pwilson
+ursari
+10.49
+donne
+bombes
+eljvir
+mio
+northumbrians
+swaminathan
+helios
+pac-man
+yamun
+kolob
+kurumba
+canessa
+ridolfo
+lewisite
+icftu
+wlm
+45,000-capacity
+cavadini
+anglicanism
+darwazeh
+espiritu
+ahmadabad
+krietor
+black-backed
+packbot
+prodemocracy
+nasha
+waist
+reiman
+illusionist
+veggietales
+jhelum
+3,125
+praetor
+donagh
+hardon
+dissidia
+glynnis
+presolar
+gavaldon
+sathit
+trabalhadores
+plagge
+josh
+magnavox
+smartness
+untermeyer
+87.43
+democratizes
+devyn
+abalos
+69.17
+inspiratory
+çelik
+belus
+gous
+loto
+shanmugarajah
+contrapositive
+unstoppable
+warfield
+bushs
+rants
+steenberg
+soltane
+sizzled
+yakko
+alaskan
+andronov
+32.9
+ruffini
+districtwide
+davíð
+ross
+62-62
+oo
+e.v.
+ragu
+bioreactors
+22sec
+magersfontein
+disneysea
+pêcheurs
+agrell
+dmc-12
+gor
+azulay
+plahv
+nxt
+holidaymaker
+romboni
+trumbo
+202-887-8334
+recre
+send.com
+kamilewicz
+dzongkhag
+legionary
+roosevelts
+vedaranyam
+pensacola
+tean
+huichun
+amenabar
+kerrisdale
+32.04
+bandel
+twenty-seventh
+buloke
+dingdang
+winrow
+pallavaram
+squamish
+darkly
+x-inactivation
+refolding
+2-103
+moulana
+1923
+cinzia
+steam-operated
+gitano
+złocieniec
+280
+brightcove
+paluch
+938live
+dandruff
+gasometer
+shanzhen
+cbsnews.com
+lambastes
+mahmud
+matsuki
+jorden
+servetus
+140,000-square
+kueng
+momani
+malczewski
+runcinated
+nawada
+cubango
+chocó
+30.55
+maksymilian
+fleur-de-lys
+clare
+jolley
+6hr
+2ot
+72.47
+end-on
+thermophiles
+linfa
+antitakeover
+qualia
+tashfin
+meel
+molnár
+hulk
+lacey
+meneghin
+chamundi
+thebe
+litewski
+2,008
+svarga
+anti-coalition
+buriram
+kamenogorsk
+betselem
+rescript
+kanjirappally
+federico
+shereka
+equines
+laxa
+cardenio
+outermost
+botanicus
+74.70
+antonopoulos
+vir
+ex-wives
+termite
+mabi
+jussieu
+yushenko
+zainy
+luzy
+kke
+geumjeong
+preteens
+34-20
+strathspey
+x-files
+bannan
+-28
+tonk
+1952/53
+bobrzański
+ostrowice
+cd5
+gilmor
+countersunk
+diemer
+airbrushed
+greco-persian
+luedtke
+zedginidze
+bovrisse
+al-hussein
+ardebili
+heron
+khali
+707,000
+hemorrhaging
+monterroso
+perranporth
+marjolein
+elei
+gcm
+weather
+carnivals
+aridity
+aio
+2-5-1
+liq
+discourage
+fatboy
+daelim
+mineau
+11.16
+chingchai
+clarksburg
+papo
+delsener
+holistic
+gammer
+ostojić
+rindler
+izui
+turopolje
+jeanette
+29.04
+principis
+bryansk
+niño-southern
+mamzer
+irish-canadian
+commotion
+tv-ma
+delphin
+fourmile
+dyp
+flextime
+wcbs-fm
+sumapaz
+minivehicles
+mujaheddin
+master-general
+pop-folk
+haloperidol
+5-76
+bamberski
+xli
+kuchiki
+dmr
+breakdown
+mknobler
+zoetrope
+commandante
+eastover
+d28
+2,502
+newz
+intercityexpress
+fallow
+deansgate
+henley-on-thames
+azaria
+sobbing
+naranjos
+lewisian
+kaptai
+lunar
+270-seat
+sueur
+opper
+hammersmith
+mandeville
+one-horse
+anandan
+alprostadil
+pixie
+2:39
+smartha
+hendel
+novitzky
+kaifu
+kilotons
+subcompacts
+79.98
+mo96
+third-quarter
+stanvac
+hydrologist
+prussians
+heusinger
+zestfully
+ex-girlfriends
+himowitz
+74.77
+antibacterials
+third-degree
+grundlagen
+.198
+15-mile
+yuspa
+rajkumar
+lavaux-oron
+68.2
+u-8
+weinan
+geren
+nosworthy
+cesium-137
+asset-backed
+anguo
+dufka
+symmocidae
+hunziker
+atlanta
+ollerton
+then-dominant
+tocadisco
+hajime
+grabowiec
+imanol
+brandt
+russified
+oarsman
+off-putting
+riisnæs
+1,654
+heaviside
+estadio
+2320
+she'an
+56.35
+daulerio
+heartiness
+glengarry
+disaffiliated
+professionalized
+towne
+renaldo
+synagogal
+armistead
+haaga
+guobadia
+neda
+lua
+swordmaster
+carcassonne
+12-packs
+collects
+bracy
+ladoja
+jama
+asserting
+aleksander
+werbach
+rack-and-pinion
+sensation
+41.79
+automate
+13a
+4,000-kilometer
+b-side
+probation
+masuda
+buffets
+semi-sweet
+pittsley
+herath
+braila
+zamiaceae
+aminu
+riechers
+ninus
+babice
+voorsanger
+voorheesville
+uberti
+milinko
+nerdy
+colgate
+oakville
+bjorke
+gratia
+passcode
+69-57
+scs
+hieracium
+evacuated
+lakesha
+mouha
+ricardo
+watercolour
+'d
+98-yard
+80-ton
+avett
+shoshone
+4,957
+panzi
+wiap
+thirty-something
+botánico
+astronomy
+817
+calumpit
+faqiri
+espnu
+ashburn
+hemicellulose
+fruhwirth
+ziade
+limbourg
+allophylus
+crüger
+footnote
+cuthberts
+ohlsen
+-66
+ísafjörður
+guggisberg
+30-33
+agadir
+beichman
+marymount
+nanortalik
+steib
+caldiero
+7-for-7
+decamillis
+ovamboland
+191.4
+tauranga
+evildoers
+medavoy
+same-named
+ubangi
+prevoyante
+berkovitz
+wittes
+unluckiest
+stariye
+dialoguing
+rgyud
+lr4
+fagnini
+substitutionary
+tychy
+petera
+tcha
+merit-based
+1.800
+split-brain
+autodidactic
+lascăr
+pooped
+unotil
+sutera
+lunules
+krikunov
+67.05
+thonburi
+seasonale
+ilmenau
+kvp
+brusy
+stratan
+eaten
+wheelersburg
+zhongchen
+ravenelli
+faour
+cilicia
+1,435
+artyukhov
+lpga
+d'agoult
+olecko
+enjoyments
+pasl
+shbak
+vesti-24
+slask
+groden
+susno
+labuda
+1996/1997
+2hrs
+alderton
+pinniped
+zulkarnaen
+ex-manager
+55,400
+endogenously
+carcamo
+myakka
+ultranationalism
+baharan
+2-for-5
+6,480
+eku
+firework
+raila
+sociales
+hongsheng
+abcede
+coys
+500,000-dollar
+franco-dutch
+commemorating
+djezzy
+12.3
+mom-and-pop
+schaan
+pothinus
+kidgear
+a58
+.08
+jintropin
+posting
+oenanthe
+sassa
+pallisa
+exceptionally
+fullam
+sarv
+opg
+68.59
+leto
+armillary
+lesbians
+maranzano
+ssf
+coulombe
+swashplate
+snarkiness
+316.8
+six-membered
+theological
+1.4730
+dehrawad
+,520
+semente
+under-graduate
+euobserver
+slow-paced
+huthis
+hyacinthus
+panno
+ettenheim
+hox
+amona
+perpetually
+parsley
+titanium
+forceful
+disorient
+stylinski
+perplexities
+echanis
+moleketi
+savides
+yr.ago
+glynco
+401
+ulsan
+scharner
+soth
+half-acre
+slendro
+ericcson
+block-long
+cappuccini
+wudu
+crinkle
+remants
+bagged
+presaging
+ialá
+stretches
+relisting
+thakre
+250.7
+ukec
+yazid
+norteamericanas
+ankomah
+hinawi
+usurpation
+liberal-minded
+speculation
+duluiyah
+granatelli
+daz
+goodridge
+thanagar
+disobedience
+dipeptides
+oquist
+hasnt
+fabrikker
+ahimsa
+konservatorium
+warde
+225-member
+disemboweling
+festuccia
+asahina
+62-point
+starkest
+dispossess
+wagamama
+eyadéma
+cog
+boltons
+venona
+jenin
+walchhofer
+brillant
+lubartów
+boodles
+pisana
+moortown
+rumen
+enn
+robow
+pubblico
+satrapies
+cathaoirleach
+116.6
+talitha
+43-1
+segantini
+bratti
+590
+refinished
+83.1
+hikari
+wainwright
+bradleys
+inter-generational
+enamored
+grizzly
+bluefield
+butea
+kristan
+littoral
+nuda
+meiko
+veridical
+whitington
+anabar
+sanctorum
+conveyed
+willaston
+labyrinthodonts
+rastenburg
+nikolayeva
+mpu
+dance-music
+bell-shaped
+reinterment
+muoio
+pruitt
+benford
+oreophryne
+launched
+borgo
+vedra
+stalwarts
+roleplaying
+omir
+abezhdan
+ansett
+ndola
+texter
+iannelli
+weasley
+noetic
+regularis
+betteridge
+zicklin
+jarding
+jecheon
+tricksters
+poinsett
+mccartney
+stenbeck
+foulmouthed
+hille
+terrorizes
+alyce
+wolfenberger
+history
+tasiilaq
+stockach
+sadulayev
+javanica
+daud
+listeriosis
+fiqriya
+bartley
+schwarzes
+admk
+unicorn
+ballybay
+kuczynski
+50-a
+espnews
+montefiore
+nordstroem
+prasarn
+loons
+mbalula
+wannabees
+iiie
+weisses
+walchand
+desales
+efstratios
+pancasila
+prosecutes
+unburied
+parents
+jawiya
+sayegh
+cotingidae
+gies
+kaffeeklatsch
+interviewer
+goodson
+shourd
+mashai
+opequon
+katv
+benouville
+2-2-3
+enosis
+whither
+hehn
+lionizes
+hanoar
+enticement
+109.10
+kekayas
+afanasieff
+limnos
+ouragan
+pear
+photosensitivity
+polarizations
+bitterns
+nationally-syndicated
+ituc
+180-kilogram
+teratogenicity
+ignitor
+jagraon
+christiansen
+marulić
+brazilians
+ex-players
+mimiko
+390-7713
+francoise
+vile
+mavangira
+mrema
+apeland
+conewago
+ajdabiya
+hauff
+minshew
+paice
+formaggio
+options
+drumlins
+galleons
+kayenta
+dillsburg
+1904-1905
+weißer
+presler
+175-yard
+banchetta
+sheepfold
+ehrlichman
+ricordi
+stupidities
+remelting
+http://advisories.nytsyn.com/
+multi-seat
+43.47
+focal
+pachang
+giannuzzi
+scrounging
+merwe
+wide-ranging
+121.10
+surmounting
+kozlov
+wallet
+self-development
+viatteau
+trebelno
+aliso
+mngomeni
+boschetti
+glyptis
+www.symantec.com
+sunee
+lichuan
+1h28
+post-graduate
+mattinson
+homeplate
+seismometers
+jyh
+lanesborough
+feature
+werenka
+salgueiros
+gaulle
+grupero
+reinmuth
+dougal
+62-38
+manichaeans
+jean-rené
+vice-speaker
+ch-53
+reading
+orthogonality
+ice-cream
+ruthian
+cyo
+19-3
+robold
+claytons
+kotoba
+lamesa
+backpacks
+akaka
+gaucho
+graduands
+575
+fordism
+pignataro
+joyous
+2029
+elitsa
+camplin
+karaganov
+facey
+carolers
+404,000
+vexin
+ironside
+modis
+candlelit
+formula_66
+leotardo
+gouzenko
+etour
+parrying
+dirigir
+ipbes
+dismay
+chaldoran-e
+kurau
+http://www.jgto.org
+haredi
+d'alembert
+riparia
+microdrive
+nebulas
+glocester
+23.9
+28-minute
+hananiah
+urso
+marginellidae
+immunogenicity
+nubians
+pieterszoon
+foodplants
+rockin
+lobognon
+14-team
+1,300-page
+ventrally
+14-hit
+groomsmen
+rozsa
+gusli
+stadtteil
+chanes
+2000/2001
+fsl
+lamers
+winnefeld
+kissinger
+tanka
+lewison
+tennesseans
+entitlement
+86.29
+sólyom
+juncea
+russet
+schoepp
+heighted
+mildly
+alderdice
+madhubala
+beate
+serifovic
+65.55
+habitant
+udu
+masia
+tall
+ygor
+nechita
+hhb
+dhd
+bolm
+higuain
+tavakoli
+grasmere
+schreuder
+guillard
+koprivnica
+ladd
+kiziksa
+8,190
+167,500
+bantle
+yancheng
+kitaen
+rappleyea
+chaiya
+branka
+kiyoko
+będzin
+correlation
+jaejoong
+1.120
+cordoning
+bourlon
+1984-1992
+candelabrum
+cyanoacrylate
+archaeology
+dziga
+ship-owners
+salm-kyrburg
+394
+kipkosgei
+baqer
+skálholt
+mcelhatton
+vive
+codon
+triandra
+vekaric
+dobromir
+homecare
+17.18
+reşid
+softletter
+verifiable
+southend-on-sea
+ahmad
+sanilac
+15.9
+evonik
+reactive
+catechism
+dixson
+korus
+quartal
+stremme
+cantuta
+holzminden
+beh
+dinakar
+guayas
+end-time
+fortune-telling
+vilgax
+miyuki
+harborwalk
+elnora
+valdés
+huntelaar
+pawleys
+panspermia
+645,000
+upscaling
+guilfoil
+mnsii
+webster
+,870
+keralite
+lānai
+pre-historical
+magdalenian
+wmar
+acog
+29.50
+frisked
+botwood
+canons
+okoaye
+reproducing
+shockey
+10.875
+streete
+cfn
+preslav
+lydney
+sibling
+desiderio
+frik
+4,478
+hiskins
+hube
+edirne
+scrollwork
+thromboembolism
+boyardee
+pega
+persian-speaking
+zhenqiu
+.991
+ritner
+koch
+khizr
+fiction-writing
+haight-ashbury
+nicc
+76.04
+-33
+nagu
+svengali
+esad
+corsage
+connectionism
+134.50
+swissinfo
+'02
+inclinations
+buntin
+yachtsman
+svevo
+pyongyang
+baguettes
+white-haired
+sub-plots
+scienter
+86.00
+2,018
+dewald
+brioni
+malima
+griesheim
+ake
+middelkoop
+axially
+songkhram
+mtv3
+maytas
+irrepressibly
+fotopoulos
+minarik
+ex-partner
+endothermic
+retraced
+osteen
+done
+kronish
+abbassian
+’ll
+morawa
+shahawar
+facciola
+73.08
+smooth-talking
+squishy
+al-habib
+1h07
+47,212
+cpj
+zuhl
+guage
+lannie
+inconsolable
+unheralded
+foraging
+sphere
+caouette
+manufactuers
+preeya
+devco
+8-way
+syarwan
+shushed
+sympathectomy
+moraleja
+89.10
+kosove
+fatimid
+wurlitzer
+catholicoi
+iv
+ilya
+gouled
+marquet
+natto
+grava
+tepperman
+reprobation
+baalen
+46.79
+91.5
+suppressant
+yaro
+uma
+soutar
+cutshall
+metelli
+tanikawa
+rbi_galarraga
+dolarhyde
+lofthus
+eitzmann
+p.m.-midnight
+reassessing
+h.m.
+ulica
+invested
+meditatively
+quad
+pan-germanism
+kneeled
+xeer
+cisac
+chamal
+30.51
+'em
+bingos
+emilia
+sticking
+mabuya
+wisc.
+falcom
+feltner
+kashem
+transversality
+outflank
+peverel
+haynau
+ebrāhīm
+palenfo
+overburdening
+dein
+anugerah
+ivano
+scientific-research
+alltid
+four-line
+219.3
+breault
+sportscast
+xie
+uncorrected
+gluckstein
+epitaxial
+vhl
+song-and-dance
+agnesi
+favier
+potboiler
+recce
+expressible
+tarangire
+lightnings
+baugur
+yauco
+steinacher
+wetterling
+circulator
+komarova
+kesel
+tinus
+ntagerura
+blsany
+wpbf
+meudon
+redrock
+unova
+56.52
+lasance
+renationalization
+earth-two
+cienciano
+conclusory
+cazares
+kerins
+fahrenkopf
+46,667
+lochee
+karins
+50-date
+langwell
+aushev
+fgs
+naturalistic
+leaf-blades
+austerities
+ks
+sarshiv
+chiclana
+aceveda
+martirosyan
+hbg
+verbose
+seguros
+telarc
+bede
+uob
+agrupación
+hypersurfaces
+mallett
+souks
+blacks
+739,000
+expounded
+vis-a-vis
+http://www.lufthansa.com
+bikenibeu
+cul-de-sac
+jeena
+avto
+1997-2002
+9-for-12
+sushila
+wonderbra
+216,000
+guiao
+drewett
+co-owners
+99.11
+under-17s
+98.53
+saly
+darija
+baladruz
+unreasonably
+unadkat
+varvatos
+sesso
+guylaine
+kostić
+cronson
+espínola
+trailering
+stagehand
+errick
+sibley-monroe
+fennimore
+larroquette
+kommun
+iveco
+dreadnoks
+laciga
+betrayed
+matschiner
+kiesha
+37.54
+mabuchi
+esteqlal
+creighton
+c/a
+guinea
+megaliths
+blobel
+222nd
+adang
+mediterrean
+saludos
+kuske
+khurasani
+zakari
+gfci
+stargard
+annur
+lat
+trainloads
+zabrus
+pumice
+sinu
+post-tropical
+tulare
+arduously
+cornfed
+9/11-style
+jae-in
+shemona
+noiseless
+shadrack
+frostbitten
+yali
+hamd
+100-1
+volna
+bulgaricus
+demob
+bulloch
+neutron
+metalworkers
+bharucha
+shaeffer
+arpe
+chortle
+goal.com
+tlaltenango
+ringwald
+bozhko
+46-1
+waning
+siletz
+resh
+potholed
+anuppur
+hongo
+kolmonen
+kunsthal
+dreariest
+ensues
+69-67
+d'abernon
+fyodor
+sturmbannführer
+tinnitus
+tannadice
+backstroke
+non-attendance
+bhusawal
+syquest
+jn
+browse
+barkero
+existen
+yallourn
+producción
+clingendael
+15,000,000
+ideologists
+coauthored
+431
+rutledge
+heatshield
+1.5125
+nayef
+palabras
+frykowski
+behaim
+masquerades
+trans-boundary
+feeder
+yekutieli
+rande
+kaeo
+jenzer
+nyoni
+isotretinoin
+literatur
+hanil
+drever
+119.81
+β-unsaturated
+60,000
+ugali
+djamil
+reddened
+axia
+16,000
+subscribes
+140
+223,000
+bonk
+tomographic
+outlandishly
+logicon
+gowing
+ventriloquists
+svayam
+zaydis
+69-minute
+huatai
+rogozin
+brutt
+pre-confederation
+entekhab
+96-year
+jukic
+1938-1945
+3,701
+feltsman
+mosk
+durao
+home-field
+nn
+wareru
+vazakas
+groundsel
+summaries
+boop
+concorso
+jihadis
+51min
+krick
+dukedom
+chanu
+buxbaum
+soest
+gershman
+singhvi
+redwoods
+disruptive
+zinser
+barcella
+thal
+paeans
+747x
+fantastico
+ahmadullah
+excretion
+villepinte
+subsection
+blunden
+lebu
+hutcheson
+333,000
+misanthropy
+letang
+garima
+altough
+new-found
+d'enfance
+praharaj
+jincai
+hochstein
+perishes
+mesirow
+18.73
+99.5
+viagen
+rutigliano
+unsocial
+slicing
+highwater
+silently
+sawkill
+jalaluddin
+jori
+wikki
+deboning
+huttner
+215.9
+subgenera
+rheydt
+watler
+roys
+runners-up
+kishor
+bitter-sweet
+odbc
+ferrill
+glatz
+unitis
+conshohocken
+euromed
+masashige
+baccalieri
+battista
+statutory
+geelong
+artbook
+lycoming
+w5
+farnie
+concatenating
+chebeague
+nesc
+non-bcs
+piquette
+pendeford
+eighty-eight
+tiravanija
+kabel
+milovan
+komarov
+33.01
+al-din
+schramsberg
+appstore
+7.73
+dampener
+febuary
+denniz
+:33
+nobelists
+liebig
+413th
+cimorelli
+zhennan
+milosz
+bové
+workability
+guaire
+undergo
+yaoundé
+49.90
+rogoff
+75.18
+dhanam
+abessole
+sukhbir
+burgville
+polemics
+attainable
+unheroic
+abiye
+laffranchi
+risaralda
+strategize
+ilorin
+bhari
+clades
+revillet
+bedil
+regis
+krenzler
+seelie
+13,000-member
+83-percent
+dermoid
+cruthers
+prunes
+α1
+wwlp
+grishina
+chikane
+wgrz
+cazzulani
+mahogany
+2-81
+bankcards
+atkyns
+bioengineering
+65-day
+denialists
+lời
+bridegroom
+maajka
+thannhauser
+muhammadiyah
+dizengoff
+boddy
+cito
+gauntlets
+jaeckel
+alchemax
+clinkers
+insist
+omori
+iamblichus
+recilia
+gallaga
+kanada
+41.49
+daddies
+roycroft
+tyrants
+dysfunction
+pre-dreadnought
+solemnised
+shatt
+backbencher
+325th
+medzamor
+eiff
+mrap
+regularise
+taylors
+assisi
+magliana
+candidate
+waxen
+mickeal
+recreates
+chol
+quist
+gagik
+kelt
+overtop
+mescal
+bromstad
+rampurhat
+chorales
+nkhoma
+bougherra
+chaumière
+35.79
+rogich
+14.25
+10-fold
+noll
+neneh
+15.51
+ntr
+sharpsburg
+sabu
+qadr
+apparitional
+enagas
+khedekar
+512
+bernal
+custodes
+s/o
+1,633
+benji
+acpc
+mugwumps
+melnichuk
+boosts
+persian-language
+4.71
+saadia
+overlapping
+asís
+volodya
+alsace-moselle
+ufp
+desantis
+dabao
+eastvale
+shiroeda
+rodgin
+maplestory
+prewitt
+ardens
+cameronians
+danz
+gent
+co-founded
+horsehair
+patate
+78-62
+scurr
+fadhel
+harston
+lombard-pápa
+lolas
+dandan
+56-nation
+rare-earth
+aspland
+juicy
+srejber
+olongapo
+dhumavati
+co-design
+20-seat
+paves
+kalliope
+rosenberg
+one-click
+susan
+1000s
+101.46
+wintergreen
+ampudia
+fuchsia
+samel
+slag
+waitara
+honcho
+iadb
+forgivable
+delvon
+dirties
+salang
+t44
+indeterminates
+ambroise
+follini
+artim
+błaszki
+combusting
+paccar
+chin
+quindlen
+deluged
+glycophorin
+cookery
+kuredjian
+godspell
+bouyei
+vaginas
+highsmith
+rutshuru
+rossen
+chazal
+obduracy
+38.10
+rauschenbach
+pollens
+skarphedinsson
+bengt
+vellala
+overactive
+silvo
+furubira
+korydallos
+pridie
+bodiam
+voici
+schramm
+naudero
+barents
+octyl
+32-31
+toggled
+tongil
+physicochemical
+minin
+sorachi
+crypt
+ebrāhīmābād
+retaken
+neopaganism
+tramples
+omega-6
+78.8
+boonstra
+2365
+varendra
+shenmue
+eskişehirspor
+bahram
+noemfoor
+haselbacher
+dictator
+emeterio
+makena
+janadhikar
+lovemusik
+thefts
+masic
+codesharing
+man-o-war
+34.0
+220.9
+stumbling
+luniz
+seconded
+landholders
+augustines
+gso1
+keening
+schirra
+rudnicki
+spheeris
+regrown
+sankhuwasabha
+jailers
+outdoing
+maximalists
+brasiliense
+renita
+chambas
+devout
+ambergris
+batholith
+mainfreight
+abdelbaki
+rih
+kools
+talvitie
+dunite
+casuals
+lascars
+wuding
+119.94
+villeroy
+mnatsakanov
+severiano
+mulford
+114.54
+bluhdorn
+11.09
+preannouncement
+imf
+alborada
+coppertone
+fabry
+pigliucci
+ndam
+agasse
+quadratura
+vucinic
+rippner
+rosnay
+16:08
+nini
+msrb
+krieg
+yuhui
+39-37
+hornig
+val-d'or
+kodor
+4-72
+venditti
+supramolecular
+liberius
+felicia
+co-productions
+25.20
+christlichen
+romeril
+gsx-r1000
+haeco
+54-51
+chalte
+700,000-strong
+catenae
+fairlawn
+ucpd
+right-bank
+difiore
+stewing
+crackly
+1,913
+inflaming
+cascio
+chemistry.com
+cupar
+babuyan
+vere
+stowey
+éamonn
+stoud
+akunyili
+480,000
+prorogue
+pieczenik
+fbf
+dcnr
+gulating
+d'abuisson
+dyrdek
+subscripts
+riddell
+4,166
+lakeysia
+octave
+encapsulates
+quiescence
+lytell
+romane
+zolder
+shiancoe
+sbg
+wiegel
+jelincic
+cades
+records
+cather
+battlestars
+pó
+yigang
+kalahandi
+hélder
+source-code
+karnad
+pacis
+marinelli
+41,400
+leclair
+kana
+ccrc
+tada
+77.96
+etim
+doot
+lho
+.694
+quorthon
+olive-brown
+minako
+flywheels
+tikveš
+interring
+deberg
+5:20
+wawan
+crossways
+mannos
+29b
+misha
+humblot
+photorealist
+farkhutdinov
+piaţa
+mutlu
+45-43
+isenburg
+superposition
+carbides
+zosky
+981
+months
+hurtgen
+untrustworthy
+bonneted
+jingwen
+danainae
+stenz
+cwbs
+traveler
+aeschlimann
+trawl
+vakalalabure
+bayji
+darwinists
+berain
+2,913
+scoglio
+knjaževac
+suu
+70-69
+homem
+hade
+1.5570
+nightwatchman
+lemmer
+pridefest
+blomefield
+polleit
+shakes
+dustin
+durk
+haibao
+monopolised
+ruthin
+croton-on-hudson
+15.64
+koston
+http://www.energy.gov
+well-made
+pasayten
+udmr
+prepayments
+bāb
+jhatka
+multiple-choice
+exciter
+irelands
+8:39
+enviros
+scripps-howard
+monteverde
+bracts
+twanging
+barrhaven
+44.15
+writtle
+three-movement
+ganahl
+beaux-arts
+filchner
+airil
+qāsemābād
+oelrich
+björklöven
+pinatas
+nzl-39
+lefurgy
+quarterfinalist
+ilott
+basara
+hantuchová
+798,000
+nyōgo
+georgetti
+tillerman
+diversities
+liqun
+folkets
+nuvole
+amiga
+127.0
+acleda
+reily
+hakkarainen
+podran
+refund
+labette
+cjenkinssptimes.com
+paluma
+13-0
+footie
+sioeng
+openjdk
+sculpt
+tarta
+khrc
+hadayet
+kaus
+wbns-tv
+murmansk
+isaa
+awde
+4/1
+scalphunter
+chilenos
+sourcebooks
+calima
+39.66
+kawthoung
+brylcreem
+matla
+rennes-le-château
+kelch
+suri
+lagumdzija
+fakir
+89.4
+winai
+cross-examination
+shremp
+vq
+caldes
+hackler
+zumwalt
+chahil
+apses
+kebede
+tenere
+interdicts
+luino
+soyuzmultfilm
+aaf
+.332
+gaertner
+ishimori
+wbu
+3,045
+cmos
+shalett
+tormenter
+fiestaware
+harache
+mandhai
+pandyan
+kedersha
+cyst
+holbox
+bertossa
+wandzik
+word-initial
+antix
+10000m
+humor
+self-efficacy
+49-game
+kanetsugu
+great-granddaughter
+tody
+oldfield
+cricinfo
+steriods
+wrington
+kawara
+renseignements
+yarin
+birmingham-southern
+icfai
+lus
+shavian
+caloundra
+immanence
+cliggott
+utn
+ukhl
+full-contact
+kivejinja
+weijie
+uvea
+self-denying
+lunsar
+bintan
+157.7
+bachelorettes
+daglow
+dunst
+nord-pas-de-calais
+drent
+dashwood
+castrum
+pyrimidines
+demilitarised
+atiak
+dpd
+multi-port
+isolations
+40.73
+zavadil
+cavern
+skirmishing
+aliquippa
+minifigs
+popcrush
+peasantry
+shiftiness
+kadowaki
+tomsic
+cancelmi
+tuxes
+1980-2000
+groans
+u.t.
+strewing
+zayda
+mujica
+anabaptism
+vavau
+blue-throated
+adp-ribosylation
+gursky
+ostsiedlung
+sadykov
+unsung
+kami
+50-seater
+cardston
+almacenes
+soltren
+aqua
+40-5
+gsm-r
+notemarket
+kambojas
+rediscount
+smcs
+jernverk
+hylton
+snafu
+gongloe
+dobner
+benziman
+militiaman
+greybull
+92.73
+pseudoeurycea
+highball
+mdrv
+moqdad
+vakili
+hotted
+nields
+akiga
+sigmoid
+canting
+batumi
+wanderley
+freshfield
+135.8
+subrogation
+wing-mounted
+porthmadog
+58.36
+african-caribbean
+fairyhouse
+hulett
+jalore
+rexrode
+mipt
+ieva
+annotation
+citifinancial
+i.o.u.
+4.054
+remembers
+dulaimi
+kct
+nineteen-year-old
+harbored
+aguacate
+mollema
+pattukkottai
+bathsheba
+treynor
+izarra
+k.i.
+serjeants
+brummett
+18km
+unidades
+viard
+22.49
+3,638
+gdot
+guillo
+welco
+best-of
+kashagan
+takeyama
+sunoco
+assis
+instigations
+simiane
+rescaling
+sgl
+maldistribution
+farooqi
+kozma
+hatful
+avgerinos
+all-cif
+unfathomable
+seeress
+djou
+atlantas
+renai
+televote
+31.64
+vitebsk
+33.20
+pre-romanesque
+486s
+codebook
+bayeux
+tansu
+l’industrie
+deadheading
+alzate
+0.4-percent
+sgv
+chinn
+telegraphe
+milevsky
+deshazer
+timofeev
+u.p
+nadzab
+knac
+bates
+yunhu
+fortier
+leaping
+birger
+tennard
+gordhan
+mamun
+differential
+alþingi
+tanoa
+plaxico
+underclass
+persil
+supercharge
+lekman
+10
+navarrete
+niskanen
+stomp
+gilts
+stiv
+1,108
+korf
+robed
+lrvs
+villans
+bezzina
+accessioned
+70-share
+charline
+sarvan
+marmon
+epos
+conteh
+chiusano
+rouet
+pátzcuaro
+amadora
+1.425
+pedal
+seabee
+waqas
+guinigundo
+koschnick
+brauerei
+telephones
+nonas
+http://www.kasparovchess.com
+dudakovic
+1.112
+belisarius
+mackenna
+patriach
+anzio
+accelerate
+folgate
+goldenfleece
+aquifer
+shavir
+muzini
+comins
+daphnis
+freeters
+mof
+kannegiesser
+nilan
+weathervanes
+bridei
+devendorf
+diarrhoea
+deatherage
+6:31
+eventer
+fucks
+silvestri
+unscrupulously
+arsenyev
+singer-songwriters
+macrocephaly
+post-monsoon
+đakovica
+almondbury
+42-4
+koka
+kourkouas
+liaoshen
+cypher
+fengguan
+noirish
+scoil
+ōtomo
+oceanair
+stillmatic
+canu
+lenexa
+israeli-occupied
+wireframe
+atrix
+designate
+forsikringsselskapet
+zigs
+roslyakovo
+tooker
+sobers
+maysoun
+abayudaya
+butcherbird
+non-invasive
+laveyan
+skirted
+blasé
+play-out
+ujala
+kordic
+rivières
+rodina
+walton-on-thames
+50-second
+casamance
+832
+bareiro
+7:30
+27-seat
+over-60s
+sanday
+taika
+learjet
+bodman
+luburić
+khassan
+podia
+district.the
+borovichi
+alamdar
+foxhole
+gavito
+bassman
+11-of-19
+suassuna
+okeanos
+mcaskill
+folha
+igcse
+yūki
+viribus
+madox
+kadr
+2.2-2
+rajub
+v.a.
+worthily
+crosscourt
+codepink
+khanamov
+gstoda
+tresser
+gauche
+cockington
+teeside
+ecbatana
+popaj
+ponomareva
+23-24
+haeju
+miyankuh-e
+gyaincain
+mcgown
+seed-eating
+lemann
+calydonian
+verifications
+carriger
+babysits
+szadek
+perng
+eastchurch
+debora
+essene
+141-seat
+craters
+lucques
+gittis
+99,999
+badiane
+maugh
+supping
+menashe
+lambasts
+imagism
+bloodsoaked
+lolab
+katwe
+gwilym
+disclosing
+ogunnaike
+mussab
+roaf
+nossa
+cross-talk
+haixi
+kopelson
+gawky
+archeologist
+squanto
+apodis
+taigu
+chromatophores
+bertholle
+nagorny
+alunite
+oncor
+corneliszoon
+abraha
+tsogo
+lovesick
+rangiriri
+crackles
+nine-cylinder
+larder
+kimmage
+psychopharmacologist
+hesselink
+żerków
+ten-sided
+schwank
+horwath
+davanagere
+kurihara
+habomai
+sundqvist
+perq
+rootless
+heiland
+saturates
+revoluta
+bogy
+kocher
+1-60
+mesial
+mouse-eared
+u.s.-italian
+40.16
+jetties
+jiggly
+saldarelli
+2,775
+devayani
+midsentence
+tomregan
+―
+nymph
+excepting
+shanfari
+tina
+burial-ground
+seewoosagur
+cupcakes
+trepang
+192.4
+kezia
+humboldt-universität
+suneid
+phut
+4-8-0
+baragwanath
+possessory
+sleuths
+comley
+myaungmya
+ezhavas
+superfans
+28-6
+agbai
+purefoy
+awam
+prevalence
+prods
+lewes
+carabanchel
+hely-hutchinson
+mid-1983
+intergalactic
+kdpi
+1994-96
+snuffboxes
+harav
+hellstroem
+seok-ki
+36.10
+metazoans
+zouhair
+clanfield
+meins
+gidding
+stojanovic
+bralo
+brookgreen
+non-jewish
+archly
+saltburn
+overwatering
+basnet
+reportable
+confusedly
+bwf
+inside-left
+dueck
+9.93
+echizen
+two-party-preferred
+munton
+theurkauf
+miniaturized
+resurface
+90025
+9-ranked
+shūr
+canini
+readme
+gashi
+dhingra
+magali
+cwl
+bbyo
+elbing
+berlocq
+jingna
+townfolk
+constables
+limousine
+bret
+endpoints
+kaban
+8,240
+lemarchal
+longside
+nsis
+rangoli
+herp
+8:31
+pencer
+wesray
+haemoglobin
+grovelling
+clegane
+repass
+karnavas
+flaim
+shimin
+75.75
+rebekka
+bezek
+pindell
+13-storey
+wisp
+lockheed-martin
+excoriating
+pasaje
+limaj
+hendrika
+blip.tv
+oosting
+coulson
+pouncey
+overreaction
+imra
+3pl
+110,500
+2,758
+91.71
+mirkwood
+fatally
+achraf
+chobe
+vsam
+phryne
+lunas
+52-yard
+luny
+provision
+losar
+193.8
+dates
+mp4-12c
+synchronously
+kincaid
+housley
+tlingit
+honkbal
+wano
+37-7
+insitu
+ehrich
+marcusse
+serov
+shehata
+nise
+appalled
+uniondale
+snot
+hassling
+entreating
+panigoro
+anthea
+friederich
+federates
+neurosis
+spelling
+netgear
+christon
+oir
+annable
+bronko
+mashadi
+kashriel
+luhovyk
+märkischer
+tiger
+dfid
+castellane
+fleetwood
+msuya
+sprayregen
+bylaw
+kiron
+bojnord
+mazovian
+suzano
+takelma
+rowsch
+2,532
+pasatiempo
+cashiers
+nakanishi
+sush
+sarachan
+fw-190
+panay
+headgear
+20-1
+loringhoven
+turkmenian
+puliyankulam
+peo
+dragged
+vostell
+propagator
+15n
+re-visited
+.520
+scyld
+ropin
+hanaa
+canis
+352,000
+gelderen
+dificult
+jiken
+peppa
+tolksdorf
+swisshelm
+phyllonorycter
+yields
+hilum
+sgps
+zdnet
+taniela
+kamal
+carboxylic
+jhargram
+spindle-shaped
+dunlops
+diderich
+defection
+courier
+sartorius
+051
+sarkis
+videodisk
+rnav
+revives
+re7
+unica
+upf
+meader
+28-second
+waen
+latinized
+intrade
+quiche
+narmashir
+khe
+skinless
+peace-building
+egyptienne
+abels
+dplf
+salted
+croaker
+isia
+cobolli
+demonym
+jumla
+maylands
+conceivably
+sidon
+chornomorets
+115-113
+ncmec
+magdangal
+nissar
+xxy
+reveling
+teaming
+vossen
+-2,3
+sakaiminato
+commentators
+unlockable
+anahim
+najdi
+rayman
+deez
+bettendorf
+hellinger
+f-450
+20-hour
+boym
+322nd
+escribano
+vanaspati
+drawbacks
+hurand
+blasio
+generación
+gregis
+(919)
+doodle
+nagisa
+zorka
+houcine
+german-born
+imbue
+helu
+baumer
+talegaon
+steve
+neumayr
+gun-boats
+mahashivratri
+nila
+musha
+phagpa
+loiters
+boophis
+non-conforming
+jumper
+someshwar
+settlment
+quiros
+otu
+chrismation
+playsforsure
+vacuuming
+lds
+miličević
+airedale
+purkiss
+ramsbottom
+beziers
+dutta
+ashley-cooper
+nabob
+hydrosulfide
+mocks
+personalised
+mahele
+jesper
+piltz
+guideways
+greenbul
+macgregor
+ditmars
+widom
+uprise
+demoralize
+faygo
+frain
+toaff
+impermanent
+llazar
+edwardsi
+over-emphasis
+siman
+songwriters
+6,541
+cgn
+cheesiest
+xiaotian
+centreline
+wifaq
+huskey
+adepoju
+longiflora
+casalme
+mortain
+counterintuitive
+nussbaumer
+mpm
+hrushevsky
+charmes
+kashaf
+tormenta
+vultures
+54.74
+430
+cns
+lubang
+sikakap
+cantar
+nonvoting
+mamayev
+westhusin
+110-member
+14-ton
+dorsalis
+sod1
+rathvon
+tradebook
+upper-division
+maezumi
+antiglobalization
+5,910
+yahalon
+defrancis
+cacace
+mickey
+iccf
+aachen
+morels
+départemental
+gans
+cygne
+3,445
+scaglione
+bab
+icgs
+jubilantly
+vryheid
+ladnun
+sá
+a50
+116.74
+ié
+δh
+ekaterini
+fenner
+250-horsepower
+1986-7
+fryxell
+11:22
+injuring
+natelec
+5300
+corrugation
+scpa
+vodichkova
+inter-10
+skarloey
+plainchant
+urvasi
+transglobal
+mianchi
+bioregions
+turnbow
+granicus
+non-defense
+cdrs
+libbie
+skydiving
+hartl
+irinej
+lisheng
+closing
+indoor/outdoor
+beaverton
+iphigenia
+sacredness
+mignons
+akpınar
+footfalls
+hockeyallsvenskan
+bmi
+romeida
+17-under
+headboards
+cimmerian
+(661)
+emelia
+7-feet
+flopsy
+peri
+mullarkey
+vatc
+mobinil
+eliava
+tritiya
+anahad
+rain-fed
+malignancies
+reinharz
+recibe
+peñaloza
+steininger
+ernest
+ufologist
+botucatu
+belleek
+sipek
+1971-72
+pulpo
+atras
+colorful
+veronique
+ramadoss
+jukeboxes
+groyne
+cammeniti
+battellino
+barbad
+gortyna
+noncovalent
+graser
+spybot
+nistelrooy
+mechau
+mongo
+bramlett
+¢
+zangi
+dvorak
+milagros
+leveque
+pipefitters
+metalocalypse
+dachshund
+confederacy
+vosper
+blasted
+yohanna
+flavien
+kurmangazy
+linuxtag
+lynndie
+chellaney
+equilibria
+barzee
+malca
+vacco
+brock
+atomoxetine
+zil
+chinese-born
+khuong
+unbeatens
+mestolobes
+easter
+break-out
+crating
+propranolol
+pco2
+ooooo
+iron-working
+4.56
+clinically
+anti-treaty
+priyono
+lalin
+1989-95
+2424
+lingfield
+habis
+fokker-27
+60-0
+boott
+acuminata
+campestre
+subclades
+judentums
+hanauer
+5/16
+2001
+clavero
+rasky
+yukihira
+116.94
+comprehensible
+huadong
+freshmen
+pagri
+onesies
+aucc
+otgonbayar
+54-54
+fraidy
+newsmax
+seragen
+31/3
+quesnel
+1907-1909
+androcles
+oliba
+ingles
+2250
+rollerskate
+socketed
+akhada
+tindill
+cervenko
+fitterer
+n-n
+d'arco
+mieth
+employments
+timberlands
+goidelic
+achilleion
+halekulani
+adamus
+supreme
+treetop
+eyez
+pakhtuns
+preservative
+lezin
+nidau
+westeros
+princeville
+scratch-off
+2005-2006
+roundell
+biedma
+anti-republican
+ottley
+28-11
+auger
+azzurro
+kga
+dittman
+centralise
+pyroprocessing
+allert
+carine
+sarojini
+kongers
+ashby
+huay
+gillberg
+karmon
+nemr
+hollows
+britons
+post-credits
+d'agata
+ospedale
+outperformance
+roundabouts
+kwanwoo
+cianci
+39.18
+1970-1974
+neoconservatives
+halldór
+banks
+kayano
+marsupium
+boehner
+santurtzi
+djurkovic
+egotistical
+rush
+treta
+centeredness
+baťa
+3.245
+godin
+showpieces
+paranaguá
+onobrakpeya
+durrie
+indigenisation
+obituary
+margravine
+3003
+mazzucco
+pancanadian
+melodically
+guelaguetza
+stoyer
+wgt
+poh
+tonka
+inextinguishable
+strangelove
+cte
+gigawatt
+anathema
+b1257
+hankies
+ziegesar
+1963-1969
+kosmina
+336.5
+supervillain
+bratina
+vautin
+dinosaurian
+reducido
+lyonia
+datas
+schleswig-holstein
+racoon
+69,900
+cratchit
+jovo
+120.78
+nanri
+aguaruna
+ephraemi
+harib
+bigotries
+solvability
+tax-payers
+adcom
+qianxi
+guyana
+medlineplus
+intraventricular
+95.48
+kitui
+siekaczek
+bals
+venetiaan
+jamukha
+sabbas
+ecoffey
+thermax
+gieseking
+shelman@globe.com
+kendi
+nilpotent
+cotterets
+5,029
+comma
+golts
+goldbaek
+393rd
+heyne
+gadadhar
+reloadable
+prezioso
+morsch
+afpentertainment
+zankel
+rosiana
+rawalpindi
+postdiscal
+maridadi
+zw
+margarethe
+slopestyle
+29
+guoco
+pobol
+gook
+giuoco
+40.7
+59.56
+halebidu
+37.64
+jieshou
+man
+businesss
+coccolithophores
+métal
+single-handed
+501st
+sidorov
+khatami
+overwater
+haute-loire
+mid-victorian
+tremlett
+cousins
+gavazzi
+naji
+kitson
+annemarie
+raducan
+amortized
+cuidad
+hybridizer
+dejongh
+rxd5
+batad
+o.a.
+urgench
+nurmukhammed
+twp.com
+allein
+mcnickle
+pequonnock
+i̇smail
+220.00
+congregation
+masetto
+tortoise
+faruk
+avr
+1,362
+paneer
+undershooting
+flacks
+echohawk
+metrovision
+lubań
+snoeren
+busquin
+punchcards
+chernoy
+colangelo
+unpicked
+jonah
+spiderlings
+dervis
+obliquus
+denly
+illa
+gunja
+ging
+79.1
+elrio
+myrth
+catbirds
+puddy
+madrilena
+aeritalia
+dharmasthala
+młyn
+notoriety
+bakos
+aints
+bartels
+sońsk
+białobrzegi
+419,000
+60.17
+weeratunga
+half-inning
+xm8
+vassey
+calta
+obtaining
+wongs
+xikang
+parrotbill
+carcase
+swern
+pre-school
+defies
+mortimore
+jhalawar
+zuda
+363rd
+kostner
+jetmaker
+nskk
+subassembly
+ontogeny
+skipping
+n.
+bann
+klages
+herculano
+tekakwitha
+ottilien
+nordbanken
+laparotomy
+targa
+reo-coker
+opfer
+complainant
+hanzi
+membathisi
+afterelton.com
+rheum
+p.n.
+tweeners
+rnn
+crépuscule
+qiushi
+ale
+sordariomycetes
+olvey
+huggies
+66.50
+warrent
+conne
+fiaich
+bayugan
+sequentia
+americal
+kizu
+mudder
+crg
+archimandrite
+amerian
+colaiste
+reps.
+upr
+gva
+refloating
+wisn
+lacena
+sanjakbey
+dyfi
+mehdi
+hoeveler
+3,3
+felis
+arzoumanian
+hindquarters
+kabura
+genius
+lelyveld
+1,820
+lamiaceae
+1.024
+promigas
+d'emilio
+qinghua
+muldowney
+libretti
+9:19
+talita
+clavulina
+testifies
+dragoslav
+kennicott
+kneib
+niedecken
+57.60
+59-56
+sue
+aquilino
+sopore
+draped
+hopis
+cha
+transformers
+vendt
+lchs
+hitchock
+tyronn
+doksone
+rimm
+richenthal
+eighty-two
+barchetta
+l'édition
+wrathall
+rätikon
+164.3
+100.57
+poluleuligaga
+10-13
+76013
+philometor
+r-truth
+kalihi
+5.01
+stickier
+romary
+72.59
+hapeville
+reevaluate
+chandika
+bush
+unhampered
+xl
+spoken-word
+marquam
+motiva
+278
+4,000-member
+wendi
+ecleo
+shutts
+guttormsen
+standarte
+abolishes
+mcquaid
+dona
+masri
+erismann
+havins
+lutalo
+kg4
+gujars
+racal
+thornwood
+prothom
+domer
+gongbu
+nymburk
+flaky
+mauduit
+loi
+okudo
+lisy
+incompatible
+temas
+146.6
+doster
+personnes
+salumae
+fomented
+(406)
+unfabulous
+silks
++1.6
+ritesh
+patia
+neerwinden
+bw
+818
+1406
+refusenik
+marquees
+unfortunately
+buonopane
+hair-raising
+streaks
+llorca
+weinke
+dreekman
+restoration
+spreckels
+triduum
+4,894
+chii
+manukyan
+moated
+deyana
+cocchi
+maybrick
+pseudoscience
+weisenberg
+prts
+vrbas
+shovell
+bielawy
+md-11
+francese
+cavalcades
+pealing
+radiogenic
+persan
+cyrillus
+eschweilera
+re-imagining
+wartusch
+oakleaves
+siniša
+bohne
+perkin-elmer
+cantaloupes
+kurpie
+intercellular
+fanwood
+66,700
+cheminade
+39-27
+blessing
+verdicts
+militarize
+garbe
+rumored
+nytfileitnotes.ap.org
+mammalogist
+refractive
+alingsås
+96.68
+muttered
+chami
+hagens
+andreev
+payphone
+sianów
+dastgerdan
+9-seol
+183,000
+tasini
+three-axis
+5,708
+english/
+cotnoir
+stallard
+geocoding
+mutualisms
+welcome.htm
+snowplow
+570-am
+fitfully
+misimpressions
+agroha
+.688
+12-bed
+05/06
+kossmann
+outrageous
+posthuma
+usra
+ko
+20003
+mouride
+maung
+burewala
+bureaucrat
+biograd
+schach
+www.youtube.com
+264th
+conservators
+james.lileks
+turnovers
+cammi
+guatemalans
+westvaco
+burps
+carrasquillo
+gondwanaland
+4.0-4
+gopabandhu
+dresdeners
+al-khalifa
+1.215
+imperial-royal
+kingsland
+.578
+intruder
+hinzweiler
+beartooth
+skiers
+0-for-10
+hattfjelldal
+mithaq
+1186
+prophesized
+dorotea
+f-150
+35.05
+unclog
+sectarianism
+nfdc
+peschisolido
+oudenaarde
+robeco
+3500
+asthan
+sainct
+qbr
+34-4
+glitnir
+rawhide
+k6
+1997-2005
+frequency
+mazovia
+60.53
+kirschbaum
+zoho
+hubaekje
+zarifa
+freedos
+kiyoshi
+fehér
+cukić
+unbanked
+nperez
+elswit
+buffering
+troppau
+howald
+boron
+bolide
+amali
+bottin
+12,000-page
+rāma
+collectivist
+ansal
+exports
+32.4
+undamaged
+solari
+zhohn
+ashar
+wisdoms
+sakata
+lilliput
+hillbrow
+sestiere
+yusufov
+nizzola
+crosman
+hesser
+meistrich
+edmar
+reconstruct
+prinosil
+kayalar
+(413)
+fleshly
+begal
+terranes
+zdrojewski
+narratology
+guanzhuang
+86-page
+dichter
+overcharge
+bayamón
+frugally
+bulletman
+homebuilders
+roggeveen
+gevisser
+satisfies
+391
+drunkards
+balotesti
+bingcai
+delgo
+aist
+neighbors
+lmrabet
+speusippus
+5-125
+spiritist
+matovina
+reprint
+prilosec
+3,173
+sonnen
+1.005
+55.60
+lius
+long-planned
+norriton
+shahriar
+takeup
+méduse
+terumi
+illy
+kosevo
+m&a
+ation
+low-enriched
+navsea
+lesbia
+soy-based
+41-14
+earley
+andreyeva
+eljero
+westdale
+165.6
+beatifies
+rager
+cherkasov
+animaux
+opta
+teheran
+jaap
+dcs
+across-the-board
+grindings
+nansha
+wauwatosa
+1,579
+piekary
+triesman
+1,251
+transmute
+khru
+moniteau
+microloan
+biola
+sunbaked
+tourist-oriented
+1:39
+arts-related
+39.6
+yomiko
+motorcyle
+gadsby
+joasaph
+kōsuke
+sajjadrud
+monopolisation
+quick-thinking
+akalis
+trinny
+lifters
+bluechip
+eulogizes
+deiner
+tene
+jouyet
+maine.
+-73
+interns
+britannia
+batorfi
+meads
+akitani
+champaran
+digistar
+photios
+spetzler
+fiestas
+ic
+shakar
+96-82
+1,793
+busloads
+taggert
+conjugal
+mistrials
+misalliance
+frenchified
+ledger
+udomporn
+kalomo
+andreina
+mattheson
+in.
+eichenbaum
+euro820
+cumbernauld
+treanor
+crue
+takfir
+ceruzzi
+2002-2011
+square-headed
+dogmeat
+tohono
+suat
+lionnet
+mountings
+sfc
+quartermaster-general
+carmellini
+rafd
+ryabov
+baltra
+mittermaier
+maschinenfabrik
+incontestable
+yellowjacket
+pc-6
+sanhaja
+benvenuti
+amrum
+heb
+ibrahimov
+shkodra
+voltz
+splittism
+maanen
+malatia
+fusional
+endonuclease
+totora
+artime
+deuel
+orseolo
+220-mile
+mechanizing
+gangchuan
+gautamiputra
+tadić
+reddish-orange
+baruq
+liveleak
+nsengiyumva
+kanemaru
+94,200
+universel
+pataphysics
+14:53
+normalizer
+lansdorp
+mineira
+gratins
+hanja
+rivaroxaban
+zaira
+dnase
+ballenger
+subvert
+brattleboro
+spennymoor
+iliyan
+gerchas
+miescher
+72-70
+filmart
+rinat
+2,957
+baru
+longwall
+phlogiston
+stoughton
+studies
+elkmont
+uncompetitive
+boulais
+warns
+lalova
+41-39
+polyester
+bugha
+noake
+mankamyer
+unifrance
+roll-on
+broadway.com
+orga
+decays
+military-industrial
+50.80
+pedler
+organizational
+ian
+444-0267
+salyer
+sageman
+news-gazette
+superelit
+tokhtakhounov
+kv55
+guizhou
+kusc
+booksellers
+rosstat
+pheap
+maikish
+birdie
+starledger.com
+coming
+kayed
+channa
+stolen
+wowed
+88.60
+weathercasters
+knacks
+deputy
+unidimensional
+scrotal
+urbaniana
+oppressors
+millau
+dhu
+shellharbour
+ikaris
+derivational
+jaunting
+lindiwe
+xq
+burbles
+summiters
+long-winded
+698,000
+soarers
+concertina
+boystown
+latinoamericanas
+machete
+persie
+olomana
+mounting
+nether
+duetted
+shaways
+starehe
+2,576
+e-4
+ghassem
+birr
+ss-vt
+kūh-e
+morfitt
+bbn27
+muckers
+ctec
+malkovich
+bududa
+half-tone
+goffin
+lyuben
+metsa
+unguents
+boham
+sportclub
+transcriptionally
+bardaskan
+iwatake
+ablation
+2700
+brzeźno
+pol
+zaragoza
+hasidim
+moorad
+trakya
+000
+germanics
+woodcote
+yvette
+zesch
+pánfilo
+cross-roads
+foula
+ennes
+virén
+1957
+mweene
+mikardo
+self-learning
+addictive
+feduccia
+abdoun
+nc7
+travesties
+treacle
+ustyug
+steamtown
+előre
+duckbilled
+ouran
+roumi
+444-8975
+eizenstat
+100.25
+crosse
+marny
+fijian
+clopton
+carroll
+marauders
+nykøbing
+harben
+2.165
+sucessful
+philp
+ppq
+khezel
+khuen
+stargel
+cautiously
+catsimatidis
+4003
+44.32
+prophage
+aqtash
+zd
+gbf
+mirel
+tethong
+balasuriya
+8:11
+emling
+isra
+tenn
+samanda
+1892
+peptone
+isnin
+dumm
+2.475
+b-29
+99.99
+fantômas
+caddying
+catherina
+22-27
+nilesh
+isp
+0.09
+infielders
+knoppix
+faggot
+periods
+ufficiale
+growing
+0.375
+canale
+uw
+salamat
+1-4-2
+sakami
+paulistano
+ratos
+manageable
+fibe
+monnette
+goldstick
+oenothera
+freguesia
+contrite
+nasruddin
+payap
+doming
+balan
+futrell
+crypsis
+banyamulenge
+gesamtschule
+nucleophile
+cmv
+capitol
+3,133
+hauz
+shgreen
+mosson
+waterbirds
+ill-equipped
+84.3
+storani
+l8
+metella
+merial
+londres
+ipf
+oikonomou
+alfortville
+konate
+manto
+hammy
+schempp
+009908
+mervyns
+parodic
+wyandanch
+atan
+j'
+30.31
+mahler
+noé
+reelin
+kekst
+mwinyi
+wilrijk
+laos
+detonates
+azawi
+fa'asavalu
+dinunzio
+russell
+higgs
+ummm
+degroff
+khyentse
+cystine
+palynological
+fasten
+icv2
+marlet
+24.94
+acu
+treforest
+uncleanness
+zukang
+osrd
+lono
+1984/85
+92.6
+jackman
+1,968
+alwa
+sanctioned
+pressfield
+kitakyūshū
+http://www.ntsb.gov
+660
+laak
+flynn
+dniester
+övörkhangai
+tolnai
+rdec
+dobrosin
+emedolu
+yōgana
+tiddlywinks
+chiasso
+minaret
+moorea
+d'orsay
+rens
+perspective
+aoki
+non-marxist
+korth
+btrieve
+khama
+dhendersonglobe.com
+requêtes
+mews
+out-of
+pyronemataceae
+senneterre
+copped
+kmg
+tractor-trailers
+bardi
+reels
+raghunandan
+zelea
+winsted
+ksenija
+châteaubriant
+coureur
+86.64
+detritus
+leachman
+gregariously
+makiling
+chowning
+sherratt
+exorbitantly
+schepisi
+lacertidae
+achnacarry
+afsouth
+mahuad
+amed
+92.66
+feline
+pluripotent
+estrogenic
+colotis
+rideh
+kopje
+non-institutionalized
+2,739
+hunstein
+honorees
+barraza
+learnings
+mondoñedo
+sektioui
+ombudswoman
+2,244
+leprosy
+64dd
+78-yard
+orators
+banken
+enayat
+91.7
+nonindigenous
+cantilena
+melano
+601,000
+dumitrescu
+sathasivam
+1000km
+luthra
+nador
+madhavi
+galeone
+sekerinska
+mezher
+trulli
+mx2004
+2580
+leganza
+sarbayev
+confirmed
+low-carbon
+undergirds
+6e1
+cumulonimbus
+anglosphere
+2,000-dollar
+non-biological
+denounced
+cathays
+nivas
+fornication
+family-like
+skornick
+yacov
+sparebank
+fanous
+okaloosa
+a.
+steamboy
+demarches
+ellyson
+grabina
+ratione
+cissus
+lanang
+sci-fi/fantasy
+aired
+enumerators
+wpsl
+cytogenetics
+30-yarder
+ilg
+unpassable
+105-millimeter
+choicest
+cheteshwar
+subhumans
+sauteeing
+qt
+photosensitive
+meaghan
+caravelle
+maters
+160m
+oskars
+ioannis
+mapusa
+i-beams
+kpho
+kasay
+e55
+taukafa
+genshin
+a.flower
+odalis
+dallin
+forecastle
+electroluminescent
+gibsonia
+bockris
+naro-fominsk
+khatri
+strohm
+sobakam
+antonya
+276.3
+çakmak
+adib
+lacks
+ragam
+bektasevic
+crystallises
+celulosa
+qarc
+dongmei
+goldilocks
+coronagraph
+humboldt
+yayo
+anneal
+ligule
+ikin
+u.n.-affiliated
+easterlings
+maconochie
+u.s.-cuba
+mbunda
+impressions
+untz
+gaidai
+copacetic
+amikam
+indymedia
+meyaneh
+tingcou
+chekist
+mikus
+michelinie
+ntamba
+sophist
+adbel
+boegelund
+hydramatic
+miguet
+concorde
+ijaz
+khalilou
+suggitt
+rotting
+mvc
+scandals
+vic-wells
+triomphe
+bicameralism
+wakaf
+3,860
+masturbating
+soulbury
+kumbirai
+crumpled
+ulivieri
+buchori
+miano
+repayment
+sketty
+phonautograph
+hypocotyl
+bathtub
+faddish
+watchfully
+inscape
+bakhter
+dunay
+jinzhong
+faan
+2,000-calorie
+dargaz
+boulogne-sur-mer
+zewlakow
+pontins
+self-absorbed
+popplewell
+gapp
+spr
+6.5625
+individuos
+fire-control
+swiss-italian
+muddling
+ramid
+115.84
+ekstrom
+grout
+75.2
+machir
+turgeman
+ribéry
+landis
+shamkir
+87.95
+hinn
+m113s
+enlarges
+poniec
+economides
+paik
+dresher
+fakher
+yna
+openmp
+gouil
+beuno
+revivalists
+coppage
+1-for-5
+quad-core
+cvm
+breit
+pfc.
+agase
+destination
+98.16
+48.32
+pabla
+189.4
+closures
+fenced
+outruns
+r.u.f.c.
+noires
+mundofox
+bathe
+cunniffe
+nahua
+nazarova
+rawabdeh
+127.3
+chitwan
+caput
+pantocrator
+provability
+mediterannean
+amblytelus
+cantabile
+3025
+vew
+khalkha
+fouga
+pente
+khiel
+front-engined
+cubren
+capt.
+532,000
+coun
+marsalis
+cocalero
+pickford
+runnymede
+clayderman
+murck
+irse
+khormaksar
+tygiel
+583
+muanda
+maithon
+zauri
+banditry
+footwear
+2114
+torts
+regt
+ardsnetwork
+qasimyar
+sann
+virtualbox
+bridesmaids
+krosnick
+codeword
+60-member
+cockspur
+burtenshaw
+heston
+maeght
+buyeo
+marthinus
+relf
+rts--acct@prodmail.acquiremedia.com
+post-release
+70-dollar
+276.9
+17.86
+hugo
+mid-1960
+amparan
+overprint
+alagappa
+barest
+rasual
+jebb
+pan-hellenic
+sb
+2000-2005
+rowdiest
+moharebeh
+kaworu
+circuitous
+mexia
+218.1
+community-building
+citian
+unexpected
+zaytuna
+9.1
+hydroxylated
+all-freshman
+tinkerers
+adressing
+dualstar
+naves
+dubya
+stewarding
+hyperbole
+farim
+toucher
+berners-lee
+trendelenburg
+1477
+church-owned
+2,460
+kozinn
+manjula
+tanz
+padraic
+20,650
+awadallah
+sociétés
+5,219
+soewardi
+vigne
+taie
+her2
+dyoung
+rebaptized
+boddingtons
+manipur
+mukim
+prawo
+grounders
+muskets
+cubin
+well-matched
+.680
+consults
+ragin
+eiichiro
+oreste
+post-civil
+dialectic
+grun
+golbaf
+jike
+necip
+hainey
+day-old
+three-cent
+massenhoven
+agonum
+kadem
+zlin
+ghrelin
+scott--eyman@pbpost.com
+kamungozi
+http://www.christies.com
+folksonomy
+kyrghyz
+siodmak
+alprazolam
+79-41
+florham
+billary
+lulin
+ocasion
+białowieża
+independentist
+verlaat
+garlasco
+4,041
+kialoa
+behrang
+ndaa
+renege
+racehorses
+larned
+ancona
+rhombus
+skyeurope
+maberry
+koldun
+spelt
+116.48
+antero
+post-coup
+sirnak
+dysautonomia
+estuarine
+sajal
+evian
+6-2-0
+udea
+fiorenzo
+vernay
+eurpean
+impair
+goldoni
+chk
+zeltner
+hamdaoui
+thevenot
+twia
+ltjg
+glaceau
+antinori
+kouyate
+chaotix
+bergama
+tcg
+foregoing
+vads
+mbangweta
+lamented
+high-strung
+45.26
+rhoades
+computing
+rotello
+liyang
+mid-40
+trovoada
+snowman
+9,830
+multiflorum
+herminia
+machame
+gethsemani
+przewoznik
+feathering
+bellhorn
+rux
+zalog
+kupka
+lizhong
+thl
+türkvizyon
+55min
+roadtrips
+4-114
+scherzi
+genetica
+beyoncé
+icbms
+lorton
+15.82
+20-a
+wwc
+namurian
+1562
+abdulmalik
+olympiabakken
+203.5
+wisest
+sillaginidae
+nutrient
+carlota
+jicai
+plischke
+strangled
+stroman
+colomiers
+wcfl
+interntional
+surroundings
+wookey
+mayotte
+crossbill
+sabirov
+woio
+tyrant
+taíno
+tryon
+malatya
+soviet-german
+afin
+134-member
+scarpelli
+incapacitates
+overreached
+negocios
+66.23
+poritz
+4,540
+69.3
+cnf
+ichthyologists
+healthcare
+circumradius
+aztex
+61.57
+156.3
+odean
+ouattara
+forages
+3-ashley
+aguilar
+doffs
+otros
+upbeat
+milieus
+tierralta
+qinshan
+overcharged
+99.74
+merhi
+svir
+bantul
+wisconsinites
+viaduct
+boykin
+htay
+nahrawan
+capellini
+fusilier
+motorcars
+psions
+imzouren
+painlevé
+jomon
+huh
+pedaling
+rêve
+kivumbi
+79.15
+bradburn
+neodymium
+psellos
+penalise
+truculent
+fembots
+atiyeh
+arkus
+extravaganzas
+frailties
+deepen
+b777
+transwarp
+malapropism
+photocurrent
+karuppu
+martling
+greenspaces
+partenope
+kimunya
+haw-haw
+gauls
+tounsi
+117.0
+turpie
+nobes
+24.62
+69-54
+grandslam
+engage
+taranco
+biellmann
+sturzkampfgeschwader
+supercilia
+callosa
+runs_arodriguez
+isostatic
+homestake
+antonioli
+thiès
+kneads
+andorra
+thesiger
+kaiden
+geza
+idiocy
+one-lane
+22-inch
+halloween-themed
+quantel
+hasibuan
+gozitan
+nonthreatening
+4.65
+nabuco
+mathison
+wilsonville
+libonati
+kimiti
+ztt
+raffled
+rigoberta
+rebound
+zoladex
+naeim
+skanderbeg
+culturalism
+recovery
+macdonalds
+blaha
+4001
+blankie
+swayed
+100-feet
+5,397
+cossato
+villaseca
+77.86
+s.lankan
+menchen
+semi-independent
+hewed
+gwangju
+isozaki
+saheba
+rogallo
+argishti
+blk
+ritenour
+1,200-seat
+narara
+63-60
+locard
+kaja
+suli
+kandang
+vitiated
+nepenthes
+gnarled
+classico
+first-day
+northbridge
+arab-islamic
+geat
+loredo
+cerium
+snps
+passport
+methodical
+beauford
+lyadov
+1962-65
+rosic
+hideousness
+slanderous
+morantz
+reynaldo
+unscriptural
+semi-military
+80.0
+butba
+fifo
+sexism
+obrenović
+vollot
+haggard
+2:44
+17:40
+sunward
+jagdfliegerführer
+tackled
+brij
+lapels
+perceiving
+puke
+taobao
+titorenko
+snigger
+asifa
+weidinger
+akpa
+makeen
+hits_isuzuki
+sabmiller
+geocast
+wcc
+sokolski
+52-member
+international-level
+normant
+seule
+kamboja
+ssrna
+fowley
+co-payments
+ijape
+20-11
+minshull
+electro-mechanical
+statesmen
+kreiensen
+threepeat
+maykop
+ballona
+ens
+lorenzetti
+gayre
+repulsion
+piaa
+7th-12th
+benzie
+long-gone
+roshal
+hears
+unnatural
+thulsa
+groaner
+infiltrated
+ulrica
+securitizing
+bramson
+surcin
+aodong
+3,808
+njoro
+3,112
+injectors
+rorqual
+treharne
+abrogates
+kops
+sheresky
+afranius
+ground-attack
+chaybasar-e
+giorgos
+mcgrain
+500-1000
+playbox
+stutter
+griaule
+valadares
+60-run
+zemes
+auto-maker
+aloo
+morrolan
+badon
+swoosh
+eba
+schechtman
+moriri
+gumming
+39-14
+metarhizium
+l’oreal
+hexose
+mig
+bolt-action
+281.7
+chamoun
+dode
+nondiscrimination
+petrokimia
+016
+balouch
+59-year
+coconspirator
+dinky
+.510
+tay-sachs
+rollison
+67-57
+vijayadashami
+dron
+mcguffey
+magna
+scuderi
+eghare
+skewered
+jad
+3-space
+marisleysis
+stabilised
+ttr
+rokot
+771,000
+hessel
+wilhelmstrasse
+schüssel
+kyosho
+brallier
+yepez
+nishnic
+boyd-carpenter
+eazy
+lasciviously
+feliu
+4,5
+on-the-field
+tamang
+pgatour.com
+66.77
+140-year
+wintemute
+kippah
+malos
+samsul
+millstatt
+yanic
+belko
+mid-1850s
+curiosities
+1,000-kilometer
+ximena
+čsd
+schmucker
+alc
+wanborough
+ratoff
+simonsson
+kléber
+lhakpa
+gangster
+veneridae
+dithery
+134.30
+t2000
+matija
+bartolome
+3,763
+bern
+sadlers
+front-man
+transcendentally
+chakuamba
+swarcliffe
+saintly
+paleobotany
+muncipal
+71-year-old
+indo-sri
+unmanned
+remax
+palafrugell
+kirketerp
+superspeed
+frankenmuth
+bizen
+evolver
+manjaca
+larsson
+geodesics
+turp
+neel
+slusareva
+haruomi
+1983-87
+imagyn
+opar
+cable-only
+jerking
+vivere
+re-creation
+plk
+nanocomposite
+mahasaya
+vanspor
+archaeologist
+incorrigible
+maryam
+swingarm
+geraschenko
+restall
+oxgangs
+bdb94
+theodosopoulos
+chinwangtao
+-9.00
+16.65
+coladas
+suhardi
+shiffler
+cockerell
+arenales
+adenuga
+gotanda
+jakup
+pegula
+thodey
+dmas
+acculturation
+messori
+bayes
+hobart
+camaenidae
+beloye
+millenson
+vh
+tbilisi
+divergence
+hz
+braddick
+zvi
+corozo
+chicly
+audio-animatronic
+kerr
+mafart
+madelyn
+disgorging
+29-25
+shyest
+317,000
+http://www.hp.com
+ultrashort
+weinger
+poots
+strung
+declination
+domb
+pero
+rahanweyn
+qu'est
+heselton
+chongju
+pushkar
+cuanavale
+zacklin
+brushfire
+baroni
+illuzzi
+jazziz
+metters
+sedam
+authie
+paita
+va'a
+sa-16
+alstahaug
+portabella
+surface-to-air
+gel-like
+disfavor
+17-7
+mannino
+munabao
+tappert
+attribute
+90-89
+janae
+joestar
+primidone
+giacoletti
+pranger
+alpes-maritimes
+holstein
+horlick
+puerta
+4-dimensional
+vergel
+singirok
+nonlethal
+landcover
+turnpike
+cooper-hewitt
+41-30
+kornhaber
+seperate
+electricite
+687,000
+benedikte
+sammes
+documented
+brigit
+lautenschlager
+discalced
+hsfp
+rahbani
+shreveport-bossier
+aquaculture
+abn
+laminar
+collocation
+incoherence
+józefowo
+v/v
+saeb
+laktionov
+superintend
+d'oeuvres
+breechloading
+bellaby
+803,000
+wada
+entrepreneurial
+avici
+stege
+hyndman
+departures
+a&p
+haider
+junket
+reionization
+interlockings
+altieri
+cộng
+hunas
+conservateur
+mabunda
+małkinia
+quant
+60percent
+tawil
+uncontainable
+giò
+antelias
+obeys
+vetsera
+sindelar
+momis
+fsi
+laszewski
+pavese
+mclay
+vaters
+skifield
+mcneil
+ecce
+rosengren
+gelez
+pchr
+chilhowee
+urc
+chauri
+rvns
+startled
+unomil
+propertius
+verso
+fightstar
+57.71
+1476
+elne
+waives
+roope
+dramma
+pinyon
+bolivarian
+azevedo
+mirvis
+sashimi
+spacewalks
+jepkosgei
+rodrigo
+nodding
+300-year-old
+noisemaker
+orthodoxies
+160.4
+77.78
+dolpopa
+solange
+nonuse
+rugal
+hrdlickova
+prestonpans
+pinx
+riyals
+eichenwald
+boulangere
+torqued
+drat
+underdark
+deliang
+9-by-13-inch
+menegazzia
+olearia
+1.10
+khosrow
+rosecrans
+nepalnews.com
+poonjar
+s.c.a.
+addison-wesley
+masanori
+lany
+fagone
+bankura
+daim
+socio-technical
+dilan
+cooch
+abdulhadi
+acrocorinth
+kabwegyere
+loveday
+scareware
+zileli
+yarelis
+unix/linux
+moriguchi
+landore
+neurogenesis
+confectioners
+290-seat
+phytogeography
+cuillin
+rocksteady
+sibyls
+koopmans
+takhi
+39.25
+blejer
+anant
+uusmann
+gigantes
+hermoso
+originations
+fison
+pentonville
+converso
+phuc
+impounding
+1342
+typology
+macbrayne
+runout
+unidentifiable
+pribyl
+ho-ho-kus
+8-week
+castaqeda
+nclb
+lorie
+19.30
+externship
+76.56
+118.11
+chaya
+gulbahar
+lura
+55-65
+marcie
+contraceptives
+piscopo
+clarie
+antônio
+praetors
+badang
+kuby
+rennsport
+railyards
+pluit
+plugged
+eligius
+type-i
+azamiyah
+nagash
+scavenging
+short-list
+digressing
+riverrun
+momoh
+tangential
+metrology
+7.27
+mansfield
+munis
+multi-sector
+charr
+mudhaffar
+saparua
+willows
+pärt
+co-regency
+exteriores
+isd
+anyama
+piercers
+53-37
+treu
+emcc
+nieuport
+kodikian
+vysya
+exhausting
+villainous
+ministrial
+cuoco
+annalise
+pyxis
+zhuge
+fourth-category
+66.53
+urn
+mythically
+niebuhr
+pierwsza
+corker
+downsized
+tolentine
+persistency
+substate
+bose-einstein
+dumosa
+arisen
+catch-all
+al-arsuzi
+prong
+conel
+strecke
+dicaeidae
+mcgreevey
+devos
+orus
+4.2-4
+99.22
+pervy
+faura
+keepers
+haneefa
+cons
+crescenzio
+geosmin
+meade
+400m
+elpida
+reli
+originalism
+arrazola
+gazélec
+(530)
+10,210
+40-something
+banners
+80-something
+tracklistings
+depois
+unmih
+suicidegirls
+ruci
+zambri
+dismounted
+remorselessly
+safehouse
+tweezers
+immunosuppressants
+guber
+skylink
+criser
+ruszenie
+monthslong
+i-naw
+adlerberg
+appletree
+42-yarder
+deathmatches
+ics
+13:21
+84.1
+mamuka
+studen
+531
+gharani
+shouli
+tønsberg
+yerlikaya
+summer-long
+28.95
+pentropic
+18-under
+creeggan
+513,000
+shire
+gnr
+inla
+pelizzoli
+vibrancy
+bankthai
+icoc
+aiolia
+pointer
+obscenity
+koehn
+saša
+savouring
+selchow
+reality-based
+stolidly
+alliterative
+900
+then-recently
+kamyshevatskaya
+coconspirators
+octant
+nsui
+sokolove
+intrauterine
+bilthoven
+milepost
+srinivasan
+croushore
+confining
+stoats
+121.21
+therapist
+realizes
+chapman
+amott
+loaders
+mainelli
+photolithographic
+7-foot-1
+harstad
+timmers
+differentiate
+3-minute
+transshipment
+mede
+inexpressible
+3,219
+eva
+clubbing
+tabernacles
+376,000
+september
+schnepf
+protectionist
+stachys
+ner
+tripartita
+bongard
+ribbies
+owhali
+trollhättan
+sillen
+iorio
+incubates
+koeppel
+wadham
+chillida
+phevos
+,554.89
+phial
+dehner
+frush
+dakwar
+sunningdale
+tropaeolum
+botha
+berlijn
+verzi
+all-island
+grit
+khural
+shennib
+flutters
+cordula
+whakaari
+lehtonen
+young-joo
+erris
+truckin
+grigoryev
+grigoriev
+corduff
+castilla-la
+ardeth
+freewheelin
+116.77
+greatwall
+paragraphs
+bumetanide
+yalova
+mackensen
+workplace
+residency
+9.125
+102.85
+jancevski
+soloway
+tateh
+moinian
+zebrahead
+gately
+babbling
+jetliner
+10,000-foot
+xingfang
+odinga
+booleans
+blethen
+moorehead
+mfdc
+acker
+jkessler
+catasetum
+ended
+kurseong
+cxcr4
+behlen
+aix-marseille
+100.13
+43-year
+anal
+jerman
+29.95
+autapomorphies
+geological
+strood
+43,125
+sikandra
+agrifolia
+blayau
+huub
+1939-1941
+obviousness
+degenerated
+presbyters
+cherpitel
+mantiri
+meindert
+permaculture
+bedsides
+terrance
+1407
+sueppel
+mustangs
+-0.2
+shallon
+marburger
+parkinsons
+nieuwland
+blastomere
+sadurní
+wantage
+bred
+biometry
+tyranid
+85.60
+ancrum
+arabisation
+undecidability
+gotterdammerung
+warehouses
+34.6
+pazova
+self-healing
+danann
+3,545
+feoktistov
+hattrick
+31.20
+venkanna
+katya
+60.48
+swaminatha
+marjon
+leizhou
+disturbing
+börje
+normandy
+3,735
+jameer
+magnesium
+silicide
+phocian
+ohim
+bonhomme
+wildean
+characterization
+adoringly
+kondotty
+chastening
+sinners
+feuille
+ignác
+thucydides
+hopefund
+harpists
+stratas
+serono
+warriach
+neorealist
+jimenez
+myroslav
+mincu
+titlists
+theodorou
+2003-2006
+gharbi
+mcclernand
+ekström
+westrich
+royall
+festers
+uttarapatha
+stylesheet
+craney
+maréchal
+iwabuchi
+mandovi
+acclaiming
+nhris
+dr-dos
+116.4
+grapo
+48-28
+serac
+121.50
+kanin
+first-string
+113.28
+reliance
+dikhhla
+mirabelle
+alcoves
+kowalewski
+126-day
+e-s
+spoofed
+cleitus
+goic
+euro463
+14,700
+erk
+262,500
+hoess
+4:37
+ishizuka
+tawalbeh
+cocktails
+kibera
+bluestones
+350-meter
+homogenous
+council-manager
+poshteh
+virola
+zoisite
+vsevolozhsky
+sasak
+ccz
+euro525
+idiophones
+17-man
+knipe
+diamagnetism
+tomini
+hoggatt
+52.92
+ravaging
+nkomo
+homogeneous
+sbus
+zend
+dibrienza
+fermentation
+realtors
+cpt
+codifies
+resurge
+rolince
+dussan
+wwii-era
+appliqued
+off-street
+irreconcilable
+tarkovsky
+prpsc
+catamarans
+alcocer
+paramahansa
+librazhd
+farmworker
+non-relativistic
+salton
+re-staged
+non-vocal
+slided
+amadio
+managua
+eternals
+wun
+silverton
+17,200
+free-kicks
+hovde
+elfland
+danzi
+lubyanka
+vélodrome
+reinfected
+dionicio
+petraglia
+lydie
+pronounced
+awal
+1975-1978
+sassanids
+financed
+dzongs
+nilufer
+drancy
+assoumane
+nikodinov
+articulators
+bristolian
+kingston
+802.2
+død
+perimetre
+shueisha
+ahmici
+ábrego
+karnazes
+nioc
+iceman
+phillaur
+caronia
+amv
+madow
+responds
+trademarked
+gotkin
+70-0
+freixo
+machinations
+accademia
+toronto-based
+4-foot-10
+piérola
+declare
+.339
+kindler
+sportsmen
+festus
+vietcong
+osipov
+ibge
+clayson
+ironweed
+hatwar
+solomatin
+guddu
+chiriboga
+87.45
+http://www.mediabynumbers.com
+permite
+swathes
+measures
+elnur
+gas-turbine
+shehnaz
+vip
+catasauqua
+ulanqab
+wakaba
+gas-fired
+panthéon-assas
+cyano
+mulryan
+83-run
+1,600-kilometer
+lermontov
+13-track
+busaidi
+1,391
+swastikas
+fyvie
+kraljevica
+ulzheimer
+lcd
+lefkowitz
+9100
+euro-american
+forer
+venkov
+self-determination
+faultline
+connectivity
+metrogas
+cerh
+owi
+diciembre
+blanking
+123.9
+earwigs
+gluttons
+sceptic
+geheimnis
+ftf
+catechisms
+cartier
+quenton
+haidian
+rdr
+222-2501
+decoratively
+ubangian
+fireteam
+275.5
+doctorat
+soetoro
+sint-oedenrode
+fitton
+msds
+leydig
+retied
+gantz
+hettinga
+breme
+sepulveda
+husqvarna
+ruixiang
+ciprian
+stinking
+bagach
+patrica
+pig-faced
+fitted
+low-latency
+40-billion
+festi
+sandbrook
+yamaki
+green-flag
+kcg
+bernkastel
+smithy
+elisabeta
+xena
+menendez
+spb
+dejagah
+miltiades
+cyberterrorism
+generate
+lampropeltis
+ecomomic
+hawkhurst
+hardev
+guidances
+morainic
+psychiatrie
+isometry
+tindall
+hiroshi
+gacacas
+cirrus
+mla
+blunted
+sirkka
+dwg
+enabler
+méchain
+serphin
+multiparty
+digitigrade
+shaker
+sleat
+34.75
+rockbox
+mavtv
+stun
+yussif
+betz
+darst
+ma'arif
+superheroes
+nagendra
+hoptman
+0214
+abiertas
+ledermann
+nuevo
+gildemeister
+karsa
+leandros
+waddy
+zeidabadi
+lubowidz
+gekko
+smitty
+upc
+timber-framed
+hasher
+srimaka
+story-line
+bodhrán
+20,300
+ingber
+11.70
+dano-swedish
+bhc
+aromatase
+armagnacs
+juncus
+daguin
+1lb
+revere
+26.57
+microbicide
+charkh
+unagi
+individualised
+khagen
+nationality
+constabulary
+inconstancy
+gilbarco
+transfering
+leura
+straughan
+dopes
+micheel
+4,761
+walkerglobe.com
+powrie
+ikazuchi
+misfeasance
+criollos
+ensuring
+cherica
+ambur
+ironsi
+d
+makabe
+anti-riot
+122.7
+27-22
+lahb
+11-ton
+105.97
+hrdc
+69.8
+articulating
+~
+jeri
+rivermen
+mcdaniel
+snakepit
+carnets
+probie
+xizong
+silverthorn
+tompa
+inglaterra
+u.n.-iraqi
+bükk
+adduce
+guanling
+abir
+lopardo
+quartiers
+tanous
+60-odd
+flat-bottomed
+13.98
+dfes
+seedpods
+tilston
+vays
+eloi
+caracaras
+acanthizidae
+gyeon
+minors
+c22
+bergdolmo
+aegean
+ospreys
+luhr
+marketable
+waterlines
+steroids
+reinsurance
+custom-designed
+orbicular
+medieval
+fieldhouse
+neared
+valbusa
+57.82
+flipper
+mbemba
+onn
+gambardella
+chromite
+concluding
+zeluco
+petrolite
+geva
+terre-de-haut
+cortina
+ortrud
+slep
+meltham
+pigasse
+tigershark
+polumbus
+thracian
+puhi
+bowser
+metzelder
+mitti
+bides
+5-47
+landmark
+joggers
+attaining
+lagasse
+jihaad
+sahour
+scorning
+etlo
+raps
+sikov
+militia
+hakuba
+4/20
+epl
+garbrah
+demonstratively
+escudie
+feh
+9sec
+prosperidad
+moët
+fettucine
+slaughter
+teej
+asbjoern
+6,124
+wpvi
+willstrop
+98.37
+malabry
+pazira
+composter
+cleone
+uap
+t.w.
+ruskell
+mcgourty
+lubricating
+discords
+20-0
+koellerer
+diesel
+make
+lake-effect
+1,0
+polish-americans
+spoiling
+vidin
+duno
+pearlite
+sarkisian
+determiners
+rizik
+razor
+grandpappy
+bacolor
+fredericksburg
+variational
+f-type
+hypothesizing
+vana
+sagres
+2.4
+37.55
+purple-black
+dila
+lefaucheux
+winstrol
+wildwater
+synovus
+karakalpak
+tussle
+menen
+lissouba
+short-finned
+wyrzysk
+shiksa
+toughman
+tangible
+coalesce
+visa-free
+nsclc
+grafstein
+hayakawa
+baard
+sandbag
+blob
+copperfield
+mif
+freewheeling
+gorgan
+criciuma
+nkosazana
+tarpon
+repopulation
+recertified
+soludo
+fornaro
+oxaliplatin
+choszczno
+saorstát
+majorian
+dibër
+15,400
+universitaires
+unseats
+yucatec
+happier
+2.4-mile
+kagoshima
+finklestein
+tamenglong
+gruenwald
+golmard
+euro522
+arenal
+socialist
+classroom
+dragoljub
+sahyadri
+tendonitis
+wojcik
+tlaxcala
+healthdyne
+qadoura
+littell
+eyal
+marwijk
+champoux
+32.60
+rbis
+v8
+54.89
+1389
+vaishno
+rpgs
+babinda
+saunderson
+escaut
+coprime
+a38
+linux
+992
+belfond
+minuteclinics
+85-year
+sose
+kostas
+dominio
+h.p.
+vieste
+thermoluminescence
+boqueron
+telecine
+lion-o
+spruce
+iwakuni
+cowon
+www.myspace.com
+cassell
+ahem
+pickin
+umbo
+mainlining
+obovate
+ltz
+recharges
+slaps
+sportsdesk
+spurious
+53.19
+supremos
+jaywalker
+asoif
+chrysomya
+benat
+hemma
+dimensionless
+hypno-disc
+dolinar
+mid-days
+freyne
+bahais
+pygmaeus
+shapovalov
+ashraff
+k.o.
+lens
+geneticists
+picador
+54
+ungovernable
+1949-1951
+czaple
+shhhh
+absa
+pyra
+reefed
+crotched
+kuypers
+latt
+tippecanoe
+judaeo-spanish
+servheen
+rucksack
+kampot
+sword-and-sorcery
+sluices
+icings
+anzhela
+fous
+interludes
+sakti
+ujb
+55.43
+scott
+83.43
+nightgown
+artorius
+josipa
+safavian
+nancye
+khreis
+pemoline
+rebekkah
+phinney
+23.1
+stonefly
+cimpaye
+rovers
+aroud
+27-kilometer
+vakhtang
+obshtina
+bjm
+planula
+bck
+muire
+palustris
+norsigian
+sadeq
+iversen
+bhichai
+bulawayo
+saparmurat
+roshni
+streetfighter
+yujiulü
+44-day
+phone-in
+oxman
+bendahara
+males
+dorade
+tinamidae
+sarak
+97.96
+16,850
+-61
+ozcelik
+i-sharief
+bevington
+controle
+lechler
+grovel
+ballam
+poissons
+dragon-like
+46th
+haideri
+apatit
+ringsted
+frigyes
+nordsjælland
+cooties
+tarceva
+wedlock
+diri
+best-documented
+valeurs
+seet
+objectivism
+watc
+34-93-218-8398
+sessler
+escriva
+naden
+milanes
+avocats
+aeternus
+nyhus
+morandini
+natasha
+lucassen
+bardiya
+55-plus
+nikolais
+delage
+nicollier
+malipiero
+0140
+huddles
+cagnotto
+bunkered
+nazimuddin
+oschin
+arvin
+smithi
+parenteral
+anuta
+rocket-assisted
+ismaeel
+campanulaceae
+souleyman
+14:56
+sep.
+savinov
+12-gun
+mccreight
+607
+25,600
+harazi
+panchu
+60-room
+dnvp
+enabling
+rocas
+6.3-magnitude
+singham
+arnstein
+north-american
+vasiljević
+museum
+nkanunu
+zeenat
+forms
+3,273
+osher
+urijah
+dohuk
+baldoz
+acheulian
+100-room
+comprimario
+musbah
+sandrelli
+keirstead
+rastko
+theist
+kidman
+41,563
+apsidal
+perdana
+anaïs
+ni-vanuatu
+salvino
+perky
+refshauge
+bookstalls
+shanks
+car
+kaies
+kreayshawn
+figurehead
+11-fold
+cued
+rosenberger
+cadfan
+cubino
+stechert
+fuyu
+osoba
+texting
+yzerman
+tether
+apnewsbreak
+millennialist
+alaafin
+seon
+jì
+postherpetic
+indre-et-loire
+con-way
+crossley
+parveen
+anandamide
+teltrend
+moverman
+itamar
+galanta
+roker
+suporn
+pacom
+ashgabat
+replacements
+uan
+fixings
+joshimath
+sliti
+shimmin
+indiamen
+80-hour
+pimentel
+rosendal
+casaleggio
+p9
+supermajorities
+payner
+bagrov
+parakou
+59kg
+biocides
+ajmal
+beseech
+uncro
+piarist
+javed
+ticking
+račić
+sunniness
+pirapora
+hermani
+billdowd.com
+boki
+ccgs
+delmer
+balms
+corinthos
+relating
+ucm
+saddlery
+l'enseignement
+livermore
+bakassi
+nsw/act
+immobilised
+44-141
+extraordinaires
+double-walled
+comesa
+ikea
+rhein-main
+isoenzyme
+mikhaylov
+erotically
+bastola
+reeves
+kettlebells
+84.46
+cemig
+maximums
+games
+telavi
+wurzbach
+sugden
+bayram
+wrr
+mirage-2000
+chattopadhyaya
+46.89
+ix.netcom.com
+herm
+chissano
+vriesea
+nebulosa
+93-1
+reuteri
+harlem
+cobi
+changeless
+iliescu
+re-negotiate
+kaskar
+speco
+kiley
+maturi
+scholte
+menthe
+purok
+montevideo
+partway
+farrar
+shreyas
+kamadeva
+jenseits
+hamnett
+nisf
+marinum
+vaher
+re-issues
+hantu
+urged
+brewed
+8.7-magnitude
+dakhil
+cammy
+southwards
+loane
+rotella
+prefixes
+carlier
+bramley
+delagrange
+trommel
+turreted
+krirkkiat
+fityani
+jerel
+liposuction
+dorus
+disincentives
+sautéed
+fluoroquinolone
+30.64
+reinstatements
+goopy
+tive
+baturin
+957,000
+rommel
+semesters
+two-shoes
+sommerfeld
+abides
+saguntum
+trapshooting
+psychopathia
+27-16
+intermediacy
+kiehl
+lash
+sarosdy
+heatseeker
+nassau-dillenburg
+yangs
+bolvadin
+slaf
+manati
+reenen
+medaphis
+shuanghuan
+cyberrays
+jossey
+gieve
+co-winners
+swoose
+leodis
+manojlo
+167.6
+aureus
+vuelos
+kalandadze
+yepsen
+majerle
+frida
+grymalska
+franceville
+46.82
+griddles
+perished
+severly
+folkloristic
+sedans
+inmigrantes
+wav
+sarr
+xá
+numerator
+10010
+nasab
+eleftherios
+porte-cochère
+eynon
+72.27
+topped
+coatings
+94.92
+58.60
+lubovitch
+frais
+open
+ryutaro
+slice-of-life
+ermes
+mostaghim
+waleran
+3630
+mccagg
+1990-1997
+2-22
+phillie
+euro346
+kedra
+maschinen
+angiomas
+rohillas
+c/30
+automobil
+kutluay
+faur
+remands
+slaying
+roadies
+diviners
+moseyed
+46.93
+beitbridge
+sententiae
+seawright
+tupi
+yapa
+,750
+kwkw
+iridium
+pierre-jean
+i-86
+heptatonic
+compan
+karthi
+delayed
+vol.
+kalisto
+strikas
+tla-o-qui-aht
+ایران
+orwell
+hollyweird
+skorpios
+blagoj
+yorac
+tanovic
+tyresö
+bandits
+hanggan
+bilkey
+lenstra
+14-time
+glih
+wayles
+dimitrij
+janitor
+mabillon
+oumar
+oversexed
+vitória
+alfonsín
+warble
+folli
+send
+alverno
+schoenke
+courchesne
+biesheuvel
+30-lap
+scagliotti
+dementedly
+20,444
+hi-5
+walchensee
+fishmongers
+57.76
+waregem
+39-41
+faten
+héroes
+voluptuousness
+zakoura
+walkie-talkies
+freemen
+all
+grillo
+24-billion
+safy
+coty
+ravelo
+illuminati
+kadidal
+your
+individual
+mariazell
+drippy
+elmira
+goeteborg
+mid
+avocational
+94.33
+cadafalch
+shots
+amstgeld
+miyamura
+lithographers
+gofman
+felici
+6.23
+400-member
+grassing
+wharfedale
+lookback
+http://www.ericsson.com
+stinger
+pangyo
+radiotelevision
+kerbel
+garros
+hooksett
+neo-nazis
+photosynthetic
+referring
+cardiopulmonary
+magnitude-4
+itu-r
+yebda
+134.75
+2-over
+gosman
+beverwijk
+samer
+basinski
+199.95
+aggravations
+world-system
+knepp
+cutileiro
+height-finder
+raukawa
+supersymmetric
+rheinberger
+president
+gambians
+ihle
+judenburg
+baccarat
+l.h.d.
+dipterocarpaceae
+letterwinner
+werknummer
+baqa
+3,459
+cahir
+ensuite
+persuaders
+neuroscientists
+autocar
+ég
+xel
+matlin
+prius
+p.
+duell
+high-net-worth
+rémy
+tarentaise
+ruerup
+a380
+longisquama
+cohodes
+misquoted
+akhbar
+demongeot
+palito
+konjic
+masterful
+matejce
+yasseri
+69.4
+clog
+giles
+disegno
+mikhail
+catamounts
+aronwald
+10-episode
+gentrify
+rockline
+120-member
+pre-university
+deneb
+calibers
+byelorussia
+48-4
+gheith
+cybercrime
+zlatni
+c-sharp
+romanizations
+koke
+sprynet
+huapango
+holdren
+rapinoe
+marineau
+odoardo
+cyd
+glilot
+shaivism
+helicia
+bonzi
+silverius
+valenciana
+rákóczi
+yeutter
+zvezdara
+asrm
+uncommitted
+yamanote
+polesine
+jmccabe@globe.com
+schnabel
+puchkov
+backspin
+3.8-percent
+lamrani
+albums
+belhadj
+prisms
+rotfeld
+naeemi
+peh
+sindoni
+mi
+caparas
+fortaleza
+lats
+krzepice
+musculoskeletal
+chereque
+neri
+carburetor
+correct
+mumm-ra
+penninic
+ariane
+7,000
+rugova
+liesing
+eit
+naphtha
+speedskatingstats.com
+u.n.-authorized
+garamond
+mint.com
+120.5
+aiying
+digitalization
+luccio
+ultramafic
+irène
+dain
+morehouse
+humvee
+houser
+skywarrior
+rian
+llanddewi
+carreira
+gobin
+trilobyte
+37.78
+moroz
+co-belligerent
+bureacratic
+cahaba
+strassler
+chanteuse
+mcramer@globe.com
+20.68
+1712
+forsch
+hamms
+agreste
+worley
+tree-planting
+www.enron.com
+pranced
+bioport
+f-5e
+heechee
+regium
+zaharo
+gowerton
+called-up
+mīān
+jiechi
+kaposvar
+preclusive
+lamego
+cej
+allaying
+upraised
+euro425
+ovtcharov
+transcript
+c/d
+hohn
+tewdwr
+puede
+ruslana
+ushijima
+trawler
+3,430
+medein
+nashua
+fawwaz
+takai
+xzibit
+93.70
+gandolfo
+snowplowing
+maughan
+budesonide
+gillig
+bangkok
+upper-middle
+bullocks
+4,260
+cannellini
+tecbud@bellsouth.net
+92-89
+earthrise
+quirine
+kozachenko
+oakie
+.0202
+octaves
+pracharak
+epdm
+leyzaola
+1.33
+6e
+kallie
+colaba
+ousman
+dixler
+goldfinch
+67.00
+unrooted
+johannesberg
+wrigleyville
+usenet
+computerise
+hamed
+albis
+guó
+vahdat
+euro93
+16:41
+saucer-shaped
+noureddine
+linkoeping
+smokejumper
+orth
+subtidally
+dahr
+freemarkets
+pisnik
+overweighting
+kabongo
+inglourious
+schindler
+bedevilled
+79th
+bisbee
+turbinate
+jaqua
+37.89
+a-321
+aspasia
+19,250
+zhixiao
+bissoondath
+eod
+lüders
+okrug
+piccarreta
+convinces
+obec
+seganet
+tricker
+burana
+shanxi
+togiak
+stefanki
+antics
+hoverfly
+ipc
+ogunlesi
+synchronisation
+veracity
+mansart
+pacal
+47.98
+schine
+0.053
+howson
+panag
+front-lines
+cocea
+montesinos
+rackemann
+hairstyling
+alero
+kastrup
+abusada
+bénard
+shuai
+inversionistas
+qui
+vendler
+molder
+hetta
+redress
+randburg
+bergamini
+canters
+tayibe
+mungindi
+phytoplankton
+slights
+kozeny
+vicuron
+cowburn
+croteau
+1.5425
+katcher
+attaque
+reconoce
+10-10
+belaying
+pav
+paysinger
+dingoes
+solloway
+nasserist
+muskego
+baripada
+mastitis
+sendup
+fast-talking
+komala
+artlessness
+dickins
+bloomsbury
+16.75
+single-nucleotide
+larrikin
+1100gmt
+2/1
+puch
+6pm
+n'goran
+cogdill
+61.65
+bilateralism
+palangkaraya
+cacau
+angie
+sensationalized
+picketed
+interstates
+penns
+columbianus
+mutz
+219-212
+26.7
+transduced
+1.8-million
+tamron
+glomar
+mascarenes
+galleries
+viarsa
+2073
+hernici
+quaboag
+thirkell
+tomana
+stirlings
+akesson
+hdcp
+mulino
+cutler
+raydon
+2078
+fitjar
+enr
+agbayani
+muswellbrook
+nationalliga
+overleveraged
+bangles
+tanf
+117.58
+jr.
+meers
+nullified
+horita
+chelford
+michałowice
+texas-oklahoma
+strzelin
+gripping
+adab
+definitives
+1,992
+9f
+50.14
+zweibel
+wilkens
+gochujang
+homonymous
+nezer
+masnadieri
+culpa
+ulinzi
+carol
+agnews
+dmh
+çetin
+1,860
+anti-communism
+solimena
+fasted
+mugniyah
+sd.kfz
+khanna
+natitingou
+non-indians
+chelating
+ninety-fifth
+zonta
+metropolitans
+mudéjar
+dauphine
+lipnicki
+perish
+josiah
+fouras
+geduld
+hydronephrosis
+kamunting
+non-elimination
+38.12
+hot-shot
+mariam
+cr
+pegguy
+nzl
+copula
+pernia
+masuria
+ravishingly
+trọng
+gonzaga
+showeel
+tredgold
+hanspard
+treschev
+jean-paul
+culmen
+-70
+co-head
+3-digit
+cuke
+inaugurating
+periodically
+75-77
+pontaise
+emanate
+antholz
+107.96
+clavicles
+fp
+yasutaka
+grandier
+monopsony
+female
+loudhailer
+rensing
+classifier
+1.3667
+breakout
+sling
+vorobiov
+solidaria
+minsker
+thiokol
+sophomores
+r4d
+likhovtseva
+baskin
+nuclear-armed
+pacnews
+lijn
+non-game
+filippa
+repents
+satrapi
+taunted
+łobżenica
+9-fernando
+stuckist
+bahour
+correctional
+forty-four
+elmyra
+28.64
+summerlike
+hernia
+lynsey
+whitter
+salario
+votadini
+pall
+savitskaya
+linnehan
+newsier
+mohammadawi
+albedos
+walgren
+laven
+hander
+feucht
+295.7
+easyjet
+1992-94
+159.9
+daugther
+pleads
+15-person
+arous
+grabbing
+brunei-muara
+hairpieces
+maidique
+cuffing
+bjornstad
+their
+fase
+claassens
+17.2
+khao
+abw
+dongjiang
+cors
+zbanic
+salvi
+delair
+3000gt
+ridgedale
+pupovac
+fitzgerald
+r128
+earnhardt
+57.14
+13-1
+orchy
+hijinks
+scharff
+novotny
+c.u.
+koht
+nastaliq
+helvetia
+bobonaro
+landscaper
+2511
+ngom
+klatten
+scaevola
+inia
+outplays
+conceits
+ruble
+essling
+tengku
+u.n.-policed
+multibillion
+manasota
+nafziger
+rogen
+englehart
+nishigaki
+propuestas
+bristol
+contrition
+aquos
+56.51
+staggs
+seargent
+tāne
+krannert
+superfluid
+1,367
+baus
+institutional
+kairys
+riddles
+aragua
+schaufuss
+l'uomo
+soun
+hō
+syda
+"
+912
+paea
+jenabi
+dualla
+mgcp
+polish-german
+plunket
+rhu
+meisei
+rothenbaum
+aubonne
+11:10
+4.6-magnitude
+olivera
+subshrub
+ferren
+khatim
+cbeltran
+franchize
+109.4
+doit
+tortious
+tenji
+sanseverino
+cherkashin
+boyertown
+paramedic
+cognitivism
+shockheaded
+golway
+kiær
+chum
+ganzoury
+romping
+camec
+kiyonga
+miskatonic
+pelog
+famer
+m240
+adenanthos
+1-33
+india-china
+traceable
+breadcrumbs
+samosir
+sumait
+windage
+yagya
+eigenvectors
+ntagweek.htm
+predicated
+clr
+jma
+urner
+avidyne
+souers
+btr-60
+bauru
+tormenting
+zapendowska
+peddling
+1163
+holo
+liquori
+hormisdas
+capellas
+shlachter
+slatternly
+discontinuously
+45-24
+rodriguez
+unranked
+waheguru
+hongguo
+yamagata
+4-44
+lenzburg
+egytian
+thors
+sanit
+agentes
+rímur
+inhales
+cotsakos
+olean
+ubos
+onge
+mckew
+alhazen
+barawe
+flavoured
+m109
+microsecond
+188.2
+trevira
+841
+strove
+42.17
+slaking
+trenta
+rowdiness
+kounalakis
+adjectival
+y.h.
+almanza
+pterodactyls
+swazi
+teals
+eijkelkamp
+szymon
+3,239
+haraszthy
+sekowsky
+fenric
+gleicher
+ōhashi
+yavneh
+5,888
+crikey
+dunes
+artemev
+bithynia
+hy-vee
+420
+fumigations
+mehri
+tainer
+patronus
+casi
+yanggu
+matteoli
+german-americans
+mangoma
+femerling
+colourful
+neogothic
+os-9
+end-of-life
+9-cylinder
+piché
+nuttall
+azzedine
+kavi
+takako
+boissier
+galsi
+perillo
+papio
+kapanga
+anarcho
+seb
+soysal
+yusaf
+earlier
+elburg
+taichung
+laskar
+braunwald
+elofsson
+nebahat
+huaca
+rivero
+talleyrand
+félix
+runnin
+sstl
+,345
+ljokelsoy
+ignace
+affan
+nyt8
+chrystie
+expectancy
+hauptmann
+saint-brieuc
+henrich
+duryodhana
+gfsn
+acing
+ulum
+1.055
+kliman
+malek
+plumptre
+beamers
+20.40
+pregabalin
+haen
+doukaina
+lonn
+kalib
+saathoff
+sieh
+bve
+ponomariov
+84.22
+dribbling
+hanly
+1,172
+histologically
+hoyt
+mymensingh
+kle
+fowkes
+méxico
+baucom
+otira
+basner
+b.sc
+schult
+sanders
+jialu
+usborne
+rbz
+navbharat
+exploiter
+transmitidas
+accelerations
+nevşehir
+zadkovich
+aramco
+kleptomania
+dtm
+otema
+airbag
+mcsa
+polenta
+penicheiro
+qiyue
+kdn
+ecfa
+goriest
+hongju
+deny
+gundry
+antebi
+meteoritics
+odonic
+capone
+energise
+ef0
+minor-ranking
+hirasawa
+dierking
+popmusic
+doiran
+strane
+trevilian
+dinges
+dwdm
+turiddu
+6,024
+sterren
+indo
+subparagraph
+lisicki
+vladimirovna
+cyberkinetics
+witherby
+onstar
+bitamazire
+smokescreens
+hasnah
+gdrs
+plantin
+30.09
+intria
+books-a-million
+wiśnicz
+8-tracks
+npda
+mck
+vorstadt
+maszkiewicz
+sonne
+118.90
+mccrum
+toulmin
+2775
+20-year-old
+nanayakkara
+drea
+lindesay
+fiamme
+nine-day
+prenda
+protectionism
+kliment
+yiu
+oldenbarnevelt
+tulear
+1205
+akhal
+airports
+lingaraja
+katajanokka
+imbues
+metropolitana
+53.01
+ithel
+vietti
+qué
+niche
+brockwell
+test-takers
+cruikshank
+guilbeau
+cornelissen
+handled
+moravian
+airdate
+self-empowerment
+milburn
+shamsuddin
+lode
+4-123
+discounts
+overpopulated
+bonsucesso
+kebbel
+bidzos
+107.04
+tc2000
+goldings
+kasteler
+mayerling
+wolanin
+sallum
+ching-kuo
+junker
+hanzal
+hyaline
+wachee
+shareware
+324.4
+jędrzej
+leow
+manti
+1701
+yamakawa
+82.67
+birdsall
+2627
+crocetta
+54-minute
+franjic
+bénédict
+1913-1915
+qaisi
+nf6
+8.54
+pinehill
+liberatory
+ellipses
+1,487
+hiến
+mouwaffak
+sculpturing
+temperamentally
+oberkassel
+airbrake
+bolinao
+1-41
+kufour
+qureishi
+skjern
+lowden
+jouy
+decatur
+clásico
+besigye
+bartholomäus
+intermolecular
+houdt
+wuhan
+disclaim
+sympathomimetic
+80.49
+desulfovibrio
+.500
+senatus
+maidu
+ittihadiya
+1,983
+44.71
+122.04
+colleyville
+decota
+kyrka
+tricorder
+tishreen
+const
+4-6-0s
+swarbrick
+gangers
+geshu
+tamachi
+filopodia
+1,590
+acianthera
+lurkers
+catherall
+kalber
+udr
+ingibjorg
+two-strokes
+jiangzhou
+balloch
+inotera
+hauschka
+ferroalloy
+nevados
+záhlavová-strýcová
+sunjiawan
+genic
+rehmat
+fonua
+gbt
+placekicker
+sambu
+ironman
+mid-1967
+vnc
+frankensteins
+conjoint
+kołłątaj
+kvinesdal
+julen
+benyaich
+lape
+talla
+triest
+torvill
+mcdonell
+sigourney
+atp-ranking
+underestimated
+paniliakos
+tanh
+thiry
+jarring
+autonation
+63-59
+nachrichten
+life
+systemix
+leiferkus
+sabeans
+163.8
+mcgillis
+catchable
+pièces
+dhammaloka
+zerit
+buckowski
+moulinex
+culmore
+under-19
+opulently
+nuwaubian
+subra
+45.11
+mist
+volchkov
+cantering
+sacirbey
+noradrenaline
+15-29
+tène
+leabhar
+roks
+wbff
+nasira
+gumtree
+gigantic
+2011/2012
+rennsteig
+9,080
+rickets
+crestfallen
+seelaar
+5-foot-10-inch
+karvan
+deteriorate
+vieria
+382.50
+biggies
+kimberling
+qf4
+polanksi
+malamud
+257.3
+ateles
+hsd
+uthr
+pharmacologist
+jdey
+chavis
+4689
+200-400
+rem
+orthocerida
+steichen
+milito
+shervani
+wölfflin
+sharifi
+vorpommern-greifswald
+ai-controlled
+flast
+baehr
+olympiakos
+1,882
+kappas
+4,145
+komsomolsky
+mondesire
+whigs
+hunters
+burgundy
+cupper
+sast
+biochemical
+1.68
+pontificalis
+mcmullin
+ketene
+tabea
+cashbox
+2,968-meter
+lambregts
+disinterestedness
+sfac
+lead-up
+moog
+jandal
+ozanne
+girths
+malout
+kanagy
+black-tie
+heaton
+darkening
+tischer
+npm
+mikaela
+reinventing
+organa
+mccunn
+nallur
+grandmotherly
+hayom
+eckerö
+philadephia
+paychex
+shemya
+berthing
+coia
+howser
+reputational
+re-printed
+faintness
+equinox
+ormerod
+ascom
+bokko
+500-horsepower
+up-beat
+387,000
+intellectually
+rhizome
+kreplach
+gordon-cumming
+sihn
+ilu
+enfolding
+injectables
+9:01
+piter
+completa
+56-foot
+institucion
+????
+degraw
+narcocorrido
+azizi
+glideslope
+rassvet
+1.0
+rueegg
+steeton
+gnawing
+guidon
+keroncong
+yanzhi
+mazzarella
+contractures
+greci
+taille
+helpers
+dodd-frank
+solea
+voto
+dessay
+box-like
+casert
+cindy
+silty
+rawaqa
+unknot
+20231
+gasparovic
+grigull
+roar
+melanesians
+spokeswomen
+staterooms
+lamason
+oocl
+protestante
+tebbe
+s/t
+uytdehaage
+ieo
+robbs
+tyrian
+proterozoic
+fontanelle
+allitt
+harriger
+whole-heartedly
+vincere
+banknorth
+g35
+tilbian
+orthopedic
+naharayim
+revolting
+nada
+pamungkas
+shoeless
+vitrified
+kallman
+486-based
+valmir
+pellecchia
+criminology
+neumi
+marceau
+kode
+involute
+sub-prime
+awi
+overstocking
+moseying
+xinchao
+spout
+.278
+priština
+pilling
+benac
+kelley
+vojska
+neustria
+dher
+manninger
+righthanders
+scarano
+98.92
+ocw
+ficken
+emissions
+undisciplined
+haffner
+siljan
+kreusch
+pre-generated
+3750
+demountable
+mcwaters
+haklits
+dalbergia
+kitasato
+censura
+montes
+caldicott
+beneventum
+fever
+digitising
+erra
+gorchakova
+jarahi
+sunning
+1131
+round-trip
+mind-blowing
+ranjani
+halftone
+skid
+gert
+laneways
+minifigure
+batat
+full-season
+histolytica
+70.34
+detailees
+66-16
+kutahya
+catroux
+prophase
+soundsystem
+radionuclide
+likely
+yesha
+arabov
+taifi
+likability
+30-7
+pugh
+spotters
+sunardi
+pringles
+ctsp
+outers
+homunculi
+escherichia
+changzhou
+interlibrary
+ikhsan
+unitholders
+tiebacks
+ltd.
+kurir
+atreus
+1220s
+yeerk
+poona
+guanggu
+frontend
+ironworking
+75.16
+kweh
+tertzakian
+thiruvananthapuram
+nuba
+weismanglobe.com
+gromek
+kissam
+idolize
+štěpán
+wcax
+basesgioglu
+medalists
+ebrima
+16:48
+artium
+proofpoint
+lukewarm
+tipitaka
+piyyutim
+exch
+winebow
+hassell
+fisica
+jichang
+lieutenant-colonelcy
+monmouth
+irresolute
+shangdong
+chimes
+12.80
+30-city
+storting
+beauprez
+excavations
+clubrooms
+hnwis
+aquitani
+gated
+residing
+draguignan
+galloping
+truter
+sardaukar
+hoit
+castruccio
+ostracon
+sighs
+cebuanos
+jungers
+ebersole
+ophiuchi
+319.5
+exo
+santorelli
+mps
+kd
+wyndmoor
+khoussa
+disentangle
+banpu
+unseating
+shahbazi
+echols
+dunnington
+gamed
+sunbury
+riles
+squyres
+refaeli
+plagiarised
+fbb
+venrock
+jooste
+holdstock
+135i
+nationally
+xxxxxxxxend
+nascar.com
+jágr
+rts--latwp@prodmail.acquiremedia.com
+haqqania
+neologism
+petridis
+consummating
+self-description
+mbta
+badaling
+c-type
+kamenny
+faustino
+tyrannosauroid
+mnv
+shoto
+ghuman
+sowinski
+muriqui
+myeloperoxidase
+thanakit
+2,162
+wheeze
+idriz
+1992/93
+sledded
+freekick
+mr.
+publicarla
+hewer
+musicnotes.com
+outpointed
+mazan
+ngiam
+lightheaded
+cycloid
+kasugao
+varadkar
+laufenburg
+bange
+279.2
+26.26
+2-8-1
+rainy
+1:21
+qm
+kudirat
+tahaliyani
+sagmeister
+jeep
+anguish
+mahadhesis
+onis
+victimization
+pyarelal
+finfish
+kadak
+ironworkers
+skouris
+es300
+meiotic
+onderdonk
+throssell
+danet
+labarum
+1,289
+sts-125
+sem
+smoky
+at-will
+mhi
+raintree
+steyr
+father-figure
+106.48
+nonflammable
+midian
+fokker-50
+odam
+two-foot
+tronoh
+able-bodied
+6:47
+half-length
+meglin
+stoeckel
+delal
+mechanicals
+vögte
+116.72
+moonshiners
+veritate
+organic-rich
+energy-saving
+smelley
+gregorios
+113.81
+cabrillo
+fubuki
+dygalo
+muthu
+wafangdian
+bright
+pemper
+abroad
+gamini
+beaching
+enghelab
+rumped
+becke
+enosh
+saml
+55,000-square
+kovalik
+balbay
+iraqi
+olybrius
+signaled
+29-4
+cheongsam
+lachie
+ahearne
+mistelbach
+kittipong
+pundalik
+emulator
+palghat
+milvian
+littered
+kali
+tax/rent
+codependency
+qabas
+catalanotto
+160th
+lillian
+ball-shaped
+changement
+elazığspor
+rune
+huasco
+cryptanalysis
+herald-tribune
+rivalrous
+concretion
+shag
+mongstad
+venzke
+33c
+hatte
+2,985
+baptisms
+184-nation
+doerge
+rosko
+popa
+secularization
+spokesmen
+olanchano
+warm-ups
+chipmaking
+birchgrove
+titsingh
+bf6
+37,000
+t20i
+elaborately
+brodski
+62.99
+831,000
+digifone
+bewailing
+suites
+eumenes
+mid-1950
+adages
+trijang
+filbinger
+sydbank
+hindmost
+metrowest
+arohana
+pierre-yves
+fecha
+shamble
+numbly
+nadelmann
+maulawi
+all-welded
+2008/2009
+nerl
+hoffnung
+mulhall
+1,163
+3,287
+benwell
+bagramyan
+hauler
+insufficiencies
+unwelcomed
+pestilent
+chsaa
+disrupter
+pierrette
+48.8
+psyop
+crandell
+enmascarado
+bonnke
+digastric
+sideling
+marabouts
+below-grade
+krefeld
+118.6
+świat
+salis
+onela
+aaya
+badged
+natwest
+mansiz
+copom
+cheektowaga
+rovereto
+persicus
+retrenchments
+barlage
+bursik
+yukichi
+overbeck
+stylization
+illithid
+galeton
+diaye
+viers
+65.31
+diddy
+bcb
+bijur
+dujaili
+gamos
+umum
+grajales
+mynas
+bragi
+clarified
+cnut
+schlott
+.610
+demure
+nonorganic
+expended
+ayrault
+iijima
+atum
+andersonstown
+zhp
+gazala
+ostfriesland
+westbound
+v.f.
+merlots
+liens
+wallens
+annick
+quemoy
+mandoline
+5-foot-9
+tarnished
+anglais
+111.27
+lipsitz
+yot
+promover
+gropper
+double-deck
+cambium
+angelnote
+kerger
+cobla
+29.69
+helpmate
+sahur
+ladrón
+sayad
+burwash
+kehler
+44.69
+wheatley
+maesa
+wies
+pettie
+86.16
+adult
+12d
+bodaken
+infraorder
+wassoulou
+kranji
+escola
+rsync
+phum
+maltose
+noski
+hawkers
+argento
+kardashians
+3,002
+leimbach
+aadu
+ipho
+jent
+gaël
+underachievers
+yimei
+kyrgyzstan
+1.4-litre
+daza
+wrf
+unscrambling
+moulder
+bakerloo
+cardassians
+gadkari
+aibopet
+para-military
+samimi
+enviro400
+deavere
+brockville
+weakening
+kadina
+modula-3
+digger
+adolphus
+unalaska
+8d
+milkey
+revenants
+riek
+brin
+spycatcher
+kermode
+hayashibara
+sairin
+gritstone
+sabugal
+medeiros
+cabul
+puritans
+zithers
+hartree
+silanes
+vwp
+84.10
+85-69
+annalena
+89th
+galica
+johari
+29.76
+swiftness
+yasuoka
+prosipho
+pevensies
+67,500
+45402
+thurdsay
+sarande
+funj
+alekseyeva
+alemanno
+villeneuve
+salala
+nipp
+------------------------------------------------------
+emanating
+blacc
+brenda
+eadb
+neurovirology
+fractals
+aristocrat
+mammadov
+bell-like
+evon
+wuzhu
+khristine
+exterminators
+weck
+amaia
+gebauer
+castronova
+blazin
+ctba
+linens
+hartsville
+zaveryukha
+zuba
+kurien
+zinck
+clocks
+diamanti
+ghossein
+briody
+beaches
+songyuan
+blackberrys
+stato
+koffiekamp
+makefield
+deadpanned
+revolucionarios
+alikovsky
+goal-kicker
+hammudi
+euskal
+vitit
+shab
+4-manifolds
+haddix
+frangoulis
+rubber-tired
+ampthill
+azima
+4-13
+muriqi
+hyperlocal
+31.41
+kyp
+oteng
+peyroux
+breads
+sachet
+reliastar
+dunajská
+vlk
+pofalla
+pappardelle
+epp
+fakkan
+tras
+batsuit
+chaterjee
+topel
+odelia
+cup-bearer
+basanta
+voltammetry
+157,500
+hlubek
+100.95
+parachuters
+misal
+trapper
+melamid
+stanishev
+13.70
+castelen
+1.83-meter
+1960-1980
+fatehi
+fisico
+vocal
+jorge
+angiopathy
+kalleh
+r&aw
+krosen
+parecia
+483
+kunihiko
+al-sudan
+fool
+arsinee
+désirée
+jockstraps
+20,000-strong
+ocse
+dendermonde
+morgantina
+20-bed
+tamanoshima
+eastmond
+plücker
+ikonen
+cluskey
+118-110
+golston
+pukach
+docu-drama
+pinnace
+mansar
+bshlachter
+voinescu
+conaill
+edvin
+drell
+palle
+duszniki
+altocumulus
+vegetation
+pancytopenia
+fawdon
+strapping
+sylvor
+glycoside
+zbor
+retires
+tahuna
+gibran
+karoubi
+pre-launch
+deuve
+intrafamily
+seibu
+5/23
+betelnut
+35-22
+24-1
+mid-to
+exhibits
+unnayan
+karrar
+1230s
+wisnumurti
+maaf
+lebe
+five-a-side
+afraa
+treng
+30-day
+oxburgh
+222-pound
+buellton
+uil
+wv
+daad
+scoopers
+muuga
+filters
+x-51
+2,192
+sortable
+92-run
+brilliance
+caucused
+73.99
+dishevelment
+42-16
+harut
+pti
+gigantopithecus
+bkl
+593,000
+cattolica
+süddeutscher
+sunbathing
+nordstrand
+t53
+wreaks
+sarika
+denters
+kamov
+itai
+10-4
+autosomes
+grätz
+lrf
+solow
+deprotection
+avions
+4-51
+rasul
+ls400
+frage
+3,473
+marszalek
+pipebomb
+preconceived
+jawid
+papathemelis
+29.27
+thùy
+ffp
+njm
+caraveo
+newbould
+yulon
+over-the-counter
+suboptimal
+sonea
+tamoxifen
+rehm
+hema
+military-themed
+boyet
+dc-3s
+moviles
+cannily
+4-year
+blue-blazed
+lekhak
+antagonise
+muggia
+bourgoin
+olivio
+wmm
+lamboley
+bremmer
+duhig
+shattuck
+slept
+buraida
+kanyosha
+spittal
+metroland
+47,800
+distillery
+luachra
+5,725
+afifi
+unruffled
+ni
+tastefully
+gammons
+tylman
+palpebral
+sarsur
+rts
+ruete
+brandenburg-ansbach
+baochen
+re-released
+elee
+replaced
+mutilates
+kishu
+tpms
+hoffinger
+lofficier
+plk1
+178
+antagonizing
+chilled
+37.88
+shippagan
+shamelessness
+northwesternmost
+venugopala
+emmie
+15,000-acre
+ssss
+doghouse
+17.30
+reunites
+duthie
+boiler
+sragen
+phillies
+jeselnik
+hamhuis
+corresponded
+mercatoria
+iribe
+lembke
+52-hour
+dimpled
+’”
+mittens
+isms
+rumer
+göttingen
+d/s
+fivesome
+busch.com
+ex-prime
+gandoman
+shoulberg
+chiens
+vidalias
+perro
+reznor
+tenderness
+carley
+russneft
+makri
+adj.
+muntazer
+piazzi
+qantum
+stebbings
+rehearses
+shpigun
+faeroese
+dealmaker
+qilab
+cogliatti
+krivo
+rieleros
+sciencetimes
+sarukhan
+ω1
+covers
+undecipherable
+hicksville
+grevers
+reardon
+lietzke
+g-force
+anti-turkish
+martyrologium
+linebrink
+breakbeat
+siff
+malodorous
+schicchi
+pinheiros
+metamucil
+463-0577
+qingyuan
+44,800
+ryrie
+indo-scythians
+cbtc
+charles-alexandre
+.475
+visitbritain
+topman
+ambikapur
+nace
+deqen
+4,073
+ninigret
+620
+amerindians
+hurley
+63-minute
+anti-social
+bastad
+laffer
+shanyue
+kara
+pcworld
+kalandia
+cnor
+coniston
+klu
+achomawi
+charbonneau
+05-3rd
+malignancy
+masina
+films
+30.56
+leeper
+burdock
+vigors
+lykens
+rb7
+moul
+midcom
+faezeh
+tooth-like
+zaluska
+manningtree
+kodjoe
+subjunctive
+euro8
+gryffindor
+gaudiest
+xml
+33-yard
+rocketeer
+giggly
+barlowe
+gramos
+matlatzinca
+524th
+mineshafts
+bocks
+147,000
+regularities
+lyngdoh
+anna-lena
+dulip
+basutoland
+moitra
+functioned
+subiandono
+keh
+aristata
+straten
+jstars
+lioudmila
+mbumba
+biller
+minuscule
+fah
+holle
+vieira
+1l
+dawna
+pan-africanism
+pyralidae
+bashas
+columbia-presbyterian
+pallavicini
+legalist
+kiril
+adverbial
+bargen
+penggen
+unbothered
+heatons
+spassky
+nyla
+4p
+boasson
+deste
+persatuan
+4350
+tr35
+icicle
+maokola
+powelton
+chloë
+ryumin
+2,400-kilometer
+naat
+destabilized
++91
+77-year
+rebelution
+zuhr
+canaan
+statically
+nameless
+52.82
+al-aswad
+min-ho
+salam
+melodee
+hitra
+nafarroa
+jiaqi
+blancos
+baniyas
+hee
+round-arched
+modafferi
+azamiya
+afloat
+browell
+shirrefs
+casada
+sulfolobus
+serendipity
+seddiq
+cottrez
+ahhs
+baseman
+12,000-seat
+knit
+radiologists
+tramel
+últimas
+buchinger
+traymore
+espil
+zetterlund
+crutzen
+khac
+dethroning
+gazetted
+lijo
+vinger
+fixity
+pocar
+87.87
+sheet-metal
+oefelein
+diphthongs
+followership
+shari
+hautamaeki
+reconocimiento
+khafaji
+nachi-katsuura
+scorsese
+correlatives
+liedholm
+bellowhead
+iqs
+47.86
+hanif
+lsf
+kunsten
+nurtures
+overruled
+ds3
+verapamil
+pionier
+salmah
+nankov
+solih
+stimulative
+initialling
+abbeyfeale
+minivan
+draconian
+lorant
+c4i
+calypsonian
+sauberzweig
+subscapularis
+begawan
+glyph
+set-aside
+returing
+rumal
+qarara
+‘
+51.33
+gbe
+cumulant
+iniesta
+firkin
+16-valve
+résumés
+pousadas
+kprp
+mechanoreceptors
+häkkinen
+tsuboi
+eyeglass
+felons
+brewis
+staro
+farmville
+holyday
+didyouknow
+99.2
+bazaars
+ramsamy
+marginalised
+zafaraniyah
+halophilic
+mewshaw
+58.14
+baritone
+sorabji
+relaxes
+verbatim
+moss
+donor
+serenades
+hermannstadt
+fifties
+louis-pierre
+zagunis
+seigniorage
+taiz
+hinterglemm
+99.64
+hiền
+irian
+94.27
+recognitions
+268,000
+petroleos
+yorkshire
+1.765
+rychnov
+seito
+luthan
+dtw
+metaphoric
+mgic
+kiernan
+employes
+deimos
+conductive
+bhaskar
+robida
+daydreamed
+mersenne
+anchalee
+architekten
+bouri
+graaff-reinet
+yetunde
+lde
+missouri-kansas-texas
+jcg
+kharijite
+yukiko
+holmoe
+lowing
+avantha
+ortsteil
+sauro
+backe
+baczynski
+saluki
+chakrabarti
+cutesy
+gabaa
+.706
+clottes
+91/2
+erdas
+cinquantenaire
+sprowl
+lipu
+coel
+1.37
+winstar
+fett
+transtar
+119.36
+maz
+zipper
+peevishly
+airbrush
+617
+decani
+r-7
+freebasing
+julee
+khoon
+oumou
+troezen
+mancham
+overfilled
+sahidic
+teaches
+suborned
+1494
+urogenital
+tuazon
+71.80
+chilcott
+sub-regional
+neomordellistena
+26.79
+janmashtami
+withrow
+okurut
+giddings
+zenimax
+foveon
+-.500
+pilotage
+northcentral
+purdon
+vivarais
+wiersma
+metan
+29.40
+lucjan
+poleward
+yser
+measles
+557
+v-12
+raka
+gleisner
+squamates
+alicorp
+hafizullah
+velos
+milch
+hoefer
+khermancoxnews.com
+rawles
+2001-2003
+115,000
+896
+handsworth
+casavant
+zebic
+dambrot
+forbin
+yunxia
+tubos
+1,645
+pgg
+decheng
+entrepôt
+1962-1964
+hochmuth
+machinima
+catliff
+yeoncheon
+two-pronged
+96.73
+simens
+tylecote
+bobs
+prestwick
+enoxaparin
+subdivided
+chastelain
+melin
+railsback
+jeske
+uec
+abourdeneh
+kemnay
+tronox
+236.6
+.210
+histamines
+wielki
+udas
+dhauladhar
+growlers
+18-party
+bertoli
+tik
+schneier
+2-dimensional
+kitterman
+alite
+swartbooi
+charlevoix
+secker
+40-kilometer
+thater
+78-lap
+quatermass
+fields
+feeds
+tufail
+1,700-square
+fuel-efficient
+a167
+dnyaneshwar
+voyce
+cooksville
+francophilia
+çıldır
+necromancer
+bertani
+schoolbook
+yelovich
+247th
+tywin
+estevan
+timber
+datametrics
+3-61
+eini
+hellen
+crtv
+17.82
+765.3
+lichtenstein
+pelsaert
+carazo
+cobby
+thali
+bettauer
+sorokin
+larible
+woolfson
+fxe4
+norayr
+kateh
+bashiruddin
+inflectional
+octagón
+mustaali
+intiman
+udmh
+euro622
+genomics
+mmhg
+117.5
+alkanes
+villaflor
+mucuna
+chapelizod
+piano
+lisova
+wechsel
+sillers
+multi-talented
+politica
+elsinore
+oei
+birse
+rosewell
+fager
+wjac
+gildenlöw
+zavod
+pinzolo
+123.54
+apostates
+patriarch
+odair
+avshalom
+vishtaspa
+maschio
+borates
+venizelos
+ten-t
+anr
+tfx
+begur
+liloan
+86.63
+20-strikeout
+99-87
+serber
+herakleion
+thunk
+1568
+high-note
+boublil
+ploughed
+pruna
+scrabbled
+stealey
+steil
+buring
+onbancorp
+obviates
+315
+zoradi
+seamier
+mutur
+larrinaga
+jasser
+kyōsuke
+mediterraneo
+limmud
+581-618
+345.7
+timbuctoo
+giocoso
+pilaro
+mescon
+kafai
+llamar
+gurbuz
+precocial
+varèse
+thomet
+pensec
+vapid
+ivankovic
+pounding
+lavrenti
+impairments
+d.b.
+suntec
+labra
+masklike
+liburnia
+merensky
+1622
+al-atassi
+2087
+callaspo
+eidolon
+clennon
+haskett
+ani
+zidek
+westerveld
+i3
+supercenter
+32.79
+simcock
+bariba
+hewland
+levamisole
+inimitably
+shriftman
+winnsboro
+saint-christophe
+36-22
+stukeley
+discontinuous
+ardwick
+loiterers
+25c
+79.45
+nexium
+duchovny
+schwarthoff
+miresmaeili
+40,400
+abbiss
+65-nation
+mexicanos
+0011
+9:36
+dwayne
+1270s
+brassica
+grossmith
+jahangir
+twitchell
+greatcoats
+23-9
+aversive
+annemasse
+unitech
+hypanthium
+sued
+overlayed
+misplaying
+12.61
+schroedinger
+housefly
+1,415
+exposito
+siha
+osso
+play.com
+riadys
+foolad
+3:37
+unpredictability
+yacoub
+bellmon
+genga
+tecum
+sub-labels
+rvu
+callipers
+presidencia
+candomblé
+perfectos
+hejduk
+strabag
+ironmen
+skirts
+improvise
+sembrich
+jeunes
+raygun
+krawczynski
+100.56
+loebbering
+saida
+21-second
+rameau
+six-inch
+steau
+laddered
+torray
+someș
+sweetly
+ldk
+idlers
+utina
+tecnología
+buika
+cullingworth
+balciunaite
+bruichladdich
+morinas
+gnrh
+16-week
+jaehnig
+kitty
+tromelin
+stenhouse
+40.51
+appar
+glackens
+patronym
+thos
+stonybrook
+j.f.k.
+mintmark
+erfurt
+rike
+trivikrama
+chalo
+asymmetrically
+darién
+oastler
+curseen
+expertly
+majoris
+positing
+parle
+mushing
+sūtras
+eddystone
+roadworthy
+atmosfera
+aethiopicus
+rapelje
+2:04:55
+schalburg
+beisbol
+cerata
+orehek
+prazak
+sogdian
+script-writing
+tomodachi
+foumban
+godda
+hammonds
+rudka
+collectivistic
+pushing
+brevik
+mystical
+batra
+19.81
+cienegas
+extended-release
+masimo
+unicode
+9e
+kurani
+pilton
+goaltampa
+2860
+on-ride
+badescu
+sakharov
+albom
+gorseth
+rudenstine
+#faf
+f-117
+argali
+ixchel
+b.mus
+provincialism
+eastfield
+picnicked
+red-green
+lampedusa
+esopus
+undead
+rijksmonument
+hizbollah
+insolation
+ilyina
+reassemble
+106.70
+southcorp
+farha
+aeroflot
+whisking
+cater
+prome
+bellona
+becora
+grushina
+jeezy
+crore
+106.87
+hollein
+retractor
+74.67
+fertile
+wide-range
+paluskar
+.215
+rostova
+924,000
+scolds
+symone
+cividale
+rafsanjan
+chances
+scoff
+ryuichi
+hallenstadion
+comtes
+nyos
+crowe
+coachlines
+aisi
+galili
+doukhobors
+halicz
+caepio
+montebelluna
+2,400-meter
+overbilling
+regatta
+panachaiki
+hayrides
+nc6
+seijas
+forgery
+grenda
+packers_signed
+bossem
+2063
+arouse
+urioste
+dailor
+change.gov
+divisadero
+deinze
+32.76
+apanage
+jcpenney
+cavort
+yodeled
+2003/04
+ssg
+knifing
+tyseley
+rihga
+diyanet
+multi-station
+____________________________________________
+marmar
+paws
+tyranids
+reg
+cowboy
+bestsellers
+bucksbaum
+kakhi
+eumc
+briberies
+roussey
+37.50
+miscast
+assisting
+klimentyev
+spectrographic
+jorgen
+khamir
+greisen
+deprecated
+tailgater
+quarreling
+matecumbe
+shapeshifters
+carrack
+ridin
+trissino
+(410)
+mildest
+guozhang
+marner
+spinaway
+electric
+taylour
+rebellious
+bonzo
+6.2-liter
+zyed
+bojovic
+minsky
+oulai
+11:12
+325.6
+.109
+commemoration
+okapis
+afr2004-tun
+2,684
+filner
+tamsin
+0800
+shamus
+companywide
+rappa
+bekka
+isik
+horsting
+nadel
+second-grade
+17,248
+osia
+coroner
+seah
+linkous
+santoli
+rantanen
+barbelo
+ragbrai
+headstocks
+freakishly
+hyginus
+stegeborg
+prahm
+zoloth
+generalizable
+tenuous
+extensa
+auto-da-fé
+unreduced
+http://www.pge.com
+tauros
+200.0
+lez
+masella
+mantria
+vios
+bursledon
+kalman
+4:10
+cilic
+gaster
+moriscos
+1,867
+giermanski
+chimanimani
+probabilistically
+alcañiz
+carte
+subak
+mingulay
+gazit
+martyrs
+sulukta
+588,000
+216.00
+nosrati
+holdouts
+35.35
+memoirs
+andrassy
+soulpepper
+glycosyltransferases
+destructible
+wythoff
+kalinske
+twistleton
+limeliters
+speechwriting
+3,088
+pigment
+cimino
+84.28
+brumer
+pierrothito
+louvet
+vroedschap
+mormugao
+eol
+manickam
+ardalan
+olejniczak
+toxaway
+sanlúcar
+2-7-1
+syahnan
+sunday
+vibhag
+dufy
+adulterae
+stolon
+rc6
+tantalizingly
+corts
+jahanara
+58-day
+šaper
+haitians
+letcher
+legi
+zirinsky
+katrina
+demarcate
+7million
+ilion
+guillet
+zedek
+jdk
+1,658
+congratulated
+1,154
+tempio
+tavria
+2,239
+liffey
+experiment
+-21
+amahoro
+cryobank
+lukacs
+sriskandarajah
+hartlib
+esso
+javar
+umschlagplatz
+grammy
+minsheng
+87-88
+craca
+baptista
+discussions
+vlaminck
+imputations
+headey
+bayonetta
+kirgizstan
+grüner
+mountaineering
+120.69
+mostrom
+foxwood
+chianwala
+98.70
+18-day
+khaan
+aslak
+eterna
+dandelion
+2010-2013
+ringgit
+donar
+hab
+disinhibited
+heffler
+cusiana
+kovil
+resorting
+radix
+urania
+tracadie
+equivalences
+yosano
+wibw
+gyakuten
+barnicle
+barzagli
+http://www.lanl.gov
+fanzhi
+hairdresser
+audible.com
+recurring
+1570
+larvik
+lorrain
+okasan
+distt
+tinn
+fiorillo
+nonfootball
+nariakira
+octel
+234,000
+jianhong
+biopsychosocial
+fasteners
+undiano
+joosten
+batatas
+prus
+3,065
+koruna
+afcd
+latour-maubourg
+drniš
+10:15
+tarahumara
+leverkusen
+repenting
+rzb
+off-the-record
+422,000
+pandelios
+uh-1h
+cichy
+bolet
+cohesion
+honchos
+mwenze
+cicig
+kimeru
+bō
+arenacup
+trans-australian
+wknd
+gerston
+backline
+aqsiq
+monusco
+zaremba
+barlas
+olympius
+52-6
+fumigatus
+hillhouse
+mid-5th
+four-channel
+fco
+tobar
+upv
+sesc
+henna
+kasdorf
+untimely
+paxon
+shakespeares
+239,000
+occupies
+acum
+glamorgan
+hpr
+culver
+diarrheal
+sundiata
+17c
+galati
+hollandi
+turra
+marid
+mihin
+vashishtha
+salaberry
+reinstating
+auguste
+antedated
+whip-like
+donaghue
+62.62
+kambal
+astronomers
+lefkada
+monua
+25,625
+propionate
+scappaticci
+dinger
+hotfoot
+carding
+xiao
+lappa
+josua
+guinsaugon
+fylkir
+hellerau
+gun-control
+democratic-republicans
+92.4
+whoosh
+ryuk
+carematrix
+danks
+iiit
+neurophysiologist
+gramoz
+sées
+gertzen
+orontes
+39.73
+59.95
+coburn
+wina
+rothfeld
+fixtures/results
+numenius
+mechnikov
+3,298
+40-35
+lowlands
+sarduiyeh
+industriously
+cravinho
+belloumi
+khoramabad
+dsquared
+fayet
+wight
+condole
+waasland-beveren
+modok
+orasje
+joyal
+90.7
+nasteex
+jerningham
+åfjord
+shinyanga
+diglossia
+bassil
+manching
+dury
+strobili
+furuhashi
+outwits
+rainbowfish
+joans
+guest-host
+talamona
+exploration
+sunette
+lauder
+18.6
+ezaki
+majerus
+littorinimorpha
+jozsef
+seehof
+137
+gaming
+kaat
+horror-themed
+u-99
+southwesterly
+godden
+dustbowl
+ckx
+less-developed
+bromet
+cordaro
+monrovia
+mprf
+chatted
+stotler
+afrc
+balaka
++.09
+walworth
+khs
+suffered
+sapic
+regasification
+wbi
+97.17
+vibrated
+sokou
+oxides
+holmby
+ritsu
+krant
+berthold
+dragons
+mounth
+facing
+shadowman
+egalite
+tiplady
+karachi
+bamar
+pittstown
+cgu
+counter-piracy
+aşgabat
+tigert
+mpk
+abducens
+86.8
+interbreeding
+discerning
+noughties
+9-17
+yog-sothoth
+maxtone-graham
+cantate
+sung
+vasak
+afic
+aspidistra
+ocio
+neineva
+1950-51
+kossol
+procure
+hery
+rm32
+souter
+winegrowers
+ailee
+formula_89
+50-page
+readers
+150-yard
+voon
+protein-based
+hillgrove
+arbih
+berglas
+zanna
+atonement
+ochida
+romulo
+pinks
+frimley
+undercuts
+branscum
+pinga
+synodals
+megafarms
+faton
+117-113
+degenerative
+119-109
+salekhard
+polymorphisms
+orsanic
+18:22
+pom
+hollandica
+voegele
+microserfs
+javelin
+kurek
+dravida
+palewise
+lyke
+75-point
+1,786
+gheorge
+88-75
+ingratitude
+pelasgians
+johnstown
+geomancers
+backsliders
+wakley
+karina
+awlaki
+31.96
+17-12
+traced
+12-month
+gcn
+self-reflective
+belenky
+recomposition
+subspaces
+zhuravleva
+diprivan
+gigantoraptor
+mocksville
+malula
+çatalca
+rickwood
+5-4-1
+topaz
+mokoena
+firebases
+dispute
+17.80
+heshmatollah
+dodo
+chulack
+barhoumi
+leaseplan
+gutsiest
+reburials
+tig
+guifei
+tramlines
+pvda
+atman
+unp
+empleo
+evtimiy
+cliffie
+kharab
+panarin
+megophryidae
+allofs
+komatsu
+bulked
+follicle-stimulating
+snowcapped
+ofloxacin
+aronsson
+dissapointed
+haute-normandie
+highlife
+n-gage
+shikaki
+chieftan
+qvga
+engvall
+phyllosticta
+anses
+pericope
+318th
+naming-rights
+v.l.
+stockenström
+empathetic
+2,183
+philles
+kalibangan
+rosecliff
+teleworking
+iter
+runelvys
+meigs
+resuscitated
+bluebonnet
+viedma
+isostructural
+corwood
+vatos
+boatbuilder
+crystl
+107-171
+wordpad
+prishtina
+genuin
+manasarovar
+sticklers
+yaa
+sea-me-we
+lekh
+11.14
+turchinov
+dueting
+68-67
+pandin
+l/s
+horror
+lyneham
+persianized
+radtkey
+arose
+harihara
+blancpain
+sarbel
+barkus
+25.17
+ice
+kinsolving
+13:37
+mishi
+dvx
+pandan
+straightens
+1:54
+equipo
+hongxin
+environment
+colombians
+gher
+kasler
+brueggemann
+jihadists
+throttling
+hideaki
+ji
+thurbert
+stabilitrak
+sanely
+pantheons
+palestra
+brindabella
+teppco
+steele
+tacopina
+subsides
+keitaro
+solf
+2,000-odd
+tilbury
+520
+wilmsmeyer
+108.22
+nextel
+z-boy
+photographs
+111.75
+bohley
+ermias
+al-husayni
+meunier
+copious
+cdms
+azmin
+zarandona
+derailleurs
+lattimer
+ghosted
+zaydi
+ferrarese
+3dnow
+pro-tem
+rigoni
+sunned
+lestrange
+23.63
+papp
+boneshaker
+filburt
+payee
+monarchism
+nullah
+mariette
+warmblood
+drivers
+vosburgh
+saranda
+rieckhoff
+gentles
+zachareas
+binley
+unassailable
+wucheng
+galwegians
+mission/spanish
+vice-director
+reexamining
+sevruga
+bacup
+imperatritsa
+qadi
+58-60
+handbuch
+tracksuits
+u1
+wwv
+p15
+vf-2
+femtocell
+melaine
+rougher
+nervión
+kalra
+ploughing
+routt
+toulouse
+aloysius
+l'abbaye
+34.87
+sleep-deprived
+5-59
+dashrath
+hetty
+aphoristic
+babel
+broshi
+michinoku
+al-kindi
+self-styled
+stanched
+nzb
+etibar
+stilley
+lamberson
+non-jew
+54-story
+resurrection
+14e
+trounson
+eenennaam
+minim
+narsinghpur
+mishin
+augmentation
+butting
+14:42
+pfeil
+damallsvenskan
+moonwalks
+anouvong
+wallenbergs
+blackground
+koknese
+desbrisay
+56.34
+goad
+froid
+6-percent
+kunchacko
+lachman
+winneba
+54.7
+cdta
+borg
+incorrectly
+shinkin
+nanai
+holekamp
+k10
+46,875
+121.8
+bouffard
+cunek
+kpac
+107.74
+gangar
+nausicaä
+bankest
+pires
+tolchinsky
+jossy
+quarrelsome
+dainippon
+licciardello
+tischendorf
+eski
+ryukyus
+greedier
+kanchanaburi
+tajo
+totti
+sheath-tailed
+macroscale
+glimmerings
+121.92
+woodcocks
+wheelchair-using
+intellectualize
+arctan
+bibliotheque
+fluffer
+post-structuralism
+tudhaliya
+barbarus
+keamy
+maraca
+kunduz
+sudikoff
+urinary
+panelefsiniakos
+stigmatise
+spacewalking
+restored
+gowaili
+domingue
+barnhouse
+city/county
+markan
+aurelien
+mainieri
+contenedores
+elspeth
+schuitema
+26-million
+seppala
+reclogging
+anguillara
+zupljanin
+115.27
+nakoda
+yugansk
+beteta
+basman
+nyak
+sympodial
+baer
+jmw
+kullman
+floorboards
+buddhaghosa
+swain
+percussionist
+13-point
+astal
+raster
+dicho
+sinornithosaurus
+covina
+estoppel
+lordy
+competitivity
+biber
+paterniti
+accede
+27-8
+tullos
+tyzack
+erj-145
+wannier
+blondin
+stiltsville
+wicksteed
+wse
+yawar
+switchbacks
+earp
+abuses
+4x50
+undertrained
+soult
+compañia
+theodotus
+montiglio
+l.f.
+botstein
+montek
+zaporizhian
+dispersions
+medium-pace
+reworked
+zpa
+gondi
+arocha
+lexcorp
+ligurians
+107
+itma
+matatu
+woehrl
+ncgub
+india.it
+relived
+subcontinental
+miquilena
+mikoliunas
+natick
+wychor
+klce
+safely
+jpod
+5200
+612th
+thermite
+air-supported
+700s
+aviad
+counterpropaganda
+1833
+8-kilometer
+ipkf
+capitonidae
+marches
+sammani
+cruzi
+liosia
+parabolic
+30/31
+35-39
+mardon
+andropov
+reformations
+freek
+euro493
+kimsa
+chesbro
+brolan
+doomsaying
+pre-emptive
+calegari
+oranges
+90.74
+multiplicative
+regin
+resubmit
+jorvan
+waiters
+wiseguy
+ptolemy
+codename
+dissing
+blender
+choksy
+brams
+vaske
+km/l
+centerman
+ladonna
+feces
+repechages
+www.raileurope.com
+svartisen
+hennepin
+dholloway
+bunni
+felling
+bethlem
+turbulence
+geomagnetism
+evolene
+73.3
+mikhailov
+16:1
+sainik
+millhouses
+casas
+88.8
+13:25
+downhome
+blaring
+improbably
+frontman
+fainthearted
+coccifera
+hanso
+regime
+dimensioning
+prizma
+chitti
+strongholds
+vivier
+1.88-meter
+hyperuricemia
+digs
+tenor
+है
+kyushu
+items
+wiwa
+larranaga
+duzer
+foxnews.com
+starr
+m.l.
+shengliang
+funafuti
+six-figure
+graceland
+aseh
+chastisement
+paper-making
+pgw
+charry
+ashcombe
+thunderstrike
+coppedge
+proanthocyanidins
+bailian
+coari
+islamiyya
+haimovitz
+19.69
+naifeh
+pentachlorophenol
+1232
+bueche
+wingfoot
+tilmant
+erysimum
+mikael
+mythologically
+touro
+clay.robison@chron.com
+euro604
+roldós
+enables
+non-representative
+15-3
+daulat
+amphora
+międzyrzecz
+lipped
+anhydrous
+newson
+dysschema
+84-run
+18-count
+trifonova
+225.8
+wreaking
+lindenmuth
+rs4
+euro138
+72.74
+commands
+gatun
+recommend
+marinković
+antai
+kernal
+lonj
+chunni
+brechtian
+halloumi
+arcana
+demonized
+sakhon
+phonofilm
+beliefnet.com
+demokrasia
+six-day
+carf
+ovalis
+hosptial
+wolfberries
+mitz
+devastation
+sadiq
+dhana
+limnitis
+marseillaise
+wride
+kranjska
+flossenburg
+ofonagoro
+weatherstripping
+patridge
+pommel
+legalisation
+horley
+noorzai
+face-off
+non-sports
+hoger
+brasi
+quest
+uninviting
+imelda
+maksim
+al-nabawi
+rosenwaks
+pagliuca
+gujri
+cdnca
+davola
+swore
+anti-doping
+laughery
+nonregulated
+silberling
+qingliang
+fee-based
+kozelek
+sunbeam
+sackatoga
+crowd-funding
+lekra
+hyperstimulation
+hribar
+off-highway
+19-footer
+platonova
+incorporations
+angelita
+lightkeepers
+ventured
+falati
+mehndi
+diametrically
+yuncheng
+fadrique
+nurettin
+branches
+668,000
+karch
+craver
+datchet
+giannini
+reconditioning
+dunajec
+thurnham
+franker
+kasba
+knifings
+stegman
+danao
+d'aquino
+cinemax
+ufo
+bodney
+htlv-1
+darkened
+hoarding
+sasakawa
+outremont
+regnans
+isleham
+vennela
+josiel
+musampa
+katanda
+castellanos
+mazowiecki
+pored
+dpr
+antiandrogenic
+vingada
+umbellata
+phosphors
+dinello
+trypho
+jozami
+winkl
+bonhoeffer
+galeazzo
+irondale
+neckbreaker
+belan
+flacco
+canutillo
+sneek
+lavik
+wanfl
+shmee
+chemische
+colorimeter
+haslet
+babycenter.com
+flaring
+rhizopus
+toshiie
+pastoria
+go2net
+saleaumua
+serpentine
+tmg
+feltman
+skinnier
+aquiculture
+shylock
+terminators
+alko
+slive
+(316)
+1921/22
+schmidl
+marienbard
+breathalyzer
+jazz
+cavalera
+salvadorans
+medium-wave
+dundy
+al-sha
+zhuyin
+sangguniang
+1876
+samaila
+15:04
+ketones
+116.14
+drobeta-turnu
+touted
+yishun
+squirmed
+snidely
+pyrex
+al-mulk
+post-analysis
+dadis
+6:43
+bergendahl
+stehf
+arugula
+152-mm
+endostatin
+1091
+tabacos
+1-24
+mandeep
+takeoffs
+geotagging
+south-central
+misplayed
+flambards
+bros
+gain
+certainteed
+foncier
+lamberts
+ubiratan
+ox
+tsurumi
+bobwhite
+veerappa
+etcc
+moosonee
+end-use
+ptfe
+belovo
+fairlie
+escovedo
+piscator
+hagbard
+u11
+pahadi
+isomerization
+deckchair
+kirani
+remastering
+brierton
+supraventricular
+16-inning
+wratislaw
+zahran
+diza
+125-mph
+melam
+kruspe
+kukors
+tiriac
+borodulin
+nitschke
+tonken
+gernrode
+driel
+nameboard
+afld
+nevsky
+midstream
+jīlū
+glandulosa
+piko
+namoff
+pro-gay
+amasses
+geschiedenis
+hibernica
+abdela
+edern
+forewarned
+levines
+pinmanee
+inter-cities
+demagogue
+86.49
+9-foot
+metro-land
+transported
+schoendienst
+coats
+aat
+rockland
+meleh
+b.c
+pitbulls
+blackie
+kwoh
+nmf
+warnock
+pentagonal
+hydrates
+pua
+encoders
+cajetan
+mcquiston
+15-17
+mantorras
+mistubishi
+lnbp
+infra-red
+alboin
+bleek
+barech
+stromboli
+josif
+self-sustained
+brè
+fritzky
+scholls
+coelba
+verdens
+36.7
+agricultores
+jinbao
+nonmetal
+redemptoris
+na?ve
+muji
+matn
+carandang
+23.05
+complexed
+x-23
+77.00
+berumen
+ansaar
+kaufman
+campobasso
+prejudged
+spartel
+wurundjeri
+speedie
+pribićević
+yusoff
+maubeuge
+lgbtq
+euro454
+107-90
+14s
+torbinski
+keyu
+nrk1
+co-creator
+5,802
+políticos
+.222
+1954-1962
+hiba
+roustabouts
+phertzbergfr.inter.net
+45.80
+glide
+niresh
+glomma
+differ
+ginde
+0:45
+gasorwe
+subgenre
+simukonda
+trolleybuses
+berkner
+fashionista
+blaize
+back-formation
+damis
+fenby
+wildstar
+stokely
+snickering
+popy
+booming
+emporio
+82-78
+motivos
+naqadeh
+400-degree
+wising
+ryklina
+5,312
+emceed
+primitives
+schio
+reverberated
+hogenkamp
+kalyvia
+916
+nyiragongo
+mystras
+nagda
+nonconformism
+mirada
+isl
+330-foot
+mudbath
+2,431
+bole
+wayzata
+kem
+multicourse
+1992-1999
+gracin
+lughnasadh
+soviero
+poskrebyshev
+gillray
+suebic
+ecdl
+gorkhas
+7-0
+dmitrievich
+sanath
+45.00
+dnq
+philippousis
+deshastha
+machinegun
+walzel
+arrested
+catalogued
+51-48
+eamer
+cages
+12c
+hamo
+206.9
+cata
+photo
+burwood
+imtech
+warhurst
+temps
+(904)
+detmer
+rayhan
+doge
+59.89
+loche
+jupiter
+dobzhansky
+triglyceride
+bhattacharjee
+omole
+halilhodzic
+acceded
+randomised
+ensis
+dumnonia
+1715gmt
+pandits
+okwui
+70.61
+1927-1929
+unterscharführer
+råsunda
+dej
+166.4
+zerhouni
+u.s.-donated
+franta
+mid-1916
+reprising
+accessorize
+522nd
+hains
+2,397
+juwanna
+ulugbay
+wanping
+zhiming
+underestimating
+igesund
+tva
+ensuing
+3hr
+hassanzadeh
+heco
+ream
+kupffer
+jurgenson
+kalispell
+6-1-2
+creevy
+ledyard
+crater
+acetyl
+throughway
+condemnation
+communiste
+corliss
+hhg
+compressing
+frevert
+ultramarathons
+xplosion
+four-round
+utva
+middle-distance
+mollath
+sumate
+jhabua
+frothingham
+shrewish
+retype
+d'leon
+rist
+sec
+sheikra
+sulfoxide
+(860)
+ceara
+toolan
+cooperatives
+congested
+chinde
+15.97
+finishes
+asashio
+intensely
+gerakas
+willowy
+marcks
+well-financed
+nonfunctioning
+issah
+airwork
+pre-game
+http://tinyurl.com
+mechelle
+bahr
+alireza
+ridley
+analyte
+olbeh
+energyintel
+24-week
+1,683
+rm55
+khreisha
+bending
+9,000
+harped
+henjak
+pestriaev
+euro530
+27,321
+cordylus
+laingen
+australopithecines
+non-potable
+biter
+tenge
+defense
+vlaams
+kaiming
+maniax
+burlingham
+tadahiro
+lamotte
+zandberg
+madana
+abide
+taikyoku
+florianópolis
+197.5
+polygyridae
+aretz
+plateaus
+gewe
+135-million
+mtrs
+1.3950
+sandhausen
+molybdenite
+35.10
+melara
+front-wheel
+engle
+assoc.
+120-year
+spinkai
+pribislav
+11.21
+hudspith
+courreges
+ugm
+dishonesty
+laugesen
+codefendants
+2,294
+wide-scale
+michetti
+bombmaker
+balestre
+eschenbach
+hevc
+nanase
+subh-i-azal
+searles
+pendarovski
+bulwer
+sabo
+petrochem
+37.30
+elevates
+peppercorn
+relate
+pedals
+cadereyta
+maids
+tarnak
+designing
+arise
+forays
+misstatements
+searight
+hus
+vljs
+wwn
+traunstein
+chowringhee
+briefe
+mosaic
+edh
+exercice
+penair
+uip
+lichter
+serj
+fruiting
+psilocybin
+yersin
+pearsmhnytimes.com
+melrick
+ahlin
+7.1
+humiliated
+lohn
+titarenko
+privée
+sacramento-san
+clovis
+1963-66
+52m
+schwarzenberg
+annex
+62-yard
+al-ash
+carnaro
+disconnecting
+manuk
+govind
+refinanced
+read-out
+takaya
+impractically
+loman
+mhmr
+32-year-old
+nohs
+ivry-sur-seine
+old-fashioned
+hulagu
+inves
+kasetsiri
+inhospitable
+delpy
+agheila
+walkable
+hard-shelled
+kanko
+shericka
+golfsmith
+skurka
+ruml
+friedberg
+automobiles
+reflected
+kozhikode
+annius
+musicstation
+siliqua
+idara
+balneario
+coutard
+megabyte
+laboratories
+kingham
+boepd
+hurtigruten
+aulide
+allahyar
+wotje
+pelzer
+ehsanullah
+92.40
+kovacevic
+brushstroke
+cataloged
+livelihood
+bilos
+борис
+tamkin
+l'ecuyer
+acting
+khazanah
+sen.
+topologies
+pernambucano
+ngee
+mapou
+lèse
+nabbing
+anhui
+iuliano
+jjones
+boatbuilding
+lippmann
+(858)
+esdaile
+accreditor
+alcibiades
+olara
+binned
+gisborne
+garrard
+granda
+chester-upland
+sula
+ibra
+high-security
+currey
+:d
+abankwah
+favara
+90.6
+gouldsboro
+konovalov
+ka-50
+sportswriters
+quindio
+wumart
+70.79
+boit
+chus
+evolutionarily
+heyuan
+asymphorodes
+westralian
+hakkari
+rajeshwar
+ykk
+kujawa
+paur
+133.3
+gorzów
+pleistocene
+hyatts
+pobjeda
+almonacid
+rahnavard
+mengoni
+aragoneses
+adjudication
+hironori
+radonjić
+middle-order
+kasambara
+bornhöved
+rukeyser
+tenth-largest
+bonifant
+handovers
+sejmik
+moderna
+cadenas
+mizhar
+chanceless
+figc
+sunwear
+germaneau
+1/60
+redistributionist
+giambattista
+hakainde
+qe
+snowshoe
+hasht
+otari
+crpf
+shrew
+ieee-488
+sprecher
+casteen
+baidar
+thamnophilidae
+batian
+fanz
+16:18
+audionet
+maderno
+maceachern
+airtight
+subsists
+remonstrant
+virtuously
+bacob
+misread
+bohnett
+cminor
+hefetz
+τῆς
+safaa
+bubbie
+emiratis
+gallurese
+hansen
+f-18s
+gilad
+1/2c
+bjelanovic
+138.50
+sericulture
+comedy-drama
+ft.com
+paraphilias
+koker
+zambales
+mil
+7,390
+matoub
+éxitos
+haggas
+nonelected
+logbooks
+smarties
+hanabi
+roslagsbanan
+3,211
+dubay
+zmolek
+kotlin
+unigate
+kscs
+walkers
+108.07
+ishak
+rakeysh
+ogdens
+skewing
+năstase
+enuresis
+rocker
+rar
+neckwear
+phenomenal
+young-adult
+euro351
+30.2
+tartus
+roids
+centrales
+ricchiuti
+youthbuild
+terminating
+samena
+bache
+106.2
+peterlee
+broadcaster
+godrej
+avichai
+moorsom
+qaq
+sanjeewa
+anuncios
+unef
+poaceae
+age-specific
+1ª
+25-pounder
+meqdad
+syllabuses
+lamantia
+gua
+sowood
+25.44
+900-seat
+framerate
+tanzanite
+renga
+motorhead
+strober
+88-run
+chhatra
+rayagada
+mefistofele
+1:32
+goji
+sarangani
+copper-clad
+fenger
+costanoan
+hasted
+r-fl
+pešić
+12:06
+xuefeng
+chrys
+dibdin
+tirso
+begovic
+quartets
+proti
+ghashghavi
+cleckley
+five-point
+dewantono
+urlich
+off-balance
+1,978
+rajsamand
+kcie
+alz
+gundeck
+205.7
+qip
+kennell
+88.57
+harmodius
+vocaltec
+cartoonist
+contesti
+dissolved
+pre-eminent
+fahrholz
+groaned
+tramadol
+soga
+perso-arabic
+crime-fighter
+neves
+blackjack
+7lb
+coomera
+90-100
+rollbar
+foregin
+kankanaey
+leonato
+lavagna
+arrestee
+kyari
+encryptions
+dealership
+counterfeiter
+aristov
+bille
+kamanin
+13.3-inch
+non-aggressive
+traite
+outhouse
+mandingos
+hen
+cookie-cutter
+vallabha
+1.195
+antwon
+ritch
+tiding
+6,110
+qlaileh
+baltija
+temarii
+wicca
+greatbatch
+plagiarizing
+dalli
+lokesh
+froberg
+kirikou
+alshammar
+yasmina
+leeuwenhoek
+yapp
+disallow
+urgently
+nemorino
+iñigo
+5.29
+1351
+moghulistan
+geraes
+chines
+ibc
+kaffes
+evergreens
+waag
+slash-and-burn
+dequenne
+know-how
+humer
+gabrielsson
+4-on-3
+northborough
+giant-sized
+mcnicholl
+lalehabad
+unblended
+fireweed
+646-seat
+jingjiang
+shelleys
+yago
+alansmithee
+updo
+zefer
+neame
+thrale
+schary
+rupinder
+kidnaping
+91-87
+razvi
+cups
+krishnaswamy
+walmex
+dna-based
+makarova
+jeanna
+osbaldeston
+gorel
+parlange
+ill-treatment
+labianca
+yanlin
+greenish
+laconia
+retaliations
+11.35
+pinnipeds
+quarter-century
+lingard
+non-edible
+onozawa
+trichomonas
+kitcher
+vames
+taniwal
+pappalardo
+carpe
+wilfrido
+trafficante
+jahrbücher
+3.59
+entryways
+maiziere
+sieves
+sengoku
+fajita
+desmosomes
+abuzed
+kinnaur
+coody
+917k
+discounting
+zeynep
+petrisor
+stupar
+julijana
+dumisa
+94.94
+goepel
+attorney-client
+strøm
+charen
+tati
+bellissimo
+martingales
+impregnate
+fabre
+27-55
+mid-80
+towton
+psychically
+harich
+émigrés
+honoré
+pulicat
+hewison
+aseanapol
+holden
+biswajeet
+pairat
+partizánske
+inefficiency
+pml
+okjeo
+alcheringa
+taxied
+caha
+gidman
+chitons
+spiers
+astrakhan
+valerii
+predictor
+vont
+wysong
+samadzai
+fbk
+winlaton
+offerings
+khaen
+modernisme
+sebastes
+etiquettes
+vielle
+gaspée
+tareyton
+herczeg
+salaciousness
+sproule
+nicolo
+cassoni
+kenth
+pucelle
+nilssen
+haney
+corporations
+vespasian
+pharmacogenetics
+zaleplon
+seared
+torroja
+opencl
+pfirter
+hawas
+voicestream
+melampus
+rancagua
+planetology
+painted
+fauver
+shoppach
+thobe
+phyllodesmium
+esplanada
+fois
+candlewood
+bungee
+verres
+cutshaw
+2,600-kilometre
+fyrstenberg
+1776
+whining
+vaguest
+jussara
+radiograph
+jabran
+sycophants
+skënderbeu
+dietrick
+burying
+cdis
+octavarium
+sku
+shorr
+driveability
+televisa
+42,800
+sudameris
+zalm
+schöneberg
+fairplay
+outgoings
+coser
+rictus
+st.giga
+.1104
+konex
+visayans
+unperformed
+ultraliberal
+ballybeg
+kurlak
+alne
+d'astier
+teochew
+mainalnd
+brimer
+hwy.
+chaban
+erps
+communicated
+jatindra
+anglo-chinese
+queeg
+caspi
+abyssinian
+tenable
+panzram
+diomed
+alkan
+mid-race
+well-chosen
+suris
+abensberg
+vasodilators
+kammen
+rêves
+pte
+hulme
+asiatica
+crowd-pleasing
+zelizer
+71.14
+midnapur
+decrepitude
+hhmi
+cochairman
+herby
+6-2-2
+segona
+fragiskos
+morash
+87-71
+al-salam
+overlies
+wjw
+motoshima
+melkamu
+709,000
+weisen
+gimbutas
+navar
+tarija
+budai
+titleists
+above
+pwcs
+cheves
+shaad
+switkes
+deckers
+unseated
+brechin
+shredders
+wallman
+calasanz
+noce
+kaguya
+bond
+150-day
+divulge
+woewiyu
+righting
+hand-colored
+ettifaq
+holthouse
+pyoo
+moka
+sno
+kcmg
+saumitra
+tirtzu
+50-odd
+palamedes
+gadwal
+50.49
+clientele
+xts
+griller
+iuc
+chromosome
+b61
+ngc
+heiner
+mahomes
+68.93
+tecla
+proc
+maull
+keth
+agop
+19.6
+jabloteh
+ronzio
+fulwell
+59.77
+libros
+maritsa
+799,000
+mouret
+tautologies
+bizaki
+heruka
+ne-yo
+opinon
+articular
+feet
+modernisation
+avila
+post-grunge
+musarrat
+tantalum
+8.10
+99w
+omul
+receptor
+89.19
+celotex
+aquaporin
+familes
+minsk
+touchdowns
+ddc
+gilliat
+heist
+belters
+41min
+bewigged
+446th
+write-off
+leighlin
+2311
+frits
+lacrimal
+anselm
+boattini
+zaher
+2-57
+kurtoğlu
+gony
+seachange
+jure
+paddleboat
+allissa
+lashawn
+117.18
+tafara
+signalbox
+renamings
+kamke
+now-dead
+dewas
+lowry
+verticals
+camelford
+al-ta
+neighboured
+pragya
+cherubs
+embryologists
+álzaga
+pietermaritzburg
+fusinus
+cotard
+100-foot
+brotherhood
+zouaydi
+panchkula
+harison
+4-3-3
+gaudiness
+janson
+iroh
+ingloriously
+empresas
+cira
+nanog
+shehade
+well-drawn
+eurotower
+slats
+strangehold
+malegaon
+formalisation
+ponchatoula
+re-creates
+mehle
+re-unification
+svz
+3,063
+muskett
+costley
+issoufou
+palawan
+nectarius
+oclc
+foulest
+longus
+zephaniah
+nonspeaking
+rundall
+austell
+sex-determination
+deinstitutionalization
+genres
+allegory
+gawu
+baugé
+barosso
+yona
+orin
+hardcase
+hillmon
+bodleian
+fujian
+mlgedit
+gnutti
+tronson
+purgatoire
+cupit
+dehaene
+grapple
+aesop
+meningiomas
+miserliness
+daewoo
+impromptus
+economy.the
+invisibles
+harnwell
+hung
+rhymefest
+hassim
+kranky
+euro322
+sardarabad
+4.83
+capmac
+conferencing
+dmitriyevsky
+113.56
+articles
+unnerving
+soupy
+mellencamp
+acccused
+reignited
+morandi
+westmount
+91.00
+lípez
+eliphalet
+akademija
+half-timbering
+arvada
+2-of-14
+brat
+67.77
+karadas
+khatanga
+cmaa
+56.2
+sachio
+165.2
+okoh
+waddill
+varughese
+frictionless
+unthinkably
+ilmu
+contompasis
+betances
+scheider
+leftovers
+liao
+sinchi
+wissler
+ayles
+esty
+huggett
+bortone
+deportations
+königsplatz
+2,170
+cornville
+chipaya
+macrotis
+tufts
+stadler
+anio
+wfd
+naked
+grandprix
+six-speed
+radovich
+formula_157
+steamfitters
+appoint
+argueta
+chuquisaca
+lemurs
+l'humanité
+numerological
+snead
+mizu
+redesdale
+priors
+baggy
+faustman
+laprade
+himeno
+pâris
+apatin
+inverted
+glantz
+ethinyl
+samon
+mawei
+glenburn
+118.50
+praetorius
+cookwise
+4:06
+fontanez
+gwacheon
+3:06
+elevate
+margarete
+gerrymandered
+dair
+mikami
+billingslea
+noczim
+ziporyn
+mjf
+vosges
+1.2150
+brenston
+campoy
+matillano
+dasht-e
+faa
+handayani
+khatibi
+ionics
+39-20
+berthe
+pinette
+repaving
+kloppers
+meditrust
+mcilvanney
+25percent
+proceso
+myelinated
+zhangye
+o'hoy
+hairiness
+microscopic
+prodrug
+inventively
+succeded
+mulcahy
+langerado
+4,170
+libérale
+microevolution
+budahn
+gorse
+fantini
+saint-priest
+starion
+skullduggery
+chamblee
+freeform
+rozental
+luban
+bogdan-pitești
+3:44
+goalward
+proust
+embriaco
+miccoli
+scobell
+krajan
+coniglio
+burzum
+maribeth
+ime
+mcgarity
+refines
+shrieking
+heartiest
+animados
+1,360
+4,256
+benni
+pacepa
+fagan
+apocalyptically
+baptizing
+pest
+arrangers
+139.4
+stulz
+wccc
+gallant
+aidit
+pto
+aristida
+envisioning
+orange-nassau
+articulator
+pureness
+baadasssss
+tê
+by-passes
+fank
+mcilwraith
+unstressed
+churachandpur
+haydn
+racecourses
+acquired
+sohei
+goodhart
+malygin
+bailly
+massera
+medlin
+globes
+belousov
+ikenson
+vents
+mahin
+mccowen
+illan
+lighthall
+e70
+anwarullah
+acics
+17.63
+1987/1988
+arraial
+1,337
+stolzing
+midgegooroo
+peaceniks
+mugisha
+dumb
+worcestershire
+baddiel
+dramaten
+232.4
+levanti
+magnetically
+wikia
+49-173-703-9485
+2004/05
+sydor
+irradiating
+più
+boyes
+denominate
+cossart
+uud
+kloeden
+deliverable
+conniver
+lillien
+tábor
+bernabò
+season-opener
+sandstorm
+blazquez
+fischbacher
+reclassed
+unaccustomed
+spiegel
+manganate
+mezlekia
+démocrate
+pasternak
+doogan
+winterbotham
+beame
+kerrier
+run-up
+locavores
+assault
+nacionalistas
+abdirizak
+debitage
+vertebroplasty
+suborning
+pickax
+freyburg
+warts
+unequalled
+yco
+carnacki
+playm
+ten-round
+kheima
+stagnant
+veterano
+selman
+morrilton
+double-tracking
+molteno
+biffo
+recommissioning
+zipf
+overijssel
+ambassadorship
+laundries
+extinctions
+immortal
+buchacz
+peopled
+sinche
+harfa
+transfusions
+downplayed
+sayyida
+mimd
+andujar
+hitoshi
+kocheril
+keratosis
+dupplin
+snopek
+kellems
+isap
+isakovs
+9,929
+dhahran
+unicredit
+gintama
+helpfulness
+shougang
+gator
+gleaton
+mccrane
+marthae
+ferencvárosi
+omoa
+rajagopuram
+nwoye
+turbocharger
+water-colour
+alebrijes
+stereogenic
+vallenato
+langued
+employee-owned
+esclusa
+yolks
+izen
+sharga
+mdewakanton
+85.05
+ventanas
+bischel
+kt/v
+piso
+razem
+bittles
+nitrocellulose
+meldal-johnsen
+oscillator
+thitarodes
+hamisi
+schöningen
+homepage
+54.48
+oleaginous
+fundo
+anti-royalist
+carmine
+perinton
+immortalised
+58.84
+hogadon
+tahta
+flustered
+ronkonkoma
+chervenkov
+krasnovodsk
+ayg
+abdy
+hendrik
+butternut
+ebanks
+cantelo
+88-seat
+dessler
+megastructure
+dahp
+ex-president
+saleable
+dyah
+hems
+hoseynabad
+vigo
+metamorphoses
+sankawulo
+séance
+biomedical
+knoepffler
+robiskie
+chongjun
+called
+curiel
+chillar
+adhesion
+amakudari
+strategies
+luzerner
+jasura
+islamov
+spanic
+55.33
+sayako
+2,132
+rhesus
+latshaw
+non-believer
+weekly
+becknell
+consolidator
+cbf
+4,415
+53.09
+acappella
+olive
+skimp
+pasuruan
+recompiling
+fijo
+jurcina
+ote
+860
+eiríksson
+buratti
+immobilising
+frère
+750-800
+haftarah
+gąsawa
+kispest
+22.27
+siddeeq
+eln08
+glass-walled
+saifur
+zhihuan
+denner
+bdartcoxnews.com
+ghouls
+cybill
+rogowski
+impelling
+dhiraj
+tongsalee
+principales
+lubos
+regurgitating
+dexter
+broadcloth
+earlswood
+benambra
+mcpa
+hindiyah
+norderney
+freer
+love-struck
+tinto
+ghosi
+roberta
+self-assertion
+dziemiany
+leave
+smushed
+newtonia
+fondas
+finerman
+107.53
+shatz
+marilyn
+molniya
+screeches
+valproic
+daudet
+dogfights
+besi
+euro487
+capecchi
+cherryh
+sarmatia
+celeste
+0:39
+abderrahim
+jha
+thomases
+ucce
+toholj
+motomiya
+norvasc
+inexcusably
+foramen
+1.285
+pakubuwono
+mlpc
+imperiale
+harboe
+wares
+thorbjørn
+cordeaux
+chaptalization
+sempronius
+sigvard
+socachy
+université
+,007
+manilius
+ocz
+wollschlager
+sauzal
+squats
+1.4094
+aglass
+alcona
+8,750
+theoria
+gaonkar
+proprotein
+steerage
+sulong
+baggott
+clandeboye
+delusions
+rovell
+pinu
+strom
+co-star
+zangalewa
+nanotubes
+erdal
+semplice
+shuffled
+1.4740
+pedagogies
+fering
+haridwar
+weightiest
+duna
+tanega
+123.15
+vaizey
+misma
+angat
+bijou
+take-out
+digiorno
+politiken
+191.2
+childress
+jiangyou
+fafara
+19:31
+mianwali
+catalonia
+pangolin
+m77
+linesman
+fler
+85.4
+dybo
+jidai
+tawe
+kabardino
+trickle-down
+statelet
+balink
+otero
+maharajah
+turbot
+phalsbourg
+villivakkam
+all-day
+twc
+salat
+kitao
+nickelodeons
+horrach
+dohrmann
+sinanovic
+reiterated
+chungs
+corriher
+half-centuries
+remitting
+waar
+shomron
+107.86
+53.02
+alexandrovsk
+cuddly
+alhama
+b/c
+maymont
+talayan
+jeckeln
+1330gmt
+gondola
+dugme
+brnovic
+ephram
+eks
+0.575
+24-inch
+butyrate
+agrement
+prophylaxis
+rw
+clamoured
+kleptocratic
+sympatry
+beaupre
+zunz
+daia
+najaden
+equusearch
+song
+lighthouses
+qubaisi
+barren
+clasped
+schwahn
+washed-up
+adélie
+viu
+1983-1989
+knake
+swipes
+stateman
+cruisers
+trent-severn
+flatliners
+interleukin-6
+pyrénées
+scuffing
+wagyu
+85-83
+nazilli
+emerge
+antiphons
+avidity
+arcade
+intervencion
+prudishness
+replays
+alisdair
+kallab
+foereningsbanken
+37-30
+16,000-point
+jingzhi
+vlccs
+kawilleyaol.com
+heanor
+tossed
+aswany
+124.24
+ngor
+reconnected
+fratello
+23.18
+kaewkumnerd
+yitzchok
+comacchio
+hervarar
+u-6
+sewak
+glued
+pressurise
+inés
+akerlof
+ewuare
+woolhampton
+bernois
+lakas-cmd
+mcl
+tested
+30-28
+hanwha
+czibor
+sahra
+conclusion
+bistrong
+olivine
+valrhona
+sensuous
+vocoders
+syncytium
+sels
+sandridge
+expansionary
+storyteller
+ffn
+vinals
+bellhop
+puffy
+k.y.
+balsall
+lietz
+mourns
+mellersta
+bercy
+nrdc
+detraining
+daxx
+tv-pg
+qqq
+griebenow
+55.14
+kythnos
+dance/club
+ld
+2-65
+leninists
+grigg
+hinthada
+kingsbrook
+pawhuska
+jackrabbit
+volapük
+bonomi
+captivating
+milesians
+vouliagmeni
+bombala
+i-e
+taluto
+jacques-cartier
+hrad
+m-3
+liba
+kbots
+congestion
+dewata
+anthus
+62-56
+euro600
+shimbun
+ruggeri
+doxy
+502nd
+calori
+formula_1
+apoapsis
+collaged
+regulators
+http://www.alcoa.com
+tadamon
+jaywick
+30-metre
+alenitchev
+beechnut
+ruzica
+krishnasamy
+2007-8
+chun-ying
+sequitur
+alphandery
+nishijima
+ripsaw
+elongatus
+flyswatter
+sarlacc
+platen
+céilí
+affluenza
+mjs
+rosellas
+ribboned
+caruana
+serendipitously
+re-allocation
+mumbled
+liburdy
+brownsburg
+97.7
+konchalski
+blondeau
+fuß
+ryota
+llegado
+chinatown
+masuyama
+fak
+bruyns
+chakkraphat
+graziadio
+2.0-billion
+grantha
+mailmen
+kdot
+fauconberg
+devastate
+taolu
+viia
+25.49
+schlenk
+cynda
+harald
+escudero
+pyx
+arowanas
+nitration
+asat
+autapomorphy
+topčider
+disappointingly
+ohai
+asphyxia
+rioplatense
+jimo
+collimator
+euro535
+mccluster
+burgau
+10.31
+zhongjian
+eland
+itbp
+kaante
+cssd
+debugger
+montalvan
+2001/2
+quagga
+lamech
+vaccinated
+sawad
+hypomagnesemia
+raina
+yassen
+indianola
+crne
+16.97
+toasty
+aarseth
+euroairport
+rupertsland
+logicism
+woodbrook
+!?!
+hasford
+ellsbury
+multigoal
+1928-1930
+maisey
+lewis-mcchord
+utraquist
+constrictor
+pottering
+sadomba
+ne1
+azarenka
+benacerraf
+barrino
+bouaké
+porntiva
+krivtsov
+sertich
+neisseria
+boué
+otoni
+surachet
+slather
+matsushima
+acia
+723
+al-askari
+wita
+reissner
+nonstriking
+choson
+pageants
+abdellahi
+tangier
+correlate
+benex
+117.93
+seyf
+clays
+subprime
+juric
+zukor
+priorat
+busked
+mcglockton
+kuroiwa
+oglivie
+lewullis
+kenza
+rajaratnam
+music
+bigmat
+embeth
+cherche
+m.i.t.
+carposina
+väinö
+zelezny
+benko
+mandali
+nazo
+polatlı
+morantes
+manageability
+mýto
+ewloe
+cross-gabled
+leute
+dunem
+sanes
+stridency
+zainulabidin
+margolin
+halitosis
+século
+manuvakola
+garih
+gamecock
+madrassa
+olza
+young-min
+qasemi
+porcupine
+prophecy
+ankergren
+2080
+casnoff
+sharqat
+cromagnon
+unfitting
+albizia
+africanism
+stant
+tarara
+arpu
+faq
+euro337
+manis
+jmcc
+k-7
+sangwa
+latifolius
+fibromyalgia
+1.95-meter
+adni
+cheyney
+kishori
+w.e.b.
+dermod
+buell
+tī
+oficina
+muette
+proyas
+oshii
+indramayu
+bioethicist
+witthaus
+yesler
+territory
+mirco
+ziv
+notifying
+kaesong
+rolexes
+evangelic
+devasahayam
+saturna
+bordelaise
+çeşme
+johanngeorgenstadt
+hcfa
+linc
+anticlimax
+yountville
+schimel
+384.5
+margheriti
+helghast
+flop
+newmedia
+sulzer
+doubtful
+parkfield
+chalcogenides
+condyles
+ndizeye
+iñaki
+bernay
+sujud
+papillion
+togi
+anethole
+theorems
+racialization
+12.97
+mutharika
+121.70
+saprophytic
+yormark
+trueno
+(970)
+griva
+boutelle
+58.43
+prognosticating
+edlund
+dobrovolsky
+donie
+cortex
+drainages
+u19s
+békéscsaba
+hát
+otri
+3.98
+hajiyev
+tamplin
+bdi
+aak
+antheunis
+krizz
+anastasiya
+caparo
+outsourcers
+btrc
+mikage
+mezzo-soprano
+necesita
+grajeda
+wyatt
+maskers
+thiruvalluvar
+206.2
+barnoldswick
+non-prescription
+defacement
+rendel
+nonlinearities
+140-strong
+shhhhh
+acsm
+yohan
+prop
+ec1
+varsities
+millennialism
+another
+2091
+abgal
+profaning
+gimlin
+navagrahas
+secularized
+40.49
+qeydiid
+hanff
+khouzam
+jakeem
+wibc
+pasłęk
+killswitch
+castberg
+cleistogamous
+15.83
+chrysohoidis
+goldwind
+inward-looking
+1,000-point
+vita
+9-all
+denari
+neocon
+d'outre-mer
+yuzyil
+jumbles
+jhy
+breashears
+handi
+kander
+augments
+hallifax
+polonized
+stinker
+georgius
+khedivial
+gillies
+overacting
+146.7
+four-night
+conley
+louris
+authoress
+redwine
+kosaisuk
+bioregion
+ussher
+expressways
+kilic
+alsen
+unearthly
+demitra
+goalpara
+normalising
+0-23
+minotaur
+bagby
+kuroyedov
+lysate
+kneza
+valga
+ateeq
+mamenchisaurus
+madchen
+greeter
+2.22
+longview
+aghanistan
+oft
+afa
+pontedera
+grubbing
+legnani
+113.86
+sukkari
+citiseconline
+centralizes
+lianzhong
+dauntlesses
+michiel
+nares
+placed
+mellish
+mourned
+wheatly
+simelane
+osako
+krueng
+ndungane
+bergdoll
+lusitania
+vijayendra
+honam
+117.74
+post-second
+mmff
+granados
+batter
+conveniences
+index.shtml
+kirkstead
+flanner
+syk
+heavy
+classicizing
+appease
+syra
+agamben
+78.35
+mid-60s
+5-cube
+slaney
+nonwork
+armies
+pérez
+61-run
+parasocial
+1.3170
+halcro
+3,855
+self-portrait
+digitech
+nonobservant
+red-rumped
+gwaun
+pulu
+goodspeed
+travelled
+fitful
+muenzer
+fuente
+quinlan
+lucky
+chaplaincy
+centre-sud
+maynas
+tolhurst
+http://www.eia.doe.gov
+nbe
+antlered
+4-0-2
+tobia
+canalisation
+refco
+greuther
+l'orient
+indu
+mellowness
+ladywood
+escalatory
+boissevain
+back-room
+lally
+polymorphic
+osnard
+matula
+sayer
+télévision
+haihua
+4/7
+videographer
+secu
+saidu
+malpais
+soleus
+colder
+crossbencher
+catch
+einen
+2:9
+inria
+landskrona
+deindustrialization
+keselowski
+sealife
+archosaurs
+jerkins
+perdrix
+borbokis
+funada
+hydrelia
+27.51
+hospitalisation
+vicinanza
+beraja
+ulick
+1,735
+shahe
+formula_74
+2,745
+pajo
+hra
+289.7
+co-regents
+owasco
+ben-eliezer
+mawson
+tora
+nda
+physik
+lamone
+-400
+engelbreit
+małopolska
+mente
+95.7
+nebulosity
+kvil
+decorum
+ranted
+hickam
+launde
+mwai
+14.47
+bastardi
+wchl
+garbi
+astd
+autobahn
+beckel
+centra
+wiretap
+estadisticas
+barcarolle
+pentameter
+31-man
+chicoreus
+glut1
+karlstadt
+e-kot
+regnery
+guias
+490-yard
+apperley
+conventionalism
+kapton
+villella
+bouc
+piglets
+elorza
+currington
+wallfisch
+cavies
+basuo
+okeafor
+logotype
+hfw
+brutalize
+liberators
+sutekh
+para-cycling
+boisterousness
+41-12
+christianne
+glaudini
+180km
+bridlington
+plutarch
+suspicious
+minelaying
+koi
+dehestan
+skripal
+brander
+appreared
+hereinafter
+snap
+chametz
+bergisches
+raison
+sakuragi
+tommie
+edsall
+haining
+248-page
+ganter
+amrous
+reaver
+plinian
+124.7
+magnesium-rich
+söhne
+neum
+reform-oriented
+giallorossi
+omohundro
+coat-of-arms
+70.33
+condensations
+co-authoring
+quedo
+herpetic
+shamir
+95-minute
+0540
+corymbs
+90-87
+beckley
+testament
+popoff
+pentaerythritol
+capacities
+pickard
+portrayer
+inlcuding
+1889-90
+isman
+mulhouse
+tongass
+toshihiro
+schans
+palamós
+proffit
+s.williams
+arsenide
+plackett
+gaffe
+gloster
+passionist
+aschbach
+ochola
+ginnastica
+taei
+nakatsu
+towson
+semi-nude
+xmlhttprequest
+sadf
+1969-1971
+ihj
+10-footers
+basak
+mannie
+terrority
+pirma
+windhill
+campsites
+tsa
+addams
+isolate
+3:10
+institucional
+schwadron
+kotlowitz
+40,000-50
+lock-down
+unassuming
+swabey
+woodchopper
+sokoto
+mugabo
+trifid
+dpmne
+valaichchenai
+mcelroy
+darkplace
+josipovic
+665
+name-calling
+asgharzadeh
+a-fella
+1,967
+rechristening
+szilagyi
+zippers
+ss-obergruppenführer
+half-sisters
+makino
+possibles
+hamba
+ergashev
+elektronik
+116.18
+player-coach
+alexandrines
+langreo
+thinh
+16.35
+1,469
+panned
+gouffier
+philippine-based
+espadrille
+2001-present
+callimachus
+small-business
+varejao
+barechested
+revelry
+,255
+drought-stricken
+island-hopping
+shellac
+sedov
+wild-caught
+jinping
+2-thomas
+nicotera
+veepstakes
+singings
+yawney
+buca
+ashira
+helicoid
+underclothes
+dented
+gammell
+ancón
+shepp
+legalities
+1008
+nakapiripirit
+ofttimes
+amnesia
+xetra
+hustler
+toshihiko
+gerdau
+puls
+specsavers
+3,281
+dibasic
+run-scoring
+snowdrifts
+mini-buses
+tainted
+squatters
+fdot
+fyfield
+ribs
+livsey
+ortenberg
+piggybacks
+pooled
+satins
+pvl
+3.975
+toulgoët
+jf-17
+sochaux-montbéliard
+nuriel
+4,010
+baishya
+modal
+anti-masonic
+hairball
+rissoidae
+broadleaved
+cardin
+chlorosis
+p200
+118.23
+13.000
+triples_rollins
+tsukioka
+capanna
+unseen
+eteri
+so-so
+w.a.r.
+c-terminus
+615
+tints
+miyares
+halma
+weizsacker
+skogn
+recti
+laffy
+kholi
+schalk
+coltec
+maček
+120.41
+haibara
+mulyo
+urduja
+121.4
+hochwald
+19f
+kenwright
+opet
+55mm
+invert
+995,000
+arbitrated
+selflessness
+starlets
+reflation
+tramuntana
+sisquoc
+mander
+weesen
+vesting
+expropriation
+26-22
+34-11
+euro180
+vacas
+ra3
+garages
+offloaded
+43.12
+croes
+poliquin
+dryer
+boxmoor
+ruppersberger
+shamma
+cockcroft
+mulk
+ranunculaceae
+ramamoorthy
+7-8th
+wmg
+cormac
+mapes
+pietro
+pre-1992
+zelig
+numbingly
+gaular
+matsutoya
+cancela
+jazaeri
+jasmund
+dąbie
+timeless
+caca
+tok103
+ethem
+pontiki
+sklansky
+roddey
+pre-emptions
+czech-german
+certamen
+cloud-based
+volgar
+underestimates
+saye
+dysphoria
+caslon
+dorra
+1.310
+sehring
+paoa
+biograph
+willem
+kanell
+webchat
+raclette
+zlitni
+137.6
+lutsenko
+cobija
+tayyaba
+nine-tenths
+moçambique
+vandellas
+linteau
+sagat
+64.64
+shanor
+inbar
+duncanville
+peaster
+saprissa
+deceiver
+wrentham
+nigris
+1992-93
+latino
+sandom
+helge
+yaokun
+444-8874
+naftaniel
+shiga
+gmbh
+omero
+multi-million-dollar
+sp4
+163.7
+reheard
+volgin
+servicios
+handbrake
+cegléd
+26000
+hasegawa
+requisitioning
+critic
+halam
+huisken
+dorre
+mittweida
+enthusiam
+finkelman
+2,820
+seviche
+generalleutnant
+sā
+matus
+warangal
+remedios
+pistil
+jenji
+radjabu
+leyburn
+theoretical
+cans
+umaga
+likert
+bestiaries
+radkersburg
+1318
+tunji
+hermus
+mcginnity
+schlei
+mannion
+2/0
+kmex
+hegarty
+reproduces
+kenogami
+wildermuth
+vigenère
+belgo
+multivalent
+enlarger
+tulfo
+mathilda
+l/45
+dimech
+frys
+10-23
+blanning
+secretariate
+khawazakhela
+baddour
+kelp
+bel-20
+he/she
+dactylifera
+wegener
+gilroy
+single-action
+ibrihim
+coman
+confines
+shigeyuki
+valderama
+wrva
+railbird
+eurlings
+boxmeer
+floer
+tantor
+malabar
+jogs
+rombout
+malaefou
+signals
+kwek
+60-57
+waymon
+jaden
+superbrawl
+marteau
+euro305
+manglapus
+verwood
+shu
+mallo
+ppms
+yushchenko
+holdout
+gamvik
+taungoo
+2,790
+cela
+grgur
+quỳnh
+lamarque
+padang
+1844
+turchin
+7.97
+hudnall
+salesi
+tiersen
+houdek
+girlish
+gila
+36.3
+brooches
+124.04
+cyanobacteria
+culled
+braided
+127.25
+coppard
+rukundo
+broyles
+ld50
+gunbuster
+half-sized
+bushmiller
+hejaz
+bowlegged
+1288
+kahtani
+maricruz
+nationally-known
+manon
+pugnaciously
+degs
+preterism
+subsampling
+bithorn
+131.80
+financiers
+enquiries
+chanteur
+ghanaians
+laurelhurst
+ustream.tv
+zollernalbkreis
+kungligahallen
+cseszneky
+tabarro
+cateau
+musburger
+17.22
+kiriwina
+kumho
+jinyan
+lf-a
+koçarlı
+scalawags
+marcinski
+thami
+tulp
+sisley
+hopp
+fujino
+tracie
+alquiler
+rathod
+mofet
+alveston
+nkem
+electret
+trapezohedron
+5-4-2
+huebler
+cv
+fuwa
+bddp
+bashkirs
+variolation
+femi
+b.f.a.
+shortsighted
+apted
+lelean
+miiverse
+2602
+salvos
+poncino
+fulfulde
+guilbert
+ezri
+bagir
+marianske
+synaspismos
+tunnel
+bidirectional
+prudence
+presby
+moerman
+116-111
+exacerbated
+castelao
+tarn
+adlercreutz
+posidonia
+frothy
+junhong
+minow
+wherefores
+36.03
+ishan
+ескадрила
+hating
+erigeron
+clotfelter
+d'alton
+corbis
+vonder
+voluminously
+masking
+lice
+waldemar
+macari
+preud
+194,000
+bandeira
+aset
+lazim
+milla
+sasono
+bovell
+greenish-white
+ses
+bobick
+inevitability
+annica
+save
+sao
+emulators
+buenavista
+khunti
+61.97
+s-class
+tambangraya
+highflyers
+crocodiles
+currie
+fahda
+ashford
+talamancae
+khiva
+resurging
+bruener
+highest-scoring
+sasser
+salvadore
+muftis
+2:8
+kongu
+unibank
+cropduster
+ramasar
+pcibank
+shalgi
+netobjects
+whittard
+kroloff
+chintzy
+alptekin
+earlville
+lampre
+raglan
+squaretrade
+close-quarters
+bagh-e
+humenné
+yashar
+lopsided
+jayashree
+schmalkalden-meiningen
+sindy
+teece
+23,600
+freilich
+zhengding
+olivers
+biosensors
+talers
+amagiri
+szczuczyn
+thebes
+glutes
+skymasters
+cuiabá
+quiktrip
+simen
+souto
+jpb
+kingsale
+harbage
+rolfes
+ballesta
+mutilating
+forebay
+appassionata
+bülach
+kettledrums
+tetrahydrobiopterin
+gzowski
+gatting
+portpatrick
+eagle-owl
+ugurlu
+hartzog
+sueter
+nevitts
+megalon
+anekāntavāda
+basir
+7,054
+h7n7
+slipups
+uniprot
+slumlord
+unmistakably
+boehm
+cladosporium
+dando
+cazorla
+shes
+42-story
+organising
+reestablish
+jasienica
+newsvine
+leavel
+twi
+aiboy
+commandments
+tadano
+multi-faith
+2,094
+sirvan
+hecox
+utero
+wǒ
+monographs
+sneha
+7.7495
+eldena
+granz
+mantles
+3,214
+leuthen
+116-member
+chainsaws
+68k
+lexemes
+nationalizations
+srt-10
+realise
+rusedski
+circumcising
+flahaut
+tannock
+finci
+chucheep
+voldgade
+ilieva
+filipino
+naseby
+arlt
+ptw
+brigandage
+watchfulness
+wichí
+penza
+oneximbank
+gayvn
+bridled
+musyimi
+sihs
+schocken
+shilla
+bakhit
+t-1
+debreu
+pertman
+flogging
+hughitt
+45.87
+muehe
+0020
+bamingui-bangoran
+lbb
+karmaloop
+melodramatics
+fragging
+oleochemicals
+55,917
+chiselled
+traviesa
+2.670
+150k
+ripstop
+kaisei
+armande
+rayamajhi
+hunzike
+plywood
+59-yard
+russo-persian
+habibi
+13.49
+aronow
+lounger
+laminates
+mardana
+15:00
+shiing
+arch
+tundra
+tschida
+théophile
+workrate
+daddio
+sonda
+tchoyi
+irungu
+abela
+chaw
+systemic
+1,200-meter
+1853
+cottam
+cautioning
+wilzig
+stereogram
+1.29
+noriyasu
+hyperthermophilic
+utils
+gulfport
+gigahertz
+miscarrying
+zhovtis
+schenker
+115.99
+in-vehicle
+vasaryova
+jodhpurs
+yor
+lupeni
+iridaceae
+courtenay
+wolfman
+marineland
+asten
+revenged
+gariépy
+33.27
+treepies
+dutchwoman
+nasm
+bezborodov
+pmb
+mustain
+sowmya
+squalene
+throsby
+piercy
+95-94
+shebaa
+batel
+kenneth
+pozzolanic
+batta
+parttime
+groseclose
+imaz
+rewey
+dony
+surface-to-surface
+backyard
+heym
+rimet
+checkers
+dc.
+bellamy
+2,100
+18-1
+dine
+macpherson
+gouvernement
+valuables
+fushimi
+cftc
+latasa
+kuik
+søre
+pesaro
+tabulation
+midem
+yarns
+serebryanskaya
+lontong
+sawit
+chosroes
+sheahan
+exclamations
+niccolo
+25-year-old
+mandamus
+triethylamine
+shut
+83.50
+achenes
+ameritech
+wenxi
+théatre
+self-care
+safrica
+36.36
+soloff
+numerics
+opéra
+dardenne
+darcel
+100.70
+decomposing
+116.28
+mondino
+sichting
+williamsons
+a319s
+kittani
+ziggler
+bogotá
+1.28
+framlingham
+eight-cylinder
+reinforcers
+unnamed
+netta
+jassar
+hemion
+huarong
+hackathons
+atriss
+jurado
+wkaq-tv
+war150
+16v
+latta
+scioto
+radisson
+poynor
+riverlands
+huastecs
+25.32
+shehzad
+khayelitsha
+12/22
+oyler
+lanterman
+starbursts
+dainichi
+specialisms
+unpremeditated
+oryzomyini
+cyp1a2
+juchitan
+burgs
+forefeet
+rajamaki
+e-file
+22,292
+sheerness
+houfei
+tased
+arcalis
+cerrito
+reinstitution
+centipedes
+sanjaq
+iredale
+tetrachord
+miombo
+musikkonservatorium
+contortionist
+gatta
+soyuz
+allogeneic
+pickett
+nehlen
+barremian
+altimo
+hurin
+mentees
+wosu
+reconciler
+nonny
+retronym
+mechanician
+ounces
+19.1
+marineris
+,590
+rancourt
+feeding
+wersching
+e45
+sainte-victoire
+norceca
+2,500-seat
+quietcomfort
+vrioni
+self-education
+gastrointestinal
+seized
+kafa
+flnc
+rafinha
+szlachecki
+longshore
+sports-talk
+pelat
+womans
+desarno
+crispinus
+269,000
+206.4
+ribuffo
+choudary
+bosnias
+wasg
+haldun
+machar
+algemeen
+celui
+stuns
+ramda
+m.n.
+109.31
+commelinaceae
+laycock
+ulloa
+1986-91
+icho
+zhongzheng
+falcons_signed
+zolak
+summered
+salant
+114.31
+flevo
+hamiltonians
+trps
+111-103
+forbiddingly
+asuw
+gvul
+tantra
+wintz
+lapita
+gidget
+tribunate
+annuals
+royalston
+arsaces
+275,000
+bialy
+zurabov
+whomsoever
+boyzz
+ardi
+psychemedics
+leisa
+glib
+stw
+spal
+40-plus
+alswang
+bloodstained
+phoenixes
+calypsos
+surt
+massis
+zuri
+aniline
+1948-1950
+descalzi
+hornberg
+glibc
+dasein
+4,167
+thirty-three
+zoas
+ssekandi
+maira
+basing
+wxpn
+ener
+neben
+gelukpa
+mackenzies
+sluggish
+farglory
+translocates
+dobsonian
+brasier
+satisfied
+porgies
+terrorism-related
+soneji
+seguín
+foça
+983,000
+iapa
+cleveland-based
+marielle
+krieble
+sieved
+cumorah
+lonzo
+varzim
+sub-range
+brage
+chakavian
+waterless
+forgings
+participative
+1.4200
+conybeare
+essam
+ossuary
+51-percent
+sangrampur
+audio-only
+santolina
+muet
+coolness
+2,266
+treecreepers
+croal
+stotra
+tienhoven
+airlanka
+40-megawatt
+sew
+nurhaci
+quindel
+lucidly
+450cc
+whitesell
+alben
+intjw
+blackouts
+agag
+goodlife
+jex-blake
+uncorks
+1978-1988
+uniforms
+pouncing
+post-intelligencer
+butzbach
+ifj
+123.6
+1960-70s
+oloroso
+13:33
+reheated
+ruberwa
+renhe
+lennep
+prearrangement
+pantomimes
+chorus
+constitutively
+thrombophilia
+azizah
+nkondo
+worships
+cachorro
+bajramaj
+5,914
+coffeetable
+legge
+chigger
+strazzer
+veleti
+teruggi
+56-49
+nojeim
+1985-1989
+15,000-a
+aabar
+comgall
+chuadanga
+midgrade
+bellota
+ordaining
+rg8
+kampamba
+balkman
+survivorship
+retarded
+five-factor
+appling
+tesman
+manko
+xetv
+percolate
+kaparo
+papantla
+grafted
+vaches
+elphinstone
+respecter
+aprotinin
+bedwas
+wilhide
+2505
+b.y.o.
+dolenc
+mckee
+skunkworks
+ba632
+madaen
+scheufele
+slumberland
+5:08
+dili
+plodded
+dwelling
+kinglets
+gy
+usepa
+roosted
+pinkos
+shvedov
+3,135
+pildes
+carny
+bassets
+punchbowl
+logans
+monsoonal
+0-1-3
+macronutrients
+croucher
+peculiarity
+bannings
+ziguele
+seismographic
+cyber-bullying
+cardrooms
+keeble
+industriousness
+areopagitica
+ncsc
+storeman
+lijian
+sapieha
+ongc
+newfoundland
+naunton
+guiomar
+2,026
+vaccarella
+lakanal
+watchtowers
+ormes
+cariseo
+architektur
+hesse-cassel
+8.49
+amphisbaena
+pancreas
+irrigator
+jérusalem
+39.46
+kafoury
+abertillery
+hadassah
+saccheri
+tsunami
+sestet
+3,715
+hiccup
+1886
+balun
+twohig
+0600gmt
+bennigsen
+roadwheels
+gparra
+giovani
+black-eyed
+osgood
+cares/equity
+oñate
+vanette
+malaccan
+1.3400
+68.66
+kamikawa
+sturgeons
+bailieborough
+overblowing
+schandau
+withdrawn
+idolator
+prefers
+93.86
+papel
+gafilo
+lamu
+avati
+bavley
+barlaston
+dweeby
+non-citizen
+tsagaan
+12.94
+brooder
+ilegales
+caraher
+0.29
+broecker
+dikhil
+uyar
+backyards
+grüber
+reenergized
+andere
+h1n1
+assauer
+eppingen
+wilkins
+staunching
+aquarists
+stronnictwo
+pse
+quatar
+barnetta
+mixers
+treger
+senghenydd
+allenstein
+wfl
+callias
+aberle
+piros
+menial
+sagemiller
+non-chalcedonian
+massasoit
+mahiedine
+44-21
+gushue
+292.50
+alsons
+officiorum
+lute
+klecka
+infinite
+bergonzi
+dullah
+mannar
+stabilimento
+hpe
+shennan
+truncated
+veurne
+irvine
+34.37
+debashish
+aubrey
+fulminates
+chowdhury
+compatriots
+mounger
+vadas
+yajima
+.48
+106.28
+5,001
+schaumburg-lippe
+mifsud
+sangeen
+noroton
+residence
+plantigrade
+mid-9th
+crewmember
+midwestern
+colline
+entreprenant
+posy
+savino
+pelham
+424
+22-player
+guangya
+woodlawn
+portlethen
+026
+naasp
+railroad
+baoji
+futureworld
+ramoche
+redistricted
+boscovich
+bugatti
+bctv
+sephardi
+4-60
+toxin-antitoxin
+laryngoscopy
+34.19
+aksenenko
+sponte
+ruzhyn
+aasm
+jalayir
+apology
+heiligenberg
+32-acre
+lahlou
+infringing
+1,217
+biesbroeck
+pathognomonic
+anjana
+soupe
+brutti
+similis
+41.04
+stefani
+telecommuting
+bardsley
+carcere
+tikva
+amends
+ntamwana
+82.8
+wlwc
+girón
+connects
+ectoplasm
+hammarskjold
+permethrin
+kg8
+mains
+vortices
+crecio
+templeogue
+darklord
+sorbo
+roye
+majesties
+unidad
+botnick
+nedo
+traurig
+initialism
+ideo
+87-foot
+erna
+kwahu
+juives
+bunted
+polytheistic
+snuffs
+romanelli
+4,360
+desagana
+destabilize
+koretz
+ayers
+flegal
+fidenae
+massive
+vigneault
+spiritualized
+mehran
+1-50
+unapologetic
+trishul
+abascal
+ptj
+maltz
+p&s
+polybutadiene
+thate
+satar
+3.79
+112.1
+berlusconi
+hinkel
+15.78
+neza
+tred
+alster
+!!!
+maclise
+tongnam
+nilayam
+intermission
+yoginis
+mont-laurier
+vrl
+diedrich
+modeling
+savon
+ischenko
+101.08
+stature
+mass-start
+grunsky
+kennaway
+enmesh
+laskoski
+spooneybarger
+chivarra
+normale
+laisenia
+mimis
+funtleyder
+1958-61
+showiest
+vagharshapat
+ratel
+chehalem
+coombe
+nienstedt
+fichte
+ewca
+nowy
+ke8
+beuzelin
+rakhat
+overthrows
+untermenschen
+bergsson
+araneda
+stober
+comint
+babysit
+encampments
+wahrheit
+11-12
+4-ounce
+bedspread
+standing-room-only
+cross-examining
+clurman
+vendel
+co2e
+116.04
+0.875
+1930
+locally-produced
+jalloh
+ngā
+apperances
+sneh
+eveleth
+mompati
+pred
+24-carat
+sobieski
+telectronics
+corio
+1496
+ollen
+norr
+simes
+cheryl
+detroit-based
+zolensky
+8-5-1
+plebiscites
+democracia
+1h31
+bpf
+ambitiously
+cynon
+northwesterly
+64.33
+crocodile
+freudenstadt
+magnesia
+ceylon
+schuth
+pellegrin
+teitur
+belas
+orgazam
+photogravure
+anti-psychiatry
+bedeviled
+hatches
+zhaoqing
+halyburton
+foreseeing
+2/32
+aimers
+schaffel
+on-set
+analysing
+28-24
+cassander
+27.97
+habeb
+athirson
+26.54
+1,2,3
+grigoryants
+ruklick
+scientists
+bobrov
+widor
+7,000-member
+friesen
+well-balanced
+53-year-old
+72.77
+woleai
+8-gilberto
+berkmar
+gaiane
+knockmore
+hwarang
+chmaytelli
+budroyale
+bingley
+mescalero
+greektown
+jump
+parham
+kusu
+mcandrews
+jaffray
+cockfight
+bignon
+ex-serviceman
+sbu
+synonomous
+vélez-málaga
+sulfonamide
+spik
+feldjäger
+softley
+faison
+allay
+primary-school
+lockton
+tartaglia
+communiques
+neli
+adma
+xinqiao
+customization
+prismatic
+speedsters
+pharmakon
+zare
+liebeskind
+woodcut
+yunis
+rizzo
+25-foot
+joists
+choqa
+djerba
+a_17
+gahvareh
+draining
+domville
+farm-to-market
+ormat
+eclipses
+cockfighting
+kozlodui
+babbo
+haddington
+moors
+shepards
+1,092
+golliwog
+spraggan
+kabinda
+taunus
+scammed
+endotoxins
+implats
+bagnell
+abagail
+95.86
+cagna
+penndot
+80.33
+50.88
+pais
+criminalizes
+antiochus
+tartessian
+dvaravati
+smertin
+icebound
+chowder
+106.83
+satterfield
+edzell
+double-sized
+8,040
+tanyard
+aarberg
+dysfunctional
+chongyang
+ravenwood
+kettle
+meiggs
+4,595
+naknek
+begusarai
+20,000-square
+promna
+basilique
+pathologists
+eighthman
+2,111
+sermoneta
+inv
+zottoli
+crowdfunding
+vtp
+mbuta
+weinmannia
+turcu
+autocracies
+ameren
+strobe
+multivariate
+undersecretariat
+baselworld
+apalit
+kenn
+imrie
+woolacombe
+svetla
+madon
+dolia
+aerodrome
+100-rbi
+seiwa
+greenough
+1936-39
+sequestering
+tanking
+pamba
+spottiswood
+plantagenets
+bluetongue
+impeller
+kellenberger
+paqueta
+rabari
+colorblindness
+amblin
+restatement
+outselling
+arkaah
+averting
+24-strong
+aralar
+shivendra
+second-biggest
+slyly
+musab
+brownington
+98.88
+koryak
+epimetheus
+avni
+scranton/wilkes-barre
+dei
+ishiguro
+95.59
+opinion
+berlin-dahlem
+micropower
+premasiri
+va
+châlons-sur-marne
+tefilin
+impeach
+touriga
+sphygmomanometer
+entorhinal
+ruisdael
+bucchi
+hdl
+ingman
+cd/lp
+kerobokan
+taraborrelli
+defla
+brinckerhoff
+szymborska
+calvet
+håkan
+methodically
+re-mixed
+50.23
+benison
+tuck
+fitzwater
+tumour
+2-88
+hexham
+hadeel
+regilio
+stempel
+conformism
+dve
+4,714
+non-alcoholic
+199.2
+wofford
+sofronie
+most-read
+160-mile
+shvidki
+fales
+information-gathering
+mesetas
+hawkshead
+tarshiha
+izzedine
+detzner
+74.53
+guingamp
+vistavision
+py
+caird
+unibet.com
+processual
+pereyra
+taourirt
+turmoil
+scion
+altobello
+loic
+hidemasa
+boyuk
+courtesies
+llanelly
+brind
+1,3
+yulan
+bjoerndalen
+hemas
+baldeo
+tyahnybok
+blomquist
+db7
+pijar
+x17
+alpinvest
+dutchie
+brookstone
+tenex
+statuettes
+60.45
+despres
+halpern
+comenzado
+sicario
+313
+toszek
+gyldendal
+jevan
+barreau
+grunig
+seduction
+u.s.-sponsored
+fanaticos
+kebbi
+runkel
+obeidallah
+coloratura
+ndabirabe
+bachs
+latapy
+lower-ranking
+busoni
+hrvoje
+conscientiousness
+skittish
+jailbreak
+weissenfels
+centralists
+trav
+moston
+norwitz
+krasselt
+jinbo
+selim
+beauvois
+35s
+yura
+glennis
+hillary
+4-person
+bhp
+eadington
+angst-ridden
+purgatory
+palaiologina
+lous
+manqina
+33.0
+companias
+mios
+vengaboys
+criticizes
+catan
+zollars
+peshmerga
+106.64
+kinan
+nkwocha
+cinnéide
+0.45
+crest
+hastert
+jafari
+obeideh
+imt
+georgian-style
+mascheroni
+lysenkoism
+conserving
+bioshock
+deodorized
+fursey
+cypresses
+muslimin
+evernden
+vivio
+yawn
+societa
+friuli-venezia
+wbai
+salomonsson
+9.02
+purported
+supports
+scheuermann
+baturyn
+delfzijl
+torri
+beastmen
+lakeridge
+neujmin
+curentul
+a-7
+240.1
+6,875
+383,000
+perdues
+picquet
+agami
+sunila
+maybelle
+aregawi
+inseminated
+huyck
+4,300
+pinnock
+free-spirited
+atsic
+zubayr
+(852)
+burstein
+bovill
+underbone
+rg
+cozily
+picos
+five-car
+momoe
+twalker
+formatter
+kition
+diaphoresis
+begosh
+21/2
+sweater
+clemmer
+shamuyarira
+splotched
+ratuvou
+ciconia
+pre-1973
+folse
+uncoupled
+43.28
+buleleng
+grrl
+115.18
+weser
+mlada
+self-energy
+massonnet
+venosa
+89.05
+doneger
+8:17
+home/
+emlico
+humana
+minigame
+u.n.-mediated
+laughton
+evangelismos
+santarelli
+sidetrack
+omnipotence
+uniacke
+upheavals
+shahab
+390-7718
+sina-1
+fincke
+tamarine
+giudicati
+nyanga
+gordion
+p-51s
+trinité
+brookes
+37-story
+kingsdale
+harput
+supersized
+hookworms
+1,880-mile
+wuzhong
+perlo
+lohit
+admixture
+krus
+14:20
+sobral
+ferdin
+sheeting
+lunging
+arshile
+begets
+leifeng
+glencullen
+lindoro
+gouramis
+flubbed
+eenadu
+nzx-50
+ubay
+darío
+krispies
+pushups
+heteropsis
+iced
+franco-provençal
+283
+fretwork
+hollandiae
+yardsticks
+ashok
+borzakovskiy
+44.2
+hirulog
+mabs
+boerhaave
+tribespeople
+tie-down
+surve
+bellotti
+myoglobin
+mühlbach
+fishtailed
+designating
+paznaun
+hsus
+marjie
+subequal
+aksaray
+imposes
+web-like
+odditorium
+colus
+itv3
+alboraya
+ithilien
+kikaya
+hrasnica
+pull-ups
+frontotemporal
+morarjee
+kpix-tv
+snaith
+rbc
+katsutoshi
+bresciano
+widebodied
+knock
+asparagaceae
+sakaar
+4,029
+charters
+be3
+whitesand
+loesch
+ecst
+numaniyah
+mptp
+dabbed
+blackgate
+liberal-arts
+asiad
+80.30
+meticulousness
+melnychenko
+controvery
+schueler
+stjarnan
+68-70
+tarkhnishvili
+lasha
+43-39
+tmbg
+-49
+polyamines
+cochituate
+lynchian
+shansi
+masumeh
+#c
+enemy-held
+amca
+worths
+hickie
+josep
+takeshi
+mahinda
+sopra
+dasain
+avanade
+norinaga
+pull
+jucker
+myrabo
+calcitriol
+1,002
+snpc
+9-0-1
+zoumana
+birand
+a.p.
+nityananda
+28-4
+parasite
+uncredited
+overstretch
+roose
+rapper
+manner
+92-page
+n32
+diaoyu
+mimori
+habanero
+rebalanced
+sealant
+450-acre
+euro223
+mehmanparast
+lausevic
+ecotype
+gewandhaus
+cbq
+fasheun
+jampa
+gaenor
++0.5
+mateelong
+ijsselmeer
+dong-hyun
+nevadan
+90-10
+bankroller
+iselin
+sodertalje
+halflife
+zendo
+wrongs
+secession
+2,857
+all-girl
+boiling
+mirer
+preventing
+ilyushin-76
+downtrend
+daguerreotypes
+triacetone
+codimension
+lagergren
+turai
+heparan
+35,200
+cndd
+ramanujam
+enema
+tarime
+mish-mash
+drawls
+sarı
+celebration
+sugartown
+blushing
+niari
+mingxing
+reel-to-reel
+necaxa
+minnillo
+72s
+guadagnini
+brents
+91-71
+third
+2.645
+barkeep
+1282
+thinnes
+piano-based
+celtica
+proofreader
+1848-1849
+gusarov
+excitingly
+2050
+photojournalist
+hohlfeld
+152.6
+heiligenstein
+partie
+al-malik
+reincorporate
+macclesfield
+misquotation
+mehfil
+mafiosos
+norbu
+platooned
+nyange
+valby
+ambro
+tusmore
+erichsen
+4,880
+stars
+5a
+villate
+carnian
+oldendorf
+huillet
+sodium-potassium
+millas
+officers
+1-2-hour
+munchi
+dower
+sakurajima
+umrao
+rankle
+inaki
+accipitridae
+rossiyanka
+-1.4
+slowinski
+botswana
+rahi
+jover
+carlists
+rodopi
+löw
+61.55
+hōnen
+readmissions
+41.20
+doumgor
+phelps
+umta
+1.2950
+chlorotic
+letocq
+reister
+.469
+relit
+malassezia
+gumm
+chemerinsky
+brous
+staffs
+egis
+ingimarsson
+lolo
+abegweit
+urata
+end-2007
+sesi
+vilanova
+steimel
+32-page
+canta
+hand-powered
+58.03
+unconverted
+108.66
+4,173
+gattuso
+morgridge
+off-side
+christodoulou
+rothesay
+blackmailing
+tirthankaras
+pentateuch
+plaster
+bystander
+bordelon
+flowerpecker
+kalpage
+g8
+pillared
+operationally
+penises
+dubovsky
+devey
+fadela
+14-song
+handaxes
+shadix
+91.06
+over-50
+tokaimura
+luckner
+3-79
+equivalently
+nannygate
+accelerated
+hisao
+kresa
+oliy
+sejati
+98.78
+sagafjord
+eikenberg
+oligarchies
+skykomish
+114.82
+61.16
+multiflora
+shoving
+uninvolving
+muskwa
+chairmans
+venutius
+protecting
+gift-giving
+mohajer
+kelanamas
+petroliam
+sadiya
+41-24
+antúnez
+linthal
+kanne
+tabubil
+hollenbach
+redeemed
+acrocanthosaurus
+mexican-americans
+barbed
+klaveness
+gojoro
+vevay
+asclepiodotus
+gamma-ray
+quadros
+malee
+coils
+butyl
+jdlouhy
+fumar
+hhs
+mesopotamians
+mizell
+tesch
+6,138
+flemming
+2,072
+6in
+deadheads
+gk
+curtilage
+twinsburg
+internet-based
+meseta
+konstantinidis
+harras
+malvan
+79-run
+actors/actresses
+3.4-percent
+tendex
+langdale
+36.72
+mascola
+potes
+penumbra
+ignimbrites
+prescription
+reschedule
+annamalai
+ravna
+44.6
+lokomotiv
+mainlanders
+antico
+androulla
+oplev
+vallas
+sitcoms
+pinturas
+29.87
+21.83
+ub-10
+mhk
+ansah
+porterage
+hamilton
+raby
+fame
+sanan
+mahendragarh
+10-of-11
+underwoods
+23rd
+arborist
+madakari
+tomihisa
+56,500
+nvc
+fuhr
+sidhwa
+invitation-only
+particpate
+origliasso
+capella
+oglesby
+eraste
+augment
+calzadilla
+wahi
+late-stage
+manipulated
+netapp
+hollman
+septuple
+clickair
+cukier
+109.48
+wisd
+reimpose
+crosshairs
+slc-6
+tsarist
+daviz
+liuzzi
+fainter
+bodes
+mikayla
+alpha-3
+harvard
+send-up
+friskiness
+gunston
+beddawi
+huffing
+23.82
+turkmens
+decebal
+bộ
+sprain
+nocebo
+.90
+ngarlejy
+shen
+corgan
+worsfold
+saux
+psalmist
+sabreliner
+glacial
+nakahata
+chessani
+juárez
+rallye
+sahd
+sushma
+launois
+banyule
+clearly
+datacenter
+fudai
+sabermetric
+swindells
+kaiten
+rigidity
+tharp
+droll
+séries
+oncogenesis
+whimpering
+383.30
+nebria
+1958-1961
+hdmi
+kuyt
+102.67
+professional-level
+re-thinking
+27.50
+zlatna
+magnetoencephalography
+fremen
+fistfight
+gaushala
+greencore
+granai
+kaylynn
+slifkin
+redgrave
+61.68
+haiti
+manana
+reenactments
+ravalomana
+firestone.com
+pond
+née
+d-star
+frente
+libertad
+acvb
+rifkind
+reljic
+tokoza
+non-national
+sfaxien
+zarathustra
+downwash
+dipiazza
+205.8
+doings
+pachisi
+jakub
+vladmir
+ecmo
+knish
+longship
+usak
+coromoto
+glimpse
+goulston
+rahardi
+warao
+kam
+lebap
+wattlebird
+carnoustie
+tultepec
+48-31
+995
+myōkō
+barnstormers
+hardy
+shriller
+carpeting
+badri
+sculptures
+persily
+njpw
+mgh
+notaro
+ålesund
+caminho
+gravitating
+ccta
+bunzel
+bavji
+fabricating
+76.6
+218.6
+quebecer
+reconsider
+rhizomes
+joondalup
+diethylamide
+sumner
+panchromatic
+horlock
+wangi
+bissessar
+3701
+pores
+deaccessioning
+historic-cultural
+smithton
+20.48
+uluots
+48-hour
+arolsen
+coptic
+branshaw
+nike
+lancastrian
+8-7
+preempting
+wertz
+futter
+cumbria
+buitrago
+tournier
+malayu
+haiveta
+criss-cross
+cheffers
+arhab
+milquetoast
+munnerlyn
+apethorpe
+lounged
+http://www.geocities.com
+chemotherapies
+manannan
+27.66
+curacy
+eastpoint
+w.j.
+actinidia
+implemention
+astoria
+sljivancanin
+bozhou
+dannecker
+ensured
+gabros
+wingfield
+bowley
+116.84
+lbnl
+genealogists
+epicormic
+widerberg
+bhiwandi
+bartered
+89-81
+hellfighters
+willemstad
+uni-directional
+2099
+fable
+non-equity
+delf
+karenina
+kerb
+ra1
+urohealth
+kcn
+2120
+rimbert
+tasslehoff
+verde
+josephites
+badertscher
+ddg
+ldo
+juday
+ratified
+777
+a3xx
+cnemidophorus
+mcgreal
+huila
+nba
+futaba
+macroeconomists
+beloff
+kuhdasht-e
+in-a-row
+zadari
+caiaphas
+8:14
+post-1945
+talibanization
+shearings
+subaru
+clockworks
+non-food
+satsu
+horneck
+kjellman
+roine
+amundson
+doxiadis
+congresspeople
+rivaled
+shergar
+hsiaolin
+mureaux
+northen
+absorbance
+11.85
+ribon
+412th
+rhetorica
+shakeup
+stollmann
+brentano
+sarpedon
+digging
+kyösti
+bathinda
+thyssen
+defensores
+makwana
+vergniaud
+lamothe
+selb
+meant
+hesitantly
+encoding
+cdac
+perineal
+kikai
+armenian
+100.98
+command
+3,536
+denude
+tabasaran
+testore
+sigerson
+313.5
+of-5
+resounds
+grama
+torcello
+alusuisse
+askance
+pooch
+7,800-strong
+55.71
+wissem
+ra
+mcilwham
+activator
+omnicare
+keynoted
+actra
+2/10
+siste
+notropis
+stretto
+dangot
+zbyszko
+suduva
+full-frame
+valuers
+calne
+spqr
+10.61
+askyb
+resp
+yoest
+kobrick
+1475
+refreshments
+nevin
+gepard
+natelashvili
+3.295-mile
+poetarum
+otis
+bien
+crossfield
+loglisci
+licorice
+historic
+ne2
+empath
+granger
+mayorkas
+mckitrick
+superiores
+limited-time
+capers
+elwood
+kevork
+tellurium
+panton
+ghattas
+cabby
+guta
+yasuhide
+delinquent
+satena
+recalculating
+celopek
+redeployments
+imposter
+swamithoppe
+41.56
+kasambala
+yapor
+colles
+fotyga
+kindhearted
+vauvert
+albanian
+konsortium
+socialism
+crated
+extol
+kurr
+antarctica
+474,000
+frp
+travailleurs
+bealefeld
+scrs
+bucke
+1.55
+trousered
+inflata
+oituz
+podolski
+recurvirostridae
+dingiri
+crozemarie
+chéret
+hand-washing
+intestacy
+mycobacteria
+nishani
+övertorneå
+korey
+karpe
+630-nautical
+buffett
+granddaughters
+wackiness
+midday
+pelion
+ilsenburg
+janni
+stallholders
+faïence
+kabletown
+dried
+portillo
+bioko
+miis
+kalyuzhny
+hemostasis
+ponteland
+herpetologist
+3-99
+bgiles
+39.30
+guirandou
+breindel
+patai
+mediastinal
+hidage
+dael
+tabra
+chmiel
+claypool
+tyrconnel
+cgf
+lofthouse
+jenufa
+neotropical
+sigurðsson
+olegs
+ahilya
+spiezio
+szdsz
+clay.thompson
+signal-to-noise
+708
+gull
+rzeszów
+marwell
+taraki
+perman
+frakes
+toy
+gampola
+makhachkala
+celliers
+anthropoid
+g42
+prostate
+noncombatants
+hogefeld
+foresees
+borne
+c11
+homeplus
+romaniuk
+world-renown
+ranchito
+64.75
+ö3
+backflip
+external
+e-readers
+coughlan
+tuwharetoa
+fluffernutter
+newfangled
+tempera
+acis
+scart
+inala
+lowen
+mediatheque
+16mm
+co-dependent
+morphemes
+42.50
+alladvantage
+reacquisition
+coiner
+castor
+upperclassmen
+weirder
+johanssen
+relies
+toppling
+wudi
+jamon
+assam
+grassley
+raffy
+quieroz
+takao
+problem-solving
+chorlton
+huntleigh
+silangan
+kargbo
+horsing
+childsex
+3:02
+sakis
+diamantopoulos
+73.77
+damocles
+coralline
+abello
+longcheng
+limbdi
+isx
+berke
+abbeydale
+1894-95
+dkr
+kickstarted
+flytraps
+submerges
+bushyhead
+rebs
+chowchilla
+archway
+begs
+roches
+kontiolahti
+enshalla
+107.02
+agreeableness
+kupperman
+ladykiller
+whitened
+piccolos
+donia
+labolt
+court-house
+rudpey-ye
+volunteering
+backfill
+guesclin
+oregan
+essop
+igs
+demirjian
+undisputed
+shallows
+lossing
+22:20
+4:16
+myrie
+quiniou
+stradbally
+renegotiate
+grumblers
+wulong
+libertador
+genny
+muertos
+l’amour
+saqi
+re-introduction
+6,075
+endell
+knyszyn
+rappahannock
+selkie
+dinnerstein
+kimmins
+50,300
+panamanian
+engro
+nayantara
+inheritable
+blacking
+lingam
+shamu
+sulejman
+poledouris
+tarpishchev
+valais
+quizas
+pce
+3,476
+warzycha
+sst
+lerdahl
+oyl
+cise
+telecomunicacoes
+shariar
+balaz
+allami
+shorthouse
+drawsko
+filippino
+genoshan
+gt30
+kolad
+chism
+xiaojin
+goworowo
+bartomeu
+rnlb
+aymar
+mergia
+pritchert
+aisch
+phonology
+marrow
+dls
+jules
+them
+ghionea
+walter
+alge
+competitors
+bidaya
+58.05
+beaudoin
+old
+mossa
+phrasal
+nondualism
+patently
+kollapen
+kedo
+cornfields
+bleddyn
+tokunoshima
+caffeinated
+emma
+vaw
+mohl@globe.com
+four-toed
+wahnfried
+mme
+yaml
+streamline
+39,100
+beadell
+102.6
+alpha-helix
+abelsonglobe.com
+amusingly
+19-story
+bhimrao
+landung
+grandad
+stanstead
+prpic
+emich
+euro392
+legendarium
+radiant
+judicatory
+stolzenberg
+puppy
+90.3
+ordway
+wogan
+icwa
+northern-most
+lemel
+verdeans
+monophagous
+idss
+subhan
+btob
+couplet
+barraclough
+urara
+18:51
+spermatozoa
+1986-87
+typefaces
+betws
+5,825
+46,600
+olivaceous
+cristeta
+partisan
+peterman
+guttering
+yayi
+weikel
+semiquaver
+mukerjee
+pulchra
+manastir
+gyeongbu
+filter-feeding
+stefán
+yangchen
+bacca
+chaiyya
+113.58
+lochore
+dekaranger
+rufriadi
+finster
+weiss
+chunxiu
+bermingham
+livejournal
+16.99
+kobo
+coniine
+pompilio
+hayworth
+.672
+zakinthos
+95.75
+maasin
+kolā
+rigau
+wigan
+axioms
+heckling
+mais
+germinating
+actava
+oligopolies
+receptive
+bytyci
+gerling
+chue
+eckhart
+interconnect
+5-25
+methylase
+rabindrasangeet
+satans
+donadze
+selden
+fanmail
+ali-ye
+giardina
+anurans
+gules
+hippest
+rusizi
+wiig
+finz
+tacoda
+kelefa
+melipilla
+perfective
+91.30
+klien
+(845)
+marjoe
+75-day
+liferaft
+audibility
+76.70
+gillibrand
+obligates
+ferrary
+bouygues
+stereocilia
+phoca
+deetz
+rabbitt
+phagan
+ekwall
+hoarsely
+lud
+proto-punk
+plafond
+transcripts
+xuzhou
+muskie
+aschenbach
+4,559
+widdicomb
+louima
+opec
+transgressive
+szenes
+rxc5
+vra
+beatboxer
+philosophiæ
+panes
+shehee
+millerite
+6,347
+trumans
+2403
+eccentrics
+dragon
+mayi
+euro126
+cahill
+chengying
+beaubois
+autochloris
+bi-cultural
+inattentional
+idia
+carboxypeptidase
+gomel
+weissensee
+mccalmont
+0.4-0
+immunocontraception
+karmann
+badra
+brashear
+4,386
+suyitno
+cryotherapy
+infirmity
+ofk
+haghani
+guldur
+malaysia-singapore
+steeler
+255th
+yellow-tailed
+223.1
+foulger
+belgian
+bradycardia
+gorj
+lances
+.242
+3,850
+stena
+tota
+bruxelles
+foxmeyer
+gerold
+g200
+morlat
+kentigern
+water-filled
+lonette
+dorthea
+gayane
+greenies
+giovanardi
+homeomorphisms
+kropp
+outen
+fultz
+laeta
+hamidur
+lamy
+ṛta
+salaman
+torhan
+34.1
+kralj
+33b
+liaohe
+dominque
+chalumeau
+felsberg
+superimposition
+rihards
+oust
+3.275
+bertillon
+nanolithography
+shoot
+uruguayan
+keshub
+dallimore
+budokwai
+pennsauken
+sunbed
+lumbee
+okefenokee
+caccamo
+5,450
+delores
+ngoni
+macadamias
+southerlyn
+wbf
+ctenosaura
+eklof
+2,320
+shots-28
+isang
+crabbe
+bvrc
+254,000
+ratshitanga
+minudasht
+botvinnik
+norb
+acwe
+cresting
+mittleider
+gridlock
+śląsk
+1227
+friel
+newscorp
+nejedlý
+goeben
+lay-off
+purvey
+neads
+bostonian
+super-heavyweight
+sh2
+karoon
+courteney
+73d
+tabernacle
+liancourt
+mahmoudiyah
+bohlander
+sainte-anne-de-bellevue
+whip
+gallenberger
+lafonia
+fay
+12:38
+invigorate
+39.41
+39-minute
+zeitels
+nanyo
+mourinho
+teixiera
+pandeli
+offiah
+ncqa
+dst
+osip
+88.03
+emprise
+4400
+22.99
+sulayman
+interdependencies
+fredrich
+harpagus
+kwoba
+menthol
+oshakati
+aneurysm
+salzkammergut
+annexed
+five-level
+vaginalis
+romanced
+happenin
+veera
+kison
+mckittrick
+ohnesorg
+28.92
+expressivity
+bulb
+cryostat
+claris
+12-digit
+waghef
+1:08
+tsubasa
+supercool
+forbearance
+bricker
+gjokaj
+arclength
+clayface
+730,000
+mirette
+243.2
+radiodiffusion
+185.6
+keenspot
+89.6
+copen
+antczak
+carabantes
+ducote
+ateş
+berzengi
+symbolical
+mcelrath
+mullaghmore
+gesamtmetall
+ghiyasuddin
+index.cfm
+chanteys
+aesa
+sharia
+rmf
+stumble
+fenghua
+papeles
+sac-like
+mohandas
+dampen
+boeings
+igb
+2-4-1
+northome
+slovácko
+undervalues
+domenik
+65.84
+braunstein
+shokai
+miny
+iupac
+8.63
+ravensdale
+littlest
+cenac
+celje
+1.795
+66.55
+nadwi
+idbi
+lumbar
+300-kilometre
+civilians
+side-effect
+tamgho
+soniya
+geralyn
+lamptey
+licalsi
+overstatements
+carsley
+albacores
+disdaining
+midcourt
+2,801
+jingguang
+bernardin
+cimperman
+itamaraty
+33-24
+dribs
+stratton
+nonfederal
+211.7
+gumelar
+239th
+refried
+27,700
+home-court
+92nd
+traffic
+cand.mag
+trivialize
+msms
+fapa
+monotones
+o.b.e.
+plagiocephaly
+šušak
+trengove
+section23
+4-of-17
+atakora
+chones
+kościuszko
+cheta
+armthorpe
+sabertooth
+polarizability
+cutdown
+yig
+legado
+3:40
+anouncement
+1959-65
+20-18
+dau
+baillie
+waitress
+bullingdon
+heglig
+benaud
+sept.
+federación
+automaticity
+incidental
+seoige
+690,000
+pink-tinged
+vesnina
+whn
+szostak
+55.56
+witelson
+longboards
+caldeira
+hemoglobins
+dhorasoo
+didio
+cercospora
+ghatkopar
+kadhim
+naoc
+97.55
+aviel
+åkerfeldt
+hafford
+gaim
+1136
+billeaud
+sheu
+mamelodi
+filmes
+stuerzer
+su-37
+flip-flop
+glassford
+olvia
+nucleophiles
+1.4600
+alumhg
+polkadot
+remington
+49.1
+purwanto
+rs500
+profundo
+yerevan
+chocks
+mazzucato
+reset
+macrophages
+reinbold
+châlons
+southwire
+ksjo
+penney
+dremel
+am.-5
+rivard
+adsl
+kabgayi
+näslund
+padawan
+31.57
+saikyō
+blessed
+outcompeted
+sahul
+23.0
+menten
+benefits
+2.0-liter
+emhoff
+nemtsov
+plate-glass
+asmat
+kitas
+23.78
+bitcoin
+preven
+progestin
+98.80
+field-based
+56.92
+mobilemedia
+gannan
+comtesse
+importa
+maliciousness
+pesky
+dive-bombing
+gazar
+an/sps
+fayne
+thornhill
+tromsoe
+sixty-nine
+mckibben
+49,400
+namche
+vijayalakshmi
+sorm
+mcla
+blumenherst
+tianguis
+teabags
+poewe
+flamborough
+mantex
+71.40
+arche
+zuzu
+i-go
+darussalam
+demirchian
+nfip
+nadya
+388
+middleboro
+arb
+dumbbells
+euphrosyne
+stances
+baghdadi
+armenia
+lpr
+entropa
+pratap
+banducci
+casares
+lindenbergh
+jonestown
+3,460
+gluon
+913
+maebashi
+ruehl
+unalloyed
+ilwu
+cabannes
+1-10
+subshell
+goulburn
+cambus
+3,546
+97.31
+pinkberry
+fccc
+802-295-9356
+wom
+commuter
+digged
+poles
+tovar
+fst
+43.57
+116.8
+opah
+ucu
+backstab
+all-french
+south-east
+ignis
+stethoscope
+rozario
+isoelectronic
+höllental
+hlecrone
+bedaux
+vassil
+chorn
+hoebee
+spineflower
+wetlands
+gradebook
+.495
+workingcook
+everywhere
+rns
+bisht
+pulque
+natham
+canaima
+alameda
+fluoridation
+romário
+halatau
+mahavamsa
+64-minute
+gelbard
+320-run
+mandylion
+reversing
+inducers
+bedevil
+paksi
+catto
+presentar
+concordance
+cayzac
+american-hawaiian
+bjørgvin
+vyjayanthimala
+uderzo
+whall
+1.4
+system-level
+10-17
+deadeye
+cxd4
+carbonera
+contouring
+mattek
+despensers
+28.99
+steingarten
+bywater
+shōnan
+tgwu
+halliford
+skrulls
+alchemical
+foil
+rdq
+dynes
+bm&f
+lofar
+brainer
+pinfalls
+reciben
+snider
+gerashchenko
+639-2
+achievers
+sarsenbayev
+61.78
+steelheart
+140.3
+agent-general
+fedoruk
+1.477
+144.3
+honegger
+branchburg
+gebert
+galbe
+2006-2008
+outings
+shikolenko
+blockbusting
+cerkno
+ankle-length
+curlee
+purex
+vukašin
+hypnotherapy
+nunda
+hoelscher
+ebdalin
+sponsored
+certificated
+songtao
+laboratorios
+sopoaga
+sititi
+précieuses
+tutty
+powerstation
+grabado
+šentvid
+kaneva
+jope
+subclinical
+ribisi
+fattier
+ansteel
+transdniester
+geosystems
+mini-documentary
+jordán
+limelight
+1,694
+brayden
+1.4855
+ramaswami
+trull
+anggrek
+ratnakar
+cash-flow
+qing
+beath
+seson
+ayukawa
+caucasoid
+state-funded
+babirusa
+imperiling
+mickens
+manjari
+116.95
+koenders
+intifadah
+rohrbough
+lightwater
+mergenthaler
+syleena
+bracteates
+kaltenbrunner
+paramedical
+demark
+aquaporins
+cartographers
+kaltim
+ákos
+81
+40.54
+demeestere
+kamte
+lufia
+malaya
+pleader
+804
+bigbee
+hunanese
+1380
+ferreting
+chromeo
+67.44
+second-year
+serpe
+disfranchise
+scandinavian
+collington
+phyl
+superlatively
+nikc
+nacorda
+sulak
+19.4
+luddite
+phosphohydrolase
+augat
+mamer
+stereochemical
+3.02
+3034
+harshaw
+huehuetenango
+lanthanide
+castanon
+kristianstad
+gambara
+zakharov
+live365
+mondragone
+equalizer
+collegially
+sharabati
+uteck
+plott
+incontrovertible
+estefan
+105.90
+selver
+huntsville
+dovetailed
+orioli
+n-harmony
+cato
+elrick
+truckmakers
+commodus
+stono
+fortich
+winstein
+weevil
+yazan
+14-and
+gigabeat
+rainforest
+castrato
+twenty-ninth
+atsimo-andrefana
+ruths
+nanuku
+car-park
+ajaye
+amapola
+stalcup
+slaithwaite
+stoh
+sidiqi
+hedison
+hashimi
+sadeh
+85.44
+mondlane
+ambisonic
+zhonghe
+deniable
+shoukry
+makkal
+precedents
+252,000
+t-birds
+29-15
+scatterings
+potterton
+aquas
+overo
+kotri
+11:23
+blunk
+locka
+lassa
+hulunbuir
+subbasin
+glemham
+pfn
+anti-racist
+mankad
+faya
+kuberski
+jinna
+saclay
+16.76
+abhaya
+nzasm
+schoolfriends
+zaza
+118.4
+cummiskey
+obtuvo
+kukly
+minus-5
+khariton
+brah
+wuethrich
+littérature
+7.6
+ones
+2004-2008
+soccer-specific
+lineament
+1327
+eights
+damapong
+u.s.-appointed
+strippers
+welborn
+bakaa
+nestico
+cocacola
+roofies
+schematic
+spattered
+taffe
+balado
+fons
+lynches
+titrant
+pessl
+laundry
+waberi
+beskow
+iksan
+flapdoodle
+tartare
+euro553
+shimamoto
+roxbury
+cbpp
+wimp
+pupi
+andam
+207.8
+tannin
+effete
+24c
+pandera
+shackling
+castella
+0:52
+lyre
+szilard
+acar
+29,500
+25-20
+voyer
+kookmin
+prescriptive
+konvict
+forepart
+wayfarers
+shivnarine
+betawi
+middlemore
+pamuk
+hyseni
+7.5-meter
+montagnard
+hoyo
+oshinsky
+3-45
+pictus
+broadsided
+maggart
+taddei
+phenotypes
+19.15
+lyapunov
+linette
+wagle
+factsheet
+quinctius
+5-disc
+badkhen
+blissett
+lefay
+elbe
+nordbahnhof
+pisang
+ciamis
+schlosberg
+accomplish
+prakash
+3-74
+decemeber
+282,000
+dinsmore
+allmand
+tellin
+constructorul
+bare-faced
+angustifolia
+{
+yawk
+guttentag
+glimmered
+diarmada
+tuition
+latas
+87.50
+oxycodone
+1017
+12-monthly
+cremades
+belair
+vanackere
+down-home
+toorop
+amarjargal
+unbuilt
+ruzyne
+houston
+dalbeattie
+ma'ad
+id.
+izabella
+gliosis
+103-101
+selves
+boesky
+client-centered
+gropius
+500-day
+andha
+novalyne
+skeletons
+osa
+striga
+wendland
+rf-4c
+tongjie
+hogtown
+assets
+jiazheng
+ariès
+106.75
+29.61
+kashf
+unravel
+flail
+raelians
+ill-timed
+patlabor
+goals-against
+canti
+wapa-tv
+released
+marianists
+waclaw
+lawder
+hauman
+handiest
+wilecki
+cimt
+troparion
+marey
+dadon
+billowed
+completions
+grutas
+brocius
+gasified
+bento
+cucumis
+autophosphorylation
+.442
+http://www.cisco.com
+obermayer
+blowguns
+towards
+action-based
+bhati
+edomites
+zecchino
+main-stream
+sbarro
+31-35
+sikking
+asinine
+arie
+gyn
+soglo
+tails
+132.36
+pencilling
+amitraz
+wmds
+formula_165
+panathinaiko
+devrient
+598,000
+balladeer
+255,000
+chabad
+broadcom
+1122
+custodianship
+klout
+segerstam
+rankings
+counterclockwise
+dholes
+golarsa
+southport
+marittima
+whiplashed
+alexx
+safavi
+aptheker
+zester
+ironworks
+shobana
+akg
+cup
+104-100
+triestino
+siemionow
+t.n.
+hatzidakis
+kvirkelia
+minchinhampton
+colting
+jdate
+slaughterhouse
+push
+evokes
+dodsley
+ulpiana
+surrealistically
+bangoura
+high-occupancy
+nber
+gällivare
+thalaba
+manawa
+2,165
+muerta
+fouth
+taraza
+ndic
+bangsamoro
+goudeau
+carolina
+calif.,-based
+masovic
+formula_125
+aroon
+mulvihill
+unmotivated
+pellicer
+scuds
+maki
+riaan
+60,000-member
+34-26
+beliefnet
+teiken
+lavani
+glan-münchweiler
+delightfully
+bryars
+contadora
+opc
+abajo
+distinguishes
+politicising
+128.25
+kapova
+sadier
+coercive
+shakily
+98.81
+d65
+brisby
+marinovic
+danaus
+mainassara
+majdi
+sarikaya
+nevaeh
+henny
+efectivo
+selected
+skits
+restarts
+teressa
+demir
+pag-asa
+mazur
+nang
+bluesfest
+csar
+marvão
+epideictic
+abramelin
+nasrat
+sillitoe
+yongchang
+klusman
+desser
+titleholder
+kuhlman
+yelda
+reuilly
+deceived
+5am
+jerde
+mcbath
+surveys
+stolpe
+natur
+mavji
+navarrese
+haste
+passband
+hammamat
+ioan
+pitman
+zita
+zitouni
+eul
+glienicke
+talented
+podocarpus
+neophyte
+mudcrutch
+emunim
+forum
+3,356
+commendable
+belova
+sewerage
+macdougal
+bawl
+candie
+brushback
+qeybdiid
+terreiro
+shinn
+trimley
+izquierdo
+sifford
+eed
+stickleback
+tiruchirappalli
+44.98
+under-reported
+tommi
+107.5
+molcho
+jamnagar
+heaviness
+euro201
+gazetta
+downieville
+steadicam
+recompile
+demaree
+0:13
+beijer
+targetmasters
+atrophic
+müller
+moylurg
+ajavon
+recirculating
+waksals
+reiches
+tihr
+ngotho
+parallelepiped
+p.m.-6
+biopsied
+accents
+carsberg
+muqam
+silvestre
+lakefield
+semi-detached
+refiled
+minami-ku
+gits
+jihm
+putschists
+rb-47
+naya
+pyrek
+strays
+inter-collegiate
+futuh
+basyan
+picoult
+direct-to-home
+brzeski
+kawana
+s.t.l.
+hankuk
+sentimentalists
+swaggering
+poapst
+lehnberg
+viscountess
+choderlos
+moundou
+teetotaler
+ewm
+11:09
+dileonardo
+afxentiou
+sheikhs
+bihar
+saship
+nxf6
+1970-1997
+flowerbed
+sssr
+1990-92
+salween
+samiti
+wpaigedenverpost.com
+levitow
+batong
+kopi
+remind
+ibex
+harzer
+feddeman
+2.695
+legionowo
+456,000
+stauch
+zsofia
+pook
+betis
+rewinds
+7,150
+benzino
+leuze
+swedenborg
+55819
+nuclease
+rifi
+surp
+carnley
+46-22
+deforest
+mycosis
+mossoró
+unseasonally
+capacitacion
+nickens
+thoth
+gardos
+goliaths
+collaboration
+effron
+majalis
+euro45
+cointelpro
+tony-nominated
+physical
+aitana
+grangemouth
+tnz
+prazeres
+acceptable
+run-in
+1.86
+in-orbit
+14mm
+rajadhiraja
+hamood
+mccline
+calculator
+kancil
+108.18
+canterville
+pupils
+ugetsu
+ahmadis
+fellside
+magnifier
+ostensibly
+assassination
+92
+tewari
+aiming
+kungsholmen
+22:40
+kobiele
+galerie
+bt400
+habet
+namyangju
+taraba
+wendorf
+meimei
+worriers
+shigatse
+synagis
+:@
+feza
+non-verbal
+ospa
+sukuna
+contribute
+2,182
+1789
+iizuka
+aoba
+brihanmumbai
+kennedyglobe.com
+hauke
+undesired
+82.93
+mcginniss
+sturdiness
+wapakoneta
+record-breaking
+ibáñez
+svit
+coxhill
+mladenovic
+4,250
+l.d.
+c-algebra
+bachelart
+ceecee
+lealiifano
+rk
+anidjar
+estado
+azeezaly
+widgeon
+110-meter
+riot
+lankin
+whitacre
+mcan
+ivory
+31
+proth
+6-20
+slovakia
+stalker
+squishing
+heavy-metal
+a55
+skagway
+rafael
+un-numbered
+cavaliere
+chandana
+zira
+spinmeisters
+earth-fill
+westering
+kgosi
+headings
+tabachnik
+sjv
+uwsp
+degrave
+jlo
+pokhara
+sandri
+spectran
+,675
+ilaiyaraaja
+thone
+siliconware
+pre-julian
+shouaa
+eguinea
+qc2
+drury
+karavellas
+hommelvik
+aptitude
+state-specific
+stephansdom
+41.65
+wranglings
+161.3
+aragaki
+caroming
+sivaji
+gerda
+armstat
+huave
+silvio
+lner
+rodenstock
+jayhawk
+marito
+rowhani
+113.90
+baah
+maximising
+4-for-4
+surveilling
+chatt
+jazztimes
+servitor
+enforced
+ao
+larch
+izmailov
+pantheist
+kirchbach
+dareh
+10-watt
+minister-president
+chiappetta
+ljubičić
+irrealis
+nnnn
+credi
+ifp
+gerecht
+iliopoulos
+brna
+gobernación
+57-yard
+hutz
+sewart
+arthouse
+98.91
+kapiri
+kalvitis
+catfights
+gadzooks
+53.4
+1317
+zoomer
+misick
+2,617
+fany
+kristine
+decapolis
+graced
+centrais
+80-mile
+3ak
+malvin
+namita
+fogelnest
+tricyclics
+ikonomou
+hebi
+mykolas
+normalized
+hallways
+jarno
+119.01
+apropos
+2,626
+fords
+gittins
+ferreyros
+offeror
+anti-homosexuality
+kansteiner
+igg1
+hainzl
+febs
+cyberview
+97.28
+valvetrain
+hosius
+geiling
+e430
+1,100-acre
+14.26
+stibor
+thurs.
+zwerling
+conoy
+turnbuckles
+u.s.-palestinian
+mannan
+koharu
+tobata
+bacchylides
+feilong
+schnelle
+instructional
+tenzer
+weisner
+alabama
+antiquities
+one-to-many
+lovehammers
+cagliari
+dhomhnaill
+lerch
+kebumen
+volcanic
+(732)
+german-language
+morné
+baruchel
+challah
+mcgladrey
+wilkes
+linois
+ande
+btry
+secon
+depression-era
+mstislav
+magglio
+hawija
+maysles
+hatosy
+sun-herald
+http://www.aflcio.org
+mccredie
+prichard
+looker
+fail-safe
+fulgham
+having
+co.-owned
+bactericidal
+kavali
+junked
+65.96
+13.29
+prolog
+sangin
+2100gmt
+peperomia
+representativeness
+ruairc
+aoi
+non-duality
+unworried
+2-30
+uridine
+brankin
+ultrafilters
+amadei
+athalie
+oromocto
+aristides
+rheine
+moulden
+trna
+bernasconi
+aspdin
+raunchier
+antonians
+bokat
+ilyushin
+pamphylia
+viceregal
+saravakos
+foxwoods
+sollentuna
+bresson
+tavis
+camouflaging
+latynina
+technodrome
+reefers
+schauble
+dougherty
+bhutia
+tesserae
+.0199
+51.07
+2,950
+blast
+leinart
+chandannagar
+aengus
+dealth
+jinnai
+sto-rox
+zongren
+riverdale
+neurotransmission
+yuet
+longline
+arles-avignon
+tenderizing
+mento
+sangley
+87,900
+affaires
+106.7
+connerotte
+perfumed
+nandyal
+all-woman
+railworks
+ornithologist
+remacemide
+portmanteau
+maisha
+byoung
+endosulfan
+5,290
+brezhnev
+albrecht
+decimus
+eraserheads
+schwedler
+illative
+55-46
+thg
+tassell
+poborsky
+namorita
+carmona
+brahmani
+ecer
+referees_terry
+3,782
+mahatama
+scurrying
+occassional
+lameda
+1970-71
+jiangning
+homozygous
+oportunidad
+biswa
+audiobooks
+5-14
+coachlight
+perungudi
+araullo
+embodiments
+illustrata
+viaggio
+intially
+shinran
+eco-schools
+carcases
+tyringham
+tiida
+accountancy
+jiyeon
+λ
+multiplayer
+zelo
+madani
+carousels
+o'riley
+participators
+jod
+multi-awarded
+ecclestone
+800-by-600
+dislocations
+1953
+swimming
+1,404
+lockney
+clickstream
+giai
+nooij
+abc/wb
+dmk
+twinlab
+passy
+sayari
+regling
+hbgary
+veed
+45s
+strazzullo
+sunay
+46.86
+delanoe
+horseshoes
+1987-1997
+werbrouck
+dashnaktsutyun
+orm
+nasrullah
+nettbuss
+56-mile
+shitrit
+ogorodov
+2033
+aney
+greffulhe
+schweppe
+physicist
+co-founding
+hooe
+ventilating
+hinze
+metalloproteinase
+kcia
+feedings
+feeney
+poss
+chukwurah
+duco
+maenad
+woodenness
+laizans
+ramras
+shrikant
+sturges
+bakari
+maccrimmon
+medlen
+linux-based
+30-feb
+bessac
+lapchick
+foils
+calcagni
+three-arched
+georgiadogs.com
+leventis
+bafokeng
+stratcom
+6-pica
+takanashi
+b-real
+metempsychosis
+litem
+jackscrew
+malaga
+cinéma
+metoprolol
+torreya
+frago
+9-man
+eew
+swope
+vukovic
+densely
+grayish-brown
+vmat2
+vazul
+geezer
+swinford
+jessamyn
+akroyd
+ghaly
+bärbel
+20.35
+avesnes
+mehitabel
+jaiprakash
+brocco
+genesys
+hbo
+minnewaska
+stadelmann
+panzers
+marketa
+alaw
+17:19
+ensenada
+semiretired
+illusionary
+retconned
+sevnica
+liberati
+erdeni
+2,781
+virachai
+rouba
+tōgō
+selmi
+jean-georges
+andalusia
+ryder
+pg/ml
+gudgeon
+samokov
+tigelaar
+quadriplegic
+iblis
+southie
+burglarize
+suntimes.com
+trihatmojo
+heineman
+bunich
+fifty-fourth
+4-3-2-1
+cutely
+auslander
+centrale
+reutilization
+belkadi
+storer
+crus
+willingboro
+mochimaru
+7-yard
+30p
+2138
+60c
+couponing
+attenuation
+eustatic
+journeymen
+front-runner
+ilyasova
+hereto
+175kg
+heatherly
+terram
+mcquay
+sijo
+insinger
+md-88
+stoev
+33-foot
+aragatsotn
+lib-lab
+constructora
+impedance
+6:35
+cranked
+lillis
+aste
+monomoy
+graysville
+wagler
+pre-term
+karaty
+yuzuki
+harfleur
+landvogt
+ftt
+flexilis
+intensities
+pnc
+rajamouli
+platforms
+karpa
+urasoe
+3,210
+t.f.
+balkanization
+sprayberry
+kicked-off
+selectee
+helali
+baidu
+muestras
+anicetus
+constructivists
+briavels
+yearbook
+montero
+kresh
+award
+gfa
+pipe
+citycenter
+nièvre
+4x6km
+4,093
+quantities
+hlasek
+langham
+heitler
+coined
+fathi
+majadele
+aigurande
+nung
+weichert
+57-42
+crystallise
+fictitiously
+solov
+standley
+673,000
+180,000
+russo-swedish
+carthago
+enticed
+politico.com
+violaceous
+opas
+29.49
+jansen
+surefooted
+teve
+flevoland
+1239
+dovedale
+temerlin
+capaldo
+101/2
+spammers
+pendennis
+riodinidae
+cctv-1
+tsarina
+sqlite
+accardi
+dellis
+swainson
+kyzylorda
+blute
+alexopoulos
+metal-poor
+kenworthy
+stanich
+hoplites
+cross-sectional
+admite
+doublers
+leones
+dios
+s&p-500
+lebed
+bellinzona
+baccalaureat
+đilas
+bearmanor
+98.25
+ex-the
+pushpins
+juren
+germany-based
+quat
+hard-charging
+ejeie
+kalakshetra
+mowe
+mamoe
+distrito
+uzbekstan
+facia
+suzaan
+romandy
+turnham
+ritsch
+orner
+tacky
+pif
+referees_mark
+2,473
+gangliosides
+non-competition
+xiyang
+pre-emptively
+szydłowo
+ranitidine
+hazarajat
+dacrydium
+dupage
+hamersley
+khunkitti
+antipode
+tergite
+onitsuka
+68.20
+antitheses
+muniswamy
+lanphear
+1989/1990
+gwtw
+rakhimov
+fmedsci
+kond
+freshener
+somasundaram
+veenker
+backhaul
+sciarrino
+makhaya
+front-row
+sorø
+snowdrops
+flag-raising
+lotions
+tufayli
+magnons
+raizo
+mccolm
+reicha
+centromin
+(318)
+scheidler
+114.20
+overton
+eclipsed
+vuono
+doctored
+chastising
+solchart
+krih
+meribel
+agitate
+aiche
+halo
+corinth
+jaidee
+euro608
+peć
+khetagurov
+sulky
+deaneries
+altalena
+neonates
+demographer
+posad
+unsecure
+déby
+wahb
+matak
+metromail
+suer
+svara
+siyum
+thayne
+obraz
+varahamihira
+dubhaltach
+verticillium
+motori
+manderscheid
+kamalia
+blankly
+medlyn
+butterfat
+68.10
+ratangarh
+welles
+feedwater
+shenendehowa
+sangro
+kyl
+us-40
+cudlipp
+simd
+geovany
+two-line
+hui
+endeavor
+10-19
+skikda
+non-strict
+zorina
+2k14
+frenemy
+clarkdale
+contigo
+labé
+rm22
+fierro
+marku
+swigert
+sahan
+rardin
+1980-1989
+2,313
+k.t.
+chignon
+5,010
+hegewisch
+equitization
+surrendered
+shuna
+jirau
+designs
+mongolians
+46.18
+buy
+exemptions
+long-lasting
+reiterate
+29,028-foot
+santhi
+72.75
+83.90
+nurc
+helsingoer
+dronfield
+harby
+moxley
+belgium
+pakalitha
+87s
+araf
+whoso
+vehicles
+212-499-3333
+furphy
+punks
+electrics
+7,490
+transhumance
+fassbender
+qere
+papadopoulos
+burhagohain
+belarmino
+derech
+stoneflies
+ōita
+buccieri
+2260
+uniformization
+p.u.
+positivist
+hudud
+timaliids
+czyżew-osada
+euro36
+1055
+snakeheads
+pruebas
+eastlake
+dashun
+premièred
+meurant
+422.5
+tanbur
+disaster
+froch
+anti-parallel
+pillagers
+campillo
+paediatric
+palmone
+cleon
+kabasele
+jcc
+bomse
+wildman
+naeringsliv
+matienzo
+parsed
+ss6
+honourable
+boogies
+ninkovich
+digney
+2-44
+caracter
+1-1-3
+buland
+gt-1
+bronzeville
+matoika
+doctor-patient
+dogwoods
+triploid
+lili
+pandora
+639,000
+hotshots
+theatergoing
+d38
+schevitz
+recombines
+magazin
+keepnews
+pampered
+isn
+t-33
+ismaili
+jezzar
+1783
+protić
+gazavat
+samran
+mapinduzi
+walton-on-the-naze
+5.21
+siriporn
+mooncake
+mup
+sub-populations
+nonferrous
+19-year-old
+cevallos
+jeroen
+rws
+thonis
+hennequin
+cabbie
+callixte
+tokunaga
+6,082
+iłża
+fredrik
+freethought
+tallard
+inertial
+atraco
+orginally
+diekirch
+bwiza
+walendy
+16.43
+freegan
+mogh
+courtoom
+34-6
+vermonter
+cirkus
+sdhc
+cheyyar
+taxiing
+finial
+amiodarone
+clorinda
+stagecoach
+oratio
+feyzabad
+télécommunications
+ghimire
+p/m
+brabant
+lytchett
+lexell
+rebroadcasters
+103.8
+murchie
+lynch
+regally
+levison
+208.4
+freecycle
+ahdal
+xacobeo
+unos
+ilc
+cardinal-nephew
+horwitz
+testimonial
+22-strong
+vihren
+hopscotched
+north-western
+pallmeyer
+kiwirail
+almanac
+shujah
+applications
+wbbm
+g-music
+tepals
+1,341
+mwakikagile
+thn
+mechanoid
+goair
+ridgeland
+hondora
+zuhair
+corvée
+sunbury-on-thames
+peron
+bitlis
+fair-haired
+tolga
+roozrokh
+searsport
+mochida
+10-for-16
+unpredictable
+kartika
+106.18
+27-yarder
+tibbetts
+categories
+cuenin
+carob
+carrozza
+ehrenbreitstein
+irak
+daag
+tanqueray
+moujahedeen
+farzad
+stabled
+stonefish
+total
+primacy
+zuffa
+işık
+christian
+lineation
+fetterlein
+extensor
+wapentake
+wierwille
+baraat
+reeltime
+170kg
+alecsandro
+polygyny
+rania
+jeziora
+1,162
+yusa
+on-foot
+vautour
+klebe
+enshrouded
+dodik
+9,325
+iwh
+madnodje
+artilleryman
+horgas
+runeberg
+lantigua
+sankardeva
+mudros
+namen
+almasi
+sudeten
+kamajors
+unladylike
+overy
+sosnówka
+'55
+granick
+unconventional
+caecilians
+rizzi
+charlatanism
+pezinok
+leza
+composites
+błędów
+snorts
+1.445
+ångström
+kong-based
+labrum
+yumilka
+mangalaza
+rannoch
+republicana
+rightest
+kruszyna
+pfisterer
+i-395
+loulé
+ami@ap.org
+illustrator
+aumentar
+ussba
+homeomorphic
+underactive
+moholy
+osmoregulation
+leicestershire
+skavlan
+tuono
+conventuals
+signees
+1033
+organon
+anstis
+binges
+jhang
+czwartacki
+kour
+phase-shift
+something
+1994-2004
+axonal
+hadera
+68.49
+72-page
+buttery
+miglin
+gomberg
+18:03
+electricals
+aleady
+reha
+sangha
+kenealy
+nonplaying
+inject
+syriacus
+marlena
+collagenous
+37-9
+pedagogues
+cantatore
+438
+87.7
+verus
+202-363-2389
+conchords
+cintamani
+ujiji
+self-esteem
+bzp
+dombås
+salines
+constructions
+rachael
+warier
+downwardly
+cleta
+gropp
+hoech
+tumlinson
+exercises
+pioneertown
+ulyanova
+cwi
+scrap
+gellatly
+95.05
+gebre
+petrini
+osipovich
+krake
+creepers
+betsie
+leocadia
+martynenko
+vittles
+ideals
+faustine
+botanicas
+joetsu
+adeptly
+robarts
+slivinski
+pahalgam
+jingyuan
+spoonerisms
+centralism
+55.03
+piatti
+jagd
+20-strong
+maitres
+463
+52.5
+venkatapathy
+discontinues
+gek
+dietsch
+ohmi
+mirwaiz
+hovercraft
+groping
+113.75
+tianhe-1a
+duparcq
+geoscience
+drool
+felicita
+varnas
+jensen
+536,000
+phosphoenolpyruvate
+acquirement
+aygun
+davona
+opolskie
+smulyan
+montignac
+krygier
+patassé
+turowicz
+euro119
+bromhead
+iberoamericano
+3/km
+verbal
+zangrillo
+5-second
+n21
+ganteaume
+deputizes
+redmire
+matisse
+flaperons
+56.28
+yabus
+8-k
+38.66
+baggage
+}
+critiques
+otrs
+small-time
+overconsumption
+rousselet
+psychoacoustic
+barnstone
+egged
+qrl
+blah
+conocer
+bourequat
+thaba
+interfacial
+zappone
+hydronic
+clemo
+ruttledge
+808s
+biasi
+mothball
+michaela
+rom
+rohani
+amphitheatres
+115.56
+switch-hitter
+optionsellers.com
+plantagenet
+landmarking
+visually
+1991-2
+leveled
+215.5
+last-second
+rll
+salvaterra
+clansman
+supersaturated
+multilingualism
+mentally
+jiansheng
+9.63
+abbemuseum
+crpp
+pseudoacacia
+mihailov
+portenoy
+perraudin
+retractions
+maoli
+garua
+kelapa
+dispersing
+khachatryan
+botevgrad
+lambrecht
+njso
+89.84
+180.2
+masspirg
+burham
+carolee
+bovingdon
+stonework
+pujobroto
+wienerberger
+bonitta
+qm2
+ortonville
+casteran
+schoomaker
+beleived
+channelization
+perambulation
+boh
+fia
+merdeka
+zwigoff
+mulayam
+wolde
+gradations
+sthe
+89.32
+bogglingly
+plohetski
+proprioception
+affectations
+jarkko
+musonda
+72.84
+pott
+todds
+midf
+conscripted
+school-wide
+buddhadeb
+1,934
+dustbuster
+no-cost
+favart
+hajjiabad
+forehand
+alamosaurus
+redeemer
+anti-european
+soak
+samardzija
+gooseberries
+seid
+umfolozi
+domnaill
+23-21
+setmarian
+froom
+modernisations
+amcorp
+restructure
+i-era
+mid-1790s
+peltata
+strepsirrhines
+ningde
+contostavlos
+erlan
+31.35
+shari’a
+aligns
+61.24
+gonzi
+73.41
+sommeil
+curtis
+self-deception
+asō
+33-stock
+poutiainen
+96-91
+4,580
+agaricales
+guayabal
+caltabiano
+grey-brown
+31-match
+sarc
+uljin
+aurantia
+ostrom
+dj02
+rossy
+buyat
+kubwa
+jellyroll
+stanchions
+roadmaps
+yancy
+injunctions
+pretinha
+cognitive-behavioral
+kaist
+marchmain
+alianzas
+leser
+consumerlab.com
+konbaung
+mitra
+90-9
+pivoted
+plinio
+glotzbach
+nagrin
+1,294
+strine
+freckles
+heavyhanded
+aptos
+bayraktar
+drachmann
+thông
+shanah
+1.002
+lovis
+traven
+sleekness
+gavlak
+undertakes
+lateritic
+vivint
+roch
+leistner
+perrilloux
+tarzan
+mcmonagle
+70f
+dissimilarities
+north-west
+securely
+pacesetters
+undersold
+yangcheng
+analogized
+bodenchak
+rinjani
+hasselmo
+chint
+tramways
+morans
+foochow
+osceola
+boces
+8x8
+legislation
+riblon
+realism
+standardizes
+al-mutawakkil
+usdp
+scrubland
+observatoire
+cessation
+tufte
+gerstlauer
+mastandrea
+demas
+kakuei
+varnish
+morganfield
+prognostic
+glin
+habersham
+ashfield
+staminode
+kinked
+damns
+short-sleeved
+westin
+koken
+quoll
+buttressing
+17-29
+msnbc
+autocorrect
+121.32
+dorsett
+barmaid
+alkam
+slavery
+8085
+tarkus
+.165
+panagiotis
+56.24
+bandipora
+kovalenko
+1856-1857
+agglomerations
+kapp
+fasciculi
+itw
+zaric
+lithium
+pearen
+zenon
+masako
+a.e.
+tyrosines
+nanpu
+2,354
+sidor
+mauzac
+sawmills
+possessors
+kidane
+infringers
+4-116
+hájek
+santer
+cycles
+penrice
+empresario
+tourniquets
+digitization
+gittleman
+missle
+xianfeng
+costumbrismo
+tolerant
+wme
+mirzai
+accentuated
+sabbatarians
+noorul
+aquifoliaceae
+überlingen
+hesston
+transandinomys
+metallized
+machination
+biskup
+gouges
+seiken
+5n
+pinthongta
+glacken
+.88
+non-european
+mohambedou
+abdillah
+electromotive
+15-4
+voltage-controlled
+cardini
+83.56
+kijimuta
+gratings
+alates
+doline
+fresnoy
+groenkjaer
+pylos
+harary
+t-box
+50.56
+16.39
+gop
+embeddedness
+jumdail
+4-25
+anti-symmetric
+naseri
+ostrovskaya
+eyepiece
+cubesats
+5:48
+leitao
+vine
+5.13
+davis-monthan
+cunxin
+lasoski
+trenched
+city/31
+ivanko
+1.9-billion
+collisional
+patrie
+velikaya
+ramprasad
+msts
+gldstarr
+queensberry
+7,445
+kohrt
+platform
+kostur
+heybeliada
+reinvention
+leard
+platina
+viren
+oles
+daae
+thunderstruck
+trombay
+melmed
+vyshny
+tashkurgan
+on-court
+bandt
+trux
+addi
+d'aubigny
+albarado
+đạo
+zetti
+exercisable
+djurovic
+avallone
+wthr
+graptolite
+atto
+durbar
+branković
+fruela
+jaa
+ceratopsians
+patt.morrison
+bachchan
+durango
+pazder
+sisavath
+mamedyarov
+komsomol
+hns
+deshler
+chuandongbei
+marcelin
+heymodesti
+6:15
+stageplay
+14,950
+bowie
+mirlande
+koyaanisqatsi
+junctional
+verifying
+embroideries
+alle
+1.4125
+64.52
+app
+mickleham
+syrym
+lisanne
+strengthened
+manolin
+0630
+voice-over
+alani
+explica
+preciousness
+fa-18
+parthiv
+subdirectory
+120.58
+yeuk
+telefoni
+dragonslayer
+orate
+bottarga
+flat-four
+sanches
+grille
+túlio
+mackson
+donaghmede
+lotterer
+galaydh
+iau
+georgia-florida
+kendrix
+karagöz
+pandolfini
+ascential
+wasmosy
+downings
+sturtze
+schisano
+cost-of-living
+putative
+diodati
+employable
+theunis
+orcus
+techblog
+wimedia
+shoulders
+45-21
+topić
+chinkapin
+donaldsonville
+obscurity
+redesigning
+shloh
+flamin
+bartholomae
+söderköping
+october/november
+federalizing
+renegades
+viscosity
+d'haiti
+hobbled
+49-17
+lipases
+tancred
+coracles
+canoness
+505
+mawae
+58-million
+kawabuchi
+codice_42
+kristof
+low-security
+serhiy
+detergent
+stearman
+brealey
+eyeshade
+12,000-square
+dildar
+husayin
+dullea
+antiship
+271.4
+dvorkin
+ioras
+lower-division
+kosong
+1539
+salvatore
+ritt
+109.58
+fairhurst
+enhanced
+bandido
+argentineans
+hotchkis
+musingku
+kc-767
+orangina
+bd7
+redoubling
+163.2
+colapinto
+schmoke
+quayle
+kirsi
+unpronounceable
+baaba
+boakai
+bäckström
+gamidov
+moby
+frou
+overbite
+alinta
+culo
+zooey
+bosun
+domedriver
+40.11
+crass
+dipset
+29.29
+saltaire
+roulin
+299
+ntlm
+gergiev
+cheang
+bonet
+steppenwolf
+kwabena
+afterman
+belt
+firebomb
+darlington
+fritchey
+jedec
+posttraumatic
+whorled
+pluralistic
+kōki
+iannis
+geslacht
+23.22
+fan-made
+ngjela
+oberst
+anxiolytic
+rixin
+camping
+memorialization
+raggi
+netherton
+noha
+|
+51.40
+fatah
+3.61
+veldt
+heartland
+mhango
+oberheim
+desiccated
+mli
+gotv
+nicknamed
+skaht
+comprador
+nb2
+pujo
+amplitude
+liverpudlian
+chollima
+samachar
+spott
+cdr
+tutta
+bunte
+boliviana
+mephistophelean
+rychel
+voyages
+kabbalists
+scarcely
+kymi
+rdc
+hockfield
+waterside
+whistleblower
+jhangvi
+ásgeirsson
+usao
+no-hitter
+waili
+rissler
+non-compliance
+0.30
+mcconnell
+cease-fire
+compagnon
+tramcar
+yakisoba
+zendon
+incurable
+post-game
+friedmans
+astronautical
+doppelganger
+iranians
+malham
+u.s.m.c.
+quod
+anglophiles
+salapuddin
+pilates
+giorgadze
+batiuk
+himelfarb
+128.3
+zyta
+up-country
+kerfuffle
+bluebonnets
+half-duplex
+.292
+casabella
+asymptotically
+sehba
+kemah
+83.68
+instantiated
+rāh
+yanofsky
+khanderao
+dominican-american
+5,555
+dahlia
+kouloheras
+http://ec.europa.eu
+1360
+20,000-a
+f-84e
+omas
+flaiano
+shambala
+junior
+gubkin
+anin
+teague
+lubango
+clooney
+madrean
+6,770
+shevat
+cloudsat
+technicalities
+socceroo
+801
+bulged
+hossack
+zaripov
+dichomeris
+2.11-meter
+headrace
+dorton
+legibility
+q10
+weepers
+c-class
+loj
+two-stringed
+seljord
+antenne
+702.7
+ornelas
+focussing
+otosclerosis
+ogura
+wades
+majd
+comédie
+eaves
+100-hour
+adgb
+ttn
+irakli
+capetown
+gametrailers
+c.m.s.
+gunnar
+dichtung
+kether
+mubanga
+clinging
+bott
+viscosities
+cavaillé-coll
+three-legged
+leafletting
+companionably
+energetic
+evenhandedly
+bearys
+mapenduma
+australia-based
+mitting
+gannaway
+iih
+sandahl
+endosomes
+snob
+pouty
+commandeur
+unframed
+scampi
+cramer
+windber
+milbank
+footnotes
+gokyo
+piccioni
+vanceboro
+glacially
+sigils
+matthewson
+63.81
+wullschlager
+halfa
+reprobate
+deiss
+losco
+falsterbo
+compile-time
+crème
+tieng
+tombe
+38-4
+slonim
+subset
+ddt
+manufacturera
+u.s.s.r.
+adebisi
+mazurskie
+bej101
+11,000,000
+3,813
+icast
+mukuddem
+qns
+35-and
+cfmi
+nonself
+belkic
+milojević
+urrea
+bfsb
+3-101
+codice_5
+idempotent
+g-protein-coupled
+12,820
+promotora
+borage
+iyasu
+zarko
+wachs
+tinos
+21m
+deluges
+cargoes
+39-million
+54.3
+abstractionists
+kazue
+pulcheria
+6-story
+omx
+statham
+77.50
+sanatana
+troll
+prachand
+catdog
+2:26
+vernam
+bugs
+mags
+villaggio
+37-man
+knopf
+paydirt
+tsvangirai
+mixed-member
+oukal
+non-orthodox
+ducalcon
+snowcock
+euro740
+dajiang
+renie
+camarón
+snowed
+cdf
+deje
+yuhuan
+heroine
+f-4c
+rtc
+fiorino
+dpko
+bernds
+kouame
+hessen
+phagspa
+gillers
+unfavorable
+.681
+schobert
+abekawa
+impingement
+ravager
+li
+conacyt
+disengagement
+visitscotland
+tun
+stollman
+sandvik
+veneman
+symbios
+akatsuki
+α-helical
+31min
+hoxby
+elmar
+scrutinized
+dic
+bubbas
+minkins
+pinel
+smoggiest
+inukshuk
+mers-el-kebir
+deruta
+oboes
+geyer
+sccci
+feldafing
+489
+essonne
+recuperative
+euro256
+biobanks
+ornella
+madlener
+asbury
+antioxidant
+signer
+wrings
+202.2
+paston
+lenin
+kitzinger
+polylogarithm
+dissimilation
+gha
+s.t.a.r.
+macaluso
+mh-53
+d'azeglio
+palominos
+bartercard
+wissel
+vyhovsky
+nithsdale
+d'urban
+lofo
+1h13
+unduplicated
+rainach
+kingshill
+poggi
+60-game
+bvp
+geforce4
+nhasse
+374,000
+phomvihane
+soldat
+palena
+prusek
+743,000
+chorros
+tandoori
+kingfisher
+genevan
+alucitidae
+persiaran
+loqmanian
+72-57
+dampa
+maa
+asmawi
+zeiten
+bustier
+allez
+loretan
+portelli
+1.5-liter
+equalizing
+nill
+planned
+rusyns
+skellington
+inciteful
+mervyn
+7l
+gaozu
+solemnly
+dā
+tfa
+whiteinch
+community
+jaruvan
+balshaw
+3.785
+chabot
+clix
+lister
+laveen
+7.99
+bouraada
+chirac
+retained
+laveranues
+styler
+garifuna
+stiffness
+rowsley
+honório
+piddock
+all-ages
+2358
+berom
+tri-motor
+non-violence
+evasively
+muricata
+scalding
+barefaced
+3,526
+2,071
+1825
+1973-76
+dharti
+lofton
+parkins
+canchola
+modwen
+noda
+poppen
+foca
+historical-critical
+personalisation
+noctis
+2-2-2
+clouted
+stuk
+curran
+ooooooo
+abbottabad
+capsicum
+lectores
+mcclurkin
+4.07
+21.50
+furtive
+glyndon
+tajik
+erectile
+headless
+warrensburg
+commandership
+6:33
+zogg
+preapical
+1966
+avinoam
+misidentification
+kopecký
+cd-m
+perdus
+tasteful
+eyoung
+topcu
+wttg
+reaganism
+1993-1997
+vernes
+u.s.-traded
+rumination
+iconoclasm
+infrequently
+cbre
+pre-classical
+qanats
+formations
+darlaston
+minyans
+neuhauser
+101.43
+transcom
+mafeteng
+ruhanie
+intestines
+churton
+sellwood
+44.19
+franchitti
+malburg
+deflate
+woodyatt
+uppercut
+covenas
+bacteriophages
+asafa
+procuratorates
+innuendo
+bedsheets
+superintendency
+wetted
+sleepier
+cuautitlan
+ineptness
+buik
+gigatonnes
+éirinn
+ujihara
+engg
+dossett
+halvah
+50.46
+insomnia
+ringera
+2-for-3
+nasserite
+hooper
+khazali
+g-21
+instantiations
+siai
+24.75
+meghe
+derg
+strobel
+soigneur
+tanahashi
+schau
+36.78
+papyrus
+berlichingen
+42-19
+smartboards
+absorb
+fagin
+mlx
+dagui
+virac
+turck
+entra
+buir
+duet
+trillin
+santaji
+dompu
+rustlers
+meridiana
+cascina
+weyerhaeuser
+nyarubuye
+westborg
+hirshson
+landownership
+blalock
+mørk
+sverdlov
+batsu
+glotzer
+sarji
+longheld
+bdnf
+fourniret
+acr
+gpws
+pakradouni
+drop-in
+laax
+fessing
+yūshō
+76-kilogram
+brahmic
+usurped
+metallization
+mascis
+acaulis
+shevah
+34.21
+ovoviviparous
+tributo
+75.04
+qsl
+dubbeldam
+wassenaar
+16-gun
+pedrinho
+denno
+metrolink
+trick-taking
+ynglingatal
+maneuvre
+ma'an
+clairvoyants
+raisins
+kudarat
+3-65
+sidewall
+eléctrico
+naté
+quaternions
+narramore
+1964-68
+convertibility
+metabolisms
+sociolect
+klong
+galion
+tuyll
+cordery
+rappin
+asaf
+2-week
+bhagwat
+kazatchkine
+give-and-take
+myrmica
+readmitted
+visé
+coline
+overthink
+alexina
+joris-karl
+wellman
+trible
+bratton
+ranna
+low-kick
+galet
+atacama
+heumann
+lybia
+doktor
+rueil
+groupm
+nrf
+34.65
+1012
+jeannine
+prussia
+lasker
+sultanov
+1.135
+correns
+razer
+clacking
+stoeger
+cafesjian
+97-96
+wintel
+miras
+namer
+jdo
+dawnay
+answering
+midlands
+10-race
+koslowski
+bisphosphonates
+funnel-shaped
+moawad
+deadline.com
+implicity
+paths
+alfonsine
+re-emerging
+anb
+agraria
+jujuy
+belsham
+greef
+datasets
+alternaria
+2,731
+disinterested
+chorney
+rožmberk
+usingen
+boigny
+bíró
+nachtjagdgeschwader
+bluntness
+rapla
+dimetrodon
+montillo
+anastomoses
+8.53
+oguri
+terza
+jugovic
+52.52
+ophélie
+whale-watching
+269-8796
+53sec
+feuillade
+frale
+mff
+isolates
+gob
+stratfield
+cesàro
+heiple
+shkval
+kibiwott
+p-40
+zukav
+chevys
+4-valve
+scutage
+latessa
+18o
+collaborator
+punchestown
+46.49
+tuberville
+tonsillitis
+maak
+gharyan
+148-year
+schakowsky
+delillo
+wukesong
+houben
+apmt
+aruj
+yearlykos
+suban
+goodmail
+blues/rock
+bat-signal
+nice
+83.13
+siglum
+dakka
+allegations
+ohakune
+giglio
+bildung
+translucence
+pognon
+zhehl
+farnsworth
+transmits
+aldi
+6-cube
+discounted
+gwin
+baldr
+rudeineh
+l'armement
+ilghazi
+vhs
+sgreen
+i-285
+64,700
+sundogs
+pirgs
+lawbooks
+habbak
+hep
+appg
+cricket
+gslv
+98.13
+canedo
+masticatory
+45,200
+qiandongnan
+hongwu
+kłecko
+jaimie
+allenstown
+hussars
+bandimere
+downlink
+pdc
+bibel
+earldom
+pungo
+aaa
+172.8
+liberal-national
+zizola
+keese
+yatil
+inet
+helical
+680
+carleson
+poda
+800s
+facsimiles
+bottle
+sherbrooke
+apportion
+laughren
+copperas
+fattahi
+clasica
+propane
+solis
+manobo
+smylie
+stockbroking
+gartenberg
+subsystem
+storke
+chromatograph
+pinworms
+atiqullah
+yob
+kozulj
+superfood
+preclik
+http://www.fda.gov/
+e38
+fabricant
+taraf
+miliband
+lenicov
+scharffenberger
+1,740
+benzien
+cushnahan
+amérique
+qalqilia
+linewidth
+arsal
+electro-pneumatic
+39min
+khidmat
+tarses
+changyu
+crossmaglen
+icct
+35.12
+forslund
+cubase
+.238
+santoyo
+government-approved
+plooy
+rampur
+vattenfall
+devenyns
+tecnológico
+envisioned
+quaid
+econscene
+25.69
+set
+chánh
+schütze
+hobos
+ud
+yongbyon
+subcommunities
+ny113
+alfy
+signups
+righetti
+zizzo
+acqusition
+isernia
+grieger
+lamno
+geochemists
+shafak
+açúcar
+sinkiang
+headrick
+agre
+emmitt
+koskie
+zizkov
+gto
+azocar
+1967-1970
+pimen
+rényi
+artic
+smestad
+betony
+1199/seiu
+inflexibility
+gnatcatcher
+110km
+bellboy
+kosecki
+tragicomedy
+negotiatons
+jowzjan
+breaux
+anderstorp
+chino
+westenberg
+portamento
+gherkins
+bartolucci
+khanka
+mekuria
+ignominy
+vasojevići
+assise
+constantinian
+hollywoodland
+dayn
+second-born
+damo
+burqas
+papanui
+takizawa
+deverell
+75.08
+pompons
+maseda
+zolli
+far-right
+mcgruther
+compete
+smartertravel.com
+calves
+gipton
+58.59
+120.4
+defraying
+dislocating
+gardev
+karabulut
+arkaig
+rebuild
+sesil
+twerski
+glenmorangie
+withthe
+theyab
+148.3
+bakara
+accross
+casualization
+aalten
+haugerud
+terrapins
+56-minute
+colthurst
+ionia
+20-pound
+epee
+damini
+1920
+invalides
+bolognini
+quinacrine
+grandstanding
+achievable
+bassinet
+bizinsider
+lycidas
+marchenko
+chironomidae
+jwrc
+soloman
+jarome
+velazco
+8.25
+vriesde
+igf-1
+kaling
+crimea
+pawns
+wprost
+614
+dshk
+alastair
+proex
+1427
+wadi
+warring
+dental
+snappy
+tsunayoshi
+endy
+dheri
+kildow
+mmts
+organizers
+padmapriya
+anbar
+(313)
+allenglobe.com
+rediscovering
+bulut
+lamplighters
+fw
+mclelland
+horsetrading
+andry
+jugoslav
+co-drivers
+guanzheng
+roedy
+ruba
+rme
+juice
+6-foot-3-inch
+uncf
+yosi
+tfam
+aronin
+rosenkranz
+exhorted
+gravities
+eristoff
+moonesinghe
+studdard
+tokuma
+ninety-four
+cena
+toniolo
+demotic
+ha'aretz
+condense
+plastech
+anionic
+qualifer
+jali
+ghiyath
+kraze
+ratifies
+beira-mar
+ivete
+chestnut
+baorui
+milegi
+high-lift
+morisset
+engleby
+lascar
+hosanna
+kgk
+arlow
+anaemic
+gazaway
+nadph
+careering
+bluewater
+97.23
+frua
+cuddled
+al-bayt
+insulate
+one-storey
+2,197
+flinching
+viscountcy
+alydaar
+gregoria
+yawng
+judenrat
+forteviot
+confessors
+accounts
+supercruise
+simulans
+olap
+firby
+zhuangzhuang
+implementation
+rheda
+well-prepared
+ibuka
+perforators
+sororities
+radar-equipped
+6-3-1
+rizhskaya
+90mhz
+16-cylinder
+reigning
+handout
+huggy
+kozmo
+lugus
+salene
+zsigmond
+tracey
+mummification
+curveball
+acetylcholinesterase
+micromollusks
+fortifies
+red-legged
+15-15
+bicentenario
+church-sponsored
+commiserating
+dvrs
+fortwo
+anifah
+caltex
+fauspr
+deleg
+cendon
+fluoresce
+hanel
+bianchi
+kathakali
+devgru
+flocked
+olympism
+charros
+liangzhu
+falgout
+visigothic
+spontaneously
+kouta
+shuhe
+rinaldini
+karumba
+xiaozhun
+xiangjiang
+133-year
+bantariza
+icona
+prashant
+khol
+umaid
+blackletter
+nachmani
+hershkovitz
+bylot
+dji
+bawku
+cauthen
+schoeller
+studii
+sipprelle
+kilmacud
+brynjulf
+sleone
+1988-94
+zilly
+lampton
+2038
+jørn
+shapour
+archangelgorod
+familiaris
+ruki
+redesign
+68.15
+chuba
+rugbyu-6nations
+gummies
+borrowdale
+90-84
+tulay
+minted
+nakul
+shvets
+c.p.r.
+allegri
+tirath
+segares
+naxalism
+patrik
+werden
+full-moon
+arciniega
+spatializer
+1935-1936
+tuberculata
+hornbein
+dagestani
+grow
+campo
+inequitable
+7/5
+encoder
+tickner
+cantonments
+35-28
+gaymon
+421st
+traverses
+ijo
+pdp
+zuckerberg
+skittled
+doubting
+windom
+circuses
+assures
+16.9
+incontinent
+robusta
+dpo
+mcgeady
+ramishvili
+marczewski
+normals
+yelling
+amyot
+stokenchurch
+last-gasp
+dining-room
+2ndgraf
+subpoenaed
+scab
+flamed
+steelcase
+52.01
+inflexible
+sanomat
+intermarried
+lavenders
+marieke
+weco
+737-200
+apfel
+restock
+varanus
+skewed
+yoseikan
+presinal
+phalguna
+1/1st
+grischa
+sessegnon
+krajewski
+spoofy
+annouce
+1,527
+such
+600m
+upstages
+sanhueza
+navtej
+barach
+51.77
+staff
+apatani
+citgo
+christo
+copt
+slumped
+pearl-bordered
+dreadfully
+gaiter
+schriro
+kunshan
+timss
+frase
+assessable
+gingee
+eum
+hookahs
+trit
+cliquish
+withdrawal
+brauner
+rhins
+sellable
+dap
+catterns
+u.s.-bound
+jadhav
+memnon
+mykey
+ureteral
+compromiso
+s-75
+cs
+t20
+bayou
+litunga
+killybegs
+donskoy
+psus
+actua
+sandyford
+s.ct
+dabholkar
+longyun
+bendigo
+konk
+découverte
+esterl
+jodeci
+coachbuilt
+adevarul
+uremic
+torchetti
+drobnjak
+abdominal
+dialers
+angeline
+centaurea
+kanefsky
+vastine
+laatste
+pitcock
+dimethylamine
+johne
+infectious
+somethin'
+fuglafjørður
+2,024
+dunoon
+medog
+hosseinpour
+clintonites
+anqing
+sub-units
+weintraut
+irfb
+endeavour
+plenary
+gisevius
+predella
+missundaztood
+rules-based
+youlan
+ketch
+62-50
+simonyi
+31.68
+halls
+sauli
+i-196
+neighborly
+chernuchin
+acg
+radio-frequency
+salutes
+viesca
+imaginaire
+a.p.j.
+shalrie
+cheerless
+hartmarx
+aches
+raldes
+forner
+acetylsalicylic
+navpalib
+patricius
+romanae
+2,777
+41,800
+adorable
+z33
+encarta
+matchbook
+dermatophytes
+nucleocapsid
+jinjing
+hmmwvs
+jacquette
+outworking
+chor
+loti
+tomlin
+pizzi
+2-under
+serina
+ulfeldt
+tafer
+salomaa
+zanaco
+kayastha
+ligeia
+woodenly
+anek
+javier
+castleknock
+tabac
+trover
+hallowe'en
+pietropaoli
+floodlight
+virtu
+javastation
+jaque
+nowadays
+veidekke
+paraplatyptilia
+serirat
+teknologi
+universitario
+roran
+astrodome
+10pm
+leeke
+raed
+42,000-square
+opere
+yesod
+somonauk
+gnawa
+non-arabs
+roamer
+burgtheater
+mumbai-based
+toadstool
+reconstructions
+systematic
+vaega
+13-michael
+firm
+decade-old
+hohenlohe-langenburg
+laevis
+18.3
+60-64
+iqgap1
+northeaster
+favio
+prompted
+seahorses
+139.9
+hitchhikes
+glanda
+8:42
+aggregating
+112.78
+posgold
+driskill
+guilty
+kuhl
+needlepoint
+unbiased
+near-fatal
+3,745
+paleogeography
+hallway
+ex-student
+nejat
+henges
+unobtainable
+neretljak
+1stadd
+59,400
+khokar
+antigovernment
+school-level
+aioi
+lyrica
+counter-proposal
+player-assistant
+humperdinck
+vasanta
+rimsky-korsakov
+17,700
+moes
+pailheres
+67,200
+forbis
+mainstem
+inhumations
+nunavut
+11-footer
+dxr
+acadiana
+14:19
+nmp
+gassant
+feel
+88-78
+hoer
+rog
+feldmayer
+1,627
+acquaintances
+lug
+nemuro
+manolos
+115.35
+igen
+palinurus
+samaan
+mounding
+fico
+nias
+eaton
+marveled
+breast-fed
+trichloroethylene
+1459
+smolyan
+assumptions
+bludgeon
+permissiveness
+agaisnt
+jenine
+61.19
+roshei
+novitski
+67-55
+whitaker
+maillet
+six-term
+scrumpy
+opposer
+essarts
+nzz
+sailmaker
+fitness
+ludovika
+ghadzali
+hootch
+gallos
+canoeists
+blackhall
+brasileira
+76.90
+nalgene
+assif
+wulin
+roky
+50:50
+cbs
+fairmile
+billu
+amarelo
+gma
+extracting
+rayes
+mazzie
+pollock
+ariyankuppam
+kandasamy
+provocateur
+aetc
+gluts
+moonlight
+near-zero
+keppard
+all-comers
+pirouetted
+likulia
+mucho
+bonbon
+mailboxes
+sunshade
+münchenbuchsee
+ingvald
+tonder
+48.95
+njanka
+tributary
+radike
+infographic
+suprisingly
+lucre
+lacatus
+jiangdong
+pokeweed
+axiomatization
+riders
+papus
+kairon
+1960/61
+retributions
+foschi
+ringette
+taxco
+svensktoppen
+jahmi
+dimdim
+culbreath
+antipersonnel
+nedić
+triplette
+agritourism
+jaz
+downbursts
+thieves
+asse
+helderberg
+talespin
+richler
+148.9
+steelworkers
+beant
+baihe
+witnessed
+funneled
+olgun
+janic
+bey
+bedsteads
+carpinifolia
+66-63
+netflow
+indo-greek
+vosne
+huaping
+carlino
+asdic
+bobbejaan
+guliyev
+mid-town
+fpoe
+scrublands
+34.94
+2134
+panggabean
+mdu
+crazed
+nazir
+cootehill
+jizya
+fluoroquinolones
+vexing
+taqwa
+tri-ang
+havel
+nitrides
+militaru
+49.9-percent
+altavista
+gyoza
+karal
+father-son
+florets
+kariba
+attf
+marjan
+alcohol-based
+perjurious
+pierce
+necessities
+colasuonno
+grammes
+mechlowicz
+niddrie
+17.62
+bleeps
+glooscap
+formula_109
+hopkinson
+twd
+garrucha
+veitch
+unanderra
+swaby
+baen
+energizes
+747-8
+newline
+preconditioned
+nangk
+heidfeld
+ronca
+asakawa
+deltic
+potentia
+sandanme
+kappus
+43-minute
+fleurs
+disbelieves
+hangin
+1h04
+434,000
+slicker
+sisqo
+first-preference
+mahasena
+prisonlike
+2nd
+paykel
+malakunas
+caymanian
+commenting
+sugerman
+riograndense
+lieutenant-governor
+troutt
+guardado
+mugano
+subcontracts
+turquoise
+re-ordering
+08-09
+strings
+belvoir
+bolloré
+blandly
+puhnk
+kau
+limon
+nagas
+houtkin
+200c
+ulundi
+99.08
+hitt
+marsella
+monckton
+würzburg
+cravat
+territo
+early-mid
+kodiak
+booger
+newsquest
+ashra
+fadavi
+1984-87
+keukenhof
+provender
+ieyasu
+gitic
+nexen
+messerschmitts
+antinarcotics
+bothersome
+iashvili
+testudines
+massillon
+zajac
+budeaux
+stalky
+motorplex
+22-page
+caneghem
+senpai
+eléonore
+6-foot
+kappeler
+koreans
+boswells
+rm50
+dissociates
+idrs
+deloria
+hardcore
+spina
+medland
+pgh
+gremlin
+mitreski
+montas
+fbx
+ampicillin
+sungoliath
+epimorphism
+24.96
+scoreless
+tōhoku
+dinah
+yoneda
+yukimura
+spuyten
+kaigan
+migden
+kakeru
+prokaryotes
+colker
+rebuilders
+3-75
+oratory
+10.3
+isga
+boardinghouse
+gotsch
+3090
+cajón
+vestryman
+pierre-marie
+zlatar
+moshulu
+arthabaska
+4.5-kilometer
+70.93
+centertel
+platini
+erinys
+achievement
+eskilstuna
+manvantara
+wuzhen
+brayley
+disneyland
+brodin
+church-based
+brownsboro
+republic
+accept
+acpe
+crabeater
+heintzelman
+one-cent
+t65
+cluster
+poldi
+taicang
+grammy-winning
+azema
+jesu
+perpetrator
+kantner
+bulgaria
+kinnersley
+bob
+84.86
+whereat
+haller
+kathu
+matricide
+stari
+homebuying
+terauchi
+profoundest
+nirupama
+blondet
+derny
+synon
+argoed
+akdas
+#ccc
+biała
+.9996
+kothar
+100.85
+begums
+democrat-gazette
+spay/neuter
+nasir
+torshavn
+kanavu
+shiffer
+mcgurn
+mctigue
+krpan
+basketballers
+spaceships
+47.79
+broadsheet
+masuka
+concertation
+hustla
+gooley
+synsam
+markéta
+enameled
+jaszi
+salamandridae
+seam
+79.4
+cornejo
+zelen
+diables
+94.88
+overhauled
+fundamentals
+geneviève
+peals
+gigalitres
+nordeen
+coxless
+subsidization
+komproe
+lizbeth
+demystified
+predators
+fibronectin
+95-95
+durfort
+8-3
+slugfest
+deedles
+dangote
+rajasekhar
+senk
+15-11
+stonechat
+zenovich
+dilute
+selene
+olivais
+barchi
+lears
+backpressure
+incapacitated
+yaogan
+oceanview
+pugni
+dormancy
+koyna
+botc
+qaa
+uffie
+dobri
+iovino
+split-up
+akila
+dietmar
+aculeatus
+xinsheng
+xueming
+causwell
+felicity
+saut
+vsda
+phragmocone
+1988-1993
+grímsson
+phn
+perevi
+apurva
+:41
+hermitian
+stomps
+riverbend
+canalized
+chimichangas
+eberts
+bolero
+djakovica
+reverberation
+sycophancy
+117-109
+chernyakhovsk
+whammo
+paroo
+2,512
+dubal
+bergreen
+paskevich
+debayle
+jin-ho
+tantely
+bhool
+greasewood
+hebblethwaite
+3.1-percent
+heaths
+multicomponent
+draycott
+wiping
+trincomalee
+manole
+messud
+smallman
+barozzi
+chisora
+vaiden
+hurka
+gudina
+merin
+perseid
+greywater
+biobio
+strome
+58.69
+larocque
+gotthelf
+uijeongbu
+júlio
+health-care
+maniraptoran
+louver
+ribozymes
+47.8
+parvenu
+personas
+legitimize
+shobokshi
+rtca
+amigos
+.38
+sweetgum
+keoki
+akpan
+1,405
+71,400
+vonk
+wmaq
+jessamy
+gymnures
+confused
+kylee
+chidori
+valot
+speros
+243.9
+avturkhanov
+kinks
+counterspy
+smm
+mondeo
+palade
+murrill
+andya
+shapiro
+jalandhar
+1.7-meter
+phased-array
+chairlift
+eisenheim
+jackfruit
+deciliter
+arsallah
+aamodt
+bronislaw
+hamidi
+terrify
+93.98
+longchenpa
+opioids
+arci
+dey
+212.8
+perishables
+kandawgyi
+7.31
+19-29
+xingyang
+sandé
+tangwai
+snowslide
+walcha
+îles
+onyekachi
+koolhoven
+usafa
+top-class
+yorvit
+kaites
+quireboys
+gourami
+18m
+defibrillator
+persoon
+irresolution
+gulper
+counter-examples
+mileages
+near-simultaneous
+privateering
+16:16
+nightcrawlers
+touggourt
+evhen
+druker
+nastasia
+piesiewicz
+issawi
+cornflour
+molitor
+misuse
+aissami
+carwile
+saves_hoffman
+engel
+reprints
+graduation
+sunnyslope
+lambros
+compounds
+19:29
+iveragh
+headscarfs
+mwata
+pfa
+astroboy
+446
+16.29
+non-clinical
+a-1
+51.8
+cptor
+focus
+complacency
+102.00
+57.50
+32.86
+labaki
+19,120
+musigny
+logue
+maada
+remixers
+97.58
+extra-sensory
+selectivity
+propes
+procházka
+glycoproteins
+staghorn
+mukacheve
+countervailing
+sparhawk
+junit
+qualls
+chugainov
+aleksandrów
+caines
+heni
+rhythmical
+bharathan
+tag1
+debater
+hillsgrove
+laide
+bishopstoke
+buttocks
+belkziz
+1667
+saral
+scardino
+19.83
+aberthaw
+lifejacket
+kifri
+erastus
+benzophenone
+sledmere
+microcontrollers
+jamnadas
+shumin
+yarde
+bonez
+1,931
+sangre
+fattening
+cacheris
+luchese
+christenberry
+mechanism
+disenchanted
+lenited
+sercombe
+googie
+930
+mykel
+18:47
+yuanan
+trazodone
+geppert
+60-mm
+ruffa
+waleses
+forneris
+assyrian
+backyardigans
+nā
+madej
+sheil
+chakramon
+bødtker
+toccatas
+60-seat
+broaching
+donc
+wilce
+mohtarma
+parran
+adrienne
+53rd
+stoutt
+intersolv
+sturckow
+iptf
+boece
+ségur
+16.4-million
+gelly
+muravchik
+entrants
+venerate
+2/1st
+raha
+_
+guanzhong
+carkner
+d'cruz
+jandial
+3-81
+decaffeination
+bd6
+2000-03
+5,990
+promoters
+dzi
+meaker
+wainscot
+rarin
+6,547
+fingerlings
+hhonors
+bachand
+anuncio
+1450
+heman
+65.89
+fleecy
+stated
+fasting
+princedom
+lda
+rotan
+cph
+ec2
+42-35
+hurter
+kanmani
+cuirass
+difficult
+andani
+gajadhar
+junco
+raddho
+areopagus
+halgand
+namatbayeva
+barshi
+lewycka
+h-eileanan
+riata
+california-berkeley
+fathallah
+grandma
+ostrów
+icehawks
+smectite
+orphanages
+reapportion
+iccr
+bariloche
+4,440
+10s
+edley
+cheyenne
+251.8
+dugald
+ten-cent
+vigilance
+alverstoke
+dalfard
+ubb
+corvair
+bayr
+bearskin
+psychopharmacology
+murusade
+centerpulse
+harriett
+tgn
+huntz
+hiap
+bansha
+stort
+zerby
+125.80
+right-facing
+teriyaki
+dimona
+delmar
+craveonline
+18:25
+locational
+battye
+eggbeater
+winckelmann
+65-51
+virsliga
+piment
+lorković
+bafl
+telep
+keti
+hyaluronic
+bā
+ouimet
+athanassios
+turboshaft
+skyforce
+fotsis
+calculable
+93.50
+muffled
+tout
+bioweapon
+sightly
+bouffier
+eisner
+armato
+otv
+1.054
+3-of-10
+y.o.
+ctrc
+income-producing
+multipath
+diatomaceous
+astrocytomas
+markfield
+isaie
+ruane
+refocus
+monegasque
+kolak
+momo
+valency
+katzive
+uncc
+telemachos
+paulescu
+tryscorer
+nasolabial
+vocative
+androzani
+saxifraga
+súilleabháin
+rychener
+guestbook
+wehrmacht
+levendos
+wachusett
+aitutaki
+augite
+cfpb
+uscnotes
+ermengarde
+shoplifters
+cyberscene
+gluing
+landenberg
+15:25
+ominato
+beaten
+crafted
+papilio
+quintupled
+naledi
+lindens
+apodosis
+smirky
+triple-overtime
+prunskiene
+easdaq
+1.85:1
+27-20
+elson
+peulvast
+orucevic
+ultrasonography
+kyunghee
+rugby-bundesliga
+logjammed
+buns
+tsan
+dyilo
+mikinao
+schoolteacher
+prodigy.com
+ugma
+camenca
+edifices
+manayunk
+ncrnas
+cisa
+poreda
+fireplace
+40.20
+chamrousse
+27.44
+launceston
+azcuénaga
+kib
+intertech
+nambassa
+digitial
+dual-core
+regas
+concreting
+cleanup
+932
+hochschorner
+mafra
+bonsal
+jaaf
+superimposing
+thoughtlessness
+jostens
+signorile
+flatiron
+chaisaeng
+l973
+euriphene
+shadowbox
+pirlo
+plantation
+502
+horae
+sbtvd
+euro235
+udhampur
+jackou
+suspensions
+left-footed
+connotative
+planetarium
+cover-dated
+.276
+cazayoux
+akumal
+ridker
+hollier
+100,000-200
+earthmover
+braingames
+deferens
+murina
+23.25
+knittig
+campbell-brown
+zaw
+norton
+subscribirse
+forint
+60-yard
+1979/1980
+scid
+tandem
+29,900
+mcnall
+gapon
+golant
+teppo
+ratzeburg
+hoshino
+bd3
+pulex
+tharthar
+mustika
+flanging
+simplifications
+0.975
+213-933-5802
+beuningen
+98.22
+kwong
+parklike
+1995-present
+landline
+juicer
+fesa
+dimissed
+barcoo
+karlgren
+mashar
+dostoevsky
+journals
+waaf
+jyotsna
+anhalt-zerbst
+fais
+sadoun
+monolayer
+langbaine
+chemo
+107.6
+280.8
+workbooks
+re-writing
+13th-14th
+macarounas
+kagan
+dka
+off-topic
+bultaco
+aelita
+stratemeyer
+appraised
+culgoa
+m.
+marttila
+heiser
+fidgeting
+shili
+bouvier
+metacarpal
+77.89
+deodoro
+glodok
+okinawa
+borislav
+30,400
+vbied
+10-24
+37-kilometer
+seven-headed
+taur
+dorthy
+proquest
+127.75
+(559)
+battalion
+unaired
+pomeroy
+falangists
+countback
+1,200-pound
+megadam
+combust
+72.63
+f.w.
+zeit
+sintering
+thomke
+lyndale
+taxonomical
+m198
+bosack
+determination
+twister
+wenden
+clemmie
+amory
+camaleon
+zhakiyanov
+screenful
+colla
+arrl
+demet
+55-11-997-86012
+huainanzi
+burdick
+allâh
+phenolic
+3,204
+66/1
+aubanel
+metals
+encircles
+ghatotkacha
+propagandistic
+vlatko
+absdf
+conveyances
+zety
+translocate
+furtiva
+silvery
+χ
+pequeños
+molera
+ciudad
+heaquarters
+odone
+3,547
+repentant
+chromatographic
+darkin
+centuries
+maasland
+hepa
+padamsee
+helmets
+unpacked
+slammin
+cozzolino
+postmarketing
+3,485
+hedeby
+balis
+starrs
+aérospatiale
+tajul
+étang
+mightiest
+historien
+15,000-ton
+žepa
+maenads
+cablecomms
+1,254
+129-member
+anden
+palma
+fasth
+flandez
+78.77
+,790
+fleagle
+a.k.
+moldovia
+11:28
+senderk
+newsagents
+accented
+d'alba
+roero
+hilversumsche
+fapl
+boualem
+5:36
+ulmanis
+malacañan
+lukaszewski
+meyrin
+0.4000
+underestimate
+bermudes
+outdated
+ragueneau
+an/fps
+bogado
+stateless
+necromancy
+hom
+sandgren
+syring
+10:56
+gasses
+longsight
+,560
+toplica
+qawmi
+conradin
+myfanwy
+davys
+perigord
+61-percent
+tettey
+lamberth
+quietness
+electropneumatic
+sudarman
+unfavorability
+scad
+mahidol
+lumholdt
+biram
+samide
+valenciennes
+1285
+vulnificus
+kriváň
+goychay
+zeki
+gabrels
+titlis
+devta
+supercarrier
+yak-130
+381.50
+dianetics
+clubgoers
+delvinë
+pysanky
+cosas
+b.sc.
+galloways
+screen
+centule
+lubonja
+shipmate
+breakable
+off-shoots
+uninfected
+non-recurring
+mudge
+umbilicated
+sabanovic
+bordonaro
+maitena
+page1-nyt
+graney
+plasmin
+culpepper
+itemize
+unsporting
+sacandaga
+three-cd
+allerca
+troicki
+ruination
+4-carlos
+mysteriis
+taxpayer
+jamail
+onfield
+bernthal
+pershin
+levenstein
+763,000
+sonnessa
+arrow
+barsoum
+romande
+indecisiveness
+horseley
+westpac
+fordice
+maximian
+stupidest
+harron
+bouazizi
+aru
+milov
+ochieng
+pole
+mcal
+conceptions
+bgen
+prevot
+requesters
+40.75
+luca
+earsplitting
+desipio
+planform
+gaibandha
+receptionist
+22,000
+hiawatha
+d.o.
+karsch
+wotan
+waresh
+kwaśniewski
+junzhe
+keevil
+marit
+ligaya
+oldendorff
+subtribes
+amarapura
+wheler
+http://www.chinfo.navy.mil
+drachmas
+wus
+baudo
+brusqueness
+khasan
+fleuve
+miroshnichenko
+foynes
+40-33
+samourai
+mudroom
+arabsat
+naturalise
+izard
+image
+idrisov
+draping
+gandapur
+hanevold
+patrón
+styluses
+agonizes
+shahrdari
+juxtapose
+hotwells
+sotirios
+stereophonics
+samil
+ovale
+abdulatif
+troff
+monks
+inter-faith
+wentz
+fonix
+divadlo
+hurva
+drobin
+wulk
+tomari
+negundo
+zeroth
+bullet-shaped
+euro377
+headford
+recharted
+sabil
+bersih
+ordered
+hangnail
+waveney
+handke
+uremovich
+mubarakmand
+diltiazem
+beckman
+vasic
+medak
+subspecies
+color
+cupen
+flagcarrier
+rinkai
+iron-making
+together
+entremed
+shans
+hottinguer
+cylindrically
+onsen
+zupancic
+a29
+pseudopod
+braced
+absconding
+pairetto
+batches
+.722
+mátra
+cicindela
+41,667
+katholischen
+giro
+pirating
+80.68
+physic
+wmgm
+linemate
+swabs
+griquas
+brancato
+microprocessors
+paycut
+football/soccer
+scribes
+bouley
+mcguirk
+sedgwick
+spotty
+six-round
+gowharan
+volksgrenadier
+shepperton
+hebibi
+silas
+microgravity
+septiembre
+rothken
+frederique
+bonosaro
+kehilla
+seventy-seven
+magatama
+avmark
+uninterruptedly
+kladendorf
+firefighter
+dupont@globe.com;
+hilburn
+hundi
+agen
+teruyoshi
+explosions
+shotmaker
+unbearably
+liverymen
+trullo
+arj21-700
+derogate
+pelikan
+aprodeh
+aktuna
+humorist
+pertuis
+15:38
+optimism
+keskar
+cro-magnons
+polychoron
+2,385
+unveilings
+jolbert
+86.45
+concertato
+anderlechtois
+5-83
+scenographer
+damping
+dreux
+kuchta
+krofft
+camelbak
+yaguang
+74.13
+lightbox
+reinvestigated
+safran
+psychological
+morman
+ashti
+sikatuna
+re-examined
+parrish
+drucker
+delaurentis
+nebulos
+rehn
+gomer
+26.02
+tunheim
+dressen
+maduaka
+lilford
+wooden-hulled
+c.z.
+tugun
+intuitionism
+zhiquan
+ascites
+diffraction
+metalloid
+icad
+extensiva
+etalon
+troubadors
+3gpp
+jordanstone
+3-20
+chunyan
+tb
+gebser
+azariah
+fireball
+bestowing
+coomaraswamy
+friending
+65-seat
+yuliang
+6,7
+80,000
+yoshishige
+pirzada
+gilort
+15.90
+dinse
+colliculus
+reinforce
+ewu
+highfields
+kingsbridge
+snowboarder
+cemac
+.615
+98.27
+nutech
+herbaria
+jiggs
+kouk
+capili
+orbison
+8.2768
+mujahedeen
+gokarna
+19:14
+chonggu
+cost-sharing
+9g
+kanemi
+3,586
+vexations
+arceneaux
+salyers
+instagram
+sinmun
+single-acting
+satrapy
+weidman
+kuzman
+ushers
+raquel
+conventionality
+performable
+10,000-a
+armlet
+uniao
+steindler
+troussier
+dinitia
+8859
+verticordia
+gitanjali
+physios
+papariga
+ryong
+parera
+hotline
+olympe
+3,709
+associés
+incentivize
+athina
+botcon
+premiership
+nitijela
+smuggler
+unhrc
+ben-ami
+bensayah
+lucane
+grandcourt
+sidevalve
+oia
+485-yard
+gabriella
+daniszewski
+18.93
+terminboerse
+sturdiest
+bleeth
+speedman
+schemers
+abhiman
+bharathapuzha
+jussie
+gloriana
+peroration
+unremarkably
+poinsettias
+raheel
+oe
+preachiness
+khawaja
+rahng
+heavy-handed
+hillbilly
+voucher
+dixmude
+biederman
+maeander
+gemeinde
+hot-blooded
+contestation
+eckbo
+munawir
+aerosmith
+rananim
+nakajima
+gorky-9
+1886-87
+k.k.
+mcardle
+uddi
+88-mile
+d'en
+stevedoring
+cuscuna
+imperfections
+sleepwalked
+40-6
+wigler
+haxo
+ev
+dismantle
+afikoman
+fado
+kumaun
+whitesnake
+serey
+mikołów
+sibelius
+akbarabad
+cavatina
+roundoff
+piszczek
+sacrosanct
+fise
+resurgent
+terrestrials
+caliendo
+juskowiak
+azienda
+communis
+bluestem
+confessor
+shahumyan
+özer
+marinette
+mbale
+54-45
+baste
+elektronika
+slurries
+sts-107
+conquerers
+taunay
+spad
+38.53
+histogram
+mle
+vig
+taschen
+mitchellii
+re-intensified
+shugen
+ade
+fier
+nuovi
+kwtv
+52,000-seat
+kunigunde
+sych
+nimura
+adipocytes
+shikellamy
+ishin
+latella
+52-53
+mytilus
+mikaelian
+2007-june
+folman
+opinsky
+mbuende
+conseil
+attributor
+konjac
+zawistowski
+tumski
+vc10
+intention
+raag
+isfana
+caladium
+afsc
+pickrel
+switchers
+d40
+atomizers
+restores
+everitt
+averbakh
+pahor
+cij
+ownbey
+clarion-limestone
+jugomagnat
+secular
+reasonableness
+robertses
+papini
+simultaneous
+westclox
+demonstrated
+eide
+f-35s
+awit
+lynche
+marvelous
+heinkel
+late-2000s
+self-knowledge
+airfone
+i-nau
+h5-type
+santissimo
+2k12
+broderie
+z2
+dsdna
+chamdo
+posadas
+herbison
+sihk
+transistors
+llanos
+recertify
+königs
+seidner
+ayyat
+hopson
+startin
+vagrancy
+universitatea
+liberum
+hacarmel
+cags
+lengefeld
+homeotic
+952,000
+rossetto
+arano
+harrity
+willmann
+hetson
+ravenscrag
+meister
+warmaking
+guangzhao
+timmel
+alvino
+unops
+dahi
+ripert
+sulu
+leye
+progressio
+yackandandah
+tejeros
+22-car
+90-percent
+42,200
+102.32
+half-cousin
+ugwu
+hydroplaning
+t1
+steeltex
+shrager
+appelman
+jutila
+dolalrs
+ammiraglio
+elazig
+39-31
+underinvestment
+feodosia
+bucking
+pillbox
+storrie
+liftgate
+167.9
+syrus
+obstacles
+c3i
+gurmeet
+croddy
+månsson
+liquido
+binoche
+fonthill
+postfeminist
+four-lap
+nomos
+adjustability
+37.16
+46.87
+wcag
+60.30
+50c
+disunion
+56.76
+austral
+phis
+kinton
+obersturmbannführer
+cousy
+provider
+oupa
+achutha
+rudel
+garantia
+portwood
+dowitchers
+drumettes
+fahmy
+28.13
+low-pass
+brindisi
+affirmatively
+nivel
+interspaces
+lacked
+tikoisuva
+lthough
+krayola
+mid-morning
+henlow
+nitrazepam
+8-ranked
+scheuten
+10/32
+wochenblatt
+etel
+verulam
+blak
+kokan
+lorenzino
+almazbek
+licker
+khwai
+curbishley
+responsibilty
+sergiev
+118.00
+choos
+hasluck
+congridae
+justas
+dishonouring
+25-km
+electionline.org
+maysonet
+avarice
+peeters
+prebend
+mortgagor
+dosis
+yibir
+takeovers
+andrulis
+stocked
+windemere
+anti-aging
+8:02
+reengagement
+warby
+wuzzy
+uemura
+instills
+karpenko
+non-ranking
+orks
+euro357
+2,500-mile
+yeahs
+rf7
+thomasz
+ramorum
+3010
+.28
+musing
+generico
+zawada
+parlor
+e-newsletter
+search
+ezra-nehemiah
+scrimping
+2,852
+debunked
+411,000
+haddou
+clandestine
+amal
+solagh
+cosmetic
+residensea
+bratislav
+quavers
+auris
+sadaaki
+6-yoo
+darkstalkers
+35-26
+#ukqeqtqszb
+caudally
+ahan
+gost
+ariz.
+elta
+jacquetta
+77.88
+karlshamn
+akademi
+capen
+webcasting
+kollegium
+non-major
+romi
+bvo
+esmark
+dared
+duzce
+ehrenstein
+fuste
+t.s.o.l.
+markes
+mashabane
+archiepiscopal
+re-equipment
+devedjian
+glamor
+intersects
+vermeers
+vanocur
+juncosa
+wolski
+18,600
+valukas
+jokioinen
+kuomingtang
+2,554
+một
+penutian
+vasona
+jacory
+coffea
+pseudoknot
+tembe
+bosses
+getters
+olla
+overprotected
+lassalle
+f11
+mahri
+josephy
+immunosuppression
+communitarian
+mamercus
+metastases
+andrei
+otieno
+frogman
+łęczna
+kawi
+carll
+thunderpuss
+pneumococci
+stylistically
+faubel
+cuddesdon
+wem
+fincastle
+hiester
+ruggieri
+mafi
+sorong
+techno
+roty
+commandeering
+scollard
+asociado
+ajayi
+gunhild
+korrespondent
+muchall
+manipulations
+franco-italian
+xenocrates
+dryopteris
+ckc
+rondeaux
+brecon
+jogger
+opportunities_new
+,103
+ramrod
+lup
+guel
+37a
+40-32
+radiothon
+marabella
+kutubdia
+bartova
+angiulo
+isfiya
+osumi
+inslee
+seniat
+oversampling
+realties
+theorists
+islami
+nibblers
+euro412
+politics
+13-april
+panchagarh
+verdasco
+fromental
+mughnieh
+nkrumah
+dhammika
+kolanos
+53,800
+hkun
+m-36
+leigertwood
+shafaq
+cintas
+103.6
+phyllis
+anti-poaching
+flatland
+damayanti
+hemiplegia
+bouyant
+4-49
+vilela
+26a
+européennes
+ganton
+hazelbaker
+troglobitic
+strasshof
+tune
+maston
+hachinohe
+arrigorriaga
+mvm
+colpix
+alcoriza
+late-life
+kizlyar
+weasel
+gape
+detaches
+remirez
+gergana
+kleberg
+3-woods
+sagarika
+portugués
+footsoldier
+18.11
+shimazaki
+mascarenhas
+sepap
+patrikios
+gjelsten
+apoplexy
+aeo
+alschuler
+4,500-member
+sluman
+sumeidi
+1.4898
+cercle
+avastin
+tarriffs
+pramac
+golenbock
+nepstad
+thomann
+bechdel
+beduin
+gandharas
+drakengard
+collagen
+zalmai
+felidae
+hortobagyi
+khallad
+insects
+cmj
+manriquez
+basketball
+padovano
+lippobank
+speake
+scorecard
+balata
+extremophiles
+shufen
+9.16
+formula_145
+budry
+forschungsgruppe
+burtnick
+ufc
+steelmakers
+hippocampus
+placeless
+optimisation
+interservices
+butel
+ncub
+record-holder
+co-editor-in-chief
+dtd
+willemse
+anykščiai
+7-of-15
+tommaso
+20km
+liberi
+nagravision
+acas
+sindani
+reckers
+hubbs
+checkpoint
+borah
+denuclearize
+single-issue
+dsn
+terrytoons
+15-team
+115.42
+overabundance
+haidt
+abandonar
+jeju
+bumpus
+allport
+valinhos
+dowagiac
+alganov
+cmdr.
+khải
+capri
+mateh
+foodmakers
+guarachi
+youngdahl
+weigh-ins
+sideshows
+bijaya
+ratzon
+howgill
+sdk
+zeratul
+moet
+gigue
+tatp
+childen
+feshbach
+grapow
+mixson
+burkburnett
+volim
+eberhard
+quello
+petapa
+in-class
+zostera
+schyster
+vigna
+khachkars
+liara
+hamaoka
+17-hour
+shōtoku
+intersport
+state-controlled
+bronchial
+rosy
+hilfenhaus
+viradouro
+macias
+16.15
+neuralgia
+hitched
+tepehuán
+enl
+mahmuti
+marcha
+sas
+dominum
+ishaqzai
+samawah
+rlty
+crime-thriller
+sensationalised
+burngreave
+pdufa
+mishaal
+hateful
+afmc
+gtri
+miraval
+provoke
+reino
+tsunamis
+decennial
+macron
+dudko
+ghalib
+120.2
+smr20
+1950s
+amarildo
+baronetcy
+steir
+ll.b
+dehm
+vestmannaeyjar
+mudan
+b.s
+eukarya
+slope
+nonsmoking
+63.65
+sacks
+maca
+120.44
+7.20
+wojtowicz
+kempsey
+bleating
+errante
+topolino
+carpentersville
+tetrahedron
+shove
+l.b.
+parachutist
+171.3
+downchild
+wrona
+xiaosong
+government-supported
+barhoum
+toupee
+hopman
+athlétique
+depart
+malgré
+jelliffe
+upanishadic
+ryka
+kormoran
+0.040
+stefanie
+bortolo
+thuggish
+emmeline
+decussata
+brawd
+bichat
+pisaster
+moonwalked
+spectrographs
+109.79
+hijo
+monasterevin
+telenav
+vittore
+heise
+kuropatkin
+raba
+mosvik
+nuerburgring
+só
+peristyle
+zec
+uzbeki
+lubricity
+iv-b
+manvel
+lprp
+adamowicz
+tripuri
+uranium-238
+tensest
+erburu
+herschmann
+lattimore
+grudzielanek
+hongbo
+polozola
+hasagic
+cyzicus
+substantively
+lirico
+sisir
+alexiad
+living-learning
+bhunu
+hartung
+ji-hye
+β-galactosidase
+241.9
+brâncoveanu
+disinflation
+alkylating
+málaga
+moonsault
+adalbert
+anguishes
+sangit
+acuña
+dinanath
+anwarul
+beerschot
+8,848-metre
+1,380
+btus
+235.6
+segel
+c.i.
+newgrounds
+zh
+lyght
+a-type
+martlesham
+ansyaad
+kasim
+saint-gervais
+médecin
+dunnigan
+64.73
+123.00
+branford
+8,832
+unch
+sitanshu
+pandiyan
+nahrain
+and-10
+koefoed
+ciprelli
+tapenade
+gandil
+satria
+corte-real
+sandton
+haensch
+miette
+clere
+kadison
+alpbach
+bornheim
+stull
+buttevant
+silopi
+kimya
+ishaq
+esaias
+spaceshipone
+19-under
+1899-1900
+25-ton
+maen
+starkovs
+illegal
+evin
+mickaël
+anti-confederation
+mid-levels
+17-year-olds
+laryngology
+demonstrate
+blastaar
+aascu
+affords
+op-20-g
+yokohama
+f15
+nonaka
+headcorn
+niles
+daguerre
+0f
+hemanta
+sulfonic
+justiceship
+ayudo
+stalemate
+maneh
+287.6
+anti-white
+nanyuki
+laidley
+80-second
+obure
+gettin
+mora
+golu
+bpw
+sh-33
+batajnica
+komuter
+obadele
+hoguet
+demirbag
+incendiary
+240-year
+josephus
+1-3/8
+wheelchair-bound
+mincer
+26.11
+chamar
+pertile
+snohetta
+shayetet
+bejewelled
+hiestand
+1,408
+radiographs
+srivalo
+orkan
+rearmament
+abendblatt
+venable
+topolobampo
+inflamation
+buscot
+1-75
+blubber
+berizzo
+württembergische
+employment
+cableway
+arvato
+(615)
+chauffeur-driven
+begej
+1/6th
+1019
+ennore
+rola
+remembrancer
+low-power
+nocturnals
+bloomberg
+danuta
+dals
+kisho
+lajos
+crumpsall
+polcyn
+disconnected
+słupsk
+député
+swarna
+skurnik
+stanislas
+ainsty
+helically
+m2hb
+nw1
+magli
+wenbo
+hookes
+trebilcock
+hollander
+milkman
+osboa
+teredo
+gumdrop
+vaniak
+abendzeitung
+bouffant
+enfranchised
+désiré
+palomeque
+shipkowski
+doghmush
+treviño
+1,358
+74-66
+orlowski
+vermeule
+82.75
+jaguaribe
+kayongo
+rajyotsava
+http://www.ups.com
+dj04
+dvorkovich
+nns10
+rabemananjara
+beerfest
+lapse
+wachau
+steber
+2,621
+budjak
+pountney
+schrodinger
+radoslaw
+micromachining
+senes
+4.09
+nansei
+trąbki
+btd
+capitulation
+formosanus
+soay
+cauterets
+38.31
+magazines
+cerra
+onon
+twenty-eight
+moscoe
+kabiljagic
+element
+chicanas
+myeloid
+double-stack
+rodreick
+lamblia
+2,983
+charts
+nettle
+medon
+biogeographical
+69.2
+conservatism
+waymire
+paridae
+fiorani
+ravensbruck
+in-patients
+undersupply
+88.32
+unrestricted
+bokeo
+deconstructionist
+baker
+haasan
+bombard
+daftari
+type-2
+fnv
+folder
+893-8811
+mohnish
+procardia
+turbulences
+koth
+kombo
+axed
+breistroff
+crumpton
+austra
+kartvelian
+cortesi
+sartell
+grouses
+condit
+glaister
+menning
+huandao
+gillingham
+d'athlétisme
+3,322
+butime
+giacomazzi
+sanshui
+hyseq
+caa1
+jayanama
+bianka
+oblivion
+60x60
+13:10
+padina
+11.87
+yeghishe
+platinum
+nidhal
+nellies
+small-signal
+2,874
+sadd
+lokomotiva
+benedictus
+randomly
+maruyama
+palisson
+mendès
+azanza
+crorepati
+hypotensive
+m3
+reproductively
+wordsworth
+codify
+ordaz
+sukhoi
+2-26
+executive-produced
+luigi
+kreutz
+psychoanalysis
+hermeneutical
+loughgall
+wiggles
+lindstroem
+http://www.nissanusa.com
+49.01
+tongjiang
+prefecture-level
+juliet
+gnc
+nkangi
+kawwaz
+contemplate
+10-track
+lodz
+gnh
+charmang
+69-65
+perger
+indo-greeks
+craiglockhart
+waterfoot
+personation
+parva
+japans
+explained
+displacing
+pollinating
+tatton
+angelli
+toolmaking
+1059
+blvd.
+dosbox
+conair
+kudelka
+vanye
+dunav
+i̇dmanocağı
+756th
+dandified
+washingon
+gants
+prokopovich
+200
+else
+metuchen
+panizza
+brundige
+hanjiang
+ungkaya
+654,000
+staircase-escalante
+fatha
+proton
+trickiest
+sandouping
+90-minute
+eeze
+koronadal
+franju
+midianites
+pfaff
+pelfrey
+militarism
+bosso
+specializes
+applaud
+friaries
+ifna
+wijesuriya
+atractaspididae
+garg
+α-helix
+killiecrankie
+jo-anne
+hackett
+bâsca
+amabilis
+14-page
+,6
+6,490
+instituut
+itu-t
+sephiroth
+addo
+stonecutters
+orge
+zotov
+last-place
+norie
+escelsa
+highlands
+esebua
+essie
+tannaim
+two-car
+artista
+saltzburg
+roof-mounted
+hssen
+chemiluminescence
+snug
+wolof
+lenglen
+morsi
+tessellata
+alam
+smokin
+199.5
+britian
+20-pounder
+kotori
+genin
+yakubu
+mohaqeq
+bireuen
+astray
+agathias
+smaraka
+workup
+wahn
+frederiksted
+55.63
+imail
+kirkaldy
+99.27
+sanad
+digvijay
+montecarlo
+marecic
+bichlbaum
+albo
+dotc
+annink
+workingmen
+implanted
+workin
+masquerading
+baldessari
+hilfe
+autumn/winter
+19:22
+80-strong
+zhaoyi
+ivković
+76.25
+hilderbrand
+heimerdinger
+nurmi
+shark
+mentzel
+przegląd
+240-volt
+mrauk-u
+grandes
+levins
+propagandizing
+rastas
+unanimous
+nanoelectronics
+48.02
+haud
+9c
+karmichael
+minoan
+sabbatean
+inductances
+brimmed
+palaestina
+madore
+cockatrice
+nikoli
+bowles
+encumbrances
+antena
+anatolian
+savant
+fauziah
+emerson
+oita
+caricom
+augustinians
+unani
+msia
+fadul
+1.006
+nissenson
+arvilla
+attacks-3years
+multiplier
+pamelia
+8,850-meter
+hench
+peten
+golb
+aggregrate
+moscow-based
+four-mile
+borisova
+columbina
+bapu
+shawangunks
+896,000
+kiros
+re-enlist
+ballads
+22,000-member
+zenica
+manuelle
+waterlogging
+18-26
+kikin
+celant
+hit-boy
+aogo
+forêt
+krebs
+ballala
+partyless
+anglo-russian
+treća
+sud
+gornyak
+misir
+sarnak
+sympathizing
+102.65
+vichit
+cooey
+hegelianism
+haefner
+andp
+bolotnikov
+sabba
+bürgermeister
+29,400
+inigo
+3,200,000
+gedeon
+49.65
+bedar
+sittings
+kaskaskia
+jean-philippe
+duży
+papadimitriou
+gtt
+heirless
+mother-child
+french-language
+lusia
+preferably
+rashard
+ap-2
+5-story
+15,023
+26.28
+shown
+dangar
+siroco
+hebe
+moribus
+dio
+photovoltaics
+brisky
+microparticles
+lambrook
+brownbill
+jazeera
+scraping
+thangs
+adet
+island/rakiura
+botosani
+wgm
+tresca
+teja
+circumcircle
+kristalina
+carrothers
+zidell
+beiyuan
+dominguez
+olympiahalle
+askariya
+prehistorically
+parris
+cats_signed
+scarcities
+133-megahertz
+muite
+harteveldt
+cnpf
+ceridwen
+discuses
+investigatory
+microelectromechanical
+vignan
+verduras
+árni
+verret
+clunky
+lock-up
+tribally
+ueda
+heureuse
+congal
+menstruation
+diffuser
+muckler
+casstevens
+crcf
+redelfs
+süper
+sovich
+euro554
+imbordino
+bryanna
+ohrel
+cangzhou
+s.m
+starbase
+miniaturize
+teradyne
+31.84
+non-singing
+sivasithamparam
+jerauld
+http://www.intel.com
+ikarus
+plescia
+subbaiah
+jatakas
+refigured
+ruoff
+gasoil
+4,376
+tindemans
+homem-christo
+zide
+marginalized
+donaggio
+mid-1958
+searby
+daxin
+hoegstroem
+sulechów
+oncale
+prevalje
+ninjutsu
+lucescu
+1.
+shereen
+67.63
+trophic
+1km
+putto
+paknam
+biagio
+fröbel
+forkel
+charlottes
+repetitively
+moshoeu
+wife
+punching
+dynamited
+ealier
+ultra-light
+lovelies
+huscroft
+detlev
+2,462
+spake
+overawe
+backwards
+thymocytes
+diệm
+cyclopentadienyl
+mid-1918
+douaumont
+concoctions
+plew
+agma
+fenice
+paravane
+jc
+giosue
+nahar
+@home
+chateauesque
+kasavubu
+sechin
+takeouts
+kaler
+acrimony
+ruggedized
+nitrous
+agrilife
+creevey
+infantado
+suddenlink
+stcw
+tetrarch
+whitcomb
+gareau
+horribles
+repertories
+shuitou
+harmons
+biswas
+dvina
+choriocarcinoma
+holyoake
+joeli
+sackbut
+alvac
+pior
+under-privileged
+workfare
+f2004
+kar
+abdelkader
+retransmits
+left-arm
+1,262
+minis
+donatiello
+oley
+yogie
+nutraceutical
+karpf
+75-acre
+iwakuma
+52-24
+beyg
+ctenomys
+precariousness
+10023
+vahidi
+hoshiyar
+extended
+longarm
+tabanidae
+altimeters
+turkistani
+posehn
+buona
+reodica
+ylönen
+banters
+shags
+winterstein
+rakotonandrasana
+praagh
+álvar
+wānanga
+whiners
+berlingske
+202.9
+fatone
+minstry
+percey
+jitneys
+8799
+macey
+tushingham
+qarmat
+tierra
+novopharm
+alg
+43d
+long-serving
+13:04
+geryon
+30c
+backlund
+proventriculus
+ss-20
+sochaux
+fiom
+chn
+yonath
+hexachord
+verbroedering
+cnch
+rilke
+mtoner
+lpg
+45.35
+aérea
+googe
+mackey
+diodorus
+gutin
+bermagui
+eldora
+qingzang
+crackup
+morality
+studied
+muumuus
+stordahl
+iipa
+27,813
+55.31
+sistem
+katz
+niedernhuber
+batas
+227.8
+nzabampema
+sedan/saloon
+saltanov
+uyghurs
+cotu
+volchok
+24.39
+2027
+kubler
+pollinators
+t-junction
+ichthyosaurs
+terboven
+jinns
+yose
+jawed
+temporized
+samashki
+judiciales
+downtrodden
+turani
+tawain
+somei
+favretto
+inadmissable
+camelback
+kagisho
+ligers
+waterskiing
+i.t.
+intermarrying
+svenson
+camaguey
+pattonsburg
+ephemeris
+muhieddin
+lääne
+adjuster
+phones
+abdic
+avidly
+adakhan
+fassbind
+occ
+w2
+mékinac
+kailey
+lavigerie
+choirs
+middletown
+kefu
+183.7
+thesauri
+geheime
+abramova
+buencamino
+serialised
+storace
+paschalis
+batikhi
+tier-three
+mathiesen
++19
+jöns
+12-screen
+willi
+simba
+1995-2004
+nannestad
+eneas
+etwall
+mürwik
+daß
+833
+fechan
+marketplace
+russky
+subcontract
+ikegami
+michod
+branham
+erlewine
+benching
+yanev
+33.43
+45000
+dejerine
+309
+creolization
+husing
+admiration
+decodable
+rimshots
+8/7
+aquarius
+juricic
+three-body
+tmea
+kenai
+sakakini
+possessives
+sarpay
+besni
+vivaldo
+107.83
+liguori
+sabrisho
+wurmser
+fridays
+nawar
+khurja
+overbuilding
+viel
+foja
+part-1
+kalapana
+bertazzo
+seine-saint-denis
+galatea
+.577
+gule
+protosevich
+edenvale
+hammatt
+ratua
+barks
+lenkoran
+longmore
+crossgates
+jenko
+quenching
+kottarakara
+lapatinib
+lemkos
+firn
+5:4
+subbiah
+36-36
+volturno
+wehda
+valera
+'67
+extensionality
+galantine
+mahoto
+cross-referencing
+munmu
+warping
+nmdar
+ayisha
+spero
+fragilities
+marryat
+saeed
+corke
+slum
+gerstenberg
+440-pound
+strata
+encephalopathy
+kahana
+1140s
+panicked
+peeks
+panteli
+marquesses
+laredos
+palca
+mnguni
+daejon
+kawaz
+gynecologists
+voyevoda
+deserve
+aparajita
+perplexes
+juanjuan
+astrometry
+.378
+anikulapo
+rhoads
+ghoneim
+technico
+a-roni
+gambarini
+bollingen
+carbonyls
+87-86
+khafji
+honiton
+rapho
+nigrita
+angèle
+panduranga
+gasco
+case-control
+single-channel
+preternaturally
+kimmy
+berlin-charlottenburg
+prequels
+lay-out
+miltiary
+karaga
+berhe
+convirtio
+rcd
+samuell
+rahhal
+pretend
+redenbaugh
+heddles
+assails
+23.5
+comical
+tidenham
+entree
+foglesong
+192.3
+clubman
+westover
+72-mile
+accusations
+kahless
+formula
+whims
+fairey
+dolph
+hugueney
+inlaws
+subbundle
+parish
+allemande
+calgb
+paladine
+gangitano
+0-6-0
+uem
+1910-45
+ickleton
+14-ranked
+zonk
+tyndall
+bacharuddin
+makawanpur
+.458
+1-732-390-4480
+doppelbock
+mordashov
+maymyo
+rivière-du-loup
+hutner
+lik
+engrish
+10:47
+habitually
+haghia
+lowland
+pendulums
+nrps
+dof
+vukčić
+siófok
+1,638.80
+interamerican
+pesquera
+niter
+federigo
+hirings
+ozanian
+fiction/horror
+norrie
+pishkuh
+microwaving
+low-tide
+rollings
+al-baghdadi
+rezin
+nsi
+lapinid
+melsungen
+erdenet
+africanum
+rolo
+spotter
+mehul
+replica
+merioneth
+ferroalloys
+indeclinable
+kolnik
+cotangent
+jorhat
+ku-band
+zähringer
+1.113
+metop
+pipino
+tomlins
+94.35
+nierob
+5,000-metre
+echidnas
+maila
+silt
+lasky
+2,682
+ushi
+danisco
+desegregation
+fost
+codnor
+lindvall
+crowborough
+falciparum
+te
+darwin
+nivea
+mahican
+retransmissions
+eraldo
+lichtenburg
+anti-irish
+eltham
+romano-british
+3,379
+sap
+dunwich
+14c
+blunter
+m23
+mogilyansky
+grindlays
++9
+39.2
+xylene
+matsuya
+overblow
+oulare
+kyokutenho
+hazard
+mctiernan
+deprecates
+mederake
+sanei
+labarbera
+umbrians
+ancus
+recai
+png
+propositioning
+propagandize
+collooney
+nishikori
+cfi
+evanston
+bauble
+palaeolithic
+jazz-oriented
+nappers
+oprah.com
+local
+moyna
+stretchers
+considering
+gianelli
+berenice
+defanged
+feeler
+styling
+villistas
+provencio
+macedonica
+cummins
+4104
+.225
+dáire
+ordesky
+rosener
+joergensen
+hagmann
+alamogordo
+bousquet
+marzotto
+lulworth
+boke
+ranellidae
+intertextual
+80-square
+ayane
+overprivileged
+1,053
+suyono
+quipping
+200,000-300
+videocameras
+solia
+cosy
+huamei
+institution
+post-hurricane
+latour
+jilting
+95.11
+svarog
+bushell
+contigs
+kramnik
+true/false
+doyle
+shull
+v.c.
+english-irish
+fleissner
+porker
+golovin
+wibg
+badajoz
+janez
+sennheiser
+londos
+stefano
+marítimo
+deedar
+percolates
+moabite
+hensel
+abasement
+clumpy
+4000m
+runs
+petaluma
+platja
+282.5
+f-35
+ildebrando
+barmak
+contingent
+lightsabers
+apollyon
+scriptwriter
+guidlines
+gurk
+aratta
+ruedrich
+wu'an
+gollancz
+valchek
+kaur
+coast
+mmmmm
+jazzy
+195
+polymorphous
+buissiere
+candice
+marof
+bikila
+31,563
+amreeka
+seibei
+wadkar
+plata
+kapetanovic
+metzl
+bergs
+electional
+corfu
+documentarian
+titirangi
+sebright
+bartlomiej
+issak
+mccrory
+mícheál
+sfh
+particular
+xueshi
+benteng
+assonance
+muğla
+weka
+100.15
+tchangai
+rezende
+4-5-1
+palance
+morier
+fentress
+convalescing
+macdiarmid
+armoires
+pushtu
+3-0-20-0
+vail
+ballwin
+oolite
+markt
+okiku
+6201/64033
+patryannytimes.com
+participator
+pasinetti
+oremus
+oreshkin
+lents
+gezahegne
+twin-turbocharged
+selberg
+phosphorylates
+skicross
+hamachi
+gornik
+glaurung
+novosti
+gullichsen
+żuławski
+3,321
+trainsets
+tsolakis
+55-1
+8.875
+yunxiang
+malte
+liji
+1,747
+toxicity
+gossypium
+auerswald
+animating
+neshaminy
+47.28
+hardships
+mroue
+unpo
+husak
+boothville
+cagers
+carteles
+1997-99
+redshirts
+unnoted
+spatio-temporal
+ulsterbus
+jawaid
+nalubaale
+boskov
+4x400-meter
+houstoun
+pukaki
+jannaram
+newbigging
+kozłowski
+stinky
+julio-claudian
+yogurts
+keshava
+2006
+fenholt
+ethernet
+nonpublic
+pacs
+rej
+tremonton
+mitchill
+jumron
+pbc
+elyas
+nahdlatul
+intrusion
+wrt
+perceptiveness
+kamianets-podilskyi
+succinct
+suryono
+moralize
+dibbs
+m28
+52.43
+redbreast
+fransman
+confectionery
+flamencos
+xingcheng
+lluberes
+2084
+mondeuse
+markovia
+hiroko
+appell
+g8-summit
+small-pox
+british-india
+arbitrarily
+barthel
+ull
+warda
+rickety
+44.01
+130.32
+clicked
+menwith
+archduke
+33.49
+thera
+cristoforo
+iacocca
+sentani
+robust
+pertwee
+argandab
+infatuations
+salpointe
+pompous
+oceanographer
+nikethamide
+mir-2
+scarling
+reynir
+disposer
+mclarty
+p/e
+thomaselli
+kazutaka
+stupider
+valadon
+56-53
+agovino
+mistake
+depressurization
+moony
+mcvety
+momeni
+ruto
+böyük
+cryosurgery
+basay
+haym
+zeckendorf
+v.r.
+hiltz
+argos
+vihuela
+ftl
+cline
+http://www.comair.com
+woelden
+kinard
+knappertsbusch
+unenriched
+giovan
+holocausts
+ifk
+parenchymal
+montealto
+pingping
+hoërskool
+stumptown
+underthrew
+freytag
+pavonis
+midlife
+#d
+karingal
+high-carbon
+a/l
+romantico
+klymaxx
+krasnosielc
+1.2104
+rimkus
+prestbo
+macy
+nogometni
+believe
+salafis
+dalbir
+benmore
+nampa
+thoughtlessly
+seyni
+3,180
+42.88
+gammage
+petrocelli
+r.n.
+monzón
+amatory
+schnitger
+wappen
+lugol
+thalheimer
+muthee
+ripest
+lembcke
+kupferberg
+badillo
+fad
+indo-aryan
+yanshou
+12-bar
+trustpower
+zharmakhan
+aspe
+cdse
+derge
+volatiles
+seela
+artisanal
+rujano
+gjerstad
+medellin
+categoría
+spinor
+hazards
+elektron
+postings
+pisetsky
+al-rayyan
+mehmood
+elzie
+contrasting
+boomkat
+unseasonably
+tragicomic
+bucheon
+ruhlmann
+barringer
+motor-vehicle
+slamboree
+1,938
+10.36
+kirishitan
+alycia
+liason
+lithocarpus
+lertrat
+lagin
+mitt
+coches
+femia
+romano
+24.90
+refashioning
+sinjhuang
+trapezium
+rishton
+disguising
+wizarding
+stubb
+idiosyncrasy
+benghazi
+sanctification
+molisa
+grune
+montanari
+kalaupapa
+e7
+morny
+aswad
+cctlds
+sailed
+aoun
+xương
+usa.org
+enigmatic
+sluglines
+yashin
+2116
+magnification
+masheke
+scotopic
+reminder
+goncharenko
+mesaba
+1,988
+greenmail
+amiyumi
+servalan
+diski
+antlions
+booher
+nomina
+gurnemanz
+darter
+bychkov
+heh
+utsav
+ola
+preyer
+bylines
+tuszynski
+zafiro
+tu-104
+postgraduate
+aether
+vosganian
+shekh
+jagran
+abcde
+bigoted
+152.7
+dacre
+maht
+jindong
+supercargo
+youlus
+1.366
+shider
+distintas
+pahn
+52,400
+contemptuous
+bluescope
+residencia
+marginals
+81.15
+paulist
+106.85
+high-explosive
+romanovs
+brundage
+zonas
+argand
+n.l.
+aftab
+pupa
+kidded
+sadness
+joreen
+sibneft
+43.2
+tw3
+x-men
+dufault
+mesons
+fotografía
+15.06
+121.33
+seamy
+0.027
+wakaazuma
+25.79
+woo-ping
+hip-roofed
+hamp
+iigs
+yawm
+mini-camp
+kłodawa
+miring
+122.20
+spasmodically
+roseland
+clavis
+annegret
+gleamed
+propria
+eatonville
+terraces
+clia
+sandburg
+factbook
+anglo-catholics
+minkes
+vpm
+cypherpunk
+consumption
+honorius
+shouwen
+yamin
+gava
+emomali
+lynmouth
+s.k.
+habshi
+cutie
+ciarcia
+8-gigabyte
+canadarm2
+commiserates
+adedy
+mulanthuruthy
+resupplies
+vanderson
+smedes
+dugans
+saccacio
+parkinson
+honeysuckle
+whitehouse.gov
+hayloft
+satala
+vehicules
+1,757
+33-36
+syrtos
+sesto
+kabulis
+aircraftman
+sadreddin
+pecan
+roseate
+wozniacki
+barristers
+caeli
+sreng
+higueras
+mizugaki
+gainfully
+brahan
+benon
+macaroons
+six-year-old
+šibenik
+bragantino
+tuvaluans
+abdinasir
+bulus
+swamplands
+ozarka
+1-87
+sliven
+marwani
+62.53
+homecoming
+flitter
+dodgem
+crookes
+pedestrian-friendly
+kernot
+karytaina
+buchina
+sibylla
+sportsweek
+4.45
+abierta
+morcheeba
+overqualified
+kikujiro
+gerontologist
+xiangming
+threaded
+1979-80
+mrozowski
+131.50
+conceit
+krasnaya
+häggkvist
+ettalhi
+sanchar
+85-pound
+mcmahon
+fnac
+finckel
+clifton
+8-page
+souder
+whitty
+throwaway
+toce
+braemar
+japw
+divvy
+oberlandesgericht
+hatlo
+jerramy
+mixed-race
+haenel
+2,031
+wolfley
+anglerfish
+santanna
+domen
+summer/fall
+chebii
+pahokee
+mainly
+33.4
+109.54
+pashiardis
+863
+juegos
+babini
+hornak
+štúr
+okino
+american-led
+gaudí
+50.43
+scissors
+siddhartha
+darbepoetin
+crunchie
+invitiation
+charle
+xybernaut
+acoustics
+jacot
+shorthanded
+7.92
+0.028
+medabot
+seemo
+kakan
+tereshinski
+fudan
+platten
+schindewolf
+wappel
+rohvsk
+pornographers
+wjb
+fantasmas
+shabbier
+edner
+rahmatullah
+djerf
+schumpeter
+rtlm
+ottapalam
+ieah
+amirault
+dressmaker
+wolfenstein
+zoraida
+sandow
+durex
+55.37
+megaplier
+bachelard
+bonspiels
+prewett
+insecta
+mayapan
+13-ton
+murtezi
+callas
+mortally
+prospectuses
+bilanga
+cfsb
+rm9
+220-page
+phrased
+directorate
+.2000
+burgate
+linn-baker
+l'aquila
+duodu
+meir
+izel
+maculatus
+baronne
+ngarm
+76er
+lee-on-solent
+netted
+rosaries
+guanghe
+plagioclase
+hawass
+longxin
+belleview
+light-sport
+mitac
+mimetic
+sight-reading
+ojul
+kumukh
+styn
+nishioka
+compulsory
+tattlers
+0.19
+macnair
+drummonds
+slickest
+matsakis
+soyabean
+1.5450
+pencader
+clignancourt
+klaskin
+ease-of-use
+uavs
+94-91
+insole
+62.35
+netsuite
+ibrado
+meloni
+saluda
+twic
+3x3
+nisanit
+balquhidder
+roadsides
+imidacloprid
+start-ups
+maggiano
+hydroxylase
+babbel
+pulpy
+unelectable
+0269
+aliança
+shanon
+norteño
+formula_104
+joppien
+5-foot-4-inch
+kawashima
+upping
+overpeck
+hajo
+119.90
+nnrtis
+counterfeit
+kramlich
+marigolds
+pillowcases
+dusable
+tchotchke
+bolad
+13-minute
+sørum
+meucci
+sawers
+gregerson
+diehards
+mulhern
+rudston
+pateras
+housings
+multi-issue
+peixinho
+levant
+berghe
+8-percent
+essec
+tsanchev
+moluccan
+.541
+mussayib
+6.1
+panty
+broomes
+dystrophy
+strobing
+colloquia
+exorcists
+loa
+mercury
+armpits
+eriberto
+contro
+davitt
+myp
+1993-1996
+fun-filled
+structure-based
+mead
+riise
+comme
+steinkopf
+wintermute
+toyotas
+torkelson
+default.htm
+macri
+oriali
+jitney
+weg
+nagari
+khet
+badmouthing
+fujine
+emigration
+bahnaric
+sparser
+lawnside
+kesennuma
+60.32
+loci
+lexapro
+v.o.
+freeholders
+fuyushiba
+naturalized
+euro526
+amarte
+bitney
+education-related
+nc-4
+keel
+bruch
+cluttered
+10-turn
+hallows
+benhuri
+122.75
+20.67
+60-53
+haitang
+southcom
+view-master
+truc
+mandrin
+biopreparat
+poner
+102.10
+qinghong
+nelford
+m.html
+inhibitory
+kurla
+cumin
+treadway
+testarossa
+accp
+juillet
+500-odd
+landberg
+consultors
+487th
+tagh
+ulrich
+hypernova
+bt16
+hollywood
+bila
+iraq-iran
+humphreys
+rafflesiana
+re-consecrated
+hatband
+ungroomed
+counterfeits
+06:45
+shuzheng
+no-balls
+assertively
+cmhc
+bsee
+predawn
+78.2
+regrading
+intangibles
+1664
+snobby
+broxton
+blarney
+mcalmont
+fetu'u
+zuel
+afro-latin
+iloko
+cardona
+northwind
+hoefler
+myself
+odebrecht
+hildenbrand
+guthman
+newsom
+undeclared
+dual-band
+maksimir
+netbios
+hooches
+magdelena
+46.53
+nguyet
+1955
+supertaça
+aruban
+majeur
+prestowitz
+documentum
+jalala
+titleholders
+hackers
+dailey
+kuftaro
+cudd
+o&m
+michelago
+janov
+khl
+markel
+rubenstein
+104.90
+uninvestigated
+sub-type
+lavant
+sub-families
+scifres
+poterba
+okogie
+resolved
+nyalam
+tlc
+hypertalk
+sayedi
+,504
+daniilidou
+audio-video
+sounes
+dania
+;(
+zurbarán
+94-81
+1,219
+hypertensive
+vaska
+formula_31
+ghadames
+guilin
+1,817
+ribbed
+12-16
+ommeren
+ovsiannikov
+concordes
+24.00
+saudargas
+phcn
+445th
+kayembe
+cmx
+darin
+dengeki
+pabellón
+tosun
+bonoff
+pawsox
+belterra
+105-minute
+blix
+cemented
+euro479
+1888
+gitler
+génération
+tweede
+brasenose
+kiselak
+summercamp
+tsf
+galaţi
+non-porous
+pumori
+azithromycin
+malpighiaceae
+paraparaumu
+ballcourt
+hunold
+ondrej
+naracoorte
+lignes
+helbig
+sternberg
+agg
+whisperings
+futurepop
+caminero
+annigoni
+compose
+trimethyl
+szekler
+schutzman
+snowbirds
+cloaking
+pardons
+hardison
+katsas
+labant
+dompierre
+confortola
+garett
+girl
+bti
+6.5-percent
+ruse
+straßenbahn
+mansudae
+breukelen
+govt.
+81611
+stagflation
+cromelin
+durandus
+clusters
+kronborg
+naturelles
+samoyedic
+,570
+genal
+durán
+castoria
+86.67
+dewyze
+lithographic
+rahv
+b.v.
+commissione
+ministership
+gutsiness
+ingo
+dahabi
+yogurt
+fusiliers
+orem
+19:16
+bituin
+montevarchi
+smocked
+ria
+.417
+monrose
+kc-135a
+hatikvah
+historii
+impian
+panich
+mayon
+bisulfite
+mismatch
+pdv
+widenhofer
+magnates
+ethington
+abumuslimov
+marsh
+aale
+crossdressing
+59-minute
+2,413
+kirchheim
+salloukh
+revocable
+metrodome
+rinehimer
+eidul
+objeto
+manliness
+19:54
+ppg
+sanjiva
+dunajcem
+dinged
+44.86
+judgment
+self-immolations
+filesharing
+standaard
+vigilio
+repainted
+groupoid
+51,200
+badoglio
+dragline
+zápolya
+belittling
+1.035
+bredon
+shabab
+ystad
+spleens
+taren
+kesko
+fengshan
+94kg
+heeren
+widad
+futalognkosaurus
+granulatus
+nuo
+hhgregg
+judd
+eurohockey
+wiscon
+aβ
+consiste
+tejada
+markiza
+kuldeep
+carbono
+ummar
+gaspard
+abdelal
+ninefold
+deputized
+patiently
+incompetency
+torpy
+alquist
+pushcart
+ironmind
+lytvyn
+gortner
+prizefight
+volto
+truer
+coface
+hostetter
+excretes
+sarhan
+prill
+millar
+alexey
+monchy
+lanarkshire
+italian-speaking
+tgm
+chūō-sōbu
+micro-credit
+i.o.
+b.i.g
+airds
+pyramidellidae
+outpolling
+fonoti
+satori
+nigar
+phar-mor
+confiscate
+12,300
+ezel
+rahming
+chaat
+msx
+náutico
+potholm
+2,611
+thorius
+vienneau
+stochastic
+nesse
+reines
+siah
+froth
+worries
+overviews
+nethold
+myrtleford
+produced
+mistranslation
+anacortes
+fhima
+riverdance
+mumias
+₂
+pimenta
+0-4-0t
+gregauman
+roland
+sagala
+picariello
+nejm
+codis
+publishing
+triadic
+rodef
+recapturing
+104-87
+499-3304
+school-aged
+dieghi
+translate
+wick
+48,125
+khaji
+nuestra
+heuberger
+haredim
+1166
+mandopop
+degollado
+lasses
+femora
+porec
+pante
+shafal
+nigg
+equalised
+ojc
+chateauroux
+doughboys
+alcoyano
+ahamada
+refik
+amparo
+pyrus
+pollocks
+wahz
+tercek
+sedrick
+rohrbacher
+archy
+defy
+tequesta
+béchamel
+holidayed
+brașov
+abcd
+considine
+115-year
+ndm
+yellow-breasted
+844,000
+268.9
+abdulghani
+taciturn
+colonizer
+zhixiang
+fêtes
+judiciously
+holick
+phebe
+keitt
+namaliu
+21.89
+chairs
+1/3rd
+biel
+paraded
+alds
+fingerhut
+cogdell
+6-foot-6
+35.24
+danesi
+overthrew
+bilas
+tiantong
+mikerevic
+celestin
+sars
+journey
+ludolf
+baycare
+charm
+shatterproof
+hajji
+tossup
+sucede
+tages
+59.6
+saroeun
+inability
+macario
+collector
+trimaran
+naturaleza
+36.88
+rotte
+bojador
+pitillo
+black-eared
+medallists
+100,000-ton
+pinkenba
+np-complete
+vogelzang
+lanese
+nerine
+myles
+kodavas
+isbns
+heartbeats
+two-channel
+manual
+antemedian
+våler
+thol
+cuala
+tongued
+wreh
+kurtenbach
+furbys
+goal_detroit
+optio
+upholland
+snus
+zavkhan
+tamarack
+(727)893-8241
+bouma
+grummett
+4,896
+getman
+ballonet
+uveal
+up-scale
+79-69
+novisuccinea
+prettiest
+fayza
+220.6
+jahannam
+alshafei
+carillon
+in-dash
+choue
+83.47
+2000c
+chocobo
+duhamel
+newsworld
+aptis
+dc-3
+cfls
+alpirez
+calmat
+disengaged
+krystal
+envisaged
+commendator
+arreridj
+riverhead
+dadabhai
+bbn48
+prather
+allen
+viau
+božić
+sobirov
+17-pounder
+msa
+murinus
+gafoot
+darug
+finalizing
+156.7
+nordnes
+schoeneberg
+kerouac
+lockland
+fishwick
+västernorrland
+av-8bs
+adichie
+jirina
+daequan
+planorbidae
+22.58
+rhombic
+ramakant
+pusa
+paloh
+ritualistic
+non-primary
+sameer
+adamonis
+towery
+teledesic
+106.23
+saltan
+genesee
+complexly
+sabinal
+bloomington-normal
+71.7
+biscoe
+sahbaz
+mmds
+meningoencephalitis
+mells
+vanness
+primos
+40.90
+lipchitz
+felty
+zelimir
+active-duty
+queijo
+110.45
+doctrinaire
+wristband
+in-ear
+ı
+0-and-1
+częstochowa
+wnit
+sangatte
+staatskapelle
+originally
+23.60
+inonu
+gukeng
+vidgen
+non-bonding
+jacquet
+petronius
+traces
+well-paying
+brod
+weevils
+swannanoa
+cybercity
+2,341
+maziar
+altintop
+1999/2000
+nma
+dreadlocked
+fogel
+psalter
+84-minute
+emigdio
+kemar
+transience
+ljm
+0301
+88.11
+tigerstedt
+sedlabanki
+ktr
+countdowns
+four-year-old
+elsam
+guduru
+rereleasing
+bouknight
+arge
+bodystyle
+prady
+kronick
+41.81
+pontificio
+g-star
+wennberg
+forbears
+lancang
+indisposed
+omsk
+lê
+wavelets
+seismological
+bogazkoy
+trigueros
+17-foot
+lysette
+tizoc
+74-71
+defiled
+37mm
+kozu
+maurice
+debits
+shchekochikhin
+berbice
+concerned
+doorman
+roslynn
+kanode
+609
+focal-plane
+ulfilas
+tlacopan
+equates
+box
+lader
+1.995
+eucken
+okey
+gradaščević
+crapper
+gracenote
+anstice
+sourp
+kommersant
+authoritarianism
+hierarchically
+kamsa
+langlie
+jumbotron
+rosthern
+kabaret
+babesia
+empathic
+dibenedetto
+niuhuru
+80-odd
+gminder
+pilfers
+krajina
+crowds
+non-electrified
+beginitalic
+petrosyan
+bhansali
+heydrich
+meral
+salameh
+answers
+blewitt
+heda
+nofal
+rurua
+vlok
+pop-art
+ferate
+ugh
+stehling
+wimped
+organisation
+koenigsberg
+vds
+freedom-loving
+omro
+40,000-strong
+1140
+eggar
+http://www.nytimes.com
+acesita
+laitin
+hueyapan
+dimond
+rhayader
+cyperaceae
+15-20
+stanchev
+unsuspecting
+compris
+farruquito
+hacktivists
+fue
+higurashi
+talcher
+triathlon
+delicious
+endelman
+marmottan
+nicky
+kaumualii
+bowler
+mandanici
+cotney
+usurps
+gurenko
+waterhen
+switchgrass
+lamplight
+onzm
+backings
+ui
+soumah
+kantouris
+clairvoyant
+subspecific
+chraidi
+lancelin
+run-around
+rhetorically
+touchups
+floured
+riboswitch
+rands
+austinites
+sevket
+comprehensive
+silvija
+dual-mode
+2030s
+interwoven
+dorthe
+بن
+10.5
+azeem
+cetacean
+kosters
+guest-starred
+maton
+tetas
+a-point
+evangelischer
+kgtv
+longxi
+tanigawa
+fabill
+lovellette
+3b
+17.12
+televisyen
+wolstan
+more-or-less
+drawbar
+baiser
+nkgb
+kaenzig
+mhor
+schama
+viale
+new-wave
+sombrero
+sturza
+cal.
+opulence
+4,013
+veerasingham
+7-pound
+slavomir
+93.60
+kisiel
+zadeh
+guaiac
+barat
+107-94
+procedings
+eurodisco
+4,258
+coatis
+melas
+belia
+godby
+3.8-billion
+selectmen
+lambesis
+nothofagus
+good-hearted
+ueberroth
+kanawha
+haplogroup
+gejdenson
+ballot
+tohu
+pravind
+openmoko
+civilised
+ukridge
+vertebrae
+backpacking
+laths
+three-year-olds
+alcasid
+stategic
+beetson
+poertner
+decluttering
+zaccheroni
+natacha
+fick
+irun
+overcorrect
+serien
+diqing
+solanine
+yongchun
+60-car
+vianney
+physx
+compaq
+vice-dean
+36.9
+dadao
+apl.de.ap
+uncapped
+nso
+esophagus
+seria
+l.i.
+stanakzai
+4-87
+raylan
+chinky
+achiou
+almunia
+unltd
+mærsk
+nsb
+detector
+asmer
+castle
+symantec
+enercon
+souvenir
+iterations
+davangere
+skosana
+47-14
+mckeith
+mg/m3
+anabta
+wampum
+ivens
+udf
+friedel
+x30
+relaunches
+barz
+1.4470
+mutterings
+re-distributed
+verwaltungskreis
+lepidus
+makgatho
+bmh
+oes
+250.8
+pinang
+chandlers
+oshkosh
+oberkommando
+yitzchak
+foot-ball
+kadivar
+scoville
+typescripts
+yonezawa
+hezi
+peyser
+impacto
+mukims
+monetize
+bronchodilator
+mroz
+degrade
+sente
+m16a1
+rasse
+itza
+valuair
+header
+rushydro
+818,000
+sharklike
+unsure
+nakiska
+laurice
+immunization
+ballas
+rabai
+danja
+dignitatum
+tnfα
+alvarion
+kuntz
+145-year
+stroebel
+leod
+1,770-kilometer
+kuroishi
+moskvich
+fathur
+ateliers
+intercrater
+1,000-meter
+romeros
+72-0
+marinovich
+pourzand
+extroversion
+schoenholtz
+napoleonville
+hu-16
+1065
+1-47
+coulee
+michoacana
+906,000
+sheaf
+powerset
+aphrodisias
+shamshir
+stands
+grubby
+enjoins
+earmarked
+emphasizes
+nhơn
+korabl
+2:59
+maunsell
+japes
+mussawar
+tyutin
+co-anchoring
+rivales
+duyệt
+timeshare
+alpart
+vlachs
+1-for-16
+biopic
+hotlines
+44,300
+chipeta
+glanvill
+assize
+oh-58
+balbir
+crooned
+pics
+arachidonic
+faculties
+triumph
+wath
+aitc
+scanio
+libreoffice
+urlacher
+tenderloins
+fredriksson
+greenawalt
+mriya
+classica
+fowleri
+barnewall
+tolstoyan
+beginners
+badgam
+firewalking
+thoroughfares
+beds
+mosport
+krislov
+guh
+shelepin
+ormsby
+tecnologica
+benaissa
+hoh
+mercaptan
+audiovisuals
+hubchev
+lacosta
+cancer-free
+plasterboard
+nicolau
+yì
+46-story
+mértola
+wysoka
+stožice
+kahwaji
+moqrin
+peripherin
+cgd
+ulster
+1966-76
+niners
+tremble
+hagemo
+hamamatsu
+1,444
+37-million
+fugong
+braddy
+separates
+barzini
+andré
+banta
+scirica
+instabilities
+wojciechowice
+parkyns
+tambun
+musikalische
+dr.
+petaflop
+facilitator
+glenna
+10min
+bt800
+wenqing
+129.00
+spanker
+tremendous
+moneymaking
+isuzu
+carports
+mlk
+shimonoseki
+evanton
+vitara
+revuelta
+garant
+mayur
+wmur
+commuting
+morbidity
+rne
+buckey
+34-9
+0930
+rieko
+snowbound
+univox
+overcapacity
+low-friction
+manhattan
+golgotha
+sanyasa
+bagel
+uncontacted
+2,582
+earthshaking
+berndt
+tpk
+sifting
+textured
+cuculidae
+venky
+iourieva
+dazzlers
+communicable
+senegalese
+skopintsev
+wschowa
+corticospinal
+.0170
+undelivered
+waterski
+llengua
+guthmann
+strangite
+o'berry
+uncared
+hashshashin
+promotors
+mrp
+5-16
+thy
+ahlen
+texano
+buddist
+holthuis
+106-100
+chuquicamata
+hănescu
+19-2
+pehe
+fajr-3
+n-channel
+queenstown
+buddika
+arrangements
+penske
+parentheses
+cucurbit
+blavatnik
+cheragh
+29.77
+westers
+marauding
+frasquita
+jeon
+drimmer
+brushwood
+1965-1967
+non-official
+crescents
+heartsick
+limavady
+tueday
+dromaeosaurids
+sénégalais
+alaattin
+hypothalamic-pituitary-adrenal
+yuan-ti
+suscribirse
+jailbroken
+perryman
+hē
+1,704
+ilustres
+360-foot
+kavandi
+huntingtin
+bucknum
+franprix
+sechnaill
+ezzard
+misiewicz
+kinyras
+court-ordered
+coliseums
+larnaca
+hearn
+mahoning
+świnice
+demobilise
+zinifex
+snappily
+serato
+masi
+pennsburg
+mutanda
+clammy
+zou
+safeties
+snoring
+ancora
+mkv
+16:58
+jufeng
+ninoslav
+139.8
+premolar
+gokaigers
+resentful
+tollner
+geier
+6,362
+two-bit
+arcangelo
+mohegan
+super-g
+tabi
+greenish-brown
+sriwijaya
+ligabo
+43-million
+ongoing
+tiley
+puckle
+5nb
+muegge
+ldh
+mid-states
+saffer
+boeker
+job-related
+mexicano
+dolci
+samburu
+taken
+reconnoitred
+low-fare
+highground
+bouquets
+tie-ups
+kleines
+pachmarhi
+two-door
+abdulrixit
+tese
+mcgeer
+gomoh
+metatheory
+promocion
+12,000-man
+lodges
+109.19
+character
+stoliarov
+3000th
+kamper
+rawicz
+horsburgh
+weyburn
+exhaustive
+t-dog
+bel-imperia
+padbury
+molecular
+misjudgements
+boutrous
+vucetic
+viyella
+yorongar
+fallouja
+euro478
+81.27
+geographia
+kesner
+underthings
+hindin
+zilch
+501,000
+taborn
+petrella
+lyoto
+1.625
+furno
+sarabia
+geekcorps
+zit
+oberbeck
+5.00
+jabali
+etchison
+1-shot
+amanti
+zajanckauskas
+jinro
+positive-sense
+registan
+farfus
+icss
+2-litre
+dejah
+bongiovi
+nijo
+sid
+garfagnana
+tera
+moonglow
+filmfour
+167.25
+2,883
+17n
+lidar
+21.70
+pitzer
+kutan
+hungiapuko
+parnas
+aides
+mathilde
+transafrica
+sauvageau
+rim
+13.71
+boaz
+laennec
+dashi
+pash
+jewkes
+kutchi
+vespucio
+cjm
+gnpc
+laksanawisit
+bozano
+gist
+ruegger
+smuttynose
+deafblind
+2013source
+85203
+wacks
+firstmerit
+bloxom
+micro-organism
+steelworks
+proprietorship
+kottayam
+libere
+pajhwok
+stem-loop
+mossad
+banpais
+tailings
+disrupted
+rhps
+supertyphoon
+e.n.
+okayed
+heideman
+phobe
+earnestine
+gem-quality
+seawaters
+548
+hybrida
+loser
+ohakea
+conaf
+l-159
+taraqi
+komphela
+yim
+pictou
+mashina
+mandour
+alda
+glucosamine
+delaet
+backbenches
+kd6
+ataullah
+countermanded
+kasota
+feral
+dsm-iv-tr
+cratonic
+intimated
+sotherton
+cecropia
+dudding
+mendon
+nourbakhsh
+mythopoetic
+igea
+staring
+kamanga
+brush
+haradinaj
+recon
+pitter
+frisa
+reucassel
+201.3
+junkies
+xunlei
+wtca
+exploit
+ovl
+fwf
+1.50
+morgon
+postmedial
+villemain
+wide-body
+cegep
+pre-1965
+southend
+liu
+ajaj
+straton
+shrewdness
+kivu
+presburger
+52.37
+prsi
+guigal
+inwood
+constant
+25,000-square
+a470
+liling
+ćmielów
+quarterhorse
+fragua
+500-man
+elhassan
+korvus
+maniera
+slither
+otley
+administation
+alir
+grodsky
+noncallable
+rangachari
+post-event
+dhalla
+arni
+goth
+casillas
+pentoxide
+hùng
+l'essor
+dietary
+cpifa
+e-x
+newgarden
+teleplay
+udo
+avex
+ijazah
+tascam
+wabtec
+kokori
+hulu
+zhongshu
+co-championship
+bushism
+upto
+irac
+pinetti
+poo
+eleftheriou
+magway
+startext.net
+montecassino
+frown
+then-current
+lovers
+madeiran
+transfection
+panchi
+saint-martin
+queensbury
+fejér
+soucek
+barazan
+shimpan
+uzhgorod
+birinyi
+hengfeng
+ptx
+rabelaisian
+winched
+befuddling
+selmayr
+zonder
+galliford
+czisny
+suv
+wined
+10/22
+dacs
+51.54
+ukrtransnafta
+dyken
+mueve
+144.2
+290
+huvane
+gliac
+malmoe
+troyon
+vbulletin
+anti-union
+85.10
+3.56
+checkerboards
+seven-month
+albot
+slimey
+two-dollar
+starsky
+agastache
+co-presenter
+1-for-6
+moye
+1,433
+pagsanjan
+fitzpatricks
+mayadunne
+jingbao
+finkler
+ukulele
+čiurlionis
+ddr-oberliga
+86.28
+crock
+78.71
+1.3-1
+sheetrock
+heagy
+faucet
+cotija
+copple
+éireann
+30,208
+harm
+saccharum
+nesha
+yuanxi
+degradation
+ridgeley
+84-85
+rothwell
+sheriyar
+lehre
+buna-gona
+riina
+genesis
+336th
+arabe
+bondevik
+grandville
+krasae
+esantana
+modoff
+starcke
+ranjana
+heed
+lt.col
+widebody
+melisande
+msc
+jeronimos
+loafer
+co-designated
+radojko
+monetization
+86-81
+2-5-2
+kundry
+endtroducing
+superheaters
+39,700
+suell
+janssens
+bachar
+n'dour
+brewpubs
+explode
+vercoutre
+shopowners
+ccpoa
+guinness
+adkins
+seven-piece
+rood
+qassam
+trail
+mwaniki
+loveless
+prial
+immobilizes
+tenri
+stoppini
+ponos
+nfp
+banamex
+orizaba
+dotd
+rajagopalachari
+yamagami
+tahiti
+philosophica
+communique
+hawara
+-------------------------------------------------------
+cortijo
+roggin
+moustapha
+banknotes
+benzoate
+meisters
+bekes
+qods
+86.75
+barbeque
+erba
+observant
+josi
+busoga
+223
+disputation
+thipataya
+5,333
+aplastic
+sigint
+naivete
+reinders
+geomorphologist
+ellefsen
+chell
+laporta
+nikolaj
+ranged
+endlessly
+wofoo
+semdinli
+burnouf
+kuty
+ste
+104.03
+epitomes
+beukes
+heliacal
+pančevo
+rubisch
+lackadaisical
+lucasta
+grotesquerie
+mayreder
+ligamentum
+tini
+montengro
+c&o
+alguersuari
+sporobolus
+cedomir
+batey
+rappe
+tenjin
+1972-73
+klve
+unpardonable
+yunusov
+preinstalled
+psalters
+panderer
+vladislaus
+steam
+silber
+watt
+overtopped
+fanling
+alibori
+endured
+pickier
+bucknell
+obree
+nelio
+samphel
+keenum
+568
+malingerers
+ritchard
+e-470
+fontenay-le-comte
+hannagan
+bpu
+epicentral
+161.7
+bellerophon
+dominy
+recurs
+manufacturability
+al-gama
+katta
+orrock
+flanker
+weng
+janos
+0.033
+zhentarim
+denuding
+vladimirovich
+tradesman
+permutation
+1980-91
+moorilla
+seriously
+40-kilometre
+pamina
+turbaned
+narrabri
+asterion
+anti-militarism
+162.5
+tetzel
+fiscus
+33-minute
+antiserum
+ksf
+euxton
+munif
+cloaks
+migo
+unity08
+moodys
+caffari
+koloman
+prissy
+gerunds
+cormorants
+courcy
+sakhar
+reprises
+coxswains
+kvirkvelia
+tablecloth
+sharf
+erding
+streamcast
+mergui
+lara
+scislowska
+tianhe
+rehz
+leedham
+excubitors
+45-50
+foreclosed
+v-twin
+yehudi
+funnily
+wahda
+skt
+c5-r
+skolian
+sarcee
+furr
+tupouto'a
+cvp
+fasig-tipton
+hanser
+euro84
+wrynn
+miklosko
+unanticipated
+maxene
+anfavea
+recopilar
+suas
+boulanger
+shiryaev
+rhoden
+2,738
+back-country
+farningham
+pytalovo
+friburguense
+10000
+grimmett
+d'oc
+5-82
+promptness
+framnes
+shape-shifter
+hardouin-mansart
+edendale
+yarraville
+gericke
+lawns
+tarantula
+acoustician
+grotius
+hornung
+byers
+zongzi
+fazalullah
+bioregional
+ramaker
+tritter
+pawnees
+chinyama
+keola
+kitchenware
+ambattur
+raucus
+catsoulis
+psyche
+lativa
+ohc
+podiums
+sagely
+101.95
+proletariat
+sangeeth
+10-speaker
+outpoint
+finland
+soffici
+34.10
+devadasi
+sbvt
+sotin
+52-34
+cackling
+binner
+35.07
+whaddon
+nr1
+trondhjem
+72.48
+madariaga
+porus
+tecamachalco
+stolz
+yoda
+surkis
+gira
+januário
+diskette
+wilmerding
+single-sideband
+cēsis
+wagah
+radiohead
+.540
+yllana
+kypseli
+colorectal
+biggert
+893-8873
+21-9
+hogged
+225.0
+blato
+wintersun
+27.96
+roenicke
+lankhmar
+0.38
+takis
+hyeong
+al-qura
+whereon
+38.58
+encephalopathies
+trista
+takuji
+starmer
+wałbrzych
+peiffer
+ferrucci
+mascotte
+2,635
+graflex
+tofig
+cubic
+steinunn
+deferments
+buhs
+newswoman
+philoctetes
+liudmyla
+panzerkorps
+1319
+21,000-seat
+32.09
+soemitro
+houghtaling
+retama
+1pound
+fladmark
+subdeacons
+poon
+renascent
+katokichi
+danilovich
+kalfin
+discontented
+lancastria
+89.93
+dissembled
+plavsic
+paraquat
+standardized
+rudie
+lojack
+deeny
+goalscorer
+devilbiss
+ufdd
+sivalayam
+demichelis
+50-basis
+ngilu
+teruya
+buerge
+hashemian
+encina
+centerpoint
+khả
+angelides
+ausonius
+davina
+hamin
+grohmann
+t-72s
+pinchbeck
+2004-2006
+yzma
+karaiskaki
+40-years
+seychelles
+mockett
+hetepheres
+aronov
+teufel
+ne'er
+abakaliki
+machaca
+ribonuclease
+extravagance
+borota
+1-76
+donenfeld
+clinchers
+memento
+informal
+twirling
+tesler
+taxpayers
+pharmacist
+guru
+apu
+mạng
+koob
+a14
+dulci
+hamiti
+kallop
+melkote
+muck
+paleobotanical
+deception
+eek
+competiting
+frameworks
+paragraph
+nfl.com
+sakae
+vishwa
+paralytic
+97.64
+ligated
+xinhua
+schistura
+berytus
+5,215
+qanun
+forswore
+minus-15
+rendalen
+guerino
+adult-themed
+4hr
+filion
+krulewitz
+benzoin
+12km
+strombus
+disentangled
+mnari
+78.50
+mcokercoxnews.com
+wallachians
+misnamed
+feyer
+58-50
+mink
+moho
+kolář
+porthos
+midnapore
+fabricated
+roadsigns
+hallan
+motherships
+1997-2006
+parnaz
+witha
+ravindra
+fourth-order
+1910-11
+omaswa
+30.92
+2,482
+overscheduling
+espírito
+rantzau
+phlegmatic
+brussow
+standdown
+akhilgov
+impressively
+ipim
+turpen
+fanque
+104a
+xiuhua
+illiquid
+ithaka
+ankrah
+betula
+prêt
+gaylon
+dodos
+j.mcmurray
+unt
+z/2z
+84-65
+oster
+dejima
+ioc
+57.22
+lela
+newk
+olegovich
+macdermott
+holyrood
+minsi
+agstafa
+taxil
+occassion
+taghlib
+guinn
+frieda
+wingtips
+hobel
+non-compact
+credit
+profiteers
+ranken
+jacker
+immelman
+105,000
+23-17
+5.5-meter
+editing
+varmints
+looking
+divenuto
+lemalu
+biflora
+seipei
+busiest
+stratiform
+30.0
+bazán
+backlots
+maledon
+ataques
+oct4
+colombey
+groenlinks
+53.05
+finstrom
+luckett
+anilines
+sucuzhanay
+thutmose
+superscripts
+blackhole
+multiplicity
+electrometer
+bartee
+makeovers
+46.42
+prosthetist
+boakye
+grenell
+q107
+balleret
+dechy
+dansie
+servià
+gristle
+untersee
+dobrinja
+lakorn
+sul
+ganas
+1.5700
+148,000
+5-on-3
+aerobatic
+baskets
+dnas
+0.303
+macala
+manitoulin
+digable
+eastern-most
+kyou
+prongs
+amadis
+intensively
+luisita
+470-yard
+blackheart
+1697
+kalakkad
+huber
+sakib
+zord
+edulis
+hanteo
+i.n.
+takht-e
+tauride
+marica
+brazen
+utterly
+garrone
+gomtv
+peramuna
+gefreiter
+tamaryn
+materiel
+corach
+hashan
+comaneci
+silkworm
+droste
+switzerland
+disarmement
+2,861
+thamyris
+tituba
+18:45
+three-tiered
+shovelful
+ranks
+patriarchates
+30.21
+87.8
+kabra
+randel
+yeongnam
+boyaca
+time-based
+castrale
+renzo
+unosom
+deknight
+cucina
+infinitives
+ponds
+hafiza
+wha
+1-7-1
+zelów
+¾
+flava
+screwtape
+voltmeter
+bethany
+paranoiac
+iruretagoyena
+sorge
+vasai
+chhun
+cissokho
+yecheng
+kixx
+hpv
+large-bodied
+premcor
+ipk
+durgapur
+dollies
+bordet
+gateacre
+trott
+caviezel
+villamil
+névé
+aulic
+end-2006
+radó
+comunistas
+pétion
+hvidt
+bartnicki
+blonder
+9,425
+renouard
+koppen
+flatow
+susaeta
+al-haqq
+ranis
+2,719
+reps
+guangqi
+21.95
+nirdi
+garigliano
+agnar
+ascanius
+bareness
+bajic
+skaryna
+ile-de-france
+kantakouzene
+pick-ups
+tragheim
+criterium
+roebuck
+doanh
+ohmigod
+prince-bishops
+lacquers
+mcglinchey
+www.fueleconomy.gov
+materialism
+satilla
+romanis
+airlinks
+havner
+djangone
+cairo
+nisa
+bergan
+piscine
+medium-to-large
+medwatch
+tempestuous
+floetry
+millenarianism
+lapack
+olhos
+kahfi
+eurocrats
+cannelton
+1/3-inch
+lazarescu
+cashmore
+wusa
+callatis
+rara
+check
+argyropoulos
+giersbergen
+apologia
+tokuichiro
+alter-ego
+sambalpur
+constituency
+baab
+pulsating
+world-wide
+groundings
+6,400
+daigneault
+chatterbot
+aimal
+mrd
+poulton-le-fylde
+papovic
+tianjin
+senna
+vivienne
+lillesand
+plecker
+duisberg
+datura
+ambulances
+agates
+al-said
+sbor
+chicory
+epistemology
+excelaire
+mantia
+moeran
+tamakoshi
+ganja
+façade
+gongola
+drollas
+otisville
+noteholders
+cloris
+trounced
+141,300
+riksbank
+ahadith
+hoerr
+bodh
+akuta
+esaki
+fukudome
+istock
+orsha
+goldmans
+graphemes
+galbraith
+cecillon
+zosteropidae
+moskos
+fossilize
+conversano
+matsutake
+scuba
+ashutosh
+neuropsychiatry
+anti-counterfeiting
+pacto
+pully
+roselyn
+trevisan
+victorino
+sadeek
+feeble-minded
+bulimba
+64.85
+otty
+snuffle
+pamplemousses
+indies
+uninitiated
+circinus
+18,000,000
+pinsker
+postolos
+lims
+rejoices
+aberrant
+yodfa
+kobina
+singidunum
+25,208
+coates
+barnhart
+26-4
+bundesliga
+zúñiga
+omnitruncated
+lydden
+kelm
+sabae
+ishbel
+64.22
+schwarzwald
+crew-member
+formula_63
+operadora
+fuyang
+euro680
+trabajo
+musliu
+furter
+948,000
+openthegovernment.org
+dalgety
+velasquez
+gratify
+gameiro
+kalemie
+full-on
+huijue
+antimonide
+ergaster
+aleksandras
+192.5
+87.88
+airlie
+tousignant
+philippot
+barretti
+viramgam
+cortés
+animo
+vladikavkaz
+bsfa
+cernet
+harlan
+jokers
+herald-examiner
+rospa
+ert
+dinoflagellate
+innovation
+18-year
+ישראל
+jatiyatabadi
+obx
+lx450
+downside
+skiadopoulos
+13:05
+ab-initio
+tcrt
+curtiss
+lur
+asianews
+bets
+rhodope
+rossiiskaya
+harikrishna
+790-mile
+gulotta
+makaveli
+szwarc
+sorrenti
+aldworth
+andreae
+ilyinsky
+originating
+makis
+microns
+2242
+margulies
+rko
+sifre
+waygal
+61-53
+pioline
+spokespersons
+istván
+7:6
+60.70
+slorc
+brouzet
+dum
+arpanet
+partied
+rosiers
+coluccio
+bolarum
+abse
+complexes
+raciąż
+south-southeast
+petri
+straumur
+106.89
+unfaithful
+gelu
+francophone
+killala
+mansoni
+yukon-koyukuk
+euro770
+78.1
+population
+abstentions
+bukowsko
+repatriating
+pallets
+108.91
+theologica
+nabl
+http://www.msnbc.com
+3,428
+eenhoorn
+artd
+gräfenberg
+hoover
+aboomoslem
+supremo
+arminda
+donaghy
+subtraction
+wohlforth
+allometric
+tasmar
+kampong
+anxi
+cubo
+throne
+mukwonago
+anthesis
+thakor
+ijambo
+cataclysm
+nariaki
+metrobank
+hattam
+kellow
+passarella
+mitek
+outgroup
+rienzo
+madidi
+kabbalah
+-0.50
+fianchetto
+proscenium
+włostowic
+avaris
+arry
+hulü
+bjorkman
+topor
+casados
+ununoctium
+philbert
+3,442
+diamine
+pitner
+dore
+frigatebirds
+grella
+lexar
+clich
+kefar
+umn
+atalaia
+propagating
+consonants
+cii
+2,172
+foghat
+forecloses
+1985
+titi
+charisma
+colston
+huyện
+catechists
+laurina
+0.000
+91x
+taus
+audibly
+circumnavigating
+dlg
+avisma
+halkias
+knutsford
+amos
+tangra
+larmer
+other-worldly
+kcdc
+musee
+jayachandran
+pssa
+humans
+80k
+peterel
+benzak
+beans
+kiunga
+bersham
+kussa
+bag
+cvitanovic
+14-4
+ntfl
+escandon
+wittelsbachs
+alaouite
+muvattupuzha
+crullers
+engin
+48.75
+jacobsville
+euryalus
+fha
+medinipur
+coposu
+camcorders
+11.42
+tassin
+wangerooge
+mccausland
+slackness
+al-barrak
+crestar
+force-fed
+histeria
+nome
+recari
+458th
+orry
+midprice
+pccw
+2-way
+u.s.-sino
+protea
+listo
+jimei
+hoaxers
+mycenaceae
+fancast
+tinier
+reverse
+abakanowicz
+hollowness
+rupert
+sebescen
+vandyke
+submersibles
+euro411
+siegmund
+indiana
+4:25
+toqua
+o'daly
+curitiba
+pdq
+policier
+hector
+lugosi
+fibulas
+wintry
+eravur
+unobtrusively
+taubira
+ruyi
+bois-reymond
+orator
+malleable
+mintues
+stoopid
+mcgloin
+nebuad
+retracted
+28.77
+hangor
+survivals
+3,400-pound
+songwe
+52.98
+131i
+39.23
+11,000-member
+divulges
+ppf
+usiminas
+lisagor
+menaces
+mha
+chaffed
+intimations
+columbellidae
+avendaño
+nishitani
+italian-occupied
+munhoz
+nespresso
+leonardo
+30.7
+tchiroma
+juyuan
+lazarevac
+catarino
+calaf
+gopher
+connectedness
+bowe
+kuchlug
+turtlenecks
+1.1600
+parasara
+arabize
+kelsch
+2,476
+anom
+palden
+d'etats
+coursed
+hysi
+realigned
+ethridge
+lothian
+delighted
+adly
+attallah
+33-meter
+daljeet
+rossiter
+cambridge
+supercoiled
+pawel
+idoling
+disfigures
+lingers
+cempaka
+rosenqvist
+channell
+mckayle
+re-animator
+της
+poulos
+morgellons
+tiptree
+caliph
+haben
+3,350
+pans
+divisiveness
+antartica
+280th
+barchester
+zakład
+budhathoki
+windbloom
+whinlatter
+goldies
+topples
+annet
+paragames
+tohid
+overtly
+stalemated
+zairians
+refuelled
+papillary
+mohammadi
+becta
+limited-run
+daksha
+balice
+feiss
+scythopolis
+acetonitrile
+1947/48
+basrur
+adage
+polymeric
+chigwell
+yz
+shenzi
+nominate
+beloozero
+terracottas
+influence
+segismundo
+22
+australind
+sampford
+sereni
+jasło
+12-metre
+demond
+yquem
+niujie
+shakour
+charkviani
+fauvism
+3-51
+metacentric
+wiedmer
+kstp-tv
+oxana
+figaro
+birdsong
+dagg
+donker
+aacsb
+refloat
+aygin
+63.62
+thaweesak
+sandeep
+shvidler
+grist
+dragster
+mayuri
+pc2
+bellyache
+mantels
+shirtwaist
+merkt
+sanix
+extremes
+tellus
+5900
+yardie
+uvula
+chicon
+gnaizda
+supress
+shchusev
+keiron
+sward
+tretschok
+grosser
+diers
+madcap
+non-u.s.
+1-6
+-1999
+carndonagh
+dc-9
+recordist
+coppersmith
+newtownhamilton
+orwig
+feagles
+silk-screened
+24.24
+mažuranić
+stylised
+s-cup
+mordru
+us-style
+spadafore
+duerden
+boultbee
+inoa
+ten-episode
+ignatenko
+khojali
+andronikou
+honorary
+schooten
+microbrewing
+laurenzo
+burin
+bernart
+mideast
+90e
+nazim
+teac
+kajoba
+desireable
+99-98
+cystiscidae
+three-fold
+zeballos
+penaloza
+918
+kirwa
+instill
+wickson
+shafter
+hits_suzuki
+xinhui
+targett
+drulia
+daurian
+makuuchi
+kalala
+palairet
+ōyama
+baffling
+jatayu
+shuhada
+glanbia
+implodes
+r31
+kantilal
+38.88
+karlos
+aquarii
+homayun
+387.75
+hideyasu
+pedrarias
+madripoor
+hovorka
+raghuvanshi
+héros
+non-productive
+okupe
+pentamidine
+herberich
+speransky
+ozama
+curtin
+elfrida
+3-116
+jianxing
+rupa
+ellistown
+higashikuni
+weakest
+variable-length
+wipro
+bian
+hawaiki
+23-july
+123.10
+nod
+caspase-3
+imperium
+0.42
+nisenholtz
+reprintings
+bimal
+captain
+echad
+pakistani-american
+etymologist
+i-110
+avo
+paciente
+aysen
+timofei
+3-0-17-0
+incerta
+18-mile
+guglielmo
+ponape
+fritzsch
+wrgb
+kingsholm
+5-feet-9
+underappreciated
+b-3
+toernaes
+carchip
+tlatoani
+ostrobothnia
+galant
+cerdà
+harbhajan
+opportunities_ottawa
+unblack
+133mhz
+nikki
+perenchio
+danevirke
+pasillas
+amerila
+oromo
+verhagen
+3520
+cacharel
+garion
+breezily
+qe8
+framed
+vh-71
+6,500,000
+man-eaters
+desh
+108.9
+aristotelis
+sahiwal
+pronghorn
+wenders
+safety-critical
+lebron
+tsujihara
+künzelsau
+cisg
+58-40
+4,165
+ctx-5000
+sanpin
+21.59
+gyeongsangbuk-do
+orderlies
+retard
+mastoi
+uyeda
+91.12
+undocked
+zuercher
+77.46
+cefn
+ingemann
+10-place
+opn
+postganglionic
+ripston
+wbir
+26.51
+tullahoma
+rft
+scheman
+nisource
+enrolls
+spreadsheets
+baddow
+embolism
+hirachand
+ijv
+deniers
+curtain-raiser
+16-second
+happens
+zeroed
+inclusionary
+kabetogama
+guatteria
+elaborative
+kintail
+421
+gerhart
+respiration
+fishmonger
+enriching
+khurram
+purifies
+3,000-5
+1.250
+pengzhou
+2,387
+kuldevi
+cted
+lihks
+decoste
+babelgum
+ysp
+110.4
+practise
+fuzzbox
+kosit
+minah
+p19
+kerik
+kung-fu
+gamma-rays
+hoshen
+housemate
+polemicists
+garhgaon
+one-reel
+stabiner
+kochel
+era
+self-sacrificing
+1974-1976
+colwell
+taber
+buczkowski
+iff
+barredo
+kokou
+palilula
+a48
+kipkoech
+elix
+babinet
+sentence
+klia
+zhiying
+strikeouts_rjohnson
+rein
+jepsen
+bohemond
+bequested
+kare
+aliyan
+rickford
+137.1
+arsene
+tolani
+ë
+suttas
+shoot-outs
+gelora
+ahluwalia
+makki
+atitlan
+lubraniec
+boudicca
+shofner
+all-british
+rubber-tyred
+dantrolene
+biescas
+daher
+condemnable
+quattlebaum
+cuvillier
+keyamo
+shakila
+flopez
+gutto
+best-known
+20-3
+multi-sport
+2329
+3,369
+crustaceans
+panevezys
+melbourne-based
+groupers
+schreifels
+prickle
+10,000-metre
+bern-mittelland
+subservience
+sturmabteilung
+aksak
+27.18
+moxibustion
+dubby
+jean-françois
+3,452
+kōshirō
+laaksonen
+banak
+heterotrophic
+ilri
+kyung
+chamas
+hershfield
+embu
+pressor
+24.03
+leiken
+immorality
+beeped
+rüdesheim
+non-spore-forming
+wieś
+sicienko
+gangwon
+osunwa
+vakil
+bicyclette
+chitrangada
+jimy
+rto
+go-between
+algot
+lauritzen
+religulous
+theodorakis
+transpire
+macará
+tasfaout
+jadidi
+ravines
+formerly
+bookshops
+firkusny
+41.16
+glioma
+boastfully
+harit
+60.61
+coenen
+non-iranian
+attesting
+y-str
+nordaustlandet
+erinaceomorpha
+mountbatten
+fitoussi
+highclere
+haultain
+larenz
+’d
+gambrill
+marxists
+55,000-strong
+shuqin
+sigmaringen
+bpi
+reynard
+torv
+olim
+doink
+hajim
+non-appearance
+tkuma
+huasheng
+drones
+katze
+csus
+gwangyang
+nickel-iron
+hammoudi
+abandonware
+tiaoyutais
+d'souza
+4-of-13
+pn
+counterinsurgencies
+fordlandia
+stouffer
+harrods
+congealing
+dixit
+garuzzo
+trentadue
+divo
+prevenient
+darbelnet
+pedder
+wisent
+spuc
+jx
+oktyabrsky
+bobsledding
+montree
+55-11-3812-8148
+1616
+luneng
+savarkar
+tombo
+lučko
+uomo
+spyros
+leonelli
+87.20
+binyamin
+monsivais
+79.12
+shayt
+abstract
+berner
+onomichi
+rwandese
+lamaseries
+zakuani
+ticino
+ious
+oliynyk
+grigoryeva
+phaze
+mavado
+landenberger
+herscher
+druss
+satyavan
+clough
+fanfares
+woodsman
+1-4-1
+8.31
+bachrul
+1964
+staplers
+u.s.-ally
+atx
+peltason
+.617
+tetro
+cinclidae
+ilm-kreis
+pyrenean
+p11
+purno
+pantoja
+1,552
+suamico
+brătianu
+skoff
+irritably
+wardiman
+inspirations
+1333
+25,200
+vesci
+42.07
+dashkova
+md-82
+18,300
+bedtimes
+saling
+94.63
+laundrette
+non-enveloped
+mazdoor
+anissina
+sueddeutsche
+asocio
+milosavljevic
+pashupati
+kamins
+hidemi
+intersquid
+supan
+wu'er
+aion
+hevia
+procyanidins
+16p
+4.025
+carrère
+(612)
+wilaya
+maniram
+37.62
+28b
+eternal
+152nd
+retook
+barbin
+beardsley
+maller
+eisenberger
+10:54
+15:08
+mckellen
+four-cd
+gand
+grander
+laudonnière
+37.99
+asser
+jul
+lateraled
+colnbrook
+lip-synced
+touchiest
+innuendoes
+machlas
+liquid
+internaitonal
+idolaters
+skrillex
+nve
+westcomb
+ashburton
+stutsman
+81.55
+a-bottle
+waterboy
+danielides
+jungrungreangkit
+cemal
+me-262
+300s
+tyburn
+nrx
+jinhong
+escher
+hmnzs
+rearranged
+bisque
+sirhind
+marich
+hutto
+clavell
+51.9
+canne
+48.28
+prestressed
+mailbag
+coolbrands
+antz
+malkangiri
+paulin
+bankrupted
+sufian
+kootenai
+bsec
+44.05
+service-orientation
+chehab
+rundell
+disposers
+ludo
+asle
+paruta
+convoyed
+abdelaziz
+buducnost
+markgraf
+harkened
+outswinger
+shero
+mezzanine
+kasabian
+gimbal
+sanctimonious
+m&t
+contextualized
+production-based
+sternbach
+scoparium
+polesitter
+teodorescu
+one-off
+lakan
+sulpicia
+bablu
+ropes
+laramide
+potters
+nicolaou
+intractably
+heiligenkreuz
+0635
+steedman
+aghajari
+goal_philadelphia
+moumen
+sultriness
+esmé
+shapero
+tandems
+julyseptember
+roade
+66.48
+ethically
+9:15
+pescara
+mocco
+mariucci
+gomphus
+klegon
+chastel
+melide
+kufra
+sale
+erythroxylum
+weetman
+l’
+benandanti
+celestial
+joga
+autori
+goalminder
+berkan
+levity
+expectation
+comptch
+abdirashid
+kỳ
+superkombat
+watered-down
+long-period
+inundating
+ilbe
+beginner
+90.42
+woolard
+remigijus
+fillips
+scowled
+cuv
+eaw
+puddle
+burzynski
+motto
+alertness
+lawford
+furnariidae
+cinnamomum
+67.75
+december
+u2
+anthologie
+orahovac
+kasarova
+nimbly
+ansty
+spertzel
+reting
+settembre
+thuli
+leflamand
+druggists
+chatha
+out-of-date
+magnús
+schaw
+mysids
+oizo
+piensa
+kampusch
+wherefore
+avtandil
+cohosts
+felecia
+mcnamee
+jaoui
+dettori
+leandersson
+moguls
+hysong
+medojevic
+dan.bickley
+villoldo
+rooke
+bateer
+mohmed
+zeppelins
+furre
+accordionists
+serfoji
+rosaceae
+tuckwell
+8250
+suzuko
+jpi
+kmiec
+jme
+123-run
+58.26
+732,000
+assessments
+isshu
+barrett-jackson
+rapporteur
+baduizm
+skan
+lixouri
+fev1
+f-15es
+honeydripper
+univac
+fronde
+kalweo
+eassie
+pander
+tennes
+oncologists
+ajaib
+taxon
+oberndorf
+200,000-strong
+rosenburg
+kerron
+sosnowiec
+multis
+exasperating
+capmark
+renren
+incorruptible
+jawboning
+vojtěch
+mortems
+demar
+fallsview
+palissy
+zawiya
+jelavić
+yuchi
+elting
+postally
+multifactorial
+1947-1951
+subchapter
+hacienda
+gisele
+avoyelles
+starbury
+laryngectomy
+28th
+seuil
+bauche
+northiana
+jugoimport
+tum
+saaeed
+griddle
+moratuwa
+1990-2000
+54,000
+movietickets.com
+jacquerie
+nagapattinam
+hurdlers
+revelator
+parfit
+postgres
+2237
+francophile
+tapo
+mean-spirited
+baudrillard
+humanize
+frankston
+dunnet
+b0
+muzafar
+16-round
+frossard
+freddi
+304th
+rocketeers
+pariwar
+mawston
+sold-out
+recieve
+castrating
+5.875
+håkansson
+olifant
+malon
+oecd
+ibomed
+gwladys
+p-series
+s-pulse
+kudrin
+2162
+uralsky
+parsnips
+landgravine
+tdi
+njoroge
+wijesinghe
+dosen
+frankland
+kaluta
+palooza
+mulele
+adsorbate
+interlaced
+bilbray
+philetus
+arshty
+attakullakulla
+gair
+wnbf
+pierre-joseph
+602nd
+27-oct
+keobounphanh
+chombo
+rhomboids
+mementoes
+head-to-toe
+highborn
+804,000
+lygon
+arsuf
+enggang
+vipheak
+daimaru
+71.3
+ezcurra
+dynorphin
+bogguss
+yuanhong
+criteria
+11/15
+pansa
+tamely
+souza
+duyet
+56-6
+avowal
+tendler
+kahlk
+danning
+guocheng
+teeling
+caboclos
+drais
+shk
+herodian
+------
+bái
+utama
+thorugh
+daylesford
+molana
+newcomen
+pan-german
+brattbakk
+sisisky
+afana
+debusk
+dragonheart
+1t
+starfox
+brixworth
+40-29
+bwe
+atascadero
+polito
+traba
+womanist
+apria
+southbury
+4-0-4
+nastran
+overtakes
+0720
+apec
+alphonso
+abla
+refill
+silicic
+kenwyne
+10:31
+boosh
+colonials
+nephele
+nichita
+monterrico
+gill
+prats
+boeotian
+till
+pancrate
+toompea
+bononcini
+lead-acid
+gulls
+kichenok
+tanec
+frogfish
+takata
+strychnine
+varco
+bookends
+avir
+stockholm-arlanda
+briard
+v-1
+hatfield
+disalle
+torras
+shamisen
+remoting
+claret
+sandrart
+2440
+dhule
+tea
+cosmetics
+1,718
+shorebird
+joram
+perskie
+barberries
+d'urso
+santorum
+sub-inspector
+atocha
+ofer
+shalane
+173.5
+wittliff
+.628
+294.8
+musso
+pm&r
+truett
+ejemplares
+zhulin
+380,000
+pilolevu
+woodard
+ashwatthama
+14:40
+synapsids
+polynices
+berrington
+programas
+wetheral
+adjectives
+poropuntius
+esherick
+50-10
+harsin
+untaes
+francon
+sunline
+spilker
+labview
+hammels
+two-class
+shticks
+fork-tailed
+halbreich
+baiae
+huei
+changan
+bouenza
+luyendyk
+hypertrophic
+odeum
+kouznetsov
+crew
+reckless
+saraj
+events
+.7
+rosson
+brugha
+caperton
+mangouras
+crcs
+50.57
+feminize
+weee
+providential
+rosten
+tentacle
+viglione
+father/son
+0.051
+bncr
+sharq
+olímpico
+line-by-line
+nykjær
+mouthy
+tzimiskes
+católico
+etaples
+filarial
+plushest
+cernica
+siggraph
+mandals
+andyg
+varsi
+mollah
+kpfa
+torpoint
+nadolny
+46.92
+semidesert
+48-14
+tammuz
+klavan
+ashtami
+daitō
+entrar
+g.
+utilised
+1.4757
+wara
+avenal
+10.04
+diarrhea
+wanquan
+pancuronium
+first-category
+great-great-grandmother
+clojure
+vodice
+cattail
+ostracods
+whatchamacallit
+flyleaf
+monarchs
+poultice
+choling
+quandry
+ezhou
+bidya
+hydroxyapatite
+zoli
+badakshan
+frock
+sisaket
+nadra
+brodowski
+dobbin
+sherkat-e
+podiatry
+toutai
+gondry
+integrations
+chatters
+muskegon
+quincy
+riffat
+zbeida
+sanma
+azizan
+mataura
+albatrosses
+patting
+.552
+roscher
+wesner
+analyzes
+brickmaking
+dawa
+43-year-old
+57.26
+buriti
+granddaddy
+low-order
+domvile
+subplots
+collodi
+ifri
+rabidly
+bfit
+prokosch
+2in
+botomian
+humanities
+broadus
+amagasaki
+hyllus
+s-adenosyl
+infospace
+shrieve
+pey
+japanese-only
+obs
+grinches
+lgc
+42.55
+overtones
+sabratha
+113.64
+märkisch-oderland
+71.1
+pigozzi
+gastro
+feagans
+doxa
+grandison
+12-under
+agustawestland
+badoy
+51-31
+58.90
+policewoman
+uninstalling
+4,110
+first-half
+benewah
+orix
+sneezing
+borgenicht
+nelsonville
+nauta
+piatas
+shrimpers
+barbering
+webbs
+lakeman
+actuality
+écus
+1,034
+cabeza
+helo
+,125
+nighy
+self-conscious
+cue
+43.42
+www.imdb.com
+nuti
+chipewyan
+bwp
+gilchrist
+nodens
+banna
+foday
+polygynous
+rutkiewicz
+3,384
+vilathikulam
+29.18
+2,594
+beeb
+orapa
+astrit
+almaden
+compact
+yeasts
+jhiaxus
+monis
+thoroughfare
+chinmoy
+deshamanya
+cap-haïtien
+pseudotensor
+fantasist
+coir
+aroha
+nout
+northport
+girone
+barford
+crosier
+tonto
+kokugakuin
+wenjing
+orderd
+cignani
+ibaf
+all-ivy
+hellenization
+supergene
+zapatista
+5-2-1
+letterer
+extravagant
+manasir
+branksome
+diplomate
+attractive
+overcall
+soundboard
+mahern
+spectator
+damle
+6lb
+shifters
+bahaji
+mahalanobis
+chown
+delaney
+tanuja
+grünau
+rapeeporn
+260-acre
+tvn24
+loebner
+apan
+brandenberg
+moya
+anglorum
+dedicates
+kontogiannis
+bendigeidfran
+l'harmattan
+eglon
+ahmann
+shabalkin
+l'arc-en-ciel
+81.24
+steeg
+annoni
+passeriformes
+37,100
+newegg
+sadie
+deam
+yehoshua
+sorour
+marcano
+efrain
+affaire
+(704)
+altamir
+shinjuku
+villagers
+wooooo
+glimpsing
+cabanes
+indre
+sapotaceae
+breakfasting
+loblaw
+baybayin
+kiszewa
+hothead
+observe
+srirot
+coroutines
+flower-like
+jarnail
+nezu
+postmasters
+acetyl-coa
+39.22
+anomalistic
+1999-2009
+stickup
+trask
+ermenegildo
+tortugas
+arimidex
+saaphyri
+kuja
+straueli
+zsigmondy
+arjeplog
+rubles
+hachijuni
+joshka
+blakely
+83-79
+schoettel
+cavorts
+co-edited
+shihabi
+conveyancer
+hakeem
+policy-relevant
+lugazi
+8a-10p
+liton
+scholia
+13-time
+4minute
+moorcroft
+peak-time
+zokora
+travelstead
+tōkai
+vandevelde
+manisaspor
+invesment
+capac
+masari
+parokya
+scta
+92.50
+dough
+tanev
+litvinov
+praunheim
+appearing
+chh
+nog
+halstrom
+all-rounder
+kolbert
+kassid
+gymnastikos
+maanshan
+145,000
+inode
+thirteen-episode
+flachau
+kavalier
+elastomer
+maracay
+wjro
+ejidos
+blf
+chali
+prokopcuka
+527,000
+augustyn
+arajs
+bamogo
+hpc
+gorgone
+(573)
+3,367
+maruko
+gomersal
+fiddle
+asne
+abdur-rahim
+yevgeniya
+nyabera
+sriyanto
+40-week
+kaht
+lorn
+oberste
+weinfeld
+1.5395
+deuterostomes
+48-2
+tawalbi
+jasenovac
+43,100
+wrinkly
+backworth
+94.05
+embassy
+broadhaven
+buquet
+nwaneri
+schumi
+sub-genres
+478
+compatibles
+evol
+gyurta
+hojjatabad
+prefix
+88-story
+.239
+9/8
+semliki
+laila
+nikica
+flyfishers
+yehia
+amihai
+utile
+disconsolately
+obviating
+ludhianvi
+antimicrobials
+cuarenta
+sunpower
+velocette
+gedmonson
+cefalo
+gleacher
+seondeok
+peste
+6:23
+goit
+burcham
+seawalls
+coalesces
+chandralekha
+63,000
+banū
+year.the
+rat
+gobustan
+ikhlas
+8.55
+cuddalore
+aššur
+antibiotic
+violated
+birn
+dentetsu
+greenan
+montieth
+mallawi
+kolel
+1.185
+junior-high
+prickling
+venerable
+madho
+2k3
+dishonor
+microcebus
+pfoa
+epilepticus
+2,180
+gartside
+brocchinia
+quarteto
+agudah
+biblioteca
+benenden
+22.2
+demonstrations
+grishuk
+31,000-square
+degaussing
+46.69
+pouring
+jbail
+nodame
+non-unique
+55.53
+-79
+bista
+dipl.-ing
+sinden
+marree
+chimbu
+meltzglobe.com
+notman
+self-releasing
+daychopan
+hardenberg
+vercors
+cvi
+emendation
+tiedemann
+woldingham
+uncles
+faceoff
+kiwanis
+checksum
+segar
+chesnoff
+rulesets
+collude
+beltone
+38.28
+welikada
+burundians
+tomić
+groener
+mamo
+burghclere
+redford
+3-column
+aradi
+partiality
+sircar
+demourian
+gutch
+averil
+stutzman
+mincio
+4-team
+mesic
+nikon
+24,600
+cordele
+inured
+keysar
+helgeson
+gendre
+framboise
+selakovic
+110.74
+vorsah
+lewellyn
+nedeli
+haughtiness
+govert
+keymer
+ramone
+emphasising
+390.5
+papanek
+lovina
+80-gun
+central-south
+4.4
+dynamix
+99.999
+competir
+sweetbread
+youlou
+giedroyc
+sniffen
+rgt
+chunn
+casque
+tayib
+leeching
+gormanston
+moschino
+navassa
+downsizes
+abhorrence
+dofetilide
+scrub
+jonghyun
+mohair
+helvetic
+suellen
+hassle
+painkilling
+berno
+efmd
+iqlim
+policastro
+charted
+physiocrats
+signo
+payloads
+typhlopidae
+boad
+region-1
+gutekunst
+weilerstein
+yggdrasil
+homolka
+fakta
+270-foot
+shubh
+33.06
+peeling
+macroscopically
+surges
+oribe
+58-percent
+northway
+planinic
+indo-aryans
+dreamboats
+galang
+kosuth
+mrt-3
+wines
+eisteddfod
+thomson-houston
+comco
+51.08
+33
+bare
+pollinated
+satterthwaite
+schausberger
+murree
+outnumbered
+nuvvu
+decimalised
+grasso
+jaja
+bullet-proof
+ezio
+kalanianaole
+rieu
+jbg
+fantozzi
+potch
+waterspout
+bennahum
+marciel
+vaishnavi
+cubanas
+two-shot
+umma
+5000
+belarus
+nymphal
+halcrow
+sarron
+luchino
+rfcs
+americanisation
+belabored
+mamere
+thranx
+szent
+screwdrivers
+initialized
+adapazari
+kaija
+pocketing
+ladyship
+jinfa
+videoed
+rizki
+122.03
+algoma
+neuer
+cocciante
+euro258
+ortaköy
+davison
+changshu
+lonato
+unsold
+belyayev
+hypnosis
+rgi
+loyalty
+5ft
+shinsengumi
+nicieza
+centcom
+thrasybulus
+charlotteville
+watchable
+go-set
+novkovic
+schibsted
+4-foot-11
+lilliquist
+fauner
+postrema
+tightlipped
+opaca
+meriva
+cabarets
+shatskikh
+hinchley
+prechter
+22000
+stedman
+graessle
+agerskov
+mihailo
+junhasavasdikul
+akimov
+chocim
+dot.com
+cohutta
+patricios
+u-2s
+aberra
+jund
+mamut
+s-adenosyl-l-methionine
+mid-15th
+seretse
+klement
+girdles
+muslin
+steinhaeuser
+mydoom
+9-over
+decha
+demirspor
+135.7
+jerrel
+sheers
+dahs
+vdo
+drugmakers
+bellsouth
+tantas
+appliances
+polos
+3-car
+shuey
+1,622
+lindburg
+tizegha
+cropmarks
+earthlink
+unami
+zsófia
+podesta
+organically
+flug
+antiques
+abdelhak
+rōnin
+sliabh
+quaritch
+unmiset
+dhami
+c-46
+purpose-made
+juliya
+zhayl
+mingchao
+lifedrive
+brito
+catgut
+krumv
+zhiyi
+mcbrain
+mullein
+4800
+chechen-ingush
+diddle
+busboys
+scientologist
+aphids
+yellowthroat
+j.l.
+cölln
+abdelrazik
+splotches
+amodu
+canzona
+thurgarton
+saint-malo
+langerman
+bdl
+voskresensk
+dirndl
+ngurah
+dolore
+icas
+sune
+gartel
+muthulakshmi
+777,000
+stupefying
+schleck
+icaria
+lampshades
+red-brick
+cnidarians
+frane
+ronneby
+cayugas
+chorrillo
+šalata
+saraya
+mosier
+lapa
+primula
+tfca
+academie
+milliyet
+turntablist
+scoutcraft
+guidepost
+pude
+lymphomas
+cosimo
+bernardine
+oldtown
+cgtl
+xaml
+willhelm
+rentals
+citarella
+mitty
+horrie
+burberrys
+grifters
+mayaca
+1785
+hogans
+ciaculli
+underhand
+bandoneon
+licit
+alisjahbana
+elbow
+tie-breaker
+404th
+borad
+mozartiana
+paycheck
+probst
+phantasm
+87.3
+15-a-side
+jean-honoré
+face-saving
+cozying
+djordjic
+wolrd
+numis
+mäntsälä
+sebago
+ramius
+sharaff
+vicente
+guofang
+skatalites
+neonicotinoids
+uta
+22-31
+alamosa
+thespiae
+reyner
+rtb
+yasuhiko
+schatz
+earlobes
+landcare
+interenergoservice
+third-category
+sunbiz
+stoves
+lanxade
+vermelho
+bagerhat
+plu
+dialogue
+unscripted
+balks
+vdr
+cink
+boniecki
+caryophyllales
+jeweled
+sarioglu
+icba
+budiarto
+wailing
+nj
+network-centric
+stitch
+pakington
+deca
+165.5
+pt-76
+piiroinen
+serrizuela
+solitaria
+urick
+half-jewish
+eshbach
+re-imagine
+write-ups
+major-party
+rollers
+1.1.1
+jef
+http://www.nasa.gov
+prahova
+davinci
+schwalbe
+meighan
+air-traffic
+maspeth
+cyclers
+hcw
+wanchai
+nastos
+clannad
+illovo
+therence
+abdollah
+lavalin
+electrocardiogram
+18.92
+al-faisal
+9mm
+licensure
+amputee
+powersoft
+flatfish
+dorje
+geldof
+biti
+rwth
+integrationists
+60.5
+one-run
+curse
+prequalification
+status
+giáo
+111.18
+sheeb
+sezibera
+discurso
+poirier
+2153
+http://www.billboard.com
+f-28
+waverider
+mediator
+dolgopolov
+altagracia
+shaari
+tunisi
+wykoff
+geissler
+bossism
+marwaris
+concealable
+acaso
+pre-configured
+čakavian
+57.41
+ankrum
+right-to-know
+untoward
+al-qaeda
+apmc
+feargal
+tuft
+raphson
+lư
+mazul
+2-car
+1,690
+25.54
+candreva
+dfm
+an-najah
+gurkhas
+musk
+savanne
+jlc
+2-7
+multifunction
+35e
+arneis
+bardan
+petróleos
+.509
+simic
+lesch
+laccadive
+1,292
+ricki
+bogo
+54,600
+jayanth
+kachinas
+glucosyltransferase
+25.62
+kusaka
+millstones
+trentini
+shannara
+heuvelmans
+mcmaster
+städel
+n'tamack
+curtains
+wetmore
+amerithrax
+djam
+tieleman
+draggers
+bertken
+novikov
+numbi
+.620
+jiiva
+korgis
+sruthi
+soloviev
+clusaz
+brig
+vulgamore
+ggf
+umari
+cerna
+zwickauer
+warsangali
+nozhai
+bhog
+bechara
+hahj
+betrayers
+91.55
+mouthpieces
+egcg
+yaizu
+mirrormask
+sachar
+protoculture
+activism
+sakorn
+spilka
+silverwork
+bachinger
+fueling
+perkiomen
+vavilov
+musicfest
+.202
+nerica
+trundle
+cwin
+raises
+eser
+poldasht
+oddest
+nonchalantly
+dorians
+750,000-dollar
+harborfront
+ivr
+gmünd
+gellibrand
+zuni
+stanier
+maquina
+prusice
+adelbert
+expatriation
+jcdecaux
+hotnights
+stemm
+keirin
+plainsong
+127.6
+novena
+simbo
+placidus
+terrors
+theofanis
+megara
+¥
+greenridge
+catolica
+quarterbacking
+melouk
+libels
+d'enfer
+nonmusicians
+weird
+fandoms
+neustrian
+esparta
+s-70
+schreiner
+semi-formal
+birdieing
+will
+schlumpf
+als
+galiazzo
+8-17
+gentileschi
+kahuta
+wilshere
+21,273
+re-invent
+salgar
+dilated
+reforge
+xanthos
+botanic
+hizbi
+pertinax
+outclassing
+grizz
+elétrico
+tsaban
+klamath
+angara
+sarama
+hohns
+osts
+musicianship
+sru
+ooz
+henbane
+disrepair
+http://www.intellicast.com
+sambo
+photoresist
+bradberry
+accreditation
+beanbags
+412
+olimpo
+pleydell
+valluvanad
+headbutting
+c.o.d.
+node-based
+frog
+assaultive
+art.
+3,591
+euphausia
+yuma
+jathedar
+carbuncles
+81.67
+monterrey
+mulville
+kondratiev
+v.i.
+chanelle
+3,648
+carryall
+084
+coconuts
+elster
+oxoniensis
+worldcom
+kainen
+weisinger
+mcbrearty
+kolontar
+bluesbreakers
+1927/28
+regensberg
+notable
+contrariwise
+86.18
+fenians
+lunka
+equal
+heiligendamm
+barista
+wolinska
+hybridus
+olor
+redistributed
+winepress
+buyei
+tobermory
+fwd
+indisputable
+nishi-ku
+193.2
+thick-billed
+gakkō
+mg3
+milestone
+olsten
+cysteine-rich
+nanopores
+reichsgesetzblatt
+non-narrative
+aycox
+envelopment
+lwt
+38.94
+bluesky
+jeconiah
+pungwe
+cobblestoned
+99.94
+asclepiades
+breast
+bunkmates
+uup
+asllani
+medicalized
+shelia
+deviated
+jpats
+pcba
+rebbetzin
+siggeir
+agom
+naf
+unmentionable
+maciel
+vogelsong
+minges
+wikinews
+dunkerque
+e-box
+pldt
+barnacles
+nrhs
+butterman
+17.4
+manos
+emigre
+1,088
+th2
+itsuki
+lives
+jizi
+kryuchkov
+aelius
+federacion
+illuminance
+manager
+1.519
+39.03
+huis
+ataraxia
+kilali
+goggins
+unctuous
+piceno
+eigenfunctions
+larders
+jwm
+tartan
+debt-free
+chiwanga
+dheishe
+testamentum
+1058
+polytheists
+região
+regrows
+thrice
+11.43
+multivision
+luqueño
+tld
+letellier
+rhombifolia
+proto-semitic
+coovadia
+photocopier
+selima
+candidum
+shenin
+blindfold
+dellinger
+newater
+barbels
+anomie
+unseasonal
+wydawnictwo
+hubbard
+tediously
+shakotan
+86.3
+pianist/composer
+teofisto
+3:6
+vatu
+264/mpeg
+churros
+knutzen
+cloudiness
+tanais
+top-10
+despised
+krissoff
+henghai
+tokin
+apnewsnow
+ethnographers
+gelato
+ochsenbine
+ilija
+shekaki
+compromise
+environmentalist
+abdelraziq
+banged
+grabauskas
+hämäläinen
+unkle
+dehloran
+1982-1988
+botsaris
+in-between
+chapur
+reachout
+insaan
+fertilizes
+heorhiy
+narvesen
+plastination
+folate
+35.36
+petrinja
+isa
+meurice
+rubberstamp
+ajna
+suborder
+tympani
+denature
+livestocks
+nilsson
+jibing
+atagy
+acb
+dorts
+sexualities
+ssdf
+732-seat
+bunge
+non-african
+washford
+stockyard
+arng
+adovasio
+stabilization
+andréa
+go-go
+lousy
+lifter
+homages
+thinly-disguised
+warfighters
+pre-orders
+mirna
+finno
+corryong
+1988/89
+siclen
+diani
+valued
+keng
+terlizzi
+respironics
+wansford
+durgin
+82.0
+masakhalia
+auriverde
+l'univers
+coomber
+2,767
+otherworldly
+burlinson
+lambrecks
+kolonia
+eachnet
+bjelke
+non-hispanic
+chetumal
+nest
+kalandar
+reigate
+muspratt
+31.76
+binomials
+irmak
+artena
+3.07
+hohenstaufen
+elamites
+ogledd
+steffen
+zsivoczky
+zoster
+rwakitura
+kemalism
+hectoliter
+46.97
+kliot
+2,905
+wiederhorn
+avril
+muthuraman
+liz
+transoms
+carnovsky
+u12
+astaroth
+weaponize
+kalesija
+annio
+greiner
+decrying
+lemna
+sekula-gibbs
+djindjic
+albanus
+plaisted
+discolor
+re-recorded
+urophora
+kalgoorlie-boulder
+abacos
+baronial
+tionesta
+chimberg
+odni
+wago
+vatnajokull
+pileated
+disembarks
+boehme
+triple-play
+1985-1991
+explosion
+chrétiennes
+allura
+abalones
+non-academic
+v.league
+achieng
+critchley
+dc-6
+hypotheken
+ponchartrain
+zacharie
+disproportionately
+vrouw
+zhiping
+hij
+1115
+gravelines
+uii
+transito
+eimear
+olivet
+munce
+traineeships
+aversano
+gambella
+239.4
+lodgement
+filipstad
+138.7
+mind-control
+grassroot
+hambastegi
+charged
+4,520
+95.17
+patronymics
+wren-babbler
+jackovich
+caballe
+pompom
+pads
+yasgur
+58.47
+mahdi
+1948-49
+ländler
+calcifications
+mobile-phone
+maiquetia
+musicmatch
+hydrosphere
+dhungel
+u.s.-u.k.
+bur
+lores
+recently
+carronade
+chatter
+bobadilla
+castellacci
+kuneva
+schechter
+jesty
+celos
+3,633
+milano
+85.21
+aranza
+engineer/producer
+lyonne
+logger
+wealden
+khil
+bystrom
+mumming
+arsht
+bowen
+rockdale
+doley
+a21
+jumhuriyah
+44.47
+cybiko
+mitsuzuka
+lozère
+dressel
+brandished
+tahrir
+worshiper
+avramov
+doberman
+herg
+coolangatta
+e-road
+premieres
+frode
+muratbek
+bengel
+8086
+lapeer
+12p-10p
+denatures
+lykourezos
+superclusters
+nagenda
+kottmyer
+misdiagnosis
+belogradchik
+rugmark
+legato
+introit
+nawang
+fluviatile
+jotaro
+sparcstation
+outjumping
+creedal
+acri
+yur
+trentino-alto
+hilail
+apollodotus
+kampfgruppen
+ghoraguli
+pauley
+fashioning
+khalida
+continuous
+nieminen
+futemma
+shake-up
+a380s
+4,850
+şehzade
+zackie
+bribie
+63.57
+updater
+meningitis
+unfaithfulness
+rădulescu
+vincenti
+hansie
+takirambudde
+word-initially
+wikimania
+guang
+in-phase
+melick
+szczawnica
+kdh
+reptil
+bordelais
+127th
+roust
+77.03
+shiquan
+chamberlayne
+rouvoet
+2,391
+molossians
+olelo
+panforte
+takaji
+narahashi
+maithripala
+pringle
+basker
+jagapathi
+albarracín
+comun
+.49
+markova
+mirisch
+jangi
+hons
+wappo
+marx
+ylide
+letourneau
+416th
+yellowish-green
+bullfighter
+elachi
+bioethanol
+1.3-billion
+ascomycota
+volkstheater
+342.5
+vod
+flers-courcelette
+362,000
+3,883
+chargebacks
+industry.net
+loach
+ajuga
+tarasyuk
+waktu
+collette
+wasko
+samed
+inversions
+unpreparedness
+boisduval
+117.90
+destroyed
+eoin
+curating
+intel
+khairul
+remond
+conciergerie
+wymondham
+caranx
+shehl
+non-championship
+allée
+yankovich
+missles
+rajabali
+vitz
+arriola
+gimpy
+ossana
+18.69
+influentual
+maisuradze
+http://www.army.mil
+pendine
+.286
+unbeknownst
+untermyer
+basht
+singer-songwriter
+misplace
+zepeda
+buttar
+straps
+inswinging
+hattusa
+ruifang
+mdoc
+161,000
+jica
+58.17
+defiance
+yonder
+befell
+cranko
+koshis
+satur
+rivière
+sombor
+ogami
+hypoperfusion
+rugs
+zul
+24.66
+helmert
+defeatist
+gerhardt
+baiyangdian
+cafés
+apure
+d'avalos
+fuenmayor
+kernstown
+flexity
+ameling
+dehmelt
+gaynes
+hauerwas
+nunhead
+40.32
+carneddau
+re-drawn
+superscalar
+sheepish
+policeman
+gefs
+illo
+axillary
+oios
+tujuh
+re-conquer
+meital
+116.15
+capricious
+taschner
+diarra
+coonskin
+introducing
+trabajos
+underboss
+simbel
+.164
+gropes
+gourley
+tabletoppers
+diathermy
+unip
+post-wwii
+88-89
+meijin
+byeong
+agassiz
+shanina
+bhatkhande
+zeffirelli
+zhongwen
+80,000-seat
+pouted
+undulation
+actividades
+musiker
+shapter
+3015
+isomorphisms
+equestrians
+ccbc
+félicité
+324.70
+bethad
+600-700
+cyworld
+ostrofsky
+nyingma
+85-82
+ashlag
+shetland
+songbirds
+slant
+żabia
+83.23
+waterbury
+nürburg
+mahn
+g-protein
+bozoljac
+wittum
+hamber
+monies
+keanu
+vests
+ever-growing
+ciliate
+endangering
+streett
+1,319
+coalfield
+bahria
+now-closed
+córrego
+oosterhout
+alltech
+site
+reimposed
+62.0
+.56
+samo
+peening
+ringerike
+schwenningen
+telshe
+2rn
+51-29
+kharas
+tuscaloosa
+brent
+khader
+febreze
+woolsack
+ebbing
+reggiani
+virenque
+incentivizing
+firebombed
+bloodshy
+high-crime
+frangieh
+placebo-controlled
+aeschines
+globocnik
+1.3185
+proconsul
+rm5
+bodiford
+tenochtitlán
+inter-zonal
+893-8247
+mercedeses
+sacoglossan
+slutskaya
+sikth
+ziegfield
+izod
+firestein
+read-through
+boniver
+itsa
+greywolf
+researched
+shrapnels
+heydarieh
+waza
+bookmarking
+perfetti
+mups
+funkiness
+hamm
+explorable
+u.s.-made
+habar
+qaddafi
+laurian
+81501
+fodor
+wsoc
+aljaž
+bumgardner
+dispensations
+schnegg
+panzergruppe
+v150
+orangerie
+collon
+nyse
+he-man
+penknife
+al-qusayr
+pennetta
+slavers
+mysterious
+gleaves
+4,610
+samour
+granulina
+cedillo
+45.58
+miyamoto
+yugi
+meidell
+nurudeen
+vought
+.356
+-1.00
+mellette
+kammersänger
+thad
+winny
+regroup
+285.5
+trita
+edonkey
+manifest
+venturestar
+macerate
+heineken
+berkel
+aslambek
+universelle
+orecchiette
+loustau
+mig-15
+dry-land
+thrombotic
+reichsrat
+parakh
+seroczynski
+geotagged
+sekulow
+burstell
+bettmann
+vannatter
+secondo
+methode
+oubangui
+13-seeded
+dogma
+harsch
+coffees
+kinugasa
+freelancers
+rebirths
+woc
+exasperatingly
+haywood
+sancroft
+autotomy
+m101
+bcci
+mashaei
+chondrite
+tadiran
+sibal
+svedberg
+gawain
+38.97
+hamelin
+anorthosis
+campagna
+prieste
+zailckas
+lonard
+villarosa
+f-5f
+strez
+ziani
+22-karat
+upslope
+tenancies
+faring
+borgohain
+esco
+adzes
+brevets
+adrie
+grata
+acerbity
+81/3
+.382
+abtao
+forefoot
+sønderborg
+terrorizer
+ballydoyle
+lebewohl
+hollioake
+baraka
+kasparaitis
+westmacott
+commonness
+charonne
+agraphia
+național
+hmda
+horror/comedy
+additives
+benettons
+koppu
+girty
+heilman
+vercauteren
+deathrock
+mmap
+carpenteri
+repatriate
+curonian
+2,478
+language-based
+persija
+mirifle
+freeflow
+47-46
+dietzsch
+dioxides
+covenanters
+foppiano
+cassazione
+nucleosomes
+gc
+braf
+outland
+tiddy
+nb8
+barrera
+innocente
+lazzarini
+kirkhill
+ex-gay
+lamplighter
+courante
+howgate
+chugach
+marschner
+dorinson
+karamira
+phds
+kremin
+16,924
+85
+fairbanks
+29-game
+figureheads
+undercount
+aurakzai
+co-regent
+lafrance
+dreck
+wallach
+chegwin
+shrady
+pirozzi
+subclass
+mulumba
+riyadus
+caskets
+dostum
+intuitiveness
+fontainebleau
+kocaelispor
+dlimi
+beamscope
+overpays
+20-member
+parda
+nangal
+dol
+wiesmann
+delegated
+1278
+freycinet
+synuchus
+80-person
+croix
+gagauzia
+non-aryans
+parfumerie
+coore
+66-yard
+pursglove
+aberdeen
+kelam
+900-acre
+veith
+60.69
+lvmh
+fieldsmen
+strut-braced
+blueliner
+citydev
+sharyn
+plantier
+barys
+ogpu
+ostracized
+rosinha
+süreyya
+75-run
+ethnobotany
+nasaruddin
+jauffret
+pyrophoric
+industrialized
+superdrive
+gastroenterological
+musallam
+korolyov
+8.9
+jiaqing
+pawprints
+weert
+hatari
+homing
+osteogenesis
+subsequent
+mazzei
+buttiglione
+ncl
+raulerson
+domoic
+amatoxins
+ehatchery
+mercenaries
+spectravision
+supercouples
+bendrix
+safeway
+mielke
+515,000
+stenhousemuir
+kinkel
+xf11
+bove
+grf
+lightwaves
+monaco
+tves
+généreux
+naved
+sihem
+hatchbacks
+stanberry
+wuthering
+lunin
+merce
+bashiti
+scoparius
+aami
+eldercare
+scytalopus
+semmangudi
+cocceius
+dhar
+mobiltel
+bisotun
+mistimed
+leisured
+rwd
+friends
+sub-county
+tanton
+voeren
+gostin
+u.n.-approved
+iturra
+australias
+bangle
+dragović
+diesel-electric
+dodecatheon
+.380
+gentium
+echegaray
+chany
+111.10
+brandenburg
+airbox
+eppinger
+ict
+overhang
+state-designated
+ys-11
+siecus
+leptons
+sawamatsu
+carnera
+amigo
+ocimum
+edgbaston
+adairsptimes.com
+göring
+koumba
+amin
+everywoman
+augustulus
+oligos
+drillships
+muscimol
+drab
+bouw
+tugh
+webisodes
+lincolnville
+start/stop
+dassey
+sydsvenska
+krummedige
+kazimierz
+osmosis
+alen
+23.65
+canaiolo
+splinted
+wangjialing
+photodynamic
+olearius
+törnqvist
+56.86
+paule
+pikiran
+leogane
+47s
+anshi
+36,750
+hammerberg
+chagga
+tuis
+paszek
+24-58
+yemm
+synthesiser
+seras
+ghiyas
+anokhi
+lectio
+96.54
+grimoire
+byaruhanga
+autotrophic
+mavis
+kiai
+seacorp
+pi03
+tanach
+backplane
+gunships
+ebrington
+sub-area
+asraam
+edem
+godek
+restated
+evitts
+fouchet
+ventrone
+cédric
+author
+1min
+semna
+neteller
+rofe
+vassalboro
++4.50
+legatine
+irritants
+gottschlich
+formate
+caudillo
+biohazard
+trafalgar
+chinks
+gaols
+tempisque
+sedgefield
+capilla
+and1
+molinski
+belgium-based
+armiger
+recalde
+guelph
+bolshakov
+a&c
+96-run
+scolaire
+val-d'oise
+awe
+unidentifed
+plink
+wwan
+toussie
+sablé
+falun
+kwamakhutha
+lempiras
+5,920
+morfessis
+casual
+26.66
+81.40
+7,291
+consummated
+brittas
+bicc
+piroska
+streator
+rangitoto
+weingut
+rutki
+adcs
+riachuelo
+schoolwide
+crooker
+159.4
+wire
+lactone
+under-21s
+stearne
+bint
+marumalarchi
+meløy
+ilac
+sonatrach
+radda
+webbing
+pudong
+avail
+kronberger
+tanunda
+ninety-fourth
+brosius
+scholten
+laliberté
+winnipegosis
+plön
+z-93
+honeydew
+morganza
+northenden
+nashim
+grey-haired
+petee
+lammermuir
+driven
+himona
+8,940
+armys
+megakaryocytes
+benayahu
+wiesental
+trah
+23.01
+lukac
+insurrection
+blanketed
+buluc
+wishers
+γ
+bodhisattva
+awlad
+craziness
+hedsor
+.515
+tierkel
+71.01
+corra
+methanogenesis
+ariccia
+47.04
+jahwist
+ridiculed
+farai
+ferroni
+doublecheck
+14-22
+liku
+al-hariri
+intricately
+selina
+retch
+stroustrup
+harridge
+divers
+docomo
+habituation
+ashton
+champlin
+phoneme
+steelwork
+payroll
+realm
+howden
+rhyolitic
+czarniecki
+mmrda
+killingsworth
+rooth
+unraced
+17-27
+krysztof
+manch
+craib
+prioux
+avidar
+abulafia
+staphylococci
+lenagan
+123.5
+hungle
+fumbling
+barinas
+munero
+chocola
+spares
+poligny
+maquis
+wynns
+kunbi
+atgeriyev
+1080
+levrault
+playwright-in-residence
+38-8
+lorded
+marisco
+yamanaka
+deeds
+meadors
+dcr
+swallowers
+spectrum
+lepisto
+eastham
+embryology
+porticoed
+bevens
+saint-cyr
+jitterbugs
+gliha
+anchors
+intricate
+chiyoko
+signoria
+vaporizer
+ganesan
+butterflied
+kmel
+sirius/xm
+tsip
+sasol
+organum
+velikiye
+plavšić
+milagrosa
+facilitation
+sharrif
+reverberator
+4.25
+sleights
+15-kilometre
+baikonur
+espuelas
+kassen
+rodolph
+hawthorne
+heavier-than-air
+panicum
+dollywood
+herculean
+bbl/d
+prakarn
+pardesi
+pericles
+luv
+l'avventura
+xo-1
+douglas
+pickens
+butzer
+stolice
+yidam
+nits
+hudes
+adella
+s0
+56.94
+swiss-german
+bracero
+yours
+berdych
+onyonka
+euro268
+bouchons
+berkowitz
+noss
+centinela
+snooping
+markup
+introduces
+turracher
+padavan
+sharansky
+chronicles
+effingham
+titch
+halbert
+watcharapong
+inter-regional
+pretentiousness
+kikwete
+counterplan
+nrsc
+deloris
+nadis
+polyphenol
+isabell
+meishan
+aulton
+editorials
+khaja
+investicni
+oakmark
+subatomic
+yorkie
+thackrey
+griped
+pernfors
+5,000-7
+deimel
+vendée
+phenytoin
+conocido
+musician
+off-shoot
+seattle-based
+yasuni
+odate
+cumani
+voiculescu
+bfs
+henstridge
+continuances
+cupiagua
+self-identified
+soaks
+28-april
+ncarb
+mrv
+baek
+wizkids
+accomplice
+shohat
+takane
+sadio
+rocque
+varta
+kaduri
+7,8
+bitterling
+adiós
+samast
+mstp
+8e
+expanses
+gruel
+daskal
+game-winning
+zinkeisen
+ziller
+65.3
+commodious
+educause
+dimerize
+devanagari
+vettius
+cocaine
+m-55
+edb
+wadler
+spirlea
+nios
+kapfenberg
+168.2
+65.30
+4,491
+cañar
+baldrige
+bettenhausen
+mcmenamins
+instantons
+tagaz
+waxhaws
+piccini
+91.65
+trafficker
+intellectuality
+manabendra
+l'étranger
+curae
+duric
+aussavy
+chisaki
+eslate
+otamendi
+nugegoda
+plaphol
+cruceta
+sieck
+daoist
+seep
+hitchin
+hagel
+bilkent
+dekle
+dehnert
+bres
+karamzin
+shimon
+payano
+d'ivoirean
+vuelvo
+scpc
+televison
+fueros
+kasza
+3.54
+uweinat
+cooled
+nanty
+panahov
+vaga
+oltsik
+researching
+daana
+ludmila
+p10
+amicably
+vidyut
+breeches
+olle
+jinjiang
+kreisher
+euro810
+schnell
+plans
+handbooks
+istvan
+erbessa
+aimless
+clarno
+exhibited
+powles
+22-23
+art-2ndtake
+solaire
+tago
+cristóvão
+gemeente
+anshei
+leffall
+mcauliffe
+94.95
+mujibnagar
+vice-chancellors
+non-first-class
+69.49
+all-conference
+break-up
+20.07
+ingreso
+cantonale
+rela
+waldau
+charmless
+batwing
+struever
+trans-saharan
+sweepingly
+mlw
+c-45
+purposeful
+jukebox
+jalai
+yamamoto
+ravar
+mk4
+cringely
+snapping
+6:56
+kdm
+brunell
+ebrach
+myo-inositol
+nande
+manoucher
+followed
+40.2
+month-long
+51-centimeter
+osi
+58-year
+87.60
+krin
+self-reliance
+mugume
+1230gmt
+sonnenschein
+zien
+tūn
+1billion
+informality
+altadis
+sharelink
+dawidoff
+gortat
+albores
+lastex
+norving
+cryptographers
+34.18
+ylang-ylang
+juxtaposed
+darabos
+ww
+blanvalet
+mashayekh
+37-34
+paranaíba
+cd34
+nestlings
+rhona
+17,100
+glod
+fumigants
+ang
+webcast
+conservator
+bizkit
+5,665
+inducing
+mitsotakis
+sandane
+skoog
+caram
+1652
+monotonic
+parakrama
+12,000-point
+leontiev
+disaggregated
+kort
+kristiina
+scunthorpe
+voyeur
+cutaway
+baol
+pmc-sierra
+client-side
+brinner
+chrebet
+seigner
+uul
+vanderlaan
+dapuzzo
+contenders
+im
+i/o
+colada
+faboideae
+ffassihi
+capoeirista
+yukai
+85.52
+vimy
+dubek
+ruggedness
+mogilevsky
+rudderless
+1,359
+13:50
+naison
+bluegreen
+mother-in-law
+art-rock
+intef
+1,227
+михаил
+1971-1974
+persoonia
+76.28
+1-800-535-4425
+romanesque
+unleash
+uncouple
+firmament
+marchand
+53.86
+medicamentos
+voskamp
+stamer
+printz
+marimuthu
+cfcs
+ntnu
+heide
+horizons
+kotnis
+spinebuster
+par
+botlikh
+egoism
+ciulla
+nexus
+groton
+kotahena
+hpfs
+modulating
+tyran
+60.64
+stoltzman
+lamkin
+confection
+quicklime
+iscor
+procera
+schwerner
+ramaekers
+unconscious
+6,433
+weinfelden
+sutopo
+mosa
+occuring
+internalisation
+bertoletti
+baseballs
+villefranche-sur-mer
+36-37
+waard
+gebel
+nigcomsat-1
+lifan
+antakya
+ethno-linguistic
+fabrika
+jinling
+clued
+haywire
+pcus
+shivers
+pettyfer
+siedlec
+kaa
+sulmona
+mirzadeh
+lycaenidae
+rejowiec
+myosotis
+re-emerged
+esparto
+lacking
+zaydan
+18.48
+kongfu
+ejay
+diaa
+thaler
+skypark
+tignes
+coned
+teamtennis
+shriveling
+grimsby
+6-feet-2
+95.28
+foschini
+unité
+capitalism
+aughton
+namazi
+lyn
+chirality
+hemlocks
+grater
+3-for-6
+bān
+phenomenological
+preheater
+warnshuis
+dlouhy
+70-62
+madia
+deadline
+mid-length
+cmf
+17sec
+kewley
+bangaon
+penina
+närke
+erinnerung
+chiefdom
+eux
+ommegang
+dopants
+salem-keizer
+arany
+31.88
+skabo
+allophony
+usaaf
+shoob
+56.53
+fetig
+peldon
+hobbyists
+patdown
+cusato
+hardening
+great
+hoolahan
+oeun
+galleon
+roadway
+haili
+mohme
+killarney
+2,200-square
+hykeham
+capetian
+autotron
+equality
+pacifique
+55.80
+karnice
+rendell
+gopers
+welsh
+sundara
+spearmen
+warming
+grand-uncle
+raúl
+venkatesan
+hypnotizes
+ox-drawn
+i-pass
+ciccarelli
+mozza
+contentedly
+disturbia
+roasted
+risk-free
+catepan
+mirajuddin
+howl
+gjoka
+elca
+scouring
+ilaro
+shibaozhai
+re-implemented
+intertrust
+goldman
+pvsm
+fantasizes
+eberharter
+berbick
+mullativu
+ambitiousness
+contemporain
+pseudo-apollodorus
+théoden
+electrolux
+4-73
+266.3
+ridgeview
+plus-12
+créteil-lusitanos
+wittenberge
+222-2504
+mbusa
+.607
+dağı
+1.630
+moreover
+seringapatam
+sicilies
+offishall
+skyreach
+sider
+lunts
+menno
+koban
+daytrotter
+98-dnp
+waples
+omitting
+bestway
+1.128
+41-15
+simonas
+callam
+borghild
+whimsy
+sepsis
+wmata
+tooter
+totaled
+windham
+syeda
+redcliffe-maud
+tailpiece
+powerviolence
+tiglao
+dose-dependent
+myrtillus
+combating
+skupin
+sindona
+vkontakte
+linghu
+dzungars
+caramelo
+electrodeposition
+1987/88
+koliqi
+escapees
+91-83
+jgc
+29,688
+blayne
+herpoel
+gudula
+60-a
+sauers
+uclanote
+olivary
+255.2
+epistemic
+alessandri
+savonian
+110.40
+realisations
+delloreen
+beightol
+grandmaster
+latrice
+4,391
+turca
+heading
+anpe
+sudarshana
+tet
+godwin
+productively
+strugatsky
+spit
+saudati
+demerger
+witney
+affandi
+jihadism
+99.6
+58.48
+86.22
+sharpened
+arnoldus
+hupmobile
+rosina
+dziurowicz
+one-seventh
+houtan
+emx
+intellects
+spi
+madryn
+vairocana
+mid-11th
+50-6
+spouts
+shiina
+punditocracy
+posterboard
+unbleached
+pietistic
+(314)
+tritici
+henoko
+long-abandoned
+inocentes
+banjo-tooie
+gratuity
+t-bone
+screenplay
+kyunggi
+menongue
+calving
+6.125
+chunmei
+long-stay
+homologies
+mehrabi
+props
+kolonnawa
+hest
+hosoya
+triyono
+reedbeds
+bangala
+mat-su
+heishan
+chukitkasem
+mayzie
+howto
+soc
+mir-1
+overpromised
+mabo
+presidentes
+philatelist
+dinar
+whitford
+compelled
+110.04
+finanza
+defusing
+differentiates
+shmueli
+metate
+schardt
+exegetes
+kirkburton
+amendement
+respites
+zolciak
+ballclubs
+stratified
+mural
+harragon
+bms
+altsean
+hekari
+auglaize
+maskawa
+solarworld
+asgar
+casselberry
+nasalization
+abai
+33.07
+83-71
+chenu
+agrama
+parliamentarian
+exf5
+unscientific
+haihaya
+mudvayne
+alexandrinus
+commerciality
+2,458
+songwriting
+corbiere
+phenomenally
+sprotte
+1640s
+soura
+geordan
+comino
+amphibia
+sanctifies
+timothée
+gyeongbokgung
+marketwatch
+pg&e
+schäffer
+svinhufvud
+26.14
+11.1
+giddis
+merited
+encyclopedic
+southmead
+barisha
+close-combat
+demio
+polikarpov
+mirus
+brunstad
+iroquois
+pogan
+candlesticks
+irion
+in-group
+pentheus
+fullscale
+mountfitchet
+oly-2004-box
+humiliations
+dramatists
+poppa
+morae
+njit
+mydland
+mites
+caporetto
+manchego
+cerdagne
+belle-isle
+.26
+aldergrove
+cve
+ashmont
+serginho
+buckingham
+ilanthirayan
+trampas
+karawan
+etchingham
+arif
+wub
+passerby
+usurp
+bustiers
+67.85
+anthraquinone
+dagmoush
+frontbencher
+wildebeest
+blood-soaked
+213,000
+successful
+myrtle
+krayer
+nizhegorodov
+29.58
+alsbury
+wul
+defragment
+kleinbahn
+dugin
+yohimbe
+windmill
+ragghianti
+isolationist
+handcuffed
+eagen
+zöe
+burn
+bhutani
+phonetical
+slut
+capuano
+oppositon
+averagely
+bertelsen
+mid-12th
+woeser
+splendens
+laventhol
+1.063
+maharey
+subgroups
+system/34
+wedd
+spaziani
+outbreak
+zis-3
+better-known
+asbestosis
+24.64
+ercs
+pulcherrima
+homesh
+pointing
+keira
+ч
+cyp
+hesselbein
+particularily
+otylia
+jehle
+jni
+kyla
+sopo
+keauhou
+six-mile
+matinee
+glistening
+région
+yuni
+beaverbrook
+bandwagon
+babylone
+greenspond
+selph
+zahari
+997
+dentsu
+uh-1
+rieux
+will-o
+29-13
+shivute
+serry
+excerpts
+nyein
+prajatantra
+chucri
+huilai
+98.83
+lekhanya
+myeong
+acerbic
+mekilta
+7,824
+cabana
+dunford
+benavides
+15,200
+yanar
+tunstall
+bundlers
+olatunbosun
+gaither
+malbranque
+yageo
+dennison
+kio
+effrontery
+tsujii
+socol
+torpedo
+guatieri
+parygin
+allowing
+llega
+120-acre
+134.10
+sonorama
+haymaking
+farsari
+redhead
+pavic
+wandira
+obstaculos
+iannello
+492.3
+commerz
+trifle
+caupolicán
+19:49
+acceding
+k.harvick
+loneliness
+pui
+moviemakers
+t.g.
+purposefulness
+defiagbon
+norseman
+maesot
+nestucca
+10.79
+oels
+11-stroke
+cooked
+self-affirmation
+on-the-job
+verkstad
+denunciations
+2,898
+1960s
+mackillop
+kakkar
+rumpelstiltskin
+verdine
+nanotech
+raiola
+centrair
+apri
+wotc
+3.000
+connah
+vishnevskaya
+see-through
+5.07
+euv
+remans
+ots
+solich
+53-year
+44.40
+gombert
+read
+kamisese
+kallias
+londoner
+wragg
+hesione
+ballistically
+icoca
+landtag
+backslash
+enesco
+soufflé
+35,750
+inti
+department
+capacious
+estrosi
+a1a
+sert
+v
+mcconkie
+phred
+1,745
+sacrilegious
+telengana
+paeroa
+half-siblings
+il-28
+moneychanger
+blockheads
+20:17
+osmanabad
+btl
+directly-elected
+cuddy
+1930-1931
+minins
+inordinate
+88.51
+artistically
+relaxing
+ane
+http://www.alpa.org
+megu
+varos
+51kg
+arima
+nlm
+wilhelmshaven
+methionine
+euro175
+dephosphorylated
+tastings
+istd
+111.40
+ppis
+strader
+rezzonico
+mahinmi
+gerberga
+neornithes
+blares
+knippschild
+continis
+manor
+268.2
+okawara
+onatopp
+tensas
+intestinalis
+vercoe
+dander
+80kg
+akkad
+machinery
+ciprofloxacin
+mcmeel
+habsburg
+endosymbiont
+namiki
+intosai
+cesario
+log-likelihood
+lomer
+tatsuno
+nkuhlu
+200-square
+okorie
+ichinoseki
+adjust
+takamoto
+clams
+kierans
+17:12
+stallman
+graumann
+collyns
+bhava
+karmapa
+timurid
+lindquist
+impoverishes
+xuchang
+tadanori
+kostomarov
+palin
+kralove
+adenoid
+184.3
+bestfares.com
+lemos
+ecsc
+porin
+x-38
+racetrack
+dmx
+zamperla
+姬
+hba1c
+cui
+a-percentage
+koha
+the
+11.2
+obsessives
+maslenitsa
+import-export
+bipac
+co-coach
+jeriome
+electroactive
+humbucking
+4.275
+rodange
+samlot
+excitotoxicity
+lbo
+gualeguaychu
+half-back
+co-managed
+behr
+sköld
+homotopic
+18,730
+antivenin
+woehr
+lisesi
+ditya
+dáirine
+13g
+paralyzed
+sebwe
+khúc
+gadama
+padua
+aodha
+nahshon
+imbruglia
+85.35
+hriniak
+saliha
+bethe
+bingsheng
+1.114
+confesercenti
+nociceptive
+lleida
+weissman
+unthinking
+ganon
+unitarily
+zhōu
+kst
+glue
+bateleur
+junagarh
+alim
+superbugs
+stylishly
+mrosner
+supercapacitor
+urbs
+scurry
+fantin
+goligoski
+wisłoka
+skånska
+uniglory
+taiwan-based
+lethality
+15,500
+palmolive
+zohreh
+zoilo
+oborn
+almaty
+manitoban
+validated
+vrbata
+kauf
+whitwick
+47mm
+millimetre
+hitch
+gamel
+elvet
+annelids
+laforet
+viscounty
+thian
+malabanan
+shimabara
+mugrabi
+teridax
+insoluble
+non-regulated
+17.43
+debes
+dimly
+gazaria
+302s
+imai
+destablize
+eskimo
+quino
+alleviating
+zccm
+krikalev
+dupond
+holub
+brandon
+hydrobiidae
+daga
+usenix
+muigai
+gwynneth
+4.1-percent
+stumpp
+velvety
+edification
+mallya
+seikan
+canada
+nkhotakota
+decribed
+al-deen
+protzman
+cathode
+jacobsz
+marvulli
+fairlington
+misinterpret
+unfancied
+49.51
+costarring
+straße
+pro-democracy
+baldock
+shatter
+chumash
+endive
+qualex
+cdg
+1,918
+gennaro
+silicate
+flesh
+lickliter
+willumsen
+canaro
+gendarmerie
+all-mac
+1-for-3
+khosa
+kc3
+idiomas
+barkleys
+persuasive
+roseberry
+film-maker
+75-61
+mazuryk
+carnival-like
+kickable
+ozeri
+68.81
+.625
+actionable
+rika
+я
+batory
+diplo
+hanging
+elmina
+stives
+recoleta
+nachi
+caoimhghin
+90s
+blumin
+klingenberg
+maratha
+1280s
+mannah
+penciled
+nonsingular
+javadi
+cryogenically
+fenzl
+enraged
+rüppell
+20-lap
+shoestrings
+creadores
+maslakh
+sultanahmet
+bazaramba
+dorotheum
+sauté
+ipai
+banalities
+tunku
+bende
+petard
+mini-con
+68-61
+chesley
+rangdajied
+dowdell
+canoga
+gafr
+jubarah
+shaoyi
+53m
+spider-like
+piccirilli
+21.44
+shamong
+workover
+malton
+hpi
+schillaci
+358,000
+27-3
+reservists
+caremark
+housecoat
+hosey
+savviest
+waapa
+naqibullah
+wampanoags
+tankred
+palinkas
+favalli
+chungking
+periostracum
+dish
+tajan
+1192
+rogersville
+copy-on-write
+sixaxis
+front-runners
+138.3
+majorie
+n62
+remodeled
+ibms
+pyracantha
+translocator
+prost
+20:05
+microwavable
+saat
+mac-10
+dictatorship
+covell
+briefers
+75.10
+stockmann
+disco
+castlelike
+oʻahu
+dakar
+jacky
+oddset
+reitan
+pluggable
+jnvalentin
+pichi
+xmas
+1753
+shahdad
+buksh
+ranikhet
+symi
+sichuan
+deepdene
+newe
+mandarino
+74.64
+brak
+ch-46
+utterback
+chinchorro
+dynaformer
+shadrin
+roadstead
+aint
+1.2055
+samhita
+zhesi
+bolding
+288.9
+constitutes
+unremarked
+pagé
+57.94
+splashin
+bifidobacteria
+schickler
+crucially
+hourglasses
+34-12
+spark-gap
+homestands
+tephritid
+ye'or
+cerska
+birdbaths
+ravoux
+cyaxares
+markswomen
+landowners
+snlf
+reprise
+sub-montane
+shi'i
+andreotti
+bdf
+maniatis
+ghodbunder
+40,000,000
+sholokhov
+jondo
+bessell
+gashouse
+hominoid
+barnhill
+darrieussecq
+chauvco
+iberoamerican
+pricier
+46.01
+dshaughnessy@globe.com
+ideographic
+kasman
+arsenic
+mumbengegwi
+winterfest
+glovers
+15sec
+uighur
+shutoff
+putra
+wenjiang
+eaga
+mapreduce
+bootylicious
+mellotron
+treaters
+aquabounty
+atp
+vigilantes
+potong
+respire
+undervotes
+lisu
+deviantart
+57.12
+baboy
+euphony
+1830
+movahedian
+ossining
+j&j
+turbopumps
+medicaid
+argillite
+sanomawsoy
+innovate
+waronker
+ol'
+2,627
+o'toole
+barathea
+waldfriedhof
+lebowski
+aurelie
+drawcard
+melchers
+markaba
+sunbather
+pejak
+anatoly
+fabens
+2-4-0
+butterflyer
+gers
+krasnogorsk
+kakogawa
+1710
+17-25
+flirted
+klinck
+1.5236
+broadwood
+oto
+byles
+bankrupcty
+kriegler
+bjk
+orientated
+blasphemers
+jimoh
+45-centimeter
+sainte-anne
+mongalla
+schubel
+rasyid
+british-irish
+dalmatic
+beheld
+qassim
+samareh
+del.
+gurov
+ahar
+doukhobor
+relying
+segregation
+galga
+ymo
+devinder
+umfraville
+choppy
+mobilises
+banyat
+gdov
+lurgi
+tcv
+fanara
+farinelli
+ruine
+5.88
+stuggle
+non-electronic
+oliveria
+mertes
+aracinovo
+aetosaurs
+pomoravlje
+westend
+232-day
+tilia
+christelle
+gemination
+scholarships
+falsifying
+sudirman
+castleberry
+equivocated
+ribat
+unprofitability
+scheiber
+kassis
+231.6
+konare
+cornelis
+kosi
+endino
+ferriola
+pessotto
+bayambang
+cbut
+dirtbombs
+2,531
+ecklund
+reinares
+kilberg
+born/woman
+giltrap
+legarda
+euro124
+dovercourt
+erandio
+klaw
+courcel
+25.46
+26.0
+prognosticator
+kosova
+spoorwegen
+brachytherapy
+kärnten
+draperies
+delusional
+apf
+celades
+gramsci
+revoking
+arad
+gottschalk
+hamdanid
+sealion
+patmore
+boxier
+downburst
+medstar
+kc-130j
+bechard
+mulya
+92-85
+bergdahl
+partaken
+hepcat
+aright
+valves
+jaemtin
+bluelight
+3,643
+agitators
+seydun
+phosphorous
+wuhua
+commisssion
+32-bit
+sequoias
+pga
+catholicism
+elevating
+merest
+sanso
+brightly
+buchholz
+alemao
+15.16
+nudes
+31.72
+telecommunication
+involvement
+unforgivable
+plurals
+mitos
+highfin
+irt
+respecto
+navinchandra
+bolognesi
+marsy
+dogmatic
+1196
+protonation
+qalaa
+terrorcon
+hangover
+portends
+m.p.h.
+vif
+hannoversche
+harrachov
+signage
+shahab-2
+goaded
+montford
+shifter
+119.68
+pravachol
+pitroda
+archaea
+update-2
+hellweg
+pethidine
+omine
+drue
+404-526-5456
+bonins
+bosh
+impedances
+23-22
+milcho
+goffer
+karnataka
+lowlife
+hindlip
+guarin
+amta
+pasión
+java-based
+chiames
+crocodyliform
+quotable
+skinniest
+high-octane
+41-1
+cialis
+ladywell
+galletti
+videoscan
+fanfani
+eigenstate
+short-nosed
+collix
+talagang
+saltiel
+croft
+tumultous
+lappland
+209.4
+dmf
+maccormick
+darwinian
+regionalliga
+schoolbags
+abbahu
+calagione
+waodani
+gurvich
+iwashita
+oligotrophic
+akademischer
+vuong
+adrenoleukodystrophy
+210-kilometer
+re-sited
+non-native
+dressage
+mutt
+metaprogramming
+mugenzi
+morocco
+abattoir
+wiske
+tumults
+mooers
+bizera
+declutter
+2411
+nemtzow
+leka
+279,000
+fest
+roughness
+u2019s
+ape-like
+mcglory
+khon
+raisonnable
+leval
+big-game
+soud
+mitchie
+sh1
+fnl
+calabasas
+25.94
+jianghuai
+kissane
+136.25
+meticulous
+eliz
+patcham
+phai
+neo-romantic
+g-3
+cinereus
+diminished
+broughton
+ircs
+63,700
+kaluga
+leggett
+úrvalsdeild
+marbleized
+lousteau
+mukachevo
+šarūnas
+rsi
+knits
+1teaspoon
+cynamon
+interdistrict
+new-gen
+eighteenth-century
+motilal
+1,195
+sutton
+hinako
+lapeter
+v.i.p.
+scarpe
+jurisdictional
+gaudium
+fundraise
+akzonobel
+82,000
+zeljeznicar
+aracely
+amazo
+robespierre
+pantages
+praya
+vinohrady
+finanz
+kuwait
+holborne
+hemet
+guinto
+orangi
+nichols
+mammogram
+polgas
+beeban
+pre-loaded
+fuxiang
+dolj
+isobe
+expositional
+vence
+hdw
+1-column
+9,270
+tunstead
+honcharenko
+barbarism
+anti-hitler
+stranczek
+1.5625
+clambered
+gaddam
+certifiable
+cmic
+fenceposts
+shibin
+synagoge
+tyrannies
+37-3
+asef
+pratini
+barsham
+katrín
+benedictines
+turbofans
+nassir
+metreveli
+antihistamine
+(215)
+hdc
+charouz
+craxton
+insincerity
+indraprastha
+sysop
+greyer
+cross-validation
+evangelism
+distension
+derosier
+muwatta
+waurika
+przhevalsky
+793
+545,000
+benta
+ddd
+manber
+facile
+grignard
+xingmi
+sparkly
+orting
+narrowleaf
+garofoli
+sawhorses
+laclau
+neurophysiological
+bagla
+weigl
+aike
+literalism
+transsiberian
+dubrovnik
+grokster
+14:37
+n'guessan
+zvjezdan
+silbering
+penson
+higuita
+naslede
+ryser
+bumiputera
+1.1
+unionist
+227.7
+snodin
+cadenza
+ccdac
+hellaby
+icao
+perham
+woogie
+w-cdma
+censures
+armchair
+saddleworth
+songster
+kilar
+levinstein
+biddeford
+lutsen
+duyen
+hirtshals
+wingti
+tietjen
+100.00
+villarroel
+overheats
+sng
+agnus
+praecox
+111.72
+unlikeliest
+scatological
+barrani
+bertogliati
+bornemann
+ubell
+aikikai
+guillou
+anirudh
+46-yard
+hackerspace
+3,940
+tessin
+oldtimer
+scintillator
+petrizzo
+shuya
+tma-11
+fimbres
+sunuwar
+nandigram
+alexis
+serpent-like
+chroniclers
+vadtal
+heptarchy
+ypfb
+ahtisaari
+anti-globalization
+adisak
+al-bireh
+kaidan
+4,735
+feltgen
+vls
+grigorenko
+cochlear
+chewco
+nitride
+deadfall
+booky
+gaisberg
+remoter
+pattyn
+lavoie
+freihofer
+inhofe
+saadoun
+collingsworth
+carded
+polyol
+83.73
+prince-electors
+vanore
+postbank
+electrabel
+congressionally
+memling
+deactivated
+guardhouses
+syntactically
+subject-matter
+u.n.-au
+raksha
+4,060
+cobalamin
+tfcon
+harmes
+k.f.
+indissoluble
+vika
+promax
+m.b.b.s
+unbolt
+rafique
+apnts
+gaos
+sprah
+107.11
+arrue
+hostnames
+flush
+garanganga
+skal
+orseno
+39.16
+zavodskoy
+ite
+žabljak
+ospar
+17.88
+bonefish
+koonin
+teleomorph
+doakmaiklee
+eminently
+tiadaghton
+nude
+mopping
+berlioz
+carvedilol
+16-17
+nucifera
+naiditsch
+colahan
+29-1
+ajaz
+fukuhara
+sandemo
+10:25
+tail-end
+sacré
+descriptor
+atala
+crawling
+tirah
+structured
+machold
+3-76
+ariel
+47.61
+p400
+pyoot
+mediums
+hantavirus
+overlie
+bush-cheney
+m-14
+recipefinder@baltsun.com
+3,699
+highweight
+ayandeh
+alentejo
+37.43
+108.46
+del101
+kenshi
+schlatter
+cobweb
+social-democrats
+kibitzers
+swyche
+javel
+aldf
+unicapital
+26-march
+chistyakov
+poelzig
+vuda
+ferrite
+rockcliffe
+unrecognizable
+carrasso
+general-major
+milhollin
+kangol
+nhut
+biobehavioral
+quartzite
+seismologic
+hunching
+professoriate
+3,228
+6,002
+feltenstein
+medium-range
+sedna
+kadum
+40-27
+renters
+lefort
+wessis
+16-page
+quiver
+ayni
+uplifting
+563,000
+litzau
+gallienne
+fukra
+dreamier
+wifely
+roșu
+cuchi
+coi
+dihydrate
+kianouche
+washcloth
+digitalized
+hainesville
+ashiya
+5.5
+swabbing
+alling
+major-general
+52-48
+vasenina
+russellville
+pollak
+1,201
+longde
+ticky
+vindictiveness
+oecf
+fiordiligi
+5-for-12
+confined
+stockyards
+21.22
+morizet
+whitest
+boarder
+kimche
+b'elanna
+replanning
+flandre
+kondracke
+wevelgem
+r9
+cheburashka
+demis
+ashington
+ifi
+o'conor
+goestenkors
+cryer
+pycroft
+marville
+whitebark
+schrade
+varick
+oversees
+popdust
+tannen
+1491
+madanapalle
+nine-month
+feniger
+randy
+cosin
+banque
+tatou
+cleavers
+vandi
+borzoi
+pardoe
+overthinking
+homelite
+jabul
+kvitsiani
+manolov
+graveled
+underachieve
+christoper
+horsman
+dominionism
+cantigny
+camaldolese
+hollywood-style
+6:20
+dortiz
+sacca
+hostels
+92,000
+kurenai
+conjugations
+self-designation
+hegyi
+upsurge
+takahe
+devolites
+binnya
+lingayats
+nyra
+donorschoose
+abubakarov
+tinman
+rwigyema
+chauvet
+skyray
+generalist
+acquited
+bernocchi
+putta
+titus
+adif
+nonnegotiable
+stripped-down
+gutsche
+trishula
+maynards
+ebor
+tigr
+pucallpa
+mpho
+spasojevic
+worcester
+klar
+gruman
+low-impact
+elua
+huayna
+261.7
+coastlines
+daneyko
+sanjeevani
+lubben
+47.01
+ahsa
+investech
+kujundzic
+motorsport
+last-mentioned
+per-capita
+lions
+gardocki
+hoji
+strapped
+78.5
+mabvuku
+cloudscape
+bolāgh
+31-6
+inefficiently
+hussa
+cerralvo
+marvast
+khadra
+şırnak
+universalize
+perumbavoor
+vng
+dv04
+zayat
+aigbogun
+komotini
+difluoride
+1-oscar
+floors
+burmantofts
+barbata
+langley
+god-like
+kisan
+0.067
+amazes
+koran
+hardheaded
+isolators
+mikalai
+lewknor
+statecraft
+idrettslag
+velodromes
+certner
+karneval
+unenthused
+hazen
+aransas
+ridsdale
+soter
+corcovado
+maisan
+gorsha
+alcor
+90.02
+hartlebury
+regulatory
+jatiya
+trujillo
+eckerd
+ctw
+antwoord
+softquad
+pomelos
+nsit
+romagnoli
+underline
+grill
+wiseacre
+saxe-hildburghausen
+trấn
+knoweth
+distracts
+faience
+12,800
+mitsouko
+tomomi
+kristin
+mushir
+inaccessible
+9.1-magnitude
+dreamworks
+1,771
+antill
+bargainer
+ceniceros
+aldous
+ubid
+fr3
+ezzouar
+edelstein
+applejack
+sahana
+29-hour
+majeski
+manyfold
+adduced
+benbrook
+jackeline
+attali
+fiis
+smoke-free
+.370
+loosen
+donastorg
+clink
+serin
+dizygotic
+mereworth
+irondequoit
+obsession
+avaya
+trans-neptunian
+meny
+78-74
+u.s.-asia
+shelvey
+clemetson
+kubelík
+três
+ready
+zitelli
+baggers
+andromache
+nemo
+darrington
+jamesway
+paua
+cantone
+aulin
+chavannes
+monheit
+formula_99
+plundering
+bleached
+granulomatosis
+regresa
+kostmayer
+99.81
+lithwick
+gleditsch
+aurelius
+dahk
+steamship
+rasbora
+internatinal
+triptans
+pinochle
+jagged
+tandil
+vallecillo
+balanta
+ranmore
+evar
+fernbach
+marshak
+iiia
+helicoptering
+croll
+bevmark
+chiki
+0_3
+comt
+allcock
+bonnet
+fratelli
+superadobe
+lahv
+gertrudis
+sixth-placed
+kakas
+bhaichung
+benita
+rie
+turnu
+bonfires
+worker-communist
+от
+alludes
+1:55.45
+euro242
+clinical
+breakoff
+recessive
+ifra
+receptacle
+zeda
+grich
+land
+10,000-seat
+hibbing
+shobha
+mccalls
+deepwater
+20.79
+eleonora
+zarqawi
+winnebagos
+commis
+dob
+akbarābād
+desmet
+inaa
+tramiel
+1945-1948
+m1s
+naustdal
+rubidium
+ouk
+zibel
+slaad
+mixed
+collegian
+tole
+52-30
+prevette
+non-gaming
+translational
+euro28
+triaud
+seversky
+dadaism
+undeliverable
+pij
+wailly
+mulcaster
+55-47
+ismael
+theaux
+prenatal
+deign
+lydiard
+cosmopterix
+kalthoum
+samobor
+amama
+crape
+steelband
+blyde
+dwyre
+tong
+brunello
+222-2300
+frend
+11-hasan
+cpdc
+montillet
+4,277
+dirigida
+73.97
+upasani
+meditators
+nazaré
+yelahanka
+65.02
+claddagh
+sebek
+polytopes
+damietta
+keshan
+malfi
+cowles
+cep
+halpert
+neave
+mis-teeq
+hirohito
+photocopying
+intraplate
+sundbyberg
+adp-forming
+better-quality
+breadbox
+brockport
+104.05
+fazel
+bocskai
+bas
+locris
+borso
+oneindia
+appanages
+jebat
+brg
+infraero
+xenophobes
+pingan
+film/video
+3r
+uexküll
+windsheim
+3,249
+mid-priced
+ziba
+shareholding
+mid-1945
+i.f.c.
+hoselton
+plomo
+jacobovici
+routinely
+uzan
+aerotropolis
+prugger
+namur
+bigamy
+teacups
+korrodi
+rennison
+nicoll
+looting
+khrushchev
+hemmer
+destino
+strub
+nicu
+37-percent
+pascucci
+ferritin
+haagen
+f-5es
+50-lap
+paumanok
+pickpocket
+xianghe
+ekaterine
+50.54
+aradan
+schaffgotsch
+hadhari
+hirvonen
+maykel
+scuti
+544
+paixão
+rgs
+kcsm
+37.38
+-6.00
+agel
+ramadani
+echinops
+blumenson
+caofeidian
+zarema
+112.25
+mahawil
+killshot
+whimsies
+3,549
+pernet
+mirell
+okinotori
+117,500
+euro37
+angra
+ur
+witwatersrand
+guidolin
+victuallers
+alenka
+rlx
+dalio
+versified
+impacts
+zed
+yusof
+charta
+epicureans
+82-76
+askewniverse
+sneered
+georgie
+500-year-old
+all-boys
+nonpayment
+3,483
+piergiorgio
+chickasaws
+dawn
+kaviyoor
+shuldiner
+hinga
+manni
+merryday
+huss
+dublin/pleasanton
+ijok
+stretchered
+galaxias
+clearlake
+mcmurdo
+bénouville
+felsenthal
+phrynobatrachus
+fulks
+stambolov
+battery-operated
+normalise
+ctm
+haldane
+baynes
+brenchley
+easterain
+mitter
+lederhosen
+ruwart
+20-week
+julieta
+threatt
+7-for-9
+faceoffs
+vtol
+98.26
+gwiazda
+sdalysptimes.com
+nepeta
+west-ii
+aristocracy
+buhruz
+gleiberman
+50.25
+20:15
+natiello
+mdis
+21.41
+photek
+sibamac
+winston-salem
+jessye
+malewezi
+abric
+aghion
+rockwellian
+striping
+82,400
+ntini
+akimova
+chacombe
+high-style
+67.47
+1:8
+communing
+115.82
+meanness
+40-millimeter
+dazhen
+38.5
+eure
+crimping
+political-military
+iza
+fed
+ddr3
+lorelei
+regola
+yunpeng
+.528
+profondo
+wrg
+fannon
+http://www.wachovia.com
+thrower
+nobuko
+=o
+mehnaz
+corruptor
+ravina
+disharmonious
+chebyshev
+balvenie
+pericytes
+ragano
+atoyac
+redid
+21.03
+bothell
+hasil
+nifa
+disgruntled
+takanobu
+stylez
+lympstone
+khia
+mycoides
+ferugliotherium
+zhicheng
+catchweight
+ceza
+yoshioka
+siegman
+91.32
+weizhou
+simplemente
+yangju
+boiko
+ewf
+dolza
+lighthizer
+progam
+72.3
+bushido
+basepaths
+75.01
+44m
+mccovey
+geritol
+pleblanc@statesman.com
+nederlanden
+84.37
+010
+parihar
+ajuda
+gurpinar
+cripps
+eight-year
+payton
+fraus
+dyers
+brickner
+ainon
+45min
+dejo
+sinosteel
+giannone
+long-anticipated
+burkhard
+ustbimp
+109.86
+biggart
+viktors
+fme
+pecora
+nehemiah
+palladam
+50-metre
+bontekoe
+dortmunder
+windstrup
+thrum
+nns8
+coudenberg
+sener
+deutche
+959
+xinzheng
+pelz
+netam
+logic
+mindy
+drumline
+minister-delegate
+rtp
+oolong
+45.72
+wham
+narasimhavarman
+lc2
+policemen
+pala
+a-330
+mounir
+zijiang
+sisala
+medal-winning
+dedekind
+dalhart
+testimonium
+melaleuca
+kuruc
+par101
+absorption
+transaxle
+gendler
+glazner
+besting
+tuc
+45.21
+lias
+jonk
+nonusers
+zizi
+cabinets
+woronov
+romanides
+lanigan
+gische
+enlisting
+santam
+nafsa
+mayapuri
+bludov
+kandarian
+yogi
+grand-nephew
+pakledinaz
+xiii
+harf
+claritas
+kuester
+48.26
+kocharyan
+jurkowitz
+parapsychologist
+thirty-year
+k-car
+re-arm
+footon
+initializes
+moussambani
+cursory
+chetham
+schulz
+agt
+thronged
+57.34
+herriot
+earlston
+creuse
+pfcs
+bf2
+giganta
+takoradi
+worked
+challans
+beck
+ekamol
+tevi
+prion
+germanys
+jyoung
+careerism
+byt
+narrator
+liwen
+meller
+f100
+maliki
+ganghwa
+idoma
+non-consensual
+originals
+schouwen-duiveland
+wilburton
+wallowing
+sarcasm
+dransfield
+penetrate
+hu
+20.23
+amrhein
+yabrud
+balearics
+ekurhuleni
+storyline
+merieux
+carrboro
+radialis
+yojimbo
+ienobu
+trew
+milton
+metrosideros
+auri
+kempner
+malpan
+aviation
+figment
+v0
+chadli
+fabri
+dieser
+hika
+clavet
+mid-17th
+compatriotic
+incarcerating
+2,652
+6,790
+panasonic
+andjaba
+diputación
+thought-out
+re-focus
+garwe
+moskow
+m74
+tellegen
+purdue
+appointment
+peddle
+thyagarajan
+cinerama
+puncturella
+chirayu
+2,715
+helleborine
+filippi
+religiously
+gagetown
+votive
+variates
+ocelot
+amtsgericht
+titov
+mwanawasa
+peaky
+kasetsart
+zackary
+bench
+odometer
+thurston
+delicti
+clabes
+round-robin
+faktor
+wretches
+speegle
+now-defunct
+chaudhari
+andersson
+ofid
+tadakatsu
+podcasting
+balita
+ulb
+bomhard
+jiaozuo
+jitu
+tec-9
+thak
+celinda
+32-ball
+bellarmine
+apollo-soyuz
+mufakose
+lightheartedness
+bhavishya
+highwire
+agnès
+stelio
+tweedmouth
+salma
+nbr
+ursua
+lerin
+99.17
+expanded
+burrowing
+berceau
+rosary
+solak
+depowering
+2.735
+csx
+nakfa
+rausing
+burji
+locksmiths
+struggled
+poliziottesco
+carajás
+marick
+mid-20th
+pulse-doppler
+ovonics
+biondini
+nzanga
+2,565
+attestation
+rabbo
+altech
+in/out
+iacon
+worrisomely
+powerbar
+bistatic
+6,236
+bow
+homeyl
+yahoun
+shrubland
+blige
+ferbert
+ourthe
+noviny
+salzano
+inviting
+buchheim
+pusad
+repko
+beyong
+rossier
+fixed-pitch
+multihulls
+berghaus
+honey
+oord
+protect
+galicia-volhynia
+heyworth
+realclearpolitics.com
+americares
+chengxin
+umpteenth
+extrapolation
+kick-ass
+side-chains
+kerrey
+borkowski
+videophone
+hermiston
+prskalo
+oconee
+adopting
+dt
+faun
+4-2-3-1
+dadong
+disempower
+1961-63
+presacral
+arief
+nemirovich
+cyclonus
+addenda
+robonaut
+shiplock
+liffe
+hleileh
+penology
+biosecurity
+shattering
+035
+hantsport
+alvorada
+pabon
+28.36
+kurui
+rupturing
+usefully
+13m
+cappella
+gordana
+venturini
+xiaochao
+4b
+byrdcliffe
+yarmulke
+collages
+orinoco
+wuss
+left
+grammatically
+adv30
+colesville
+birgir
+93.07
+philologie
+arakan
+anakara
+asanka
+foerster
+partners
+ferdows
+miller
+kropotkin
+controversialist
+ojediran
+lethington
+ill-disciplined
+12:11
+lalai
+disjointed
+rohatyn
+57.21
+reducing
+glitterhouse
+walin
+solski
+bonora
+27-million
+4,296
+helderman
+robertsons
+64.96
+gueckedou
+silversides
+auricula
+monocots
+smorgon
+headbands
+impeachment
+tnpl
+manitowoc
+joaquin
+katumbi
+rasim
+gushy
+30.71
+boundaries
+montholon
+mizumoto
+rubrics
+pongpat
+wolens
+6,376
+10,000
+nakula
+alpha-2
+kluiber
+yowl
+jugular
+76-page
+tonnes/ha
+waverley
+wombles
+bagneris
+spectrem
+leipold
+lupertazzi
+31w
+beards
+barmby
+furniture.com
+neurone
+27.86
+reopens
+dsm
+cyborg
+glomus
+rraklli
+goranov
+snickers
+freziera
+thrash
+vallis
+supuesto
+takasugi
+neapolitan
+vorbis
+1.084
+sinope
+u.s.-iran
+lanier
+zdf
+entity
+externalization
+313.222.2533
+guercio
+jeyapaul
+30-13
+cerney
+-------
+40.28
+mourning
+selters
+ackley
+impel
+adalet
+kijiji
+nahuas
+zingiber
+zodiacal
+sectarians
+clostridia
+s&ls
+saltern
+cryobiology
+nonpermanent
+tunisie
+pricegrabber
+flato
+mordella
+scenarios
+heretofore
+59.28
+kundakci
+ohara
+larkham
+kino
+disques
+crh
+126.70
+238.7
+chimwenje
+jelling
+avtar
+boded
+lockett
+hostilites
+thuringiensis
+antalya
+north-northeastward
+neo-romanesque
+cryoablation
+ermita
+pbond
+sidaway
+bousso
+red
+oppose
+chusovaya
+3-volume
+tayag
+defer
+blindfolds
+irreducibly
+12-pounders
+wanders
+whitesides
+democritus
+1-45
+,860
+meeds
+arduin
+m61
+semmy
+camou
+equips
+crişana
+galsworthy
+manuscript
+sideband
+127-year
+polygraphs
+parun
+krośniewice
+pre-european
+kannan
+air-to-surface
+sentamu
+tfi
+cronstedt
+marthe
+pre-draft
+biddenden
+a.m.-8
+battle.net
+federal-aid
+disguised
+koup
+sundström
+117.39
+tomahawk
+moodier
+crofts
+isopentenyl
+m-52
+primorac
+cwe
+baserunning
+espoir
+mwita
+kikuyus
+calientes
+schelter
+ipu
+porphyrin
+depth-charged
+hec
+byplay
+hare
+130.0
+lyonesse
+wagener
+kleinzahler
+mvaughn
+acclaims
+schatzi
+fly-half
+hamideh
+speeding
+carvalho
+possiblities
+jenning
+poskus
+volponi
+glane
+ardas
+guynot
+pyrford
+cabangbang
+venyavsky
+pimply
+d'long
+agutter
+infernus
+nna
+translucency
+bersama
+lgbt
+elayne
+nobilities
+generality
+arévalo
+zadkine
+ocurrio
+scandinavians
+evaporating
+verdejo
+phalluses
+chimerism
+motorbike
+rizkar
+indicum
+jianqing
+paralyzer
+hominin
+disenfranchisement
+aerosur
+legate
+relationships
+swoops
+blackboards
+kimbo
+schlözer
+alkhateeb
+affric
+vordingborg
+numérique
+14.45
+hashemites
+mdp
+footprints
+seeming
+infinitum
+dafovska
+trx
+insubordinate
+pagemill
+wolf-ferrari
+adderley
+transfused
+schwob
+ḩeşār-e
+doshi
+fēng
+streatley
+batere
+braces
+egion
+kirchmedia
+whyte
+birjand
+knuckler
+chadians
+reforested
+aiyenugba
+aaii
+http://www.dot.gov
+7,999
+.207
+managership
+stanzi
+andreassen
+aythya
+385.25
+nb
+aprotic
+kedu
+codependent
+94.62
+errigal
+sturton
+chiat
+niemietz
+w.bush
+3xy
+camc
+harvie
+el-p
+91,500
+gundam
+pindus
+mangxamba
+lahd
+kurdistan
+foreboding
+djokovic
+athenians
+chatterbots
+hilkiah
+bundesarchiv
+anarcho-syndicalist
+relatively
+martius
+kaisi
+bullets
+kyai
+badhan
+contactar
+marrara
+two-ton
+oppy
+duchêne
+torsion-free
+culpably
+merolla
+millwood
+liftoff
+5-1-0
+angangueo
+cimrman
+123.64
+confocal
+119.69
+sart
+conservatories
+iloveyou
+stockbrokers
+asahiyutaka
+pemba
+pachycephalosaurus
+morgentaler
+darya
+r&s
+pigs
+milgrim
+jám
+eurid
+surdas
+kazys
+strategically
+heute
+four-wheelers
+mutapa
+lcross
+sumaira
+taconite
+hurtubise
+lectured
+cusip
+bioethicists
+teotihuacan
+icds
+kreidler
+swelbar
+ammoniac
+deconstructs
+gall
+crotone
+halflings
+muffet
+136,700
+meheganglobe.com
+rindal
+creatura
+fwo
+absentmindedly
+1.96
+dehz
+y.e.
+2009-2013
+off-the-cuff
+cawston
+morphological
+kororareka
+orka
+1056
+masotti
+parcel
+gedung
+profiting
+golfweb
+killah
+hartnack
+-20
+anzai
+rhimes
+dugway
+genotypes
+hirsi
+e2f
+mozaffari
+101.7
+trabajadores
+scandone
+69.85
+second-level
+halfbridled
+nazgûl
+3.2-billion
+ariela
+filibusterismo
+ke4
+laxly
+akanji
+marxuach
+kollo
+sibat
+lecturers
+livramento
+preseli
+dosedel
+vishanti
+nichinan
+lupini
+siderite
+hcup
+versalles
+depress
+hakkar
+namaste
+skif
+statelessness
+basang
+softer
+khanty
+redan
+1,400-mile
+516,000
+occupant
+neeleman
+swedish-speaking
+1.2035
+romanisation
+complete
+120-pound
+cochrum
+cordis
+escobar
+1/24
+staatsexamen
+straightest
+connectionist
+chaille
+181.5
+recuperator
+a-c
+atac
+sakorafa
+32.98
+hikawa
+salitre
+immingham
+haïtian
+tormod
+milam
+213.8
+funderburke
+doubter
+schaeder
+arniston
+shrouding
+squaring
+balloting
+mahfoud
+45.12
+62.70
+hersleb
+osoro
+toclark
+supercobra
+landlordism
+tobback
+90-degree
+jyp
+dungog
+736
+1992-1996
+pco
+390th
+radecki
+hukawng
+confusion
+1-year
+vasque
+sahal
+paperboys
+publico
+zunghar
+attachés
+astrée
+platino
+naburn
+additivity
+re-themed
+hazfi
+sorata
+morcar
+zavala
+cimber
+assos
+16-20
+montanes
+spungen
+ex-im
+erdős
+madcow
+guo
+gratiot
+nicati
+muhanned
+nilsmark
+recibido
+choicepoint
+beaufort
+cahal
+16-11
+adria
+ixe
+stryzinski
+8888
+seto
+guzzanti
+aduritz
+metropoulos
+klitzman
+15-point
+yayoi
+ballard
+rga
+qalam
+alone
+shearson
+cerambycidae
+conservatorships
+5.46
+nullary
+1.4-1
+three-quarter
+gatecrashing
+brueys
+wyny
+muley
+needlegrass
+derealization
+p.y.t.
+daniher
+kanakadasa
+krivda
+externally
+lerdo
+highers
+gtr
+sambor
+step-by-step
+glady
+hosek
+spaziano
+earth-51
+phoronix
+wheelbarrow
+sauan
+ngozi
+eido
+haruki
+69-0
+arsenal
+tanzim
+vics
+97.53
+matis
+bye
+decugis
+stixx
+mashie
+martinborough
+squabbles
+nontransparent
+oropeza
+redington
+freude
+aethra
+oeresund
+mcdonald
+dnf
+gastronomique
+leaflets
+steeh
+diplomatically
+stalev
+5,000-6
+rybakou
+bahawal
+chamorro
+undersides
+kedine
+jinja
+kanz
+böhm-bawerk
+bakke
+carnosaur
+frontiersman
+olhão
+wapakhabulo
+banez
+mynydd
+32,300
+josephs
+fittingly
+dushyant
+44-26
+590,000
+lockjaw
+22.40
+eveready
+bruskin
+wallflower
+168.6
+geographics
+chronicler
+services
+74.56
+lengthening
+jeanrenaud
+fujimi
+landano
+limburg-weilburg
+西川
+lindheimer
+harborplace
+catalan-speaking
+draconis
+mettomo
+d-league
+divin
+mxyzptlk
+levitch
+kestner
+peel
+mishel
+logic-based
+blvd
+chuk
+greifswald
+mandailing
+zinfandels
+retains
+24.60
+13:34
+qingli
+advertising
+mccartt
+rakhi
+ahura
+1:44.06
+jenson
+strandberg
+károly
+bodson
+recommends
+cayabyab
+mania.com
+ligonier
+6-a
+joffee
+diss
+gondwanan
+pre-history
+berenguel
+maghribia
+luxemburgo
+.43
+bachao
+overzealousness
+palan
+generalise
+poutala
+historiography
+allotted
+zag
+alchemic
+postmodernity
+molecules
+caballero
+nephrite
+semati
+tgi
+appelate
+double-length
+sm-1
+acklam
+ê
+chizhov
+minghua
+4,800
+krisztian
+traders
+fermanagh
+sarissa
+rodanthe
+khamba
+ccir
+mreiss@globe.com;
+misbehaviour
+peploe
+timon
+affricates
+gomaa
+nemophora
+heilbroner
+suffocates
+morozov
+tzaneen
+rača
+30.05
+zophodia
+wallangarra
+beningbrough
+luege
+gambrel-roofed
+schjoldager
+cuso
+guajeos
+minehan
+selección
+santafe
+116.89
+routier
+rehabbed
+recruit
+aalesunds
+kaneshiro
+sbac
+self-immolation
+mustonen
+h5
+pizer
+aranha
+kōriyama
+mindel
+improve
+life-span
+vierne
+tkach
+tasr
+familiarised
+alaric
+o'gill
+wan
+ferzaouli
+caudata
+bié
+harney
+narvekar
+carlism
+tlaxcalan
+nark
+392
+nagappa
+hakluyt
+gda
+cancellation
+tsochadzopoulos
+surabaya
+sheuserglobe.com
+socrates
+3,728
+permament
+eurovelo
+y2k
+icc
+leverett
+harking
+jansa
+ihr
+28.14
+zbyněk
+1.2450
+boliviensis
+perdew
+lusztig
+catastrophic
+rifaat
+takeaki
+vidrio
+canton-wide
+schmuhl
+mandan
+pynzenyk
+økland
+or/and
+freakshow
+alabam
+civilizational
+rosenior
+plumas
+boel
+growe
+exegetical
+agrin
+krkonoše
+salmen
+textus
+tuladhar
+modano
+sorento
+granadine
+handhelds
+burruchaga
+shelly-ann
+stearmans
+iracing.com
+wipeouts
+4,784
+overbridge
+coherently
+letterboxes
+heart-rending
+fluoxetine
+galvez
+sablon
+madsen
+kolding
+cuffy
+isringhausen
+september-october
+solidere
+48.33
+lateline
+haematopus
+ron
+2.400
+granulosus
+difficile
+totor
+kshetram
+laberinto
+su-33
+wightwick
+zezima
+pax6
+53.81
+bossche
+arthus
+kosman
+parlamento
+reitz
+versa
+synchronous
+counit
+inventorying
+senlin
+zaleski
+tippett
+narasimha
+rivo
+index.jsp
+majzoub
+raron
+3,300,000
+1982-1992
+grooming
+borel
+fios
+sæther
+bryanne
+turpentine
+americas
+islamabad
+sometime
+paleontologists
+daughter-in-law
+39-36
+pinkwater
+yinghui
+cascarones
+19-ahn
+nyarko
+financially
+tlaquepaque
+openserver
+kukl
+cupe
+fifth-largest
+funke
+abbasov
+bethune-cookman
+witch
+junbush
+golde
+ricky
+boganda
+corporals
+akanksha
+8,000-strong
+decode
+mường
+georgic
+enquiry
+foyt
+rampling
+multicast
+chakan
+j.b
+nibelungs
+toyland
+hitchhike
+krawietz
+stomachs
+restaurateurs
+rainstorms
+steeped
+thien
+swee
+kikambala
+arruti
+s-11
+mohnyin
+46.5
+blurbs
+calvert
+viehbacher
+37,250
+wpial
+changchun
+crp
+hollabrunn
+acitivities
+shanteau
+mangunkusumo
+playstation3
+cega
+ragno
+mcgarrigle
+116-110
+eustice
+yuzhong
+cifras
+eugster
+pepler
+kelle
+63-kilogram
+eccrine
+colburn
+21-24
+chande
+dds
+kennon
+raisonné
+3,958
+akat
+nords
+uropods
+morgan
+confirm
+sloman
+wfxt
+zeyer
+falcioni
+deyi
+gond
+darfuri
+mid-50s
+servicemember
+louiseville
+hunte
+udupi
+re-surfaced
+extermination
+1514.00
+baltimoreans
+menhart
+wdl
+lightsquared
+houweling
+papacostas
+-75
+heritors
+weisfeld
+picture-winged
+5:28
+balcom
+high-technology
+climb
+zal
+four-cylinder
+politeia
+mgi
+galarza
+uhle
+florrie
+froy
+chayanne
+pays
+kavalan
+hasnabad
+headsets
+vampire-like
+šarić
+henrot
+g-sharp
+weitzman
+hermeto
+40.65
+wilpons
+wddm
+huanuni
+verwey
+leganés
+vihiga
+tycom
+badlees
+gringo
+rimba
+mo
+offends
+106.95
+kalanchoe
+carriere
+erminie
+adventurous
+gwil
+bomans
+zuberbuhler
+åkerman
+seamanship
+airey
+geraghty
+bagpipers
+restructurings
+maai
+erh
+54.52
+ouside
+phosphatase
+arny
+riau
+luhan
+smudge
+gedo
+cojo
+:18
+citytv
+kebra
+dibakar
+poppea
+1362
+sicignano
+xinyang
+hirschmann
+stonehenge
+starostin
+sané
+ameziane
+catnip
+6,6
+allsopp
+situr
+4.0
+,210
+ogden
+1563
+hannukah
+plaines
+americanas
+madar
+d’état
+pērkonkrusts
+hundreds
+yellow
+alizadeh
+fgm
+ludewig
+paja
+wlodzimierz
+glenrock
+48.4
+philmont
+kazuro
+czuma
+kirui
+tecau
+italianate
+1130s
+i̇stanbulspor
+70.87
+rosier
+maj-gen
+forse
+juk
+stella
+lacy
+kuijs
+exhale
+baling
+vollenhove
+koenig
+88.47
+unaspirated
+,340
+essure
+unturned
+billee
+magyar
+retailed
+crosland
+nienburg
+265.4
+beefsteak
+cies
+dainik
+papes
+exotoxin
+naumenko
+pucklechurch
+najaf
+balibo
+richings
+lilan
+ménière
+retractors
+forssell
+crvena
+91-90
+padus
+perlman
+ux
+harpring
+sahib
+gunzburg
+ranocchia
+22-kilometer
+dashon
+1,973
+2,376
+sophiatown
+51.09
+melieria
+l'esprit
+.739
+lightened
+samphire
+krag-jørgensen
+wearin
+simicek
+suchanun
+oligochaetes
+wuerl
+corbin
+balasubramanian
+clampett
+rahilou
+lumières
+foothill
+253.8
+papert
+krasnystaw
+apparant
+mastectomies
+guehenno
+amsat
+studio-recorded
+woofer
+chenille
+sichel
+connective
+carmenta
+saint-louis
+complexions
+sporveier
+energias
+poblachta
+18,000-foot
+hans-jürgen
+8,550
+nli
+mndf
+baby
+godunov
+prp
+carlee
+papilloma
+manton
+thousand-year-old
+naoh
+doviverata
+schoolbooks
+30.82
+psicosis
+voronoi
+areas
+catalan
+21-hour
+westacott
+suvorov
+blatche
+great-grandchild
+maintainers
+hilleary
+pvt.
+runan
+saoura
+montacute
+8-magnitude
+snowbelt
+droppin
+ahmadsargurab
+2,944
+landstar
+maggard
+fitzpaine
+500-700
+mst
+beanbag
+overaggressive
+chalfen
+fascicle
+prepubescent
+bomberger
+stockpiling
+figuratively
+27.34
+tooling
+swartwood
+citroën
+piotre
+self-justification
+needhams
+equitorial
+gotvand
+guangda
+balmond
+curth
+caregroup
+davin
+pattern
+dhaulagiri
+longdong
+yo-yo
+emsellem
+thefacebook.com
+85.76
+mcgough
+12.85
+aghili
+niksar
+119.62
+dipteran
+radosh
+79.02
+rodeo
+angin
+backseat
+mamula
+lawyerly
+gomhuria
+sub-20
+softened
+loreto
+colombière
+kirr
+allt
+theologie
+tsugawa
+afforestation
+maccarone
+kisumu
+kabu
+(843)
+motorship
+ramazzotti
+19,509
+snorer
+cohomological
+konstadinos
+sachie
+goldene
+photoionization
+humdrum
+nkamira
+eudokia
+tsukuba
+verheyden
+mcginnes
+42-22
+hypopharynx
+sitko
+yaxing
+federalized
+khanates
+veilleux
+kerama
+darche
+kaffa
+hauntingly
+kyudo
+alata
+amcol
+confidences
+gredler
+tonchi
+737-900er
+spacey
+piebald
+1.2555
+technology
+pitlochry
+helguson
+genio
+maketh
+carinthian
+most-capped
+ljuboja
+kalery
+111.30
+7-all
+fran
+vinoy
+under-5
+3:1
+gassendi
+cuspidata
+kiloliters
+o.e.
+contextualised
+intervision
+ritz
+hammam
+pommier
+foods
+kheyrābād
+physiographic
+855,000
+aquitanian
+theotokis
+301-460-6176
+sintashta
+kirman
+41.08
+saper
+talmudist
+militamen
+apparat
+burres
+crashaw
+raevsky
+pradas
+spanakopita
+tesauro
+durrani
+isidore
+burke
+buhl
+mcpherson
+syriacs
+badayuni
+tzee
+semak
+midcourse
+busybodies
+brabender
+al-arqam
+aschwin
+chaki
+photometry
+?
+cabestan
+wycheck
+modbus
+havo
+robotix
+lumea
+20.55
+arico
+patwardhan
+tectona
+point-scoring
+sauret
+adiz
+peregrin
+atoned
+cchs
+vestnik
+20.1
+hogges
+kumul
+2000-06
+mesilla
+bailes
+zz
+3-77
+routhier
+furies
+intellectuals
+novato
+tezcan
+28.18
+81.60
+curtailments
+menshov
+harleys
+relativism
+truitt
+nymphaea
+choisir
+uncatchable
+hoggart
+wolpert
+melange
+liukko
+williamsf1
+litvin
+government-mandated
+sparky
+lowcountry
+beatus
+bossio
+wakeley
+logistical
+winfred
+clydesdale
+e.u.
+manandhar
+884,000
+fighter-day
+anti-bush
+brymbo
+caryll
+hussey
+hylan
+sib
+834th
+pisco
+daiane
+abeche
+carib
+nandan
+lääne-viru
+2lt
+smirke
+sigismondi
+marico
+czapla
+scarp
+xiangfan
+ore
+mao-b
+egorov
+analysis
+merhamet
+englehardt
+indesign
+3,429
+research-intensive
+punched
+2,560
+partija
+bourgeoise
+zuzulova
+pingle
+factoring
+theon
+jar
+iniki
+mineralisation
+3234
+nawaf
+blondel
+2010-2014
+statira
+carvings
+bnei
+rwanda
+snails
+ejegayehu
+hebeloma
+co-development
+1the
+diaper
+zenden
+ಹ
+64-run
+najem
+pavane
+derks
+obstructionism
+njitap
+marklund
+fullbacks
+mingus
+muramatsu
+ceefax
+apostolate
+ungentlemanly
+unpersuaded
+paia
+uniwide
+redder
+qxf6
+94.55
+mostar
+435-yard
+coroners
+1515
+befuddlement
+1,100
+flaestatística
+6.95
+jordie
+rodenticides
+ridler
+motorways
+gegen
+atzeret
+grasstrack
+lifes
+lacustrine
+jamma
+ferez
+punny
+wielka
+turkes
+marting
+35km
+blubbery
+lilybaeum
+roussin
+homemaking
+hennessey
+open-field
+restante
+neurolinguistics
+nicta
+sc2
+galdan
+danites
+336,000
+monsaraz
+silverglade
+esuggs
+witharanage
+kulla
+dreaminess
+150.00
+wachsmuth
+hellfest
+66ers
+sharp
+3,656
+northrail
+rivadavia
+unsnarl
+herbicides
+pharris
+runavík
+3-for-12
+goheen
+5-115
+tossing
+video-sharing
+xiaozhong
+perol
+subservient
+exitos
+itk
+cellmate
+excavator
+ilijaš
+freret
+misseriya
+ça
+cinnamic
+sickels
+bhinmal
+bouin
+cambridgeport
+mithat
+eosinophils
+trevelyan
+puntland
+pre-conditions
+mythbusters
+oyinlola
+migingo
+miyabe
+cymes
+nitrates
+blhunter
+sardella
+8.62
+unkindly
+uggams
+tsingtao
+kut
+subsector
+tavani
+18.02
+campeau
+68-31
+1,696
+amazonica
+meese
+dayao
+hand-to-mouth
+mismo
+.208
+torrie
+60.12
+nahan
+ftii
+dashboard
+pullup
+52.12
+quimica
+caddis
+jebusite
+ttc
+swarzędz
+174.00
+6w
+deverill
+peterhead
+spaniards
+nightstick
+halwill
+damadian
+dopaminergic
+gefilte
+15,000-foot
+gottschall
+freeway
+228
+upside-down
+swensen
+reproof
+mobilizes
+mackenroth
+michif
+milloud
+mungret
+eilenburg
+all-digital
+kühne
+superteam
+rm10
+maestà
+iosif
+tedo
+serralles
+shapira
+bloodworth
+sfor
+showering
+atarot
+zcmi
+hrvatska
+mynors
+adelpha
+jessika
+lafollette
+unusuals
+16-september
+self-satisfied
+ffmpeg
+maltin
+inkoom
+self-sealing
+sternidae
+f-100
+concedes
+lelie
+satyajit
+scrutinizes
+mockumentary
+contemporize
+musashimaru
+sinixt
+pre-requisite
+harada
+intermediate-mass
+fiel
+biorefinery
+cordeiro
+tolleshunt
+period5
+jelinek
+weimaraner
+proliant
+calgary-based
+nunnally
+umkc
+gillian
+wainman
+bassford
+shumari
+headlong
+31.6
+unwrap
+coler
+tomoko
+reichard
+cgj
+kafiristan
+bronowski
+amitav
+hospital-acquired
+vlb
+gateau
+50.10
+mécaniques
+longbridge
+ameachamsptimes.com
+congas
+2:38
+36.92
+sub-tehsil
+deprogrammed
+mhow
+criminalises
+chiune
+whtz
+qingfeng
+karttunen
+sadovaya
+lacquering
+matti
+eduniversal
+burglarized
+siempre
+matchups
+botak
+consensus-building
+ooga
+columbidae
+clarín
+gana
+silchester
+keenen
+viewing
+peissel
+shirat
+backbench
+leaners
+silahcioglu
+expel
+boguty-pianki
+conney
+walther
+unipolar
+oogie
+chrzanów
+bostian
+2.91
+lavan
+uley
+75-kilogram
+garishly
+veryan
+prakashan
+svankmajer
+lindfield
+rajini
+jihd
+gastão
+kh-11
+mahō
+timeshares
+tenella
+gâteaux
+duavata
+dunusinghe
+:)
+punchlines
+manimal
+muon
+seven-year
+aderhold
+lvb
+euro192
+cartoonishly
+wisps
+u2019ll
+shaved
+tatts
+zhubin
+destruction
+wallenstein
+272.9
+rulership
+35.33
+high-functioning
+sauerwein
+bobbed
+lupane
+shintarō
+offline
+81.0
+khine
+cozier
+butrint
+akkineni
+inlays
+bustillos
+dussek
+nirat
+crossbody
+begrudged
+tsuruta
+tyrannosauroids
+dilgar
+lucinschi
+castile-leon
+in-place
+morimoto
+reprimands
+94.2
+bateau
+sunitha
+sanabis
+schnapper
+thing
+csula
+3,886
+witch-hunts
+mindstream
+m-g-m
+kapner
+13-3
+eleazer
+peacebuilding
+cumnor
+christchurch
+cooperi
+emiko
+rajanpur
+lorge
+clockwatchers
+kamille
+volkspartij
+sproat
+bygraves
+keypads
+skylitzes
+nyquil
+djakovo
+sirirath
+mossler
+odets
+1937-1945
+bakhsh
+dorenko
+electroconvulsive
+6.60
+hydroplane
+makowsky
+muses
+saisiyat
+brandauer
+davro
+raritan
+xigui
+gev
+33.09
+maslak
+salamone
+zanoun
+elderson
+1.263
+sonobe
+meteorologists
+ahoms
+edify
+smartbargains
+fafnir
+desalination
+chuprov
+krsmanovic
+millat
+rakata
+drizzling
+kyō
+chromodoris
+58.38
+dugger
+116.35
+marcis
+mijas
+girly
+nutrient-rich
+weiz
+89.42
+councilmember
+conigliaro
+kotha
+mandaluyong
+h2so4
+astilbe
+2.6-mile
+ocosingo
+valmontone
+huysman
+silvestrii
+varices
+sbis
+papunya
+hecataeus
+1988-1994
+contraception
+privatising
+52-acre
+noricum
+aglukkaq
+maculata
+multi-agent
+bánovce
+melia
+vukotić
+tenaganita
+173.8
+beaucastel
+fillo
+6-foot-7
+phyfe
+dold
+uptrend
+claeys
+fatehgarh
+maceira
+lashes
+mchone
+zvornik
+change
+lb4
+hiddensee
+marat/sade
+385-yard
+n.g.
+119.99
+ollam
+912,000
+manojlović
+starkid
+destructors
+mughan
+trì
+apparatchiks
+ruppel
+71.25
+yunlin
+resch
+replenished
+usia
+mutek
+lemans
+vinton
+121.55
+exiled
+script-writer
+oystercatchers
+innocenti
+duckett
+sanguinis
+cs3
+sharleen
+2,139
+hardhat
+gijón
+capovilla
+abeylegesse
+misunderstands
+poppins
+guangnan
+pullman-standard
+reflector
+sø
+repacking
+narayanrao
+heavener
+3-67
+aesthetes
+o'looney
+duvergel
+dusseldorp
+lubinsky
+chevry
+1/5th
+anzoátegui
+shirogane
+borehamwood
+mockups
+cerball
+xhelili
+deveraux
+equities
+www.mcdonalds.com
+bepposax
+consolini
+transexual
+43,700
+tadao
+wuffingas
+emmylou
+molesting
+feiffer
+succumbs
+allada
+romao
+peapack
+three-light
+oświęcim
+36-39
+malfitano
+luftfahrt
+madrigali
+ario
+edouard
+guten
+shabbily
+roscommon
+qianwei
+semanalmente
+breschel
+chocolat
+lumpkins
+keyboard
+p38
+atalante
+mariusz
+caballé
+rossin
+misdiagnoses
+apply
+amillia
+apoorva
+artemisia
+mullens
+madgearu
+roundhead
+64.24
+hoffler
+pinan
+ethnikos
+raisani
+pedernera
+escalera
+millennial
+callahan
+garling
+heptane
+46.40
+needs
+priceless
+darland
+rodimer
+daskalaki
+anic
+fikes
+trileptal
+centrosymmetric
+penpix
+orv
+9.51
+murata
+3,739
+alqosh
+2000-5s
+nomadism
+monitors
+allerdice
+utai
+45.9
+imprinting
+surnamed
+miriori
+jī
+sukhi
+nielly
+unbeknown
+jifu
+dakshina
+second-season
+m100
+mid-1840s
+break-ins
+basicos
+3660
+danehill
+mincemeat
+importaciones
+73.32
+wanhua
+slebos
+semicha
+collegia
+chaderchi
+choo
+lavasa
+obligingly
+sokaluk
+celuck
+rederi
+4-23
+møn
+patrolmen
+pardeza
+gothick
+afghanistans
+skalicky
+costarricense
+udugov
+oireachtas
+bovo
+okayama
+krondor
+honora
+gvw
+moment
+dillmann
+carlin
+barseback
+artinian
+khushboo
+gago
+14g
+pomper
+immortalizing
+quelque
+indru
+ifá
+heilong
+necrolysis
+kazungula
+1.068
+walkin
+scaly
+anoka
+water
+industrialise
+caffey
+coruscant
+cackles
+nivola
+tolkein
+jetsons
+3601
+pendel
+karmanos
+initial
+n'dri
+onimusha
+24,000-square
+llm
+mcquilkin
+chedworth
+langevoort
+seinfeldian
+bf3
+soundblaster
+resettled
+shoa
+helis
+19-15
+requester
+raphaelite
+pisses
+andorrans
+mocked
+cods
+benguela
+threw
+thomsons
+61.48
+1,4
+posht-e
+dehri
+greenburgh
+fussier
+speer
+dongchuan
+cauterized
+pokok
+disavowing
+7.5-percent
+sorriso
+real
+goht
+onians
+22.74
+ocesa
+warsi
+saves_beck
+amphipathic
+hygromiidae
+1.26
+shuberts
+kyrenia
+lomba
+great-grand
+baseball/softball
+gesture
+lukwiya
+zick
+sasami
+140-billion
+hrebejk
+manolete
+lewit
+12.69
+cement
+marosi
+31.69
+nahavand
+jequitinhonha
+lain
+desribed
+gr1
+statehouse
+coamo
+heme
+carso
+holderbank
+beauchamps
+maaouya
+geluk
+onida
+buttonholes
+musikfest
+neachtain
+21-23
+brayer
+xkcd
+318i
+uriangato
+shudders
+haysbert
+hammadi
+sain
+hbc
+81-page
+technik
+provoked
+high-visibility
+wolmar
+rietbrock
+mansio
+maendeleo
+stade
+biophilia
+attics
+harsher
+mussey
+euro549
+paltz
+tauscher
+petworth
+pppoe
+clerk
+aquafina
+44.26
+reasco
+yonel
+long-course
+compartment
+quanshu
+artemia
+rathor
+20,790
+kil
+fungorum
+motormouth
+shula
+i-40
+post-renaissance
+franzini
+0-7
+sealings
+rundowns
+campos
+trenaunay
+relievers
+lerkendal
+show-within-a-show
+mavens
+pricing
++18
+grudgingly
+phran
+rabinow
+a-plus
+vacant
+hammerklavier
+erasures
+birkenfeld
+kopel
+balestrieri
+pro-war
+giss
+anticorruption
+irrigated
+v3
+pencil
+owned-and-operated
+defecting
+khristich
+sarney
+12.67
+indiepop
+48.53
+naish
+sackheim
+brotzman
+amhurst
+vises
+salamandre
+co-opted
+psychic
+tanztheater
+orphaned
+bùi
+lamos
+cerdanya
+kraisak
+batmanglij
+racketeering
+abovian
+kelman
+reskin
+hareth
+skeer
+karpol
+163rd
+175.25
+acalanes
+sukhoi-30
+archconfraternity
+pedregal
+chuke
+z-cars
+fuqiang
+pyogenes
+inspectah
+south-southwest
+cometary
+photometers
+reunidas
+salguero
+crapshoot
+42-percent
+1nt
+dishdashas
+ralcorp
+thunderhead
+pacitti
+jumpsuit
+namangan
+posser
+depts
+dolgin
+maresca
+scoped
+zarai
+coregonus
+glastonbury
+pembrey
+faille
+vassal
+csw
+abani
+nlos
+deblin
+garfias
+shopkeepers
+phau
+byculla
+arnprior
+flexo
+21,042
+determining
+copts
+spasm
+muzzling
+glenayre
+biancheri
+antechamber
+4.3-percent
+mccreary
+d'ille
+hemidactylus
+topas
+tetrafluoride
+vineeth
+desktops
+wanderings
+arv
+disrobes
+gorsuch
+boulkheir
+horty
+perisic
+xugong
+trimeter
+kipchirchir
+jacaranda
+toms
+dwarf
+afropop
+krylya
+alayan
+morphett
+gnaedinger
+castoffs
+evoking
+mid-song
+damak
+kane
+saccharin
+anopina
+vnccpbn
+spin
+cantalupo
+nedumkunnam
+amendment
+wood-burning
+38.05
+rogel
+euro59
+desmond
+cariello
+grise
+1,542
+oblitas
+assembleia
+extraterrestrials
+humm
+kairat
+astamirov
+meryle
+yaounde
+h.q.
+toffah
+penz
+sunjic
+windsor-plainsboro
+pursued
+tees
+a.i
+dickstein
+hymn
+evolve
+gabreski
+customhouse
+partitive
+insiders
+sankes
+kirnon
+guignol
+gorefest
+jeans
+sweetface
+lalonde
+9-23
+subalgebra
+ortegal
+niemcza
+plantz
+chenghai
+kanals
+keeve
+cnnsi
+samek
+pgk
+catatonia
+gechev
+olein
+nethercott
+casscells
+taibi
+sukla
+testdrive
+33.9
+ontonagon
+frolic
+quiso
+vtsiom
+dols
+wursten
+musume
+singapore-based
+arl
+supercopa
+inlining
+500-per
+nomura
+f-4
+intergenic
+venac
+supers
+nephrops
+nammalvar
+2,917
+woodcuts
+awkward
+raznatovic
+conchoidal
+domonique
+nagako
+comanche
+spottier
+zynga
+pilarczyk
+incertae
+estat
+2ndld
+ascher
+sumeru
+wrocławskie
+klinkert
+ammons
+1483
+liste
+presumptuousness
+childersburg
+longeing
+heo
+vich
+skaro
+yatton
+cottonseed
+25.75
+lisjak
+ailred
+yustman
+150th
+buzzwords
+porterhouse
+sekulov
+desjardin
+foster-son
+lru
+gagatsis
+1914-1918
+mnlf
+mopsuestia
+necessaries
+sukova
+funked
+caminiti
+bloodlessly
+above-water
+wassailing
+cartledge
+herrschaft
+karasyk
+13-seat
+crevasses
+predeceasing
+tapash
+grits
+wasserkuppe
+parmenter
+sloan
+self-hypnosis
+blocher
+sivs
+saifee
+afriyie
+shangguan
+6,000,000
+pista
+fairuzizuan
+sankoh
+iturup
+plug-ins
+ferguson
+yurgens
+sovine
+lem
+82-72
+fionna
+motocycle
+patrimonial
+o4
+anselmo
+playschool
+pastimes
+marketeering
+vanwyngarden
+svk
+bernauer
+gurbaksh
+carmi
+callously
+46-37
+episcoporum
+perseverance
+rlm
+rann
+gorzkowice
+pathétique
+zaibatsu
+captcha
+presque
+euro643
+aji
+baryktabasov
+hydaspes
+mieszkowice
+rosettes
+linke
+timetable
+annahar
+kyparissia
+sjekirica
+bdc
+928
+worboys
+under-secretary
+indiscrete
+iguacu
+titherington
+berezovksy
+6.0-6
+karenin
+presas
+3000-meter
+logistik
+evenflo
+dismounts
+p27
+akihito
+shyr
+masset
+speckling
+helilan
+influx
+chia
+ragged
+o.s.b.
+hadjar
+tarried
+phottonglobe.com
+gotong
+marcopper
+pertti
+neuheisel
+frid
+allmond
+jindřich
+luxo
+eel-like
+treverorum
+matri
+1.5235
+industrialization
+nonfamily
+benth
+infrageneric
+nazlat
+powe
+cubbage
+benzel
+unadvertised
+preferentially
+nandhini
+digitalize
+10.28
+substrings
+passa
+saari
+garlits
+1:16
+honra
+cardiovascular
+lamaison
+cupful
+endemicity
+zohur
+showier
+tessy
+kukura
+121.11
+prl
+pirrie
+safras
+pyp
+roofing
+gata
+raphel
+vhd
+.0625
+99.00
+gubby
+dummying
+legalise
+buteshire
+existent
+orlan
+gharial
+outspends
+26-10
+2065
+u.b.
+iteka
+anorexic
+chabannes
+nozick
+non-municipal
+.152
+svilajnac
+essere
+daemen
+shatrughan
+guilderland
+l'hebdo
+weedsport
+bretwalda
+half-hearted
+ondemand
+liczbinski
+caine
+61.82
+centerfire
+daq
+npcsc
+moura
+semeru
+suhf
+weixler
+jueteng
+iziaslav
+tailgating
+content
+iliffe
+coachbuilding
+ekezie
+brodmann
+evancho
+rawtenstall
+717-646-4822
+waters
+inducts
+khoi
+rangeen
+nagamasa
+ophichthus
+residentially
+panteleyev
+meslin
+equ
+karadjordjevic
+prankish
+111.89
+samper
+olivieri
+shoalhaven
+daep
+sitch
+simontacchi
+schonberg
+différance
+initiation
+btr
+designo
+bondue
+stratovarius
+jolo
+airiness
+18.84
+kokubo
+magana
+gunner
+vier
+ademi
+antanas
+antonín
+rakaia
+heyde
+berck
+312,500
+monochromator
+5-35
+cascos
+rmi
+35-7
+empting
+eustache
+wimbledons
+druggie
+kcra
+hazem
+8.5-million
+mombasa
+lethargica
+wansleben
+cohabitation
+situtation
+khagendra
+zero-coupon
+rayado
+timescales
+atr-72
+2,316
+morina
+skovgaard
+ancestor
+narberth
+gestured
+eltantawi
+chogha
+energia
+kamieniecki
+heifetz
+trespassing
+avf
+400mm
+throaty
+borschevsky
+223.4
+0171
+turku
+61.39
+esf
+professeur
+99.84
+repetiteur
+ahmetovic
+versilia
+braddock
+1,631
+sinocyclocheilus
+zulkarnain
+matongo
+refrains
+zuhdi
+65-66
+voided
+chidi
+rée
+odlanier
+stainmore
+hastur
+pickleweed
+nefertari
+kobalt
+socso
+lance-shaped
+technocrat
+dobbyn
+alsop
+digilio
+sadow
+sannomiya
+mota
+jesuit-run
+off-the-field
+steuerle
+corbelli
+mesika
+kosma
+seediest
+carparks
+sogaard
+lustmord
+5-foot-3-inch
+mpala
+smíchov
+havlicek
+devauchelle
+henyey
+41sec
+airtouch
+stephanus
+arrese
+abronia
+spokesman
+replicating
+radwaniyah
+huasun
+salved
+non-response
+76-75
+anamosa
+bachini
+shiao
+lorong
+11/16
+matres
+tekeda
+stargazers
+unstuffed
+hueytown
+six-gun
+burgas
+clason
+278th
+nunziata
+51-45
+achar
+limuru
+sierpc
+124th
+adenocarcinomas
+usachev
+orlebar
+skien
+quaid-e-azam
+kalpataru
+homens
+mkrtchyan
+1,800-acre
+101,500
+cr1
+sandhoff
+higson
+hunding
+385.4
+cumana
+87,000
+bails
+murail
+alfetta
+gunaratne
+hopoate
+farag
+zeek
+waiapu
+drnovice
+27-6
+jazz-inspired
+71.34
+bullfights
+39.0
+notepads
+nonconsecutive
+outboard
+qurna
+tampakan
+taschereau
+14,900
+oldřich
+recommence
+akgul
+ladan
+chungbuk
+brevett
+22,917
+sweatshop
+pumpernickel
+embarking
+848,000
+kansakar
+quadrangular
+3.1
+ireju
+forward
+deprotonated
+courting
+paintball
+goedhart
+50-game
+rebu
+timna
+alper
+bc-220
+shyampur
+passthrough
+monahrq
+fakti
+steepling
+wiri
+kezerashvili
+echt
+pagonis
+hary
+aiello
+jajouka
+sujatmiko
+solling
+coolamon
+olivencia
+woodswallow
+-71
+mileson
+47-game
+sheepherder
+huanghua
+garanti
+mallorcan
+abdicates
+mancuso
+toskala
+hainline
+appley
+krishnappa
+38-19
+fl.
+touts
+parvati
+onub
+143.8
+placoderms
+leixões
+jamhuri
+doublefaulted
+bakongo
+leb
+calenergy
+dooz
+limited-access
+euconulidae
+destrehan
+liski
+sailers
+1271
+naris
+stygian
+bensalem
+oudea
+nørreport
+sionil
+motus
+ijmuiden
+synchronizes
+criswell
+chokeslammed
+fikac
+quippy
+222.3
+eilts
+0000gmt
+lowed
+reunifications
+i-470
+relays
+hamill
+wuruk
+thunderclan
+hmar
+speedster
+solva
+non-germans
+civico
+coastway
+pernik
+.0212
+hak
+zami
+19.72
+capreol
+v6-powered
+mindwipe
+red-footed
+anti-revisionist
+dromaeosaurus
+wolsztyn
+32-yard
+petta
+muralitharan
+iiis
+zalmoxis
+calicivirus
+majdalani
+balliett
+disestablish
+mellars
+paranoids
+m.sc
+kapus
+augmented
+maldonado
+rodrik
+gierbolini
+usaid
+commissariat
+surobi
+palaeocene
+ocsp
+wrights
+hovenkamp
+plates
+maintainable
+outmoded
+buttstock
+graveyard
+larabee
+tebow
+kanjar
+doráti
+8b
+prostaglandins
+aloof
+keidanren
+estudiante
+rasiah
+savina
+1-100
+59-41
+19:55
+nahas
+auburndale
+drivesavers
+butina
+8,180
+hengest
+fleay
+nyamwasa
+natales
+kudryavtsev
+strensall
+semiprofessional
+126.00
+uasc
+derivations
+spokewoman
+orot
+vassiliy
+income
+must-see
+bohbot
+hasley
+canonesses
+gugulethu
+pozieres
+117.68
+srimad
+tenderer
+fuehrer
+priya
+mumblecore
+juror
+colie
+pfeiffer
+riah
+d'oyly
+irreverently
+waray-waray
+xt
+non-network
+52.08
+freeholds
+phoenicia
+litrak
+monologist
+paduka
+shardlow
+waku
+kacin
+dalwhinnie
+majengo
+tavastia
+polish-russian
+lanston
+dissecting
+vinzons
+5-string
+pteron
+pskov
+babyish
+100.07
+1,587
+felon
+bunuel
+fuka
+hors
+epi
+kivlan
+58.92
+mineralogical
+festetics
+361st
+clorox
+ionuț
+macoutes
+aapa
+lesnar
+flagellum
+juliaca
+blazevic
+schwartz
+lyari
+margolis
+detracts
+50.93
+bonniwell
+nujp
+lucienne
+aprilia
+hoath
+comizzo
+adm
+volkan
+tecmo
+heslington
+ccx
+fru
+kenetech
+malfeasance
+dv
+gambrell
+agim
+talyllyn
+smeisim
+batubara
+tracheostomy
+azrieli
+attention
+chonju
+weyrs
+rocchetta
+3,830
+dowdle
+treadmill
+paata
+jaruga
+badalona
+7:37
+implementor
+gba
+cherries
+dimeo
+youthanasia
+hsiao
+aryeetey
+vandendriessche
+lynn
+beekeepers
+khovd
+servas
+44-24
+391st
+cuddapah
+sołectwo
+2,591
+2008
+inter-denominational
+tearaway
+mackanin
+wrong
+handra
+personajes
+gwendoline
+737-500
+champcar
+9d
+medicom
+skalmierzyce
+iczm
+kuntal
+biv
+voice-acting
+goateed
+grumman
+committment
+abacan
+rychetsky
+budiardjo
+dhs
+adiabatically
+shrimad
+terrell
+westerain
+mcmurtry
+liverani
+serenitatis
+bog
+langstone
+3.15
+cyra
+overused
+candan
+tailing
+1,778
+ambaji
+album-oriented
+alami
+insensate
+pesach
+6.10
+dirtbag
+wiarton
+sitmar
+technic
+aonach
+natasja
+vch
+naoyuki
+frue
+veronicas
+arbel
+gronkjaer
+nonguaranteed
+cyberscope
+pandanus
+hopi
+unlf
+bernet
+8-for-13
+laclede
+chiaroscuro
+t-90
+innovativeness
+bagpipes
+iori
+teeley
+päts
+escudos
+thermoplastic
+ceviche
+eventers
+kotecha
+allegation
+peci
+blood-brain
+nezami
+bayarena
+simrad
+earlsfield
+richar
+nyac
+tacheng
+giambastiani
+ecofriendly
+rahf
+screamingly
+imola
+inya
+modasa
+jsi
+nuwakot
+noci
+showzen
+ducas
+hectars
+stickball
+glittery
+tales
+brief
+schneemann
+fleurant
+nyunt
+hrn
+near-surface
+g.watkins
+millner
+dual-use
+bioturbation
+vantage
+maury
+sundries
+sumitra
+laibin
+d-team
+e-trade
+pozdnyakov
+travel
+barren-ground
+cheech
+wylfa
+berlanga
+8.85
+comprehended
+gotras
+wallid
+tourer
+moods
+crepuscular
+meigen
+baerwald
+berrimah
+schiltigheim
+expansive
+telcom
+narrowly
+contestant
+toshio
+knopper
+napier-bell
+121-run
+62-59
+dopa
+shenhui
+doll-like
+wittiest
+exploits
+108.17
+flax
+madelung
+ambasssador
+trended
+greeting
+alcaide
+pillamar
+kamuy
+balve
+mohsen
+adressed
+schwalier
+armee-abteilung
+kiskunhalas
+walderslade
+francillon
+eichelbaum
+impudence
+brewmasters
+aflatoxin
+sabean
+korac
+cryptid
+105.38
+glendon
+congenial
+mosese
+48.84
+genrō
+amariya
+erne
+clots
+privatbank
+kumana
+m-33
+confirms
+catterson
+sea-skimming
+cravath
+korpiklaani
+jas-39
+taubmann
+kiwanuka
+lrta
+pomor
+izvor
+spates
+0401
+wrightbus
+anatomie
+tetrazzini
+pitied
+goup
+mishima
+27,600
+blackmarket
+coarse-grained
+rashly
+vestby
+6-acre
+avtayev
+columbiana
+lonp
+sainty
+superba
+preissler
+mixologists
+cultivo
+wertkin
+clune
+odriozola
+lazzaroni
+kotido
+93.18
+spånga
+minimalism
+kusel
+alsip
+ponnuru
+lapeyre
+hongisto
+marc-andré
+77-72
+taven
+52.96
+teratoma
+blimpie
+78.12
+waterstones
+poklek
+1,538
+tidbit
+antonov-26
+plumped
+chaux
+padano
+excluded
+fogh
+mashboxx
+peony
+levack
+vanian
+54.67
+mogelonsky
+babraham
+laidlaw
+hajdib
+14.79
+volán
+madagascan
+beneficiation
+minsur
+sciandra
+recognizer
+copains
+golden-headed
+hamstone
+kranz
+tord
+in-demand
+joanneum
+willie
+69.81
+nfty
+yoh
+bonne
+1,413
+1,436
+aneta
+anesi
+spiliotes
+678
+liên
+cypress
+honke
+iad
+deniyev
+habashneh
+intermediation
+jackpots
+graecorum
+livesay
+vons
+pugacheva
+esrey
+eriksen
+fracturing
+oligosaccharides
+hemelgarn
+thyrotoxicosis
+intelectuales
+consists
+elope
+fujiki
+ylva
+lubar
+sdv
+schloß
+axholme
+orthodontic
+tanimoto
+margalis
+mythographers
+klukowo
+danneskiold
+83-75
+coupar
+aevi
+arbeid
+carribbean
+hirers
+ferc
+mondial
+contis
+season
+657,000
+donghia
+koggala
+wincor
+lundmark
+650
+chongqing
+gp2x
+babacar
+16.59
+nonsupport
+seini
+fundings
+splice
+3020
+scoresheets
+galiński
+masques
+euro352
+tsukihime
+critics
+josse
+unequipped
+jambo
+minetta
+cynosure
+193-member
+sayn-wittgenstein-berleburg
+nikkeiren
+cushy
+anindya
+third-stage
+bathurst
+lise
+bloxham
+meirion
+cauty
+solario
+nouvelle
+villach
+oslobodjenje
+48-percent
+samtse
+nobu
+girish
+fesler
+piaseczno
+embroider
+penitence
+bloch-bauer
+krakouer
+fumarate
+lissack
+bjarki
+pavlyuchenko
+holbrooke
+kitashirakawa
+mm2
+kolodny
+schaye
+draa
+realities
+monongahela
+kimpo
+hiljus
+150-year-old
+cumbersome
+supersize
+heralding
+815,000
+u.s.-turkish
+draupadi
+iczn
+fethiye
+91-84
+2_5
+caspary
+hexahedron
+tapeats
+rituxan
+behar
+gastein
+3.06
+ratnapura
+zadkiel
+pledgers
+minnaar
+thrun
+ossis
+different-sized
+cousineau
+vorticism
+timesharing
+galizia
+crinoids
+teazle
+pecados
+tolgfors
+norris
+fingering
+97.11
+volkoff
+artibus
+raiford
+pisarev
+recber
+22-6
+lights
+aqueduct
+ziada
+gignac
+jalib
+stargirl
+106.06
+hacky
+390-7760
+knifepoint
+claramente
+ruffle
+lifschitz
+completes
+unapologetically
+lào
+semerenko
+absurdistan
+xingu
+lincare
+gregorii
+dahon
+wildfire
+berkoff
+chromodynamics
+vice-chief
+12/15
+camonica
+christianshavn
+scampers
+tmj
+kaylin
+cremorne
+hivert
+whale
+litany
+uttarkashi
+fruitfulness
+charlbury
+oxidation
+jagdgruppe
+euro555
+medtech
+s-s
+eafe
+joey
+chabert
+kuhm
+points-based
+772,000
+catsharks
+fenske
+subjugated
+pitfield
+momos
+15s
+mid-autumn
+chervinsky
+ncsu
+2cups
+yirrkala
+ul-mulk
+goal_colorado
+veggie
+lookingglass
+dongbang
+fougasse
+mergellina
+smif-n-wessun
+wsw
+stuczynski
+psychophysiology
+suhua
+veterinary
+1993
+wiac
+adjudicated
+salamin
+112.0
+organology
+114.59
+yaracuy
+budvar
+grandiflora
+2,210
+rawly
+a-36
+vortigaunts
+u.s.-financed
+12/08
+grandmesnil
+currawongs
+subcontractor
+aparecida
+189.7
+zhuang
+saifuddien
+reassume
+smokebox
+pre-construction
+4:4:4
+litchi
+pinata
+hyperpolarizing
+stamp
+eorum
+pentobarbital
+admont
+industrielles
+preaches
+anaka
+joe
+psychotropic
+pegler
+callot
+121.15
+bout
+falouji
+possessive
+bezaleel
+scrutinised
+latavia
+cresset
+rexroad
+200-hit
+1391
+khulumani
+subtotal
+16.40
+frenette
+djedje
+133.25
+huelgas
+microprocessor-based
+lubna
+coville
+scholarshare
+keter
+mathematicians
+maharana
+139.7
+shurpayev
+psicología
+ltda.
+25-hour
+7,000-8
+cachoeira
+illescas
+deline
+surathkal
+triquetra
+daetoo
+ruff
+equals
+malleus
+chafets
+obfuscating
+wktu
+slichter
+downpatrick
+pinots
+going-to-the-sun
+redness
+adriamycin
+1-for-7
+psychostimulant
+shaughnessy
+whiskers
+colavito
+zili
+saragossa
+hawkeyes
+coreas
+metroad
+lour
+sarrail
+ebisu
+ah-64d
+shahjoy
+pake
+buczek
+sakigake
+vaals
+signally
+double-elimination
+1,467
+carter-ruck
+futa
+harsiese
+farago
+makai
+onyewu
+106.42
+squeezebox
+iaia
+minneapolis-based
+thurlby
+angeln
+deleveraging
+mortadella
+kida
+lamina
+salmela
+divided
+6.81
+antianxiety
+overjoyed
+kawate
+sledding
+kaili
+o'donnell
+tern
+meadville
+dc-based
+shouta
+pargeter
+outstate
+pretensioners
+49-44
+joorabchian
+43-second
+lethrense
+hlr
+off-hours
+1.36
+thermodynamics
+demetric
+dorji
+junq
+dme
+acra
+farol
+naguabo
+70,000-member
+kilel
+krbava
+yufei
+neivua
+stamitz
+polmadie
+kwuh
+bruijn
+maori
+conjunctival
+catalanello
+ffm
+51.95
+sagnac
+mictlan
+kororoit
+oversaw
+laboriously
+lochem
+fenzi
+industries
+10-dollar
+u201d
+sensorineural
+lovelorn
+ibla
+hendro
+germinates
+galitzine
+1001
+heino
+catena
+tilsit
+heat-related
+line-ups
+38.75
+raji
+olavide
+dudbridge
+45-member
+stefanova
+tark
+pithiviers
+faremo
+uram
+jūrmala
+intricacy
+earths
+snicked
+principate
+chib
+sandfield
+graff
+yaza
+ratana
+fish-eating
+double-barrelled
+carteret
+tunca
+lobito
+intersections
+varn
+binglin
+firebreaks
+aleg
+jejunum
+pagnotta
+gwelo
+.583
+.933
+600
+cary
+1.6-litre
+entrees
+285-pound
+kanna
+73-65
+calo
+24-yarder
+5,365
+fundoshi
+ghadir
+126.3
+lauren
+greenidge
+bandini
+okung
+nonviolence
+caribs
+rouyn-noranda
+munkács
+czartoryska
+cheekbone
+45.97
+bioproducts
+titanes
+isitt
+odorants
+k-state
+wormlike
+xinhuanet
+anyidoho
+accentuates
+teennick
+euro70
+stonemasons
+triz
+eeny
+massine
+daishi
+bureba
+thulani
+yangquan
+challenged
+marconnet
+55.42
+qso
+lng
+leaseholders
+aljunied
+gunk
+lachmann
+goldfein
+caped
+nanu
+marzahn
+fortún
+jaquet
+uscaa
+baloney
+rwandas
+lickona
+16.93
+carboxylate
+inescapably
+ponnani
+baauer
+meerschaum
+policy-based
+nesv
+bodde
+ghoulies
+dzhokhar
+channy
+lierde
+domnitor
+royalties
+haggerston
+denmark
+pavlic
+grid-based
+779,000
+mc2
+induct
+avialae
+offshore
+dialer
+chimanikire
+1432
+abab
+sailing
+1:14
+jinkins
+granted
+nenagh
+chehade
+polisi
+bakary
+telegrams
+avrasya
+21.74
+magassa
+paretsky
+rheims
+us-50
+amazonas
+cupwinners
+zerstörer
+polypodiaceae
+113.9
+2.76
+friedrichstadt
+lydiate
+system-on-chip
+disequilibrium
+lota
+shumaker
+irobot
+brinley
+kushner
+petrofac
+ctta
+fuer
+sonore
+rotenfels
+sopris
+aztec
+berates
+wachira
+higley
+grimgor
+kola
+loose
+out-of-character
+jasin
+ekeren
+premaxilla
+duhart
+stationary
+zk
+mondovi
+theis
+messaged
+esquimalt
+blood-stained
+samudrala
+lisbeth
+hauptbahnhof
+casini
+0310
+ecuatorial
+51.16
+dwikarna
+thorogood
+drivon
+hafrsfjord
+anti-ottoman
+dukws
+kreskin
+assesses
+lothringen
+first-tier
+mcrory
+m-9
+михайлович
+airmont
+66.42
+châteaudun
+klineberg
+steep-sided
+wallgate
+iosa
+besalú
+obscene
+obwalden
+lags
+142,000
+stallion
+nbg
+171.8
+six-legged
+shavers
+delicatessens
+kriegel
+demise
+mattus
+torques
+downpour
+catapults
+gro
+oester
+aboard
+potassium
+flavin
+nyoka
+jefferson
+abarkuh
+mientkiewicz
+microbiology
+fabella
+galbi
+konary
+waterval
+uwc
+maualuga
+qnx
+cementitious
+stocky
+1043
+care-a-lot
+ndrf
+surface
+slices
+kahoolawe
+hemsley
+blagden
+allaudin
+semi-biographical
+lycophron
+sabi
+noisy
+dated
+geffner
+amplified
+learnable
+mayers
+16:35
+griner
+bounciness
+falluja
+133.1
+early-20th
+mamiko
+grès
+biruni
+superhot
+sunstein
+wasay
+821
+t.
+picone
+22.85
+75.38
+nzx
+peacocke
+35.01
+preamble
+klaipėda
+armey
+end-2003
+biere
+craton
+jayawickrama
+regenerations
+makha
+overcoat
+midilli
+d.m.
+eai
+mebyon
+rysselberghe
+is-2
+erev
+boussac
+chakradharpur
+achilleus
+4077th
+ente
+jeopardy
+librescu
+kaaba
+rynd
+parramore
+olufsen
+37-14
+santhosh
+chinasat
+tv-2
+castenada
+2,785
+allochthonous
+98.73
+westerby
+malko
+stoddart
+sublet
+gaefgen
+re-taking
+nsg
+cahit
+botwin
+maga
+rigour
+razin
+syndromic
+fcr
+idigov
+kandji
+antich
+brasschaat
+geneve
+15th
+186.5
+jayjay
+tenasserim
+pilgrimmage
+beeswax
+57.01
+railfreight
+torgerson
+mmbg
+mervine
+qdr
+gar
+raebareli
+semis
+hedonist
+aalam
+bananaquit
+sacramental
+debia
+itochu
+greystoke
+mvouba
+homework
+hoffenberg
+compile
+inyo
+cgis
+tempting
+gruenbaum
+shandur
+shahryar
+guadeloupean
+rauber
+rickardsson
+pewabic
+redoute
+cauchi
+mellon
+bjs
+hanstholm
+aftershocks
+fuliang
+178-yard
+blithfield
+jiajing
+rpo
+canion
+sabol
+zoline
+gza
+bartolone
+mazrui
+moaz
+zamboanga
+1:13
+qh5
+exonerations
+deguerin
+kimmel
+director-general
+108-foot
+laumann
+vmebus
+ethnically
+apaid
+ullevaal
+46min
+revalued
+spurting
+166,000
+mid-8th
+tradeable
+microvolts
+walraven
+speakeasy
+galiana
+ralepelle
+concussions
+zhupina
+fuser
+memoir
+2,759
+khiêm
+'82
+gramms
+tejero
+mayele
+chex
+hise
+cahalan
+documentable
+rōshi
+foresta
+unfilmed
+strutters
+lcv
+32-gun
+seke
+genmar
+aspiring
+holcomb
+brinksmanship
+khoikhoi
+56.06
+paulsson
+tomka
+macozoma
+encarna
+muhal
+around-the-world
+keeslar
+seiches
+capezio
+chime
+0-4
+reticulated
+tjoeng
+hanash
+interne
+spes
+joint-venture
+gherardo
+3,319
+a4m
+ramses
+war-themed
+2-down
+subaltern
+6-24
+lyulka
+b-team
+playrooms
+hensies
+3.3-liter
+fyffe
+syro-palestinian
+bhuvanagiri
+cnn.com
+hahl
+bonobo
+europol
+théodore
+c.s.c.
+5-for-7
+brennus
+acquaintance
+confidants
+icelike
+yudai
+puraskaram
+orlic
+unclimbed
+turkana
+pharmaceutical
+slob
+arraiolos
+abargil
+ransmayr
+33-21
+33-yarder
+deli
+zebrowski
+tests
+mdf
+zaps
+epithelioid
+ngoudjo
+erspamer
+58-ball
+late-medieval
+afolabi
+sentras
+wbur
+vical
+45.22
+dsei
+favoring
+solemnizing
+rosprirodnadzor
+parabolica
+cutlip
+obrenovac
+seaquarium
+rabil
+maneesh
+7-24
+trajectory
+monbiot
+fvdg
+386-member
+yiqing
+chemotherapeutic
+gumti
+bobbins
+devale
+holgorsen
+north-eastwards
+jakaya
+2-18
+contado
+go-karts
+kenkichi
+aptn
+sacc
+diwa
+dombasle
+cihr
+jaspal
+oib
+mustafizur
+mdg
+nigella
+hotspurs
+rondane
+acwa
+mainaky
+harassment
+sublimated
+60,000-strong
+bijutsu
+non-vegetarian
+raio
+ca-tennistrophy
+1,215
+recursos
+submariners
+shrublands
+kocian
+itv1
+99.70
+kowit
+shisun
+an-72
+bams
+corpses
+quaalude
+tick
+backgrounder
+knchr
+52-page
+anouilh
+skiatook
+neris
+ticker
+juergens
+gariahat
+cooker
+nanometre
+tchite
+consanguinity
+huanggang
+superspeedway
+cammie
+drums/vocals
+nonfarm
+importante
+kont
+chandni
+handique
+sotiriou
+32.31
+smet
+villette
+munge
+sadri
+venturi
+webley
+fischnaller
+nigrinus
+canadienses
+prx
+1c
+aurum
+sulzberger
+sweetwaters
+burmester
+12-track
+xianwen
+experiences
+rahall
+rospigliosi
+mixed-gender
+parse
+maragheh
+carns
+96.72
+gamespot.com
+abidine
+cincinatti
+non-passenger
+guhl
+41-33
+shutterbug
+rph
+ionians
+chitpur
+steerer
+basarwa
+kca
+usti
+osiander
+white-cheeked
+2435
+montejo
+stablized
+gualberto
+kofinis
+sompting
+rieslings
+shitufi
+coray
+stylianidis
+mihaela
+geoinformatics
+ziva
+ceremonies
+gastinger
+hildur
+varias
+greineder
+allston
+115.00
+sabot
+bitburg-prüm
+richner
+brute-force
+stelea
+622,000
+antivari
+nightcrawler
+re-imagined
+713
+kumaritashvili
+ardy
+non-latin
+nattereri
+favila
+arron
+taklimakan
+sanation
+dysarthria
+east-side
+tweets
+kobler
+analyzer
+travelcard
+pathless
+annunziata
+davinic
+mityana
+treewidth
+soit
+indology
+customizer
+lembeck
+fireships
+skold
+andree
+pinholes
+aristocats
+3h
+llanbedr
+158.9
+cederberg
+macedonians
+pixar
+rolles
+farmingdale
+anterselva
+floras
+republica
+vvv-venlo
+cassillis
+244.4
+dellaverson
+toad
+platted
+shijaiyeh
+yatom
+sita
+cellcept
+amarinder
+kanda
+livanos
+harkishan
+beachfront
+nordfriesland
+sozialistische
+médéa
+usbwa
+capljina
+syntax
+ondes
+sohmer
+arrondissements
+wassmuth
+braganca
+silves
+schibetta
+rattlestick
+stolarczyk
+dewolff
+79.55
+time-warner
+pesh
+endoscopy
+chichester-clark
+nat'l
+2,602
+agostino
+bastides
+elisir
+15-8
+deadlocked
+wortham
+rauhihi
+discrepant
+zutons
+clanger
+wackenhut
+2316
+douve
+tippah
+plachy
+aberavon
+tigue
+dell
+micas
+summerskill
+barakar
+barabara
+61.75
+apollinare
+first
+murkowski
+wushan
+non-sentient
+turkish-cypriot
+cruciat
+hamet
+hadfield
+vansh
+isse
+bedrosian
+slighty
+maktoums
+morency
+koulikoro
+19.75
+semba
+236
+taisce
+fotbal
+goto.com
+1-31
+rakyat
+cyberwar
+120km
+calvus
+epigenome
+grandenetti
+43.99
+kravchenko
+desmodium
+bermann
+bonifaz
+well-publicised
+zorin
+molfetta
+gcms
+annotations
+lipke
+veaceslav
+lookalike
+giornale
+stayner
+sabaragamuwa
+tarapoto
+stefanović
+cheery
+bertam
+catalino
+brid
+135.00
+pinklao
+groom
+tinkoff
+guneshli
+akilattirattu
+godlewski
+loui
+bewilliams
+shugarman
+teylers
+ritterkreuz
+noblest
+lye
+supergrass
+313th
+verplanck
+tenco
+secretive
+rent-a-car
+hyperborea
+61.15
+wyville
+12:55
+construido
+coletti
+twilight
+euro514
+proj
+simonides
+janlori
+nyamuragira
+kilronan
+mmp
+timeslip
+panjabi
+tuba
+vanikoro
+kolski
+bracht
+babloo
+independiente
+313,000
+reorders
+meres
+starboard
+sumatera
+ha-ha
+beu
+kosgey
+gobbler
+assakenoi
+backhouse
+junna
+dingemans
+ji-hyun
+repellants
+existenz
+clopper
+anyanwu
+fairtax
+gurley
+goyt
+setubal
+miankova
+innova
+intefadeh
+geo-force
+stillborn
+pro-nazi
+rempt
+61.64
+xinhau
+seaweb
+spiro
+exton
+sinjar
+stanislawski
+unconstitutionality
+87-billion
+homenetmen
+brigte
+hypocrisy
+zhahk
+avuncular
+modra
+brothels
+aldredge
+bruening
+outsized
+bodacious
+pieronek
+brûlé
+cordingly
+card
+chemise
+cucu
+tacitly
+tombak
+okulov
+kategaya
+smithee
+wttw
+asfar
+leen
+malleswari
+holdfast
+hatpin
+n-terminal
+ashika
+soffer
+2-kilometer
+tenochtitlan
+groenvold
+racialist
+elizabethan
+k'iche
+snh
+compiler
+pokhari
+kronoberg
+ill-fated
+kugimiya
+cosier
+panning
+maionica
+6.43
+nebular
+surti
+thymol
+fath
+mullikin
+14,400
+2,4,5-t
+datestone
+multiprotein
+top-bar
+quién
+romish
+detains
+wagin
+evry
+15.09
+nipigon
+köse
+solvers
+shaddai
+lillikas
+comany
+tywyn
+plomin
+dictys
+chomskyan
+brown
+33.74
+visualizes
+technisches
+encamped
+?!
+2107
+10-31
+interposing
+yibing
+evaporites
+landdrost
+u14
+absinthe
+iulia
+hirohiko
+picturesqueness
+komiks
+22-july
+euskara
+taiwanensis
+copying
+47.3
+1,023
+alleys
+certified
+10.5-billion
+sabater
+witchhunts
+headmastership
+seno
+masha
+khouna
+58.21
+schoonhoven
+94.8
+fourche
+kenar
+4,451
+hyperventilation
+107.71
+aircrew
+chenoa
+camphor
+foreswear
+leving
+gallovits
+varus
+chuckster
+shatford
+stangeland
+godane
+which
+k-factor
+hilar
+dizier
+uhe
+halesowen
+parmanand
+impoverishment
+9,170
+recuperacion
+hägg
+neuter
+supercharging
+piques
+unresolvable
+erciyes
+coppet
+kta
+advocate-general
+writer-in-residence
+ridgers
+immerses
+bug-eyed
+keisaku
+lock-on
+redrafted
+goonan
+culligan
+thorkildsen
+pucara
+grih
+armerina
+bar-lev
+isaksson
+proses
+lotto
+enryaku-ji
+culturally
+boastful
+drozdy
+preiss
+allusive
+jarzombek
+gamepads
+kënga
+cortesin
+pre-christmas
+quarterman
+jellico
+bukom
+rowhouses
+elkridge
+inmobiliaria
+lyday
+kahv
+steamrolled
+rewarded
+orosco
+saruq
+screnar
+wyludda
+mugglenet
+botom
+petty
+tree-like
+keratin
+ásgeir
+dutch
+vaudeville
+non-sexual
+axent
+shkolnik
+107.46
+genius-level
+impressing
+purified
+tancer
+carmack
+60,000-troop
+2006-2015
+forsythia
+mé
+rongkun
+3,896
+paec
+isturiz
+chinantec
+gyalpo
+blundered
+elhauge
+cribs
+mangasport
+miwilliams
+redesignate
+pay-per-views
+posco
+shallowly
+sazali
+virage
+lickers
+subtly
+doable
+50b
+aiud
+aréna
+mullett
+baureihe
+yuguang
+bancshares
+72-hour
+7e7s
+osis
+ferryland
+gyanendra
+dtp
+adulthood
+hues
+frankel
+ghote
+hydroformylation
+multiball
+hartfield
+arcesilaus
+20-fold
+bridgett
+cryonics
+alavanos
+scrutton
+2-all
+kellyanne
+compilers
+bulimia
+lespwa
+chassagne
+patchen
+ft3
+cheung
+gp32
+bifeng
+hercegovina
+10.4-inch
+cgt
+1,000-man
+sultanpur
+zappei
+itten
+batholomew
+5:2
+amatya
+sandro
+sunkyong
+tenner
+gongyang
+protectorates
+diatribes
+overtures
+kilbarrack
+odalisques
+infect
+seniormost
+alcyon
+garab
+ravanelli
+thierse
+studena
+irremediably
+neuland
+bonnor
+tailgaters
+cliffhangers
+7:29
+exfoliating
+fräulein
+41.64
+hudiksvall
+123.98
+muneyuki
+26b
+clermont-ferrand
+bialystock
+8:15
+bitter
+corrs
+seth
+26-8
+resourcehouse
+cdw
+loughor
+onitsha
+troost
+dawra
+fatto
+city/23
+unearth
+cavefish
+overdosed
+moscardelli
+cold-weather
+cardiacs
+neuropil
+vimanam
+trombonist
+zettler
+demilitarise
+steepness
+133.5
+tusha
+shavur
+karsenty
+creditsights
+stippled
+thanawala
+fenit
+kubbanji
+arrangement
+haire
+kainji
+flekkefjord
+nobuo
+14.36
+megalops
+thanking
+65.27
+macs
+vargem
+abdelmajid
+moeneeb
+qiu
+ceti
+mipi
+wcs
+yigael
+mcmakin
+mey
+zhuanghe
+microsporidia
+lida
+eirik
+phoneline
+garrigues
+57.56
+junsai
+aniakchak
+pikesville
+72.40
+64.76
+kemas
+ngwa
+guilbeault
+krasnoroutskaya
+233
+snowboards
+bryants
+600-meter
+peakhurst
+unshirkable
+1.4840
+nevado
+nabors
+faiveley
+1975/76
+wuchiu
+eleanor
+29-27
+290.7
+nitza
+120.85
+sautes
+2k11
+oxley
+cost-cutting
+wahoo
+hpd
+tarai
+principalship
+instituting
+berated
+rumbled
+draskovics
+her2/neu
+1892-1893
+golddigger
+1977-1981
+altavilla
+1i
+cubist
+trihydrate
+cheyne
+nupeng
+11.000
+wallenda
+moustaches
+ajouri
+occultists
+yanka
+concretes
+vergin
+57.5
+jacobean
+norges
+persson
+arsine
+temyat
+futurenet
+jerard
+boleslaus
+mjj
+nbpa
+injustice
+extenders
+easthampton
+rlc
+extra-solar
+su-22
+maili
+missillier
+morphogen
+apparatuses
+12-page
+pombal
+230.3
+elicited
+sirim
+nardini
+61.42
+6,730
+mahón
+mee
+officialized
+semi-professionally
+takeaway
+satō
+lyondell
+73-69
+ebulliently
+boetti
+k.s.c.
+des
+rasc
+hairatan
+amrani
+closs
+salmagundi
+lm
+carbamate
+carbonaceous
+hard-edged
+snogging
+6,990
+speckled
+baur
+anogeissus
+columbanus
+srygley
+foxbat
+příbram
+mikdad
+aua
+guerres
+jgreig
+37.28
+made-for-tv
+defenbaugh
+forsikring
+87-76
+houssaini
+maigov
+soutine
+fluoroscopic
+lok
+ovulation
+7/0
+mahanoy
+75-68
+jonathan.tilove
+mckale
+pixeljunk
+breage
+ruzic
+sovan
+dewatered
+heffalump
+houle
+ngv
+takamitsu
+pasch
+nanna
+carignano
+iwerks
+hydranautics
+tragedie
+golfers
+lupatkin
+hardgrave
+wycliffe
+pune
+33a
+balancing
+headquartered
+matrixx
+illsley
+edixon
+malachy
+honorifics
+tikhvinsky
+portrait
+aihara
+bjelasnica
+filoil
+photon
+tda
+mkhondo
+sadayuki
+allicin
+saticoy
+zamperini
+valuev
+tabman
+paila
+methyltransferases
+expensing
+d.vii
+hongyu
+adjoa
+keven
+17:03
+perjurer
+overgrowth
+450-year
+resthaven
+thandikulam
+campin
+in-kind
+manolis
+sharks
+monex
+ceph
+96-84
+krunz
+kotzebue
+connives
+aranyaka
+47.67
+gilfry
+ferrar
+atb
+palpitation
+gimbert
+exidy
+unsalted
+kaladan
+gentra
+hydroxyurea
+roufi
+0808
+qcs
+651,000
+paraskevas
+aangan
+weatherbeaten
+vatry
+51.12
+rsp
+vrijheid
+carmina
+partiya
+pkd
+jarwani
+devonport
+glucoside
+misinformed
+cucullata
+shreds
+revlimid
+jeez
+ontong
+terryl
+beazley
+tinklenberg
+safeguarded
+mšk
+konecny
+4-song
+shootin
+rsha
+terlingua
+felde
+sigdal
+cobbold
+khuda
+59-kilogram
+wiant
+non-standard
+bobbie
+pulitzer
+yaddo
+alecu
+mukmin
+jez
+geneva
+mpas
+lembalemba
+sprska
+37-year-old
+gtpases
+oaa
+poseurs
+1566
+truchi
+rotor
+melk
+kompas.com
+3.5
+tomfoolery
+d.xii
+kremsmünster
+51,875
+serdica
+uwano
+scott-heron
+caesura
+adcb
+shotter
+dham
+riveting
+496.5
+662-8738
+denying
+shipper
+brickfields
+okha
+5-of-16
+fakhrabad
+70s
+socialize
+nitai
+130.76
+26km
+insular
+candleholder
+nws
+heitor
+houseplant
+nardiello
+wheedling
+15-match
+azl
+ştefan
+corned
+kamchatsky
+ribaldry
+usuki
+bainwol
+armymen
+schifter
+17.02
+gubler
+shivery
+kois
+flabellinidae
+v.j.
+drbombay
+11-percent
+tumby
+legislature
+82.85
+kindertotenlieder
+borgas
+sidle
+nero
+interferon
+madcon
+ppd.
+horned
+etops
+galani
+hea
+bratt
+scotiamcleod
+19.98
+copyhold
+passaic
+fushi
+consumer-level
+galil
+vogošća
+centraal
+jodocus
+democratising
+kosa
+neogeo
+ferias
+christophorus
+vigil
+paleocene
+schnebel
+esquires
+tannhaeuser
+anacostia
+leterrier
+xiaokang
+avnet
+pece
+comegys
+kgc
+dushinsky
+13,300
+43-31
+pooneryn
+4,229
+saz
+spender
+nikāya
+positivistic
+étoiles
+kings_signed
+mundanity
+sandu
+tekeste
+register
+antiphonary
+uris
+ebolavirus
+kheyr
+110-120
+sparsely-populated
+bhikkhu
+nrotc
+guba
+fifty
+meckel
+sudetes
+centerbridge
+t.k.o.
+000896
+52.85
+ihara
+barmy
+primera
+nomi
+ka'imi
+reichsluftfahrtministerium
+i-12
+iri
+kamikazes
+matryoshka
+aibo
+maxell
+austa
+119.88
+bootsy
+kawase
+737-200s
+hawtin
+neath
+harl
+28s
+aki
+35.38
+lubavitcher
+anoa
+gabrielsen
+mixtape
+goofs
+cutoffs
+ideology
+sightings
+nazi
+micro-organisms
+togs
+norodom
+wspa
+korhogo
+takemasa
+karangasem
+twahir
+nese
+hail
+jämtland
+benzylic
+isdb
+grueso
+epco
+single-movement
+soothingly
+64-59
+authorial
+computer-controlled
+co-morbid
+chiapa
+35.58
+forces
+okoli
+invisibly
+q1
+jovana
+forkball
+alstott
+whammy
+logmein
+lamis
+actionism
+129.80
+lebowitz
+shabestar
+petipa
+84.48
+dushuqiang
+heek
+3,052
+stakeholder
+germanised
+velingrad
+ricochet
+inspectional
+25mm
+haimoud
+choppin
+solidifying
+aegaleo
+kloffe
+königin
+foster-father
+natrix
+972-3550
+kvant-1
+marceca
+allco
+preamps
+17,280
+l'herbe
+1.7-billion
+disseminator
+capstan
+first-aid
+fhi
+85-90
+rhein-lahn
+aëtius
+sihombing
+advocator
+birmingham
+1994-2001
+kingz
+laalou
+chambery
+temperatures
+40.67
+100.08
+1,826
+urgun
+enten
+5.90
+baptize
+costilla
+undercounted
+psp
+digiovanna
+veis
+malignaggi
+convene
+shosha
+ecgric
+shannyn
+panicky
+watermill
+41.58
+5.86
+inconspicuously
+bassoul
+99.86
+insidiously
+dunnville
+intensifying
+srna
+backrowers
+zarafshan
+maximovich
+undulating
+valdimir
+clader
+0945
+midtable
+xss
+bluegill
+bennelong
+hengshan
+half-staff
+4-for-7
+thoms
+satisfactory
+gilliam
+esn
+abiogenic
+nmr
+executioners
+ebcdic
+reimplanted
+360s
+homan
+xmodem
+semantical
+goalies_edmonton
+painstaking
+festoons
+344.5
+bedwetting
+yongping
+pennacook
+kovacic
+pratique
+marinca
+credito
+habiger
+vasin
+o&o
+porcius
+zeljka
+lauer
+rivett
+frso
+liff
+upfa
+oshodi
+lengthiest
+acclimatisation
+transcribe
+cooperstein
+digidestined
+clarks
+southland
+700-acre
+nouns
+founded
+aitchison
+well-informed
+enim
+-300
+priestland
+swelling
+horatii
+jarvis
+bunde
+woolwich
+threes
+ishares
+paetz
+tmo
+c++
+rolfing
+buncombe
+giardini
+algie
+zazzo
+boadicea
+zhangazha
+gladis
+ednyfed
+strømsgodset
+dacyczyn
+zhizhong
+shikata
+communism
+metabolism
+5.375
+reserva
+feitsui
+souths
+7-raul
+goldbart
+bluejays
+een
+menos
+nestling
+weblogic
+newburg
+niklot
+16,000-strong
+committeewoman
+pasiones
+10,380
+vasilis
+afp02
+77210
+champagnes
+24.85
+desura
+jamshedpur
+sessums
+hjalmar
+crüe
+crazing
+kharbit
+cerebellar
+1,429
+cut-and-cover
+garnero
+inventoried
+cbg
+yulu
+www.cancer.gov
+kibosh
+shunet
+outspoken
+tashi
+0815
+squished
+maccabean
+shandan
+chowed
+gannavaram
+prec
+burghs
+9:29
+hosono
+vizefeldwebel
+molotsky
+siza
+sirola
+o'chester
+moughniyah
+geocities
+khachkar
+qik
+limasawa
+puthenchery
+cbd
+emblazon
+heiberger
+sapphire
+uicc
+nerodia
+crosscountry
+hispasat
+countersteering
+seine-et-oise
+myongdong
+shallowest
+z'nuff
+pdsr
+nociceptors
+afterainoon
+fulfilling
+alid
+horseguards
+scuse
+pirelli
+vijaywada
+kisselgoff
+jpepa
+ad-supported
+10/3
+1-to-5
+blackmailer
+quero
+dlr
+mcwherter
+tirr
+nuoro
+mceleney
+gt200
+back-lit
+expeditious
+cryo
+fulgoni
+rokkaku
+oven
+lüchow-dannenberg
+centro
+panellists
+vuursteen
+rapp
+patriot-news
+lanyards
+berkut
+monds
+3,947
+anokha
+staffel
+stockley
+chianciano
+pinkerton
+neca
+helmeted
+vytegra
+54.06
+repulsed
+a320-200
+kvant-2
+stratigraphic
+skedded
+birkat
+institutione
+hardcourts
+kbe
+underframes
+triola
+2,520
+oedo
+bodipo
+newstalk
+interactionism
+evgeniy
+turino
+heliostats
+glyndŵr
+insolia
+4stars
+draddy
+cordial
+bawah
+carlstadt
+follicles
+šumperk
+21,823,000
+bork
+agastya
+israilov
+itata
+9a-9
+catholiques
+controla
+spondon
+b9tl
+mllion
+giza
+cso
+mord
+suckle
+aleutians
+drogheda
+olafsdottir
+kamler
+muckross
+checkmark
+72.94
+catargiu
+wen
+caliguiri
+ballyhale
+sherrif
+2night
+brussels-capital
+1756
+goschen
+v-series
+ristovski
+rachna
+ditf
+60-70
+mouth
+torture
+simón
+sarim
+semiprime
+dual-hatted
+munchkin
+rocinante
+cebrowski
+miami-dade
+nativism
+fcm
+striggio
+1,903
+dales
+rockslides
+sumedang
+breckenridge
+impersonations
+homogenizing
+akishino
+12h
+wgst
+staats-zeitung
+.0034
+boubacar
+doomwatch
+britanico
+twitter
+ladron
+3.14
+manicouagan
+e200
+1,759
+iftikhar
+lodbrok
+apx
+tworkov
+epe
+clausing
+vitus
+hatzair
+butner
+88.43
+softdisk
+gabi
+sanjana
+idflieg
+cochran
+jorf
+qera
+anápolis
+newmyer
+besana
+bug
+neurex
+lysekil
+88.05
+eyebrows
+buon
+ersoy
+seper
+majallah
+tisei
+mehemet
+faretta
+creus
+alusi
+cppa
+71.70
+maday
+entreprises
+mid-2001
+arabists
+nkolo
+alkis
+marda
+enfant
+phone
+goaltending
+bage
+whitefield
+saaristo
+qrs
+talkin
+laminate
+karben
+folklorist
+warneke
+susser
+marshlands
+traceroute
+toshikatsu
+marblehead
+neustadter
+brdjanin
+łapy
+tsoying
+amerika
+stanage
+syron
+canovas
+grahovac
+hayfork
+capitulations
+laterality
+urinals
+oaktree
+seventh-best
+kasaba
+kiplagat
+tagesschau
+xihua
+edineţ
+berlinecke
+nighttime
+sister-station
+gnjidic
+dille
+multitalented
+canopy
+prek-8
+loulis
+aquatint
+runner
+mohtashemi
+prelog
+rtw
+22e
+cibona
+weingart
+westby
+smallwoods
+merli
+frugality
+marha
+josip
+ruza
+yissachar
+fauzia
+komer
+haidle
+2,805
+triticeae
+shoguns
+tuchel
+vneshekonombank
+zhanshan
+xuanhan
+consigli
+peotone
+clackmannanshire
+striped
+sharkiya
+calligraphy
+pallu
+heep
+maiti
+1,979
+midkemia
+hikind
+triodion
+zenata
+wollack
+edaphosaurus
+addictiveness
+chores
+odawara
+tj
+verband
+2,272
+luminaries
+frontons
+bradner
+mikola
+cand
+automorphic
+lanto
+self-pity
+sakur
+hajar
+p.s.k.
+mirallas
+falsies
+kickoffs
+celebrated
+urmo
+soja
+61.84
+prijepolje
+boldface
+gösta
+tharoor
+ljubavi
+carrels
+watercolor
+stolp
+decriminalisation
+hospitalizes
+sidoti
+yonago
+she-ra
+teahouse
+787-billion
+stingray
+guffawed
+muzzy
+nuyorican
+ksaz
+istook
+108.73
+sappho
+officio
+esmailabad
+6.52
+trouble-making
+satom
+nepos
+galactosyltransferase
+cengic
+suire
+241.6
+yehudit
+grump
+4,278
+calment
+electrocautery
+folarin
+karunaratne
+bosa
+corton
+garrulous
+unsaturation
+huracán
++22
+viega
+sitz
+18.86
+gazers
+luaka
+multi-link
+barnuevo
+eurocard
+avalanche-journal
+moevenpick
+asel
+cigarette
+rockmart
+panfil
+mediagx
+keshubhai
+tarquino
+sightedness
+wrow
+standstill
+veasey
+fonarow
+saint-sauveur
+katarn
+kusuma
+chalukya
+hymenaea
+rakh
+frere
+periodista
+soccorso
+barleycorn
+podole
+eyebrow
+regiments
+z5
+peaking
+incestuous
+dolomieu
+arquitectonica
+regalbuto
+ballew
+holons
+clic
+flying
+rotuman
+re-order
+nissho
+hyperelliptic
+sipahis
+imposts
+baden-powell
+26.80
+goulds
+sakai
+xavi
+saadon
+nikumaroro
+basaglia
+methot
+mnemic
+bravehearts
+myer
+hospitium
+cranshaw
+45-11
+long-handled
+houphouet
+hatori
+kahrizak
+carus
+zhanjun
+melenchon
+ruland
+superfight
+gelderland
+replaying
+brontes
+alyse
+bilmes
+indústria
+kalookan
+dowlin
+novogrozny
+xxxvi
+malverde
+vitriol
+accuweather.com
+119.00
+annulling
+35.60
+poblacion
+pentire
+bence
+viticultural
+wfa
+4,485
+mentese
+guereda
+defoliation
+1,944
+crj200
+derrill
+delong
+congresswomen
+skoda
+ragnvald
+skytop
+7:32
+vadhana
+evertsen
+toosi
+zawahiri
+grapevine
+koti
+hurdle
+marklane
+tathāgatagarbha
+dantec
+forced
+clothilde
+poincaré
+copsey
+shawel
+2,943
+prostanthera
+crellin
+fremd
+intimidated
+basque
+ovshinsky
+overdraw
+arshak
+kollmann
+skrtel
+sheeba
+91.46
+sasid
+iguaran
+itv4
+robotboy
+lhamo
+veasley
+panoramio
+recusals
+somua
+akropolis
+barotseland
+87-79
+kanther
+201st
+ingratiation
+nasan
+hadouken
+meb
+shaiva
+klass
+weiler
+curare
+arnhem
+petropavlovskaya
+kotoko
+90.85
+navy-marine
+spreewald
+initials
+blaubeuren
+ammonite
+landesstraße
+michela
+czugaj
+35.5
+accorsi
+galyan
+raoh
+fredendall
+bieniemy
+kandidat
+busqueda
+politicans
+merkava
+kabwe
+114.1
+viennois
+escartin
+hōgen
+bonjasky
+contra-rotating
+bundys
+alcan
+turgor
+atwi
+cseh
+appending
+bienstock
+ylan
+executively
+zookeeper
+vellum
+ractopamine
+hamond
+laughers
+cheapskates
+prefigure
+znfu
+brymer
+fleisher
+presumptions
+jomar
+huali
+smari
+ulji
+peris
+amacrine
+chloris
+primal
+peraliya
+21.10
+warpath
+weaver
+taviani
+20-feet
+camaj
+compressor
+subdistrict
+unconsoled
+greathouse
+mieli
+rautaruukki
+sinemurian
+shindō
+rarefied
+forcible
+daki
+embarrasing
+wiler
+jinr
+shortwave
+meliloti
+manvi
+mollify
+konaré
+87-85
+sub-sector
+fincher
+linzy
+41.25
+52-42
+ilkhanate
+mc-130
+respaldo
+maqsudi
+atchugarry
+80-bed
+supercluster
+fedora
+giano
+miscegenation
+qio
+necessity
+11,750
+1968
+csr
+nayd
+coms
+hibakusha
+fuxi
+56.40
+237.7
+rinella
+barrow-in-furness
+co-workers
+yuvraj
+abreast
+unlivable
+penedo
+accuses
+hackney
+haddy
+palina
+subbasement
+soissons
+tipitapa
+schurmann
+ryon
+tenaciousness
+saath
+turilli
+tangram
+oltra
+75-degree
+europolitan
+variabilis
+hilmer
+insolently
+esperança
+andreasen
+communization
+harmed
+fission
+chithira
+choices
+zawacki
+sitha
+french-occupied
+dannielynn
+tutankhamun
+single-leaf
+gingy
+cinnaminson
+lovebox
+kcpq
+persica
+langsam
+vrh
+proneness
+netcaster
+aralik
+costolo
+cyaneus
+baclaran
+salto
+punning
+incubators
+molay
+city-grade
+paunchy
+cleavage
+jif
+flexors
+pletka
+seventy-four
+weathercoast
+shafei
+santillana
+dominquez
+présent
+cahiers
+illiterates
+62.16
+canyoning
+55-percent
+mou
+baruwa
+kitting
+kofuku
+scra
+euro384
+wischer
+sdpc
+shock
+micropayment
+zaccardelli
+zigged
+carnaroli
+therefrom
+hoge
+genia
+flattened
+holderman
+carulli
+nazm
+http://www.boeing.com
+0215
+vaticano
+cyclades
+muccio
+mandiri
+wafa
+fanclub
+expounder
+acccording
+grampian
+sunderlands
+cop15
+mowtowr-e
+presentacion
+monarch
+95-83
+cotgrave
+promises
+727-100
+ucan
+purgation
+liegnitz
+fontanella
+norstrom
+48-26
+boycotts
+longstock
+tembien
+federko
+honeoye
+rehoboth
+arbilla
+650-million
+codpiece
+informations
+leechburg
+nuea
+vennesla
+valeriu
+pardalotes
+84.02
+1255
+z1
+bauxite
+squatter
+connectu
+spraying
+annectens
+murgita
+1910s
+piscicida
+chiroscience
+40.78
+52.74
+instrument
+hedgehogs
+preschools
+919mm
+stephansen
+2,546
+veet
+quarterlife
+medalia
+obstreperous
+gushingly
+meares
+tootling
+ayna
+verwilst
+deidre
+nyhan
+arundell
+100-calorie
+15-16
+nonconventional
+stem-cell
+heyst
+byl
+hunchback
+pance
+granulosa
+unsubscribed
+zorros
+seceding
+30-person
+opalenica
+tsuna
+saroussi
+shoshani
+singam
+3-80
+elymians
+tippin
+98.7
+5min
+phosphatidylcholine
+alena
+halhul
+bahutule
+tuerk
+41.14
+baudissin
+architectures
+attesa
+chaplinesque
+19:07
+triplophysa
+anjouanese
+mongoloid
+pimpong
+petrogradsky
+sedale
+cady
+apls
+overachieve
+hysan
+squarish
+wymore
+maximise
+sabbaths
+giampaolo
+novelized
+perles
+30.53
+tipitina
+sinewy
+88-80
+minear
+multi-agency
+horncastle
+odors
+adigrat
+folkes
+europeos
+thrust
+maness
+hazar
+500km
+deregulated
+sr-1
+voisine
+serino
+bradbury
+toughly
+nerthus
+anchorman
+sub-titled
+svitolina
+pamunkey
+malesia
+mid-2011
+weinrich
+muncey
+pettigrew
+trbovich
+100-300
+mamoru
+n-dubz
+cac40
+6.53
+vujic
+stamenkovic
+vesicular
+angelica
+understorey
+wachtler
+suppliants
+i-43
+rushdi
+daimon
+cannizzaro
+atos
+jerome
+camelina
+beltinci
+healdsburg
+raimunda
+delije
+stratfor
+16:14
+worse
+wizner
+stilts
+shichong
+topp
+4,975
+forzani
+rageh
+gansa
+biesecker
+schrott
+pema
+meeeting
+confederacies
+dramatic
+redlist
+lind
+phindile
+tartakovsky
+suppport
+bribery
+insall
+vehicular
+esai
+7-for-8
+phillipses
+irredentism
+nattily
+three-players-ties
+rostratulidae
+9,200
+zinman
+dungia
+dvcs
+1,477
+stickers
+concessionaires
+organiser
+copiapó
+mandresh
+abalo
+saalekreis
+rasam
+jath
+sidonie
+vaculik
+fuerth
+glimmering
+wind-assisted
+elgindy
+lull
+equitably
+bowhead
+non-sectarian
+hufflepuff
+kushti
+mani
+hedden
+apenas
+adventure
+7,000-mile
+khaneqin
+najafabad
+http://www.cpsc.gov
+zhōngguó
+health-conscious
+dirtier
+lilienthal
+petabytes
+jtac
+philo
+glenny
+datawind
+2,225
+presov
+enac
+over-30
+augenblick
+pushpa
+replicative
+bomba
+allatoona
+chingai
+mfc
+eletrica
+49.07
+monotone
+evalyn
+expletive
+shmakov
+babylift
+gyaru
+lizards
+transcon
+experimentation
+oncologist
+marsocci
+krawczyk
+micromolar
+diron
+sleazier
+idolizing
+ebina
+positives
+viadana
+imj
+tekin
+siyi
+madura
+super-skrull
+lbd
+canadarm
+2,107
+aluar
+autoeuropa
+molavi
+megaplumes
+fendt
+nithari
+wawrynowicz
+sexto
+holwell
+duany
+1902
+mercatus
+uffe
+.0200
+skil
+70-lap
+angioma
+binfield
+throwbacks
+chappe
+0113
+unfailing
+broomhill
+intendencia
+111.95
+mohmmad
+typee
+spacer
+kinsale
+college-preparatory
+shyok
+quilombos
+annin
+reseda
+célèbre
+nucleaire
+uhs
+quiroga
+squaresoft
+alkhazurovo
+piska
+lamine
+ctd
+97.51
+pre-test
+przedmieście
+kaegi
+57.19
+register-listed
+algonquian
+patrilineal
+pkf
+sedona
+1993/1994
+business-to-consumer
+sterilizations
+55.44
+talan
+duchess
+avramopoulos
+fujiko
+reial
+numbskulls
+dillwyn
+1.350
+mikio
+69-64
+bantustans
+jagiellonia
+dankuni
+unfazed
+dockings
+corncrake
+sammy
+creciente
+libeaus
+z100
+renshou
+f/x
+116.83
+waziristan
+emule
+judicious
+ruegen
+berts
+mosely
+shimmari
+kamenetz
+frideswide
+wrap-up
+gaia
+kelon
+schoeni
+roxxi
+integrated
+palit
+sag-aftra
+arthurson
+deliver
+consolidation
+royales
+ss-19
+cantillation
+bowes
+fosler
+omotesando
+addressed
+zeniths
+30-page
+tiebout
+mongkolporn
+plurality
+springlike
+18.20
+dalan
+mboniswa
+silkk
+sociotechnical
+taqiabad
+3-quart
+hunter-weston
+dirkie
+guiliani
+ndre
+livent
+bixio
+primed
+duvernoy
+undertakers
+leafless
+sungaipenuh
+90.64
+borisav
+balsfjord
+hlc
+gunatilleke
+osleidys
+cicr
+harv
+tailenders
+500-person
+arisugawa
+kiamba
+koldowski
+vulgarism
+madhuku
+miconia
+mesmerism
+time-sharing
+sikka
+jenai
+koma
+ω2
+shao
+dabba
+amdo
+crane
+offcial
+seaboard
+urological
+berrio
+bazinet
+vasanti
+kinama
+attached
+bosanski
+zamtel
+915
+brevipes
+councillors
+româniei
+omanthai
+vnpt
+électricité
+scramjets
+four-string
+gebo
+note
+jarama
+telcordia
+munda
+hasuike
+dispensing
+kraft
+frerotte
+philately
+sinisi
+habineza
+nightride
+rigases
+shinmun
+witnessess
+d’amore
+ospanov
+cyangugu
+nürburgring
+solo-album
+eczacıbaşı
+buddhadev
+kgw
+guérard
+nafplio
+revivals
+biennale
+moueix
+kotler
+752,000
+four-wheel
+morea
+régine
+5-yard
+23.76
+virginians
+cuttyhunk
+nax
+lukamba
+gic
+aisenberg
+trickery
+gli2
+segawa
+22-room
+sorkin
+dragas
+luristan
+conchologist
+a13
+siedlecki
+hjelle
+mbah
+eyer
+manuchehr
+arniel
+cangnan
+good-humoured
+escarpment
+australian-american
+alabi
+hygrophorus
+crohn
+boorg
+apas
+imperato
+narcotrafficking
+ettienne
+bromelia
+fillon
+madrid-based
+53-minute
+louis-marie
+havent
+riemann
+paly
+varujan
+chamorros
+rosiglitazone
+hidari
+40p
+redbeard
+chittenangoensis
+wapda
+nif
+irritate
+mashantucket
+patroon
+4,100
+escitalopram
+rodder
+seagoon
+hertogenbosch
+moulineaux
+thin-film
+ornamented
+kulis
+samalayuca
+belet
+104.89
+better-paying
+challis
+pekar
+extra-point
+musicality
+clubmoss
+inter-university
+stmurray
+palframan
+175,000-dollar
+tylopilus
+codewords
+de-rabbi
+effenberg
+srihari
+rangefinder
+carême
+rangae
+fennesz
+comedian
+japex
+fluminense
+arbed
+iyengars
+demutualisation
+coccinellidae
+illis
+erixon
+undermountain
+bumiputra
+resource-rich
+reagon
+www.ibm.com
+omphalos
+functors
+buccinum
+fargate
+sandi
+kretschman
+litteris
+benzinger
+seamed
+top100
+tuxedos
+soeren
+kashiwazaki
+toorak
+shaugnessy
+bellard
+gamedaily
+anglers
+ajs
+euro710
+liudolf
+bfr
+timbrell
+tywysogion
+brodnica
+bachiller
+buffer
+guinot
+ss3
+evaristo
+nymphs
+elu
+subregion
+woodlief
+ponceludon
+unmovic
+hovland
+luttenberger
+obviated
+17.87
+vanderheiden
+keystone
+then-colonel
+reggina
+limacodidae
+chabad-lubavitch
+inta
+gbarpolu
+tutus
+yefremov
+hospice
+43,333
+vanpool
+olawale
+girardot
+measat
+arkhangelsk
+hartwall
+intronic
+hokage
+wabco
+schönborn
+manget
+p3b
+bidmead
+siegerland
+natuna
+apache
+dewsbury
+useless
+brzonkala
+nellee
+koroma
+lategano
+malot
+spellbound
+puertorriqueño
+stradale
+udders
+delegitimizing
+ewhurst
+wayte
+buzzes
+raziq
+zenaida
+mathies
+resentments
+etta
+periyar
+rancheras
+laureate
+choate
+111.0
+crnc
+3,077
+pon
+reng
+colorable
+dropsie
+coolin
+oisin
+economy
+dornhelm
+nó
+ogletree
+onesimus
+80.07
+nutcase
+jamadi
+feistel
+schade
+recoupment
+32b-32j
+morah
+2-0-14-0
+nonito
+wassen
+45-ton
+musket
+ten-digit
+barkas
+maimone
+sumin
+kachchi
+darkies
+skiiing
+karelitz
+99,000
+semi-final
+fesser
+nauplii
+cavanna
+witting
+goetzel
+c4
+absolutely
+euro642
+okpara
+kilmainham
+despise
+gallmann
+bolitoglossa
+mapei
+inheriting
+m.p.
+burapha
+alkyne
+dervishes
+abelia
+errantly
+heuze
+jaradat
+arnulf
+amuzgo
+pigeonholed
+csic
+olivehurst
+posher
+regurgitate
+mediate
+minjiang
+jüdischen
+rollason
+sandomierz
+krystkowiak
+38.64
+oamaru
+laywer
+odadjian
+e-bangla
+57.45
+pelargonium
+sharry
+nij
+christoffer
+norske
+shoib
+sauerbrey
+five-o
+reveiz
++3.00
+clearbrook
+sligh
+rodbell
+mcneely
+1796
+abased
+raeside
+239.5
+gerrick
+outreaches
+archeologico
+jawf
+sächsische
+yanal
+wijewardena
+cyprinid
+potable
+uzans
+serranos
+technos
+firecrest
+18:41
+catalyzes
+re-selected
+launderette
+biztravel.com
+władysławowo
+sudarto
+ryland
+varity
+mascota
+sennen
+aumento
+stultifying
+ofek
+partidul
+t-10
+langkawi
+balde
+1.6-meter
+zayid
+catheterization
+setted
+shiang
+cauca
+palliser
+molyneux
+.130
+drzewica
+andreotta
+saracen
+f4u
+sv1
+juzo
+zubeydi
+lantos
+bowditch
+hautala
+motts
+46.32
+tevrizian
+tracksuit
+sncm
+trouts
+finny
+chishima
+bassinger
+charmin
+free-agent
+tacha
+zeira
+warsop
+euro517
+http://www.opel.com
+annuled
+65a
+130.88
+sarreguemines
+harasses
+establecer
+dahil
+inflammatories
+54.68
+250.3
+polders
+vibiana
+subdialect
+spdb
+moskalenko
+zakhu
+raynor
+trigger
+firsov
+stobie
+35px
+thormanby
+fedossova
+unerring
+linesmen_gerard
+281.6
+biofuel
+mammalogists
+iconium
+1968-1971
+linnington
+koda
+dressings
+one-eighth
+straight
+jean-baptiste
+777-300ers
+civi
+hd1
+gram-positive
+frangelico
+donore
+uncirculated
+drem
+kalana
+zamira
+throughout
+98.24
+kravice
+petrosal
+jadu
+prehistorical
+jallet
+underpricing
+katangese
+madrileña
+nomis
+chrysolepis
+darebin
+taic
+turntable
+boor
+clod
+roli
+grazioli
+stoichkov
+475-221
+koupal
+huskier
+folon
+newsbrief
+runscorer
+ttx
+rosh
+muhith
+hodapp
+margalit
+1808
+feel-good
+nsabimana
+ramadasu
+sju
+swimsuits
+non-bank
+suckley
+khalidi
+citybeat
+achada
+dtl
+disenchantment
+kolah
+lukis
+suite-style
+geisen
+bumstead
+nemed
+41.95
+rjd2
+jawless
+marchiani
+kigo
+yamata
+thaana
+blotch
+matorral
+zid
+lucasian
+tuscania
+wardlaw
+port-au-prince
+lecomte
+gebreselassie
+ohkawa
+noggins
+mccoys
+jmt
+jide
+mammadyarov
+arati
+bisignano
+galantamine
+skeet
+3.51
+petrobas
+steglitz
+stroking
+vahan
+vanlev
+reconquered
+non-compliant
+destructor
+gardner-webb
+69.77
+miyar
+yamanouchi
+thwarts
+githongo
+supercard
+ombo
+ferryboats
+michalczewski
+glavas
+moritz
+gorin
+humanizes
+second-string
+macaé
+finrod
+transition
+neutrophils
+therrien
+bugeaters
+tabucchi
+laugh-out-loud
+mészáros
+fronteras
+criscito
+lempert
+ppfa
+sweig
+unicorns
+nakhchivan
+moneymore
+demonweb
+bandannas
+glaude
+economically
+downshifts
+esmatullah
+carapace
+levander
+szemerédi
+abala
+quanxing
+latam
+mountainbike
+westfield
+whiffing
+compunet
+goizueta
+ranicki
+titles
+cummerbund
+oueddei
+.83
+pancaked
+alejandrino
+ghezali
+newsweeklies
+delvoye
+dimensionality
+quaestors
+rajk
+hache
+nikole
+balkariya
+3,412
+rethel
+pevear
+g.c.
+equitywatch
+udai
+eiseley
+22-17
+nerval
+demer
+suum
+low-rank
+pushin
+mo'nique
+censers
+smoothing
+freshest
+1786
+26-13
+odili
+nikopolidis
+low-brow
+asgrimsson
+venedig
+nanan
+trainset
+satter
+enhances
+admnistration
+telekomunikacja
+rose
+doku
+bushe
+anthophyllite
+corset
+tka
+mouclier
+surety
+folland
+sasr
+bandō
+brassington
+nikto
+(216)
+vyn
+jamayetul
+simultaneously
+causers
+poniente
+arbeit
+czarny
+tisdale
+shenouda
+92.30
+zulma
+seine-et-marne
+hiratsuka
+shaggier
+azərbaycan
+0520
+reinfection
+kyary
+whitehill
+hockney
+provencal
+1,634
+boals
+hellebore
+dannebrog
+bluing
+trivulzio
+mobilis
+a-380
+raymondville
+vun
+trimmed
+lekberg
+117.1
+turinui
+topkapi
+65-54
+pfm
+historiographer
+pfohl
+chunked
+orna
+sa-15
+muadham
+generically
+ashgar
+reified
+staffroom
+fied
+dishpan
+phaedra
+panzano
+northumbrian
+anaplastic
+sparkplugs
+honig
+jeanne
+pitsford
+witschge
+aéroport
+moldovan
+shorted
+welspun
+wraps
+vanua
+yurko
+symbian
+isger
+fdl
+anti-art
+dedicatee
+zhores
+enright
+greatness
+stimpson
+wra
+louvin
+wol
+achmed
+s.h.e
+buller
+hawarden
+normales
+non-formal
+arkenstone
+brixen
+energex
+popik
+dalmahoy
+mandocello
+8,010
+eshkol
+4-issue
+thriftier
+lexington-fayette
+cut-and-paste
+exco
+zocor
+finningley
+226.00
+ranbaxy
+arachnida
+hd-2
+greyson
+mehaignerie
+part2-nytsf
+kaukonen
+gothic
+balakrishnan
+m505
+brainteasers
+nehls
+golo
+96-0
+makgadikgadi
+catchphrases
+5,880
+karens
+camerton
+es5
+1834
+jabbed
+ivanios
+vwells
+askren
+diggle
+85.20
+syp
+experiencias
+2,749
+barrón
+crawfurd
+bulluck
+toowong
+thevaram
+91-year
+evansdale
+dobriant@ajc.com
+supervisions
+educationist
+masuoka
+heracleidae
+huifang
+60.79
+meseret
+housecleaning
+kipnis
+kushnir
+randian
+smes
+coutinho
+dongkuk
+fertel
+ihe
+tlacotalpan
+hopland
+forbesii
+biamila
+degrades
+s15
+bapco
+appetite
+episcopate
+ayumi
+sinkerballer
+skuld
+deceleration
+337,000
+78.01
+compañía
+jihua
+non-related
+d.i.y.
+azizia
+asa
+beanpot
+tuxtepec
+arcturus
+511th
+peterburg
+klotz
+glassy
+kimberlain
+pharr
+wenche
+tv/radio
+1,772
+qingyao
+bhowmick
+lousewies
+hurricanes
+dna
+wsj.com
+xizhi
+halep
+prospera
+humint
+2,131
+vaderland
+atheist
+sequelae
+graupel
+gillie
+razzak
+33.28
+camarda
+2,517
+manutius
+90.10
+ephesians
+brittani
+36-strong
+self-evaluations
+aloy
+ie8
+voigtländer
+cheques
+reenact
+mumun
+biru
+jüdische
+111.62
+nitv
+kronemann
+levitate
+vishal-shekhar
+bālā
+shpigelman
+,001
+in-built
+khorassan
+muttaqin
+kcna
+sugarcoated
+charmides
+hilscher
+trakehner
+900-billion
+embe
+ebright
+emphasize
+dma
+midline
+bornean
+count-out
+100-94
+guillette
+mälaren
+1-888-nyt
+bullion
+quokka
+yeruham
+cuestiones
+interment
+metsec
+one-track
+88-game
+exercising
+full-blood
+shahade
+overdue
+30.13
+crocodyliforms
+pushcarts
+rihm
+rothera
+wgno
+gokey
+fakhet
+1829
+chot
+vaitkus
+artnet.com
+oge
+hdi
+shunters
+corporeal
+blackmailed
+satraps
+elleray
+piloto
+47-40
+bangarra
+donatoni
+polypeptides
+60.97
+edun
+tabors
+doleful
+vlahović
+above-ground
+1968-1969
+44-yarder
+lucas
+u16s
+ganzuri
+noh
+spondylitis
+troféu
+horse-back
+27,400
+beikman
+durch
+winos
+zindagi
+neklyayev
+wassan
+marama
+corkscrewed
+co-education
+jhana
+subagdja
+lastingly
+57.05
+61508
+33.12
+73.09
+1127-1279
+31,000
+rubisco
+kavu
+one-out
+novelle
+dmitrievna
+facism
+1.48
+almoner
+trakh
+nanka
+romas
+masal
+kimmons
+verdugo
+aldy
+dettman
+98.99
+bordagaray
+khels
+temelin
+chorizanthe
+waldoch
+marichal
+vatech
+lizabeth
+monger
+utecht
+aloulou
+katsuaki
+testifying
+al-rawi
+mosimane
+aperitif
+cgp
+imminence
+lower-league
+2,078
+tubac
+70.56
+fotso
+decertify
+bakhtiari
+32.49
+dsec
+cashew
+pleasant
+-06
+meare
+gianopulos
+hamrock
+carya
+chungshan
+56.30
+abstractions
+connon
+kotick
+siebenbürgen
+qb1
+clito
+sprinkling
+re-married
+mash
+macro-level
+breathy
+goijman
+cadel
+qdoba
+karai
+800-535-4425
+vta
+terragno
+mahfuz
+1917-18
+104.80
+tarney
+restovich
+petralona
+3.625
+thickly
+activin
+ndoffene
+lg
+overpayment
+wishon
+critica
+184.1
+402nd
+dicta
+aizhixing
+tifton
+pierrepoint
+rambunctious
+zahirul
+caudate
+u-571
+1673
+2-1-2
+rubem
+desmoulins
+0.80
+akyab
+bhusan
+four-armed
+environments
+brahmo
+rs2
+leeway
+thiepval
+burgaud
+1-9-1
+gottis
+dubhda
+noria
+jewish-arab
+dokken
+muskat
+dameon
+aaronic
+zilpah
+25.39
+phylogenies
+rovera
+prognostications
+bernado
+uzma
+cocha
+ragoonath
+hand-off
+bancomext
+bhandara
+22-august
+nickle
+objectifying
+siemens
+lucullus
+mexicanas
+kulen
+mceveety
+691
+rnz
+gapa
+84-81
+tasaki
+89-77
+ashante
+gumushane
+walcot
+n-va
+inactivity
+doca
+.639
+tyrolean
+raczki
+paymentech
+65-61
+recoiled
+2-3-4
+miletic
+unpleasantries
+rusafa
+prop-forward
+bentheim
+namesnik
+dhdr
+aviion
+1039
+zuid
+klingner
+escadre
+nigrum
+nighbor
+north-flowing
+oks
+trolleybus
+hrsa
+regroupment
+assyriska
+ducommun
+omnifone
+i-vtec
+fage
+kjetil
+mugabarabona
+bracamontes
+greenlandic
+mpe
+post-conflict
+b&b
+galz
+reclassification
+quilter
+nauseous
+peanuts
+57.57
+atti
+corniculatus
+scrupulously
+deployment
+mãe
+morph
+kipchoge
+museumplein
+danai
+sophene
+freihat
+festas
+hijikata
+moonie
+zimababwe
+acp
+margolies
+lumpen
+commendatory
+120-150
+arbella
+abair
+borrelli
+ruckman
+wucetich
+matinicus
+lexi
+żeligowski
+283,000
+comradely
+209458
+unoriginality
+husband
+no3
+jalaram
+cariaso
+monifa
+karatantcheva
+now-familiar
+peregrini
+dipoles
+parquet
+step-mother
+amm101
+amstell
+yop
+shilton
+trophon
+civilta
+soltani
+7-game
+isakson
+lowenberg
+arama
+alnajjar
+well-wooded
+featherstone
+dram
+90.99
+komarno
+landstraße
+torkaman
+43rd
+1,264
+mizushima
+arthroscopic
+onkelz
+recognise
+eluded
+underminer
+monophonic
+haboubi
+koinadugu
+u.n.
+knickers
+pipat
+laigle
+facetious
+turner
+xeroxed
+chansen
+anning
+chikkamagaluru
+xiaosheng
+dc
+joye
+schmoll
+epp-ed
+iolas
+5-carles
+tanihara
+guidry
+revkin
+sigou
+curé
+earthquake-resistant
+reassuringly
+metaheuristic
+embarrass
+sidestep
+16.98
+kargopol
+leveson
+51.45
+preppie
+madhab
+s&d
+clavia
+mutsu
+wcom
+vlaamse
+51.27
+stentor
+electromagnets
+panic
+ovp
+12-inning
+0820
+theonym
+provencale
+suspiria
+erase
+50.47
+jermain
+brazenly
+aikines
+55-run
+mphasis
+niitsu
+monongalia
+vaslui
+nahra
+colyandro
+super8
+evicting
+ślesin
+33sec
+shed
+floria
+michelob
+trumka
+458,000
+zacchara
+barwick
+well-respected
+koinange
+aspen
+prabodh
+basecamp
+gilkeson
+unnai
+lepers
+krankl
+kuroyanagi
+1,179
+bendwise
+undignified
+arachnologist
+chesebro
+asgardian
+burger
+mazatlan
+jadiriyah
+exporta
+mujahir
+biesterfeld
+79-74
+cade
+mackinnon
+vgh
+maibaum
+oncken
+höfen
+jel
+whilst
+a60
+mthatha
+gmi
+philanthropy
+suchman
+dharwar
+clampitt
+coslett
+potencies
+rangerettes
+offcials
+discal
+aune
+quoted
+piebalgs
+26-5
+pastorius
+wdjt
+canto
+domm
+1990-1999
+14:09:56
+nerurkar
+farriss
+tine
+meurig
+izanagi
+īn
+radiographer
+shirani
+riverside
+bord
+crannog
+eucom
+confiding
+breviarium
+rapidamente
+jean-baptiste-camille
+5:09
+l'academie
+sunda
+chacho
+natche
+fcc
+tabacchi
+sulfonamides
+goms
+editorializing
+patinkin
+sutta
+mohl
+landsforening
+haphazardly
+desouza
+douglassville
+supershuttle
+yosuke
+dcsf
+jahrhunderts
+chilena
+sarraf
+leigh
+ugland
+0-10-1
+al-turabi
+leander
+branting
+coprolites
+paulson
+40,938
+nory
+skyy
+kaali
+nordwestbahn
+cognac
+nödtveidt
+finova
+negligibly
+dagda
+fortuño
+ellora
+jimmu
+snook
+lambi
+guus
+sakhalin-2
+naali
+pyrotechnics
+mohonk
+slapping
+slingerland
+gulbene
+51,000
+interplay
+gdnf
+bloodless
+alabamians
+rafer
+yiewsley
+grunhard
+timpone
+scorelines
+engr
+wu-tang
+muharrem
+lyrebirds
+snowshoers
+constancy
+microenvironment
+lefors
+barstools
+waqqas
+33.76
+interesting
+sunna
+vanko
+hargate
+renta
+roger-vasselin
+cheapest
+skujyte
+djlfx
+sehr
+grazyna
+becks
+legionnaire
+hsien
+subulinidae
+rosette
+inside-right
+keju
+colantuono
+near-term
+cnca
+mahavihara
+fuhz
+shital
+jerotich
+jamelle
+semiology
+liljana
+trumbull
+danxia
+slovenly
+meechai
+w.l.
+balmville
+bundjalung
+jdc
+switchblade
+negativity
+eradicate
+ling-ling
+9,946
+kinman
+altonaga
+rajeswara
+biosynthetic
+hawk
+7-series
+reviewable
+pkns
+nairnshire
+castilla
+westerplatte
+edgell
+17:21
+hartin
+sheldonian
+kumalo
+catarina
+schwenk
+trippy
+chesimard
+39,900
+paperweights
+pustaka
+mechagodzilla
+crossette
+hairstylists
+brunelsunergy
+glomerulosclerosis
+pallava
+dial-a-ride
+hagaman
+catch-up
+mbu
+majidi
+90-member
+postell
+shabbir
+zille
+rumantsch
+welham
+villiers
+2206
+paleopathology
+validation
+funnest
+tsikata
+title-holder
+s11
+katcha
+mclouth
+deodorizers
+gristina
+belacqua
+ccis
+gene
+83-78
+videophiles
+delambre
+fujioka
+eagles
+eucalypts
+purdom
+großdeutschland
+wmb
+coloradan
+niedermeyer
+64.86
+christison
+rosenthal
+bellwoods
+murdered
+jamm
+optative
+letra
+bastarnae
+perrine
+airco
+kbohls@statesman.com
+kennebec
+kubica
+wude
+flavorless
+3,692
+r-value
+bombed
+7.67
+mckinney
+dharmaraj
+in-vision
+herbals
+lisinski
+leningradsky
+bozman
+gilmour
+sevagram
+cret
+semi-subterranean
+tachikawa
+pockmarked
+icey
+carizza
+maremont
+nadi
+bulkiness
+3,252
+korçë
+craftier
+nukem
+trustful
+mitc
+kindliness
+dakayev
+golive
+payden
+wku
+16.7
+conal
+14.80
+torrente
+blood-red
+vengeful
+saigo
+3,218
+kulemin
+issar
+ancier
+vidovdan
+zaiton
+03
+arenson
+o'byrne
+hubbins
+kleptocracy
+306.6
+orens
+etchers
+denardo
+gloating
+46.77
+aneesh
+corneal
+antagonisms
+l.l.b.
+assef
+cee
+fomca
+shaohong
+newspeak
+shembe
+indoctrinated
+be5
+carmin
+5/7
+licence-built
+caixa
+entender
+arranging
+filing
+schismatic
+multitrillion
+djm
+hard-surfaced
+priamo
+reanalyze
+2-62
+yuting
+hsing
+burda
+sell-side
+soros
+hard-cover
+seebach
+109.25
+barged
+abbots
+kealey
+65,000-seat
+rampant
+coghlan
+racin
+98.35
+126-pound
+nchanga
+radaronline.com
+eeyou
+strake
+kharkh
+masscap
+kakar
+lusciously
+dragica
+sponsors
+appellation
+peterka
+ewha
+exempts
+villacis
+a-highway
+bersuit
+isioma
+overmedication
+gorkhaland
+trinquier
+scheetz
+steatosis
+babson
+sahidulla
+renault
+inquisitor
+.536
+0205
+3-0-13-0
+mintaka
+merkabah
+buttercup
+7.6239
+lumu
+metacognition
+kutty
+acuity
+pecc
+b2k
+4-time
+biobank
+depravities
+roller-skating
+langsner
+llegan
+steensen
+haizhou
+1916-18
+haemolytic
+k.will
+rashidiya
+versicherung
+cassius
+resorbed
+107.57
+seeder
+cavalcade
+docetaxel
+ciments
+armendariz
+rebreathers
+plumbe
+acquittals
+14.78
+nephrologists
+wilmont
+naoe
+sharar
+fishlike
+rolling-stock
+supplementing
+eudo
+9.75
+fidf
+govan
+odomes
+robart
+sinosure
+andrianampoinimerina
+paradise
+ryno
+manie
+zeolite
+gazelle
+zelenograd
+11.29
+setlist
+4:22
+sholar
+57.1
+guipuzcoa
+euro616
+gleizes
+kja
+aggrotech
+norum
+sylvatica
+hueppi
+honeycomb
+francesconi
+pyszka
+less-lethal
+husks
+nx
+zouhier
+1977-1983
+tailteann
+deserting
+blauen
+injector
+bloomed
+farrow
+stramilano
+fintry
+airfreight
+chetty
+leete
+134.86
+embellish
+zickler
+upstaged
+burgage
+mmsc
+farhane
+383
+environs
+fretilin
+bahonar
+supermercados
+loophole
+tremec
+oqt
+quasiparticles
+rescued
+louise
+shahidi
+getafix
+rung
+slamannan
+wimax
+sicartsa
+itaparica
+desafinado
+134.6
+aircrafts
+76mm
+lasek
+muwatalli
+silberman
+mondo
+.45
+12,700
+launius
+yunping
+claimants
+firebrace
+atitlán
+burgasser
+acutely
+kiti
+yanagawa
+kithara
+mutase
+transpose
+jargalan
+jpowers@globe.com
+laurels
+fyssas
+plentiful
+fortunetelling
+fpc/
+yachts
+tianwei
+tretchikoff
+jaakko
+pheidole
+41.32
+wiencke
+minmei
+nakagusuku
+seals
+maclaren
+åby
+hanavi
+lauenstein
+womble
+shavar
+siachen
+mhiskey
+yixuan
+crocco
+kenworth
+pátria
+indiscernible
+adar
+guna
+guineafowl
+librarians
+panenka
+boswell
+leishmaniasis
+manzanera
+spehar
+udvar-hazy
+locri
+honeyeater
+italdesign
+binkley
+allegra
+hooghly
+35.42
+openview
+jka
+reprieve
+40g
+thatchers
+aichele
+antosh
+2/28
+nascar-sanctioned
+thud
+huahine
+juncker
+bahamut
+coldiron
+kounis
+twizzle
+concessionaire
+iwama
+school
+mini-concert
+annaliese
+anupam
+30-yard
+troxels
+leks
+sublattice
+two-wheeler
+replicant
+mehman
+havering
+406,000
+worrywart
+grimke
+marinids
+smf
+leibrandt
+homma
+waterlilies
+fattens
+falutin
+umeaa
+elendil
+chv
+diferentes
+mayaki
+rdas
+guri
+fasli
+indebtedness
+fullmetal
+yapo
+doorn
+smu
+mailed
+ladwa
+mccartan
+80-member
+guede
+routed
+emanations
+cenk
+cysteine
+pleau
+b737
+ntua
+simulators
+d13
+barbarosa
+goldcorp
+convention
+screw
+o'quinn
+knaperek
+miscalculating
+baldwin-wallace
+juraj
+8,020
+capetillo
+greyling
+anciens
+hainje
+teru
+kazimiera
+judeo-spanish
+putina
+xfx
+notation
+1615gmt
+pk-12
+prigogine
+chartist
+ructions
+tastelessness
+contrarians
+moonscapes
+purohit
+apud
+gabrielse
+spehr
+37-35
+tyszkiewicz
+hickstead
+iosifovich
+jayalakshmi
+lessen
+cfinley
+garrincha
+colajanni
+maqbara
+antonitsch
+rubberneckers
+theismann
+474th
+voltri
+xiaohe
+nuwara
+jorrin
+sabca
+cannibalizing
+ipilimumab
+brooke-popham
+libertaire
+sphacteria
+parasnath
+teresi
+lauvergeon
+jabir
+4:5
+raindrops
+torpey
+22,100
+gaullism
+ekulama
+liko
+longe
+crowcroft
+dindo
+brokeback
+iława
+metter
+nininger
+833,000
+48-47
+electroless
+20:35
+www.tsa.gov
+vartanian
+itunes
+pilson
+gleanings
+pesko
+idec
+undercapitalized
+westonzoyland
+eskimos
+hemiphractidae
+self-identifies
+sucumbios
+pimenov
+orac
+agham
+yulieski
+nebulizer
+dezhou
+billionaire
+a-7d
+asparukh
+wests
+nimeiry
+dobrien
+padmashri
+qdii
+veikko
+109.04
+colomby
+aldosterone
+chattisgarh
+buffon
+sarga
+lachin
+62-55
+achaemenid
+chiro
+kelantan
+human-sized
+devroy
+conjuction
+ramms
+nassib
+seroy
+fio
+kruck
+mdd
+dena'ina
+jiminez
+betweem
+balbina
+çine
+scurried
+kielburger
+lipowiec
+gallone
+enco
+hokies
+povl
+stift
+hakims
+sammarco
+npu
+solidus
+luman
+coillte
+hamutenya
+712
+garst
+2.41
+tuckey
+actiq
+walt
+lieutenant-governors
+pasajero
+riverways
+temman
+argentinians
+nyamilandu
+robina
+datatype
+lachy
+arsenius
+expiatory
+meissen
+-100
+howat
+neuropharmacology
+salonga
+intoxication
+mohindra
+azula
+leappad
+rohail
+bandol
+brueckner
+fabián
+on-field
+ferrière
+sandham
+cannibalized
+camilleri
+zahl
+2,510
+suntan
+singler
+enriquez
+fouqué
+kennedy
+helsby
+batterers
+rescinds
+turchino
+primp
+dillingham
+kraków
+77.75
+lerias
+perv
+18.60
+12.79
+babul
+orientalis
+vietnamese
+staios
+deviance
+hudler
+sergeyev
+balat
+yessica
+unicolorous
+salhab
+mabika
+österreich
+geniza
+stuarts
+neues
+gwala
+edgecomb
+sabetta
+fantasies
+exmoor
+kittenish
+all-instrumental
+:03
+atomism
+gardella
+fend
+99.98
+puto
+rito
+tomtit
+grae
+.560
+lasts
+planers
+hotwired
+3,342
+start-2
+agentive
+flunky
+high-pass
+clwydian
+renascence
+arraignment
+ilja
+hronom
+djoghlaf
+bernardston
+expensive
+nastassia
+0.40
+pozos
+trespassers
+2,015-megawatt
+skeksis
+cedeño
+lilik
+dj-ing
+zhongneng
+trudell
+m-29
+sanitorium
+innenstadt
+simoncelli
+cranking
+peries
+buttered
+phys
+rum-running
+visnovsky
+218.7
+groothuis
+70.90
+p99
+guerrieri
+commercial-grade
+tartaglione
+112-year
+31.19
+kameshwar
+bandler
+shakuhachi
+goring
+patar
+ahmir
+cornucopia
+poldhu
+quigo
+jettou
+homebanc
+ildefonso
+airplay
+then-presidential
+mingjie
+c-algebras
+amann
+chrysopolis
+rousse
+piovano
+mughlai
+happyness
+gostivar
+justicia
+beamer
+trampoline
+rivett-carnac
+danley
+sevil
+operability
+integration
+bockscar
+giesen
+cengage
+allgäu
+transversally
+ratchasima
+postage
+hrysopiyi
+didu
+juhl
+mitiukov
+pendang
+much-publicized
+archambeault
+murungaru
+kalika
+waterboro
+pitapa
+getrag
+3,531
+paintal
+manalang
+philokalia
+spirant
+housatonic
+mayoress
+ezpeleta
+crosslinking
+cytometry
+grossed
+skarbek
+5,833
+heter
+rheed
+scire
+39-1
+corkum
+fuisse
+midwesterner
+nauman
+3,393
+taepodong-2
+program
+audiologists
+4449
+blowzy
+pwp
+weald
+hawkworld
+tattnall
+koster
+duumvirate
+boersma
+coln
+300-dollar
+tribunal
+mists
+kalemli
+0.37
+invermere
+senter
+heum
+non-gmo
+na6
+202-547-4512
+glasshouses
+delfino
+lail
+kosky
+aedui
+amaranthe
+denied
+alter-globalization
+leverton
+tansen
+864
+langnau
+meyer
+mmos
+kompa
+supplementum
+demaria
+möngke
+hillsborough
+zahn
+fortuner
+unreinforced
+109.39
+edge-on
+microphotography
+surb
+labo
+monet
+waddah
+electron
+gromada
+herwarth
+timorese
+ncds
+witnesses
+hibernate
+mojahedin
+bumar
+culmer
+sutarto
+ilminster
+acesulfame
+smelts
+b-type
+hmiel
+blue-winged
+sinc
+robusto
+prionopidae
+weequahic
+eero
+rgyal
+houthi
+fronteira
+cosmetically
+immunogenic
+leeward
+hypermastus
+harue
+anencephalic
+41.34
+5,550
+fosdick
+mysteron
+bhaban
+3261
+lch.clearnet
+paiutes
+scriptwriters
+onexim
+35.16
+merville
+tzu
+vijesti
+sakaya
+sandman
+resistive
+hierapolis
+sgts
+starck
+kyauktan
+hopkin
+bonvin
+andreescu
+jingde
+2/7th
+webmaster
+145.8
+tensioner
+bragin
+daimyo
+semiannually
+garton
+xxxxxxxend
+kabirov
+ramipril
+mayra
+350,000
+1.228
+sarfu
+namba
+lasovskaya
+standpoint
+gaddang
+beledweyn
+lb&scr
+ixia
+demon-like
+nanos
+demoing
+frum
+loves
+dazhong
+žigić
+skyler
+mesozoic
+nunataks
+myojin
+scheming
+merozoites
+barclays
+boonchu
+hartebeest
+srivastav
+weberian
+embarassment
+dowser
+nt22
+deputy-mayor
+26.09
+cobo
+okin
+mniów
+zuhn
+adventurer
+1.7950
+storehouses
+whipp
+susceptible
+bando
+skube
+zoologique
+abac
+3:23
+70.32
+auto-focus
+lana
+nazarbaev
+sentencings
+withering
+crack-down
+savonlinna
+drouin
+bordon
+nurserymen
+stirchley
+1.4885
+budarin
+trackable
+zilka
+prez
+47.52
+hsf
+0303
+bastard
+main-line
+amster
+polyhymnia
+béxar
+forthe
+elswick
+nejedly
+said.they
+welayta
+walruses
+centralizers
+mottle
+7:02
+bietigheim
+brisbois
+medgyessy
+foeticide
+tonda
+two-litre
+karakorum
+swedish-language
+laraki
+fieri
+jireh
+cobitis
+arseny
+preposition
+aunese
+tuv
+medium-duty
+61.81
+portobello
+rolan
+herlin
+pre-degree
+hypoxanthine
+cappato
+dudek
+oracles
+l'équipe
+bagdad
+1970-1973
+disinfect
+kabuki
+sprache
+beauxis
+25-inch
+univariate
+noticias
+curts
+neipperg
+demitasse
+keramat
+oneya
+lyricist
+2,783
+chefetz
+conservativism
+1.5505
+brusca
+richelle
+orangish
+citko
+dejectedly
+kuiken
+2,329
+gpas
+inscriptionum
+leaman
+złotych
+85.80
+vukovi
+hofmann
+fenno
+beiyang
+gzy
+2:7
+tillery
+human-readable
+pilosa
+nonresidential
+tefaarere
+17.9
+neeme
+vigía
+sacasa
+shroh
+parclo
+canalside
+incinerated
+counter-attacking
+jakubów
+fitzwarren
+rrn
+linenger
+53.23
+raggy
+race-based
+surpassed
+cossiga
+vrooman
+zentralbank
+korfball
+arnautovic
+resembling
+ragout
+printmaking
+350-year
+dunheved
+chhatrasal
+cahb
+kalodner
+butchery
+reggaetón
+natya
+escalate
+pvo
+easters
+vides
+top-score
+maharjan
+dalven
+nobuyasu
+sch
+nemours
+bataan
+176.1
+golkonda
+wenlock
+henkel
+tend
+avneri
+duende
+mahmudiya
+našice
+dragila
+tanzer
+pillnitz
+off-speed
+beetleborgs
+commercializes
+anji
+febles
+somerhalder
+tabatabai
+tipsarevic
+diakhate
+amru
+2,000-acre
+kalikow
+abolishment
+ji-won
+dnaa
+clewiston
+melbourn
+univerity
+gondo
+small-world
+encinos
+stye
+anoxia
+wrightwood
+bentegodi
+-0
+johnno
+epidauros
+naquib
+mooing
+assitance
+ratnagiri
+memmo
+fusin
+yogiji
+crociata
+dvt
+h-6
+annnounced
+sarabyn
+jafarey
+shoebill
+mcclory
+wcbs
+ock
+baq
+gangue
+hexosyltransferases
+unislamic
+horka
+agglutination
+practicability
+9-9-9
+eerdekens
+yuyan
+iii1
+activations
+midgette
+concur
+redfield
+dancehall
+neueste
+killings
+costello
+zaz
+molecule
+orsk
+gentil
+resending
+honours
+timms
+tuptim
+broadwater
+toolworks
+becket
+estuaries
+low-earth
+alighting
+russie
+balabac
+geopark
+moujahid
+reshoot
+bolf
+electrocutions
+atsu
+despoja
+forteo
+untranslated
+sturgeon
+burtch
+yuhina
+shahrukh
+650-word
+meaulte
+terter
+whiptail
+662-8735
+15:43
+oration
+custer
+macpaint
+mellas
+paparella
+noon-5
+amdahl
+hrawi
+herbivory
+humby
+vojnovic
+cerámica
+2467
+10,000-year
+mahuta
+runaways
+deadlines
+fmi
+arlott
+stonner
+namco
+tentacles
+113.46
+risling
+bizerte
+sevugan
+roe
+led
+faizon
+corruptions
+khasas
+sagem
+drums/percussion
+rumsfeld
+ndrc
+nyasa
+p.g.t.
+muscles
+sei
+noachian
+89.28
+rodilla
+hohoe
+fudo
+dhafer
+breukink
+probabilistic
+dmv
+vrnjačka
+running
+executor
+niinistö
+jurikova
+deflowered
+butembo
+prizes
+adquirirse
+violeta
+manhunt
+makedonikos
+sreeram
+ambe
+khale
+recorrido
+pubs
+kandovan
+kamehameha
+ferocious
+eng
+companionship
+lakshmana
+13:30
+martinière
+qh6
+petseri
+barbès
+hirota
+boldini
+bodoni
+fajar
+interrupt
+beatification
+apalachee
+bozos
+viiis
+lampl
+single-ship
+uncannily
+rondeletia
+hagger
+bedsheet
+fähnrich
+gutenstein
+bartitsu
+kaala
+nyama
+libertas
+bakugan
+flatley
+turkey
+seattle
+krbe
+chilia
+daltrey
+sow
+wichmann
+crows
+danebury
+adventurism
+dawsonville
+waki
+fazıl
+neoplasm
+ukip
+coronaviruses
+rethwisch
+jeder
+mazel
+knuckleheaded
+elbistan
+bolków
+14-12
+mukono
+harim
+hydroxyzine
+utilize
+unknowingly
+bethânia
+klayton
+pre-synaptic
+signalling
+pips
+deeside
+world-herald
+heretic
+ineptly
+wineland
+nà
+dandekar
+153.8
+downloaders
+ezola
+gungan
+guangqiang
+ośno
+ssx
+hokum
+blecha
+snip
+roman-dutch
+byatt
+a-side
+hotly
+stahr
+kahne
+dujon
+missourian
+tiggers
+bleed
+strongpoint
+eridu
+elkem
+--------------
+lotts
+27.5
+vigoreaux
+leipheimer
+vsetin
+kucuk
+non-intersecting
+boarded
+furrows
+kihansi
+sent
+ziff
+quakeworld
+askia
+carin
+magburaka
+meffan
+jakobsson
+hanomag
+kazuma
+jáchymov
+powdersville
+overstimulated
+state-of-art
+z/os
+cathinone
+gripe
+trelawny
+tekere
+50.69
+chiriac
+dulaine
+platymantis
+manard
+maoga
+formula_128
+stamfordham
+usted
+75.81
+modaf
+kaleh
+sutcliff
+115.48
+lydecker
+newcity
+birdwatch
+8
+oases
+progressions
+fault-tolerance
+11.61
+444-day
+stromness
+qlt
+rock-cut
+limmat
+sowme'eh
+perfluorinated
+19,688
+ambergate
+cipot
+duyvil
+leshy
+derajat
+robson
+ple
+dondi
+landrace
+maienfeld
+rosskopf
+pelona
+lgm-30
+dramaturgical
+badaga
+k2
+footway
+ferozepur
+btx
+hughes
+insitutional
+beled
+sangzhi
+methylmalonyl-coa
+hercus
+23.87
+periodontitis
+tla
+strittmatter
+locomotor
+.652
+neram
+1328
+langlade
+tamid
+fuhlsbüttel
+sec.
+bayev
+ruritania
+rantzen
+anicut
+rosenzweig
+radzinsky
+138-seat
+law-and-order
+pavlovsky
+jinchuan
+nagaragawa
+adeno
+creekmore
+13d
+three-lane
+bindi
+bierbaum
+mcewan
+3,224
+samodurov
+sallinen
+busuanga
+situbondo
+consequences
+pantheistic
+7/8
+inventor
+grayburn
+magill
+beverley
+vlaikov
+82.18
+durer
+3,625
+seis
+arrow-2
+rematch
+fdj
+zella
+doxford
+beton
+kukulcan
+semi-circular
+abhiyan
+yarber
+d-amino
+ferrovia
+kletsk
+affton
+flatfoot
+versatility
+glucan
+spangle
+hideko
+morby
+seeiso
+advertisers
+bowa
+80386
+lagi
+senusret
+venezuala
+malazgirt
+cupping
+lucayans
+granadilla
+76-63
+rosencrantz
+inter-city
+aarushi
+43-42
+ivanisevic
+bruel
+sensibilities
+sweetwater
+cilman
+washing
+civilizing
+singace
+galician
+eusapia
+matloff
+127.34
+highlander
+innovating
+vergil
+1384
+boogey
+outrightly
+vukadinovic
+nephin
+sess.
+towboat
+praetorians
+eldr
+wassmann
+bergh
+cortisone
+sok
+qfiis
+vanaja
+covenanter
+3,316
+danneberg
+preborn
+florino
+fujiang
+lamentation
+k.h.
+36.56
+jindal
+batiscan
+tyneside
+pg
+writhes
+45-foot
+llangattock
+grünfeld
+well-loved
+20:21
+someones
+dhows
+lured
+sparing
+minhag
+toulepleu
+assembly
+druckenmiller
+nduwayo
+hofgarten
+strips
+pangio
+huaxian
+modernism
+uwm
+babiuc
+re-edit
+c+c
+283.4
+corbulo
+aubenas
+hamdi
+truncation
+pensnett
+efecto
+malbrunot
+w4
+1957-1961
+corsaire
+rascals
+quaker
+ext4
+skewer
+birdwatchers
+jelic
+kumauni
+desconocido
+350-pound
+ruiping
+violone
+regionalists
+iunius
+danforth
+madugalle
+bwv
+agua
+38-inch
+capelin
+ghasem
+edhem
+stapley
+widner
+patchwork
+taumalolo
+2,614
+chev
+firstier
+dunkel
+eyetech
+meetup.com
+neston
+cosmair
+thinprep
+basketbal
+1305
+matia
+recopa
+grana
+hallström
+pagdilao
+accords
+meter
+central-southern
+bss
+1998-2008
+bydesign
+grévin
+ailments
+9.10
+birkhahn
+69.60
+nebulosus
+yester
+exarch
+getahun
+attendances
+then-united
+jona
+butorac
+daidzein
+mapas
+sapping
+riesgo
+200-million
+travan
+spooler
+pavillion
+234.8
+photton@globe.com
+7.77
+go-getter
+kir
+trix
+chhina
+hills
+cand.theol
+juybar
+0:43
+godsmack
+bhupinder
+solanaceae
+moosburg
+5-ht2c
+dugan
+loxton
+tympanic
+sonko
+feguer
+deaf-blind
+60-1
+xenoliths
+saadeddin
+thornell
+magnox
+jesuits
+119.22
+iraklion
+3-63
+allworth
+ferric
+microban
+inmediatamente
+lecaros
+goiters
+l.v.
+torok
+ka-shing
+90.36
+yoshihisa
+natt
+windbreakers
+filson
+norcom
+lavoisier
+vanderlip
+rupkey
+minzu
+ecological
+serot
+ligure
+rajo
+construed
+62.76
+decor
+justicialist
+2-disc
+1:4
+vichy
+euroskeptics
+writs
+13:36
+flat-6
+nueces
+polarised
+yurt
+drosophilidae
+onuf
+chlorella
+water-saving
+microcomputer
+starkweather
+embi
+work-life
+defunct
+malaguena
+ripples
+conquerors
+1-52
+blower
+jeyaseelan
+allbaugh
+schooley
+carmen
+gidel
+vaporizers
+17-storey
+pitsunda
+2,559
+farinas
+laguerta
+nghia
+undeserving
+adjusters
+amaka
+colonnades
+xs
+2,205
+o.f.m.
+shaunavon
+attractiveness
+biedermeier
+vitalic
+kronwall
+rizka
+brovelli
+fortifications
+theano
+aniversario
+square
+morillon
+aungier
+championsgate
+elagabalus
+khazei
+blansko
+gazzaniga
+artavazd
+flewelling
+politte
+sanitised
+rocawear
+thiagarajan
+goldstein
+16-minute
+mazda3
+rackley
+janice
+crinoline
+mcfaddin
+dinucleotide
+advertisement
+maryjane
+heilemann
+22.57
+116.75
+olivenza
+tondena
+weatherby
+crematorium
+fortun
+eastwardly
+hippopotami
+disingenuously
+ceda
+fanucci
+maljković
+japandroids
+centerville
+shireen
+natterjack
+togaf
+ndtv
+röhl
+skarszewy
+garageband
+stereotypical
+jet-propelled
+samford
+uslar
+9.9-percent
+quezón
+jewel-like
+irgens
+9.750
+jeffes
+shaoul
+78.25
+meinertzhagen
+clamoring
+kheri
+96.55
+schlitt
+3-4
+nofx
+.153
+minyak
+sangalo
+buryatia
+iaccoca
+debbarma
+scalation
+putdown
+greuel
+reka
+pseudo-dionysius
+timeframes
+gold-based
+ventoso
+péron
+zinha
+divine
+suai
+victoriously
+accelerator
+tofik
+caillebotte
+politbureau
+173d
+pasquel
+margazhi
+1098
+84.21
+knighting
+tropy
+tetrafluoroethylene
+euro824
+khenchen
+5,940
+fanton
+one-week
+bayern
+philanthropically
+dge
+nuriootpa
+influenzavirus
+tyreese
+cocklers
+champloo
+höfner
+fukai
+imishli
+micrel
+103.20
+russes
+d.i.t.c.
+almendares
+dunces
+91-day
+itsu
+planetwide
+heart
+temeschwar
+wray
+cantrell
+lictor
+single-celled
+8.2769
+saperston
+manovich
+fouty
+torto
+season-long
+101.70
+sukhavich
+alcubierre
+helmdon
+gotee
+a-glance
+wartenberg
+weinrib
+transaction
+onza
+beckham
+fehrbellin
+maazel
+safaris
+jamiatul
+2/7
+neeskens
+96.74
+minerd
+auricles
+brazilia
+commenter
+aon
+jomtien
+front
+kromah
+hamaneh
+6-for-18
+huanchaco
+mulan
+eif
+vikatan
+terrestrially
+portsmouth
+faranah
+genre-bending
+feilberg
+bajos
+waterlogged
+anglin
+generall
+samalqan
+eccm
+edmontosaurus
+nomads
+meadowland
+phulbani
+conflated
+erat
+distel
+.221
+branched-chain
+over-65
+jons
+unrecoverable
+10,000-20
+lewie
+sangams
+throgs
+gobir
+rt-pcr
+1.83
+wandlike
+clawfoot
+1-800-444-0267
+4-mauricio
+yongcheng
+cornering
+hexadecimal
+spermicides
+wehbe
+numismatists
+terreri
+teemed
+plagued
+slamon
+2004-2013
+tsvangarai
+bene
+pvf
+shoveled
+misinterprets
+skoh
+84.58
+2_6
+valentinus
+deriba
+outdone
+biehn
+57.69
+corralled
+xms
+below-market
+eyemouth
+455th
+disparate
+utility
+looser
+upending
+incessant
+closemouthed
+evocative
+bilqis
+breede
+expatica
+lomonosov
+campinas
+spaceshiptwo
+extradite
+icmc
+hellraiser
+warte
+trinley
+panini
+90.55
+dispur
+home.html
+nevanlinna
+faits
+kamut
+pyd
+auditions
+leipzig
+a31
+biktagirova
+goads
+murowana
+korais
+flathead
+noerdlinger
+zuhayr
+unquenched
+ertegün
+tuf
+1987-1994
+lync
+drobny
+frayser
+basam
+nohl
+xim
+tangentially
+seftel
+tobashi
+imposing
+peikoff
+40-22
+karuzi
+rehov
+93.84
+real-time
+moloto
+menza
+hydroelectric
+sandmeyer
+masterpiece
+talavera
+kittredge
+lots
+usus
+kruszka
+600cc
+alts
+sirona
+emplacement
+aficionados
+8a-4
+clouded
+rajen
+gallions
+miran
+n-noreaga
+fabelo
+yiotopoulos
+sprawls
+abridging
+781,000
+dakin
+baconian
+matnog
+tresham
+derfflinger
+sendo
+powersharing
+emitter
+86.93
+hubo
+alphabeat
+tatreau
+3-star
+28.05
+ruwais
+9,160
+lpp
+pixies
+valkenburg
+purviance
+brazi
+jörg
+level-5
+dancehalls
+zagorka
+clonmel
+citation
+rakoto
+aguer
+buse
+whatsapp
+jahb
+bga
+banksias
+taitō
+2:28
+reusability
+dougall
+wacked
+sucrose
+downbeats
+hartack
+61.72
+backrow
+dejohnette
+now-lost
+gasification
+haarhuis
+duve
+syarhey
+twan
+necropolises
+luh
+lfsr
+widespread
+pumpherston
+barataria
+dhia
+tromso
+tilea
+third-century
+deportivo
+muffle
+happ
+mcdonnell-douglas
+potu
+emf
+gravimeter
+villares
+turville
+1.5-million
+al-nu
+ppar
+shanshan
+22.60
+gisbergen
+tejgaon
+fenty
+22.1
+xiaohui
+hesitance
+ciphertexts
+saaed
+10-3-1
+22.88
+anastacio
+rachlis
+simus
+maximal
+broad-spectrum
+medaled
+55.12
+learningsmith
+adms
+formula_25
+polyphonic
+ususal
+toffler
+cross-country
+rosuvastatin
+hydrogenation
+250-1
+leocadio
+faulconer
+masunzu
+scnc
+aliaj
+fiege
+interexchange
+vinoo
+9.41
+statute
+elstner
+munua
+cxd5
+giht
+soglin
+baranzini
+roorkee
+jboss
+hørsholm
+sili
+murtis
+rebidding
+odelein
+alhassane
+equalizers
+76101-1870
+mongella
+ikaruga
+gracko
+isic
+#dcdcdc
+auxiliary
+polyominoes
+nembang
+distilled
+michdan
+somebodies
+one-sided
+7-11
+3,305
+infusing
+dorosin
+esquire
+bottalico
+desertmartin
+tackling
+wbay
+fowlerville
+jerseyville
+janeen
+shanahan
+habeeb
+e.t.a.
+herenton
+atia
+388,000
+habitantes
+dalto
+tadataka
+tarantola
+7w
+sinskey
+shuzhen
+ferrol
+late-19th
+bera
+pinault
+christmases
+backman
+longest-running
+salaried
+cardenal
+9-july
+47.55
+1-8-1
+pde4
+yarborough
+virden
+okhla
+rubey
+spinmeister
+complicate
+prentiss
+multifront
+habits
+laster
+faden
+fatemi
+throwers
+82.69
+glendinning
+opcion
+st.-germain
+jesús
+admirers
+stola
+hentrich
+rolston
+assaying
+ardito
+57-41
+zigman
+16:25
+redcedar
+nihongo
+nusach
+gxp
+mediterranean-type
+xianglong
+7,401
+activated
+sunnybank
+660,000
+yeoman
+silesians
+rangelov
+goyen
+anjala
+coie
+montichiari
+caco
+genoways
+pressurised
+madhwa
+peacoat
+114-nation
+coming-out
+fluffs
+apologized
+tetraploid
+100-0
+professional-grade
+bhuj
+henick
+ocelli
+towcester
+termoli
+20.95
+rigotti
+eutherian
+hoodlum
+tinctures
+musmanno
+schichau
+punakha
+sharking
+ceja
+akthar
+winhec
+jakovljevic
+yr
+ippolito
+eilif
+westbank
+koubek
+cargo-carrying
+eoi
+aiye
+hnidy
+meso-region
+117.85
+gurwin
+budworm
+suryadi
+amelie
+konietzko
+rafii
+simbu
+rüütel
+fouche
+precipitator
+columbia
+abiel
+characin
+breazell
+16:40
+stanwyck
+hattaway
+ensnarled
+demel
+taos
+groggily
+57,400
+i-405
+tilzer
+nzpa
+yy
+moceanu
+utilizing
+kapuas
+vidima-rakovski
+purwopranjono
+gordius
+smurf
+nismo
+fakhry
+maol
+jifna
+34.06
+decapitates
+fundy
+a-lee
+philanthropical
+top-flight
+obrero
+mckinlay
+2041
+mischaracterized
+borlaug
+1943/44
+yeasted
+platform-specific
+texmelucan
+cutud
+modred
+klyuyev
+ghorayeb
+lakes
+snowmobiles
+murguía
+1.4708
+vidisha
+brer
+cardinal-deacon
+saludable
+48-12
+misumi
+racette
+player
+monoamines
+rpm
+diesen
+sois
+maximiano
+huqin
+barrière
+kangnam
+vlie
+moosic
+schumacher
+čakovec
+peror
+westermann
+ippc
+zweigelt
+gonggrijp
+220th
+abrashi
+clc
+versteeg
+siazan
+surrenders
+landell
+igarka
+metafictional
+iudaea
+bodie
+vandel
+gifford
+intersos
+huberty
+symons
+33.92
+cataclysmic
+boutroue
+govia
+laren
+deberia
+ólafsson
+32bj
+bischofsheim
+norihiko
+six-seater
+cholangitis
+subsurface
+touch-screen
+clyfford
+49.28
+ratnam
+palins
+lambourne
+rossford
+sangui
+shackelford
+explicit
+centrals
+maschke
+kainos
+wolgast
+synaptogenesis
+naja
+100.75
+dragonflies
+rocklin
+bijective
+spacelike
+fatou
+da
+carbonetti
+arcandor
+kidbrooke
+striptease
+magistrature
+suche
+croc
+sorrows
+narvasa
+polak
+dalai
+shimo
+'38
+zucker
+cordura
+minta
+amiss
+colonel-in-chief
+kinetochores
+zooid
+tsakiris
+samos
+olumide
+vernia
+k.c.
+sonoita
+eyeglasses
+gertie
+avent
+masker
+cifaretto
+brantz
+picou
+kaluchak
+residuum
+kalymnos
+fufu
+marzo
+120.90
+narellan
+nift
+coriano
+veddy
+alexion
+29.99
+conneh
+macrantha
+hamre
+laude
+głowno
+km2
+primarolo
+airfoil
+blindspot
+konan
+eames
+velvet
+kyoko
+1283
+penitent
+graph
+zaenal
+bochy
+dalia
+-15:00
+lepcha
+r2000
+al-husayn
+clucking
+chinkara
+1952-1956
+6-liter
+tooms
+coity
+pust
+reichswerke
+bride
+brue
+adoptions
+wilhem
+saturiwa
+tchen
+8-of-11
+partyka
+freida
+casualness
+catagory
+iwamasa
+jeremiasz
+chamoiseau
+ortega
+mangone
+50.94
+brahmans
+s4c
+6-28
+clearwire
+redecorated
+five-part
+akihiko
+in-person
+glw
+65.77
+819
+tajudeen
+kafwain
+whippy
+aof
+mavromichalis
+kerner
+1,707
+himani
+chinatrust
+91.40
+pacbell
+nepartak
+antoun
+ranan
+kokura
+enide
+arioso
+takayo
+divide-and-conquer
+perpetuated
+masa
+cervecerias
+i-131
+desagneaux
+blatz
+netrin-1
+bougainville
+5.2-percent
+lombardy
+langurs
+michaux
+rusca
+ccia
+quintín
+bombet
+5,060
+mbanga
+dyffryn
+716th
+strasburg
+s7
+bastrop
+kabob
+sacaton
+potto
+46-19
+libertadores
+28.00
+dotterels
+tallas
+balhaf
+232.6
+sixers
+bladed
+gnsr
+eustachius
+using
+taumarunui
+trucial
+cartucho
+recuperates
+presumed
+greczyn
+g/kg
+sheens
+p.e.i.
+slippage
+fayadh
+3,724
+kumari
+pedir
+sandyawan
+stabilizing
+rhinoceroses
+gbn
+biles
+=(
+neemuch
+recurrently
+intervenor
+printworks
+helier
+cavalier
+boothroyd
+antonveneta
+1,225
+nissinen
+dagpo
+ulcerans
+paoletti
+mahzor
+gnu
+gastronomy
+e-sports
+stopgaps
+mittie
+whetu
+ljotić
+lignans
+fagersta
+ramanan
+4,797
+capstones
+géographique
+bottleneck
+wedowee
+lilywhites
+clarabelle
+scripture
+n'cobra
+alternator
+1.5305
+metolius
+serlo
+3/32
+2-10
+2,247
+al-shehhi
+sarā
+55.58
+ghara
+schramberg
+4:15
+dachas
+biancaniello
+one-shot
+10-wheel
+sews
+cofferdam
+cge
+piquillo
+then
+fencible
+showerhead
+gato
+lindelof
+karikomi
+bayerischen
+ventilation
+scuttled
+satkhira
+trimotor
+berliet
+superboy-prime
+greenlighting
+folds
+mibu
+hindenberg
+lothrop
+nordlund
+charito
+mirabell
+hamanako
+halidon
+50-14
+140m
+candy
+raucously
+5401
+binding
+smajic
+lochry
+stennis
+impax
+dmitrijs
+mawer
+proximate
+cspan
+russan
+ihb
+ueli
+subcutaneously
+reisig
+degregorio
+niska
+eales
+soragna
+tausch
+kran
+ashes
+alane
+furan
+4,998
+brigadoon
+montevergine
+non-negative
+foretelling
+1,168
+sayn-wittgenstein
+desolate
+shavings
+smeeding
+sts-123
+userra
+cunneyworth
+3,122
+dendrochronology
+artiodactyla
+fatefully
+kameli
+softly
+c/s
+dastur
+re-activated
+snz
+ellon
+magnet
+yakushkin
+noticioso
+23,100
+euro720
+zildjian
+90.38
+simson
+101.65
+40c
+cecala
+erich
+bonao
+fascia
+constituencies
+mathebula
+azon
+slovenskih
+abelda
+balci
+niketown
+ammo
+wastegate
+reeled
+soichi
+alessandra
+cardassian
+alie
+gohonzon
+16,450
+stute
+ews
+euro960
+messes
+capaz
+dwayat
+sheikhpura
+hase
+carmyllie
+toxicology
+tailcoats
+collating
+fairmont
+taq
+m37
+cimini
+buttenheim
+gladding
+schoolin
+beautified
+hydara
+89.9
+thielemans
+aulus
+(02)
+inzell
+4,743
+dependable
+bages
+15-month
+nigriceps
+swearing-in
+trondheimsfjord
+emmycast
+pompano
+keysborough
+79-page
+s.d.n.y.
+plibersek
+ulyanov
+56.37
+frays
+olbrychski
+a.t.
+car-sharing
+vujadin
+sows
+morey
+84.98
+formula_69
+30,000-seat
+gonz
+anteriorly
+ghatak
+hoko
+wayfinding
+wildungen
+mazatlán
+keret
+televangelist
+bentworth
+43.59
+kenniff
+ethne
+protractor
+eolas
+mohawk
+nearby
+koro
+imeni
+zalewo
+xiaoqing
+happisburgh
+shukla
+chunks
+dehydrogenase
+eazel
+dashst
+nonphysical
+somurray
+1.52
+scorpene
+schlachtgeschwader
+ugandans
+sifra
+esplanades
+seps
+div
+novais
+39-13
+clomid
+calcot
+archosaur
+wynne
+domitilla
+klem
+47-page
+xfdws
+tufty
+1,124
+resurgences
+sablons
+nangle
+mahavira
+takacs
+cotta
+67.5
+four-term
+romalis
+gediman
+mitrajaya
+4,317
+dauntingly
+kangsar
+kikori
+coleridge-taylor
+sør-trøndelag
+pre-ceramic
+givin
+2.00
+ifco
+jid
+superfoods
+myanma
+sublabel
+levien
+fmg
+concert
+gabirol
+khalistan
+plugin
+seguignol
+colakovski
+mauritshuis
+galavision
+shareware.com
+ilaje
+pilocarpine
+misprision
+set-top
+68.69
+sathon
+equivalencies
+mkhitar
+selvarasa
+stigmella
+lenah
+saliyah
+ahhh
+tickhill
+anmol
+penality
+d'isère
+bicaz
+jorritsma
+orazov
+balchen
+goals_new
+lambley
+hooman
+mahathera
+scream
+10,000-12
+kōen
+litoralis
+kargo
+one-term
+lazo
+1689
+immunizations
+valved
+70-member
+washbourne
+castrillón
+encourager
+baiocco
+92.12
+whyalla
+terabithia
+paratroop
+nabeul
+santé
+bawazir
+mishna
+glik
+.285
+setouchi
+pre-county
+maurer
+gents
+mcgavick
+yoro
+vedi
+d'amiens
+unplayed
+sydorenko
+aguinaga
+inishowen
+cemi
+votos
+esposende
+115.17
+curently
+505th
+part-3-the
+palacký
+4-76
+x-games
+sestriere
+putumayo
+mishmar
+121.28
+757s
+upmc
+kuko
+loht
+vanagas
+heen
+losin
+vicomte
+134-run
+wennemer
+mets
+holl
+shandilya
+93.35
+luwan
+karry
+corticosteroids
+elx
+haseeb
+schleyer
+to&e
+champion
+big-name
+hussar
+chmagh
+howaida
+passantino
+anze
+posten
+desertified
+jisr
+unstitched
+backing
+partridges
+thio
+3,000-acre
+ashado
+295,000
+samp
+islington
+antpitta
+86.73
+thursby
+fex
+cantino
+irritation
+alise
+guitar-based
+skate-off
+vacuoles
+imams
+defensives
+gusset
+polonorum
+runion
+4:13
+khojas
+luber
+blessedly
+zoki
+gruhn
+bhopal
+julio
+zeltser
+1575
+frango
+amantes
+mocvd
+giga
+humes
+tonight
+perrier
+4.375
+mountainville
+wraparound
+mentions
+königsberg
+chaminda
+lawn
+mekelle
+valiya
+2144
+86-1
+vaporised
+tryscoring
+5,199
+crecion
+samyang
+segato
+ghanemi
+morar
+smooth
+csongrád
+cofan
+verron
+nyt11
+pinaka
+erda
+n'doye
+1,331
+scifo
+petcare
+maoxian
+bioplastic
+ryutin
+bryne
+tusi
+dhal
+vuyo
+preponderant
+chamber-music
+stelzer
+constructors
+mcf
+pigmentary
+37-26
+eysturoy
+tahira
+faud
+veloute
+presentation
+cepsa
+carload
+carrion
+waggle
+pediatrician
+mendizabal
+shayea
+cipressa
+kurnit
+2,527
+chukyo
+sipra
+canaanites
+mobilizing
+2,350
+repackage
+rephaim
+weichselian
+736,000
+c'mon
+janai
+bullitt
+ricostruzione
+anousheh
+saks
+communistic
+creationism
+pre-2002
+cerojano
+parto
+adipati
+swinnerton
+maheshe
+alessi
+charnin
+wood-carving
+hasidic
+9-member
+hypermasculine
+herod
+207.4
+avicularia
+second-row
+premaxillary
+schiro
+piromya
+hardeen
+sviggum
+dodie
+kapan
+rzayev
+o'horgan
+dbt
+flaig
+61-2
+datz
+dices
+ratti
+riquet
+het
+tlemcen
+hayri
+sabeer
+morra
+caulfeild
+floodgate
+haulover
+prickly
+ukawa
+graphed
+tendring
+agoston
+77,000
+vlasenko
+doocot
+shabba
+counter-intelligence
+rowbury
+narvaez
+paciencia
+watercourse
+tusday
+embeddings
+beau
+pelsall
+łaziska
+emeap
+cbrne
+anti-clericalism
+e4
+loanshark
+lindzon
+bhangar
+helliar
+kulturhuset
+björn
+valters
+antioquia
+slidell
+suffixes
+non-planar
+guolin
+hexogen
+kattowitz
+97.00
+ប
+upanishads
+kilogrammes
+malae
+melson
+oldsmobiles
+arachnids
+chitrasena
+ghanim
+rolandi
+callvantage
+rumour
+mayall
+rabaul
+istanbulspor
+reh
+romántica
+andel
+prabandha
+demotte
+1999-2000
+misfiring
+frison
+8.93
+oversold
+gélinas
+non-cancerous
+tintinhull
+commendation
+deep-bodied
+democrata
+marron
+carlotta
+stradlin
+24-18
+1135
+2008-2012
+leveson-gower
+bluejay
+sokoły
+goodpasture
+hendricken
+herzliya
+full-blooded
+utricle
+pricks
+stonethrowers
+dealbreakers
+avenger
+diodora
+fontenot
+amorc
+ex-slave
+intently
+steur
+wachholtz
+ooooooooooooooooooooooooooooooooo
+2072
+zixi
+mountjoy
+17:29
+jeay
+proximo
+badalian
+patriots_signed
+nytnews@nytimes.com
+tacticians
+waldorf
+a-league
+61-60
+shivalingam
+cheerio
+metamaterial
+gibes
+gift
+noke
+inventions
+penning
+josé
+bauch
+hydatius
+syamsuddin
+scorca
+pettirossi
+giotopoulos
+uspensky
+3,928
+clarification
+ski
+scimone
+newsservice
+opening-day
+cowhig
+tight-lipped
+248.3
+6-27
+measurers
+yared
+columbiformes
+gemmell
+58.04
+sullenness
+kpakol
+tengboche
+simpatiaji
+prattling
+l'engle
+masochist
+zucchero
+tattooist
+semiconhtr
+tepix
+emert
+leade
+urdiales
+firestarter
+agrotis
+dieteman
+laiki
+voigts
+acclimatising
+97.09
+anec
+bruecke
+magdaleno
+mieko
+agri-food
+presbyterian
+nafiz
+langers
+kohi
+chiptunes
+stewiacke
+sulfones
+118.70
+ftaa
+unfavourably
+4-string
+rx-8
+kislev
+fairhill
+tsumura
+muchmoremusic
+ficquelmont
+crimped
+olivas
+susteren
+lachiusa
+burck
+medicolegal
+gm-csf
+bampton
+davidians
+lassitude
+marbeck
+rezaee
+4.5-inch
+mussavian
+zandig
+yanun
+day-glo
+subramania
+wheelbases
+soulfire
+somis
+jagmal
+shudder
+nonne
+wallner
+soundly
+kirghiz
+pigweed
+nantong
+bhattiprolu
+labarga
+cao
+manoeuvring
+authoritatively
+leann
+impeaches
+shakya
+jbreyes
+costed
+stabiliser
+daivari
+bluett
+154.00
+55.88
+sejdiu
+market-oriented
+ritto
+schwatka
+catalysts
+crowson
+delink
+litmanen
+maffeo
+orendain
+fwd.us
+hargus
+fto
+14-term
+hamaker
+sadikoglu
+evz
+elish
+cleo
+mesko
+formentera
+hailiang
+zagged
+parantheses
+daqiao
+gulbuddin
+white-browed
+hasty
+time-shifted
+kryl
+motorcoaching
+strousberg
+barreled
+bosisio
+spandex
+59.5
+morelle
+trollies
+layne
+pichay
+superliga
+caballos
+clachan
+jocularity
+indolence
+moudros
+chantel
+bồng
+copaxone
+endosymbiotic
+moradi
+c-119
+www.target.com
+volksraad
+ogunleye
+thurii
+joellen
+wiehe
+miikka
+luetkemeyer
+écrins
+megatron
+parada
+branchlets
+kirklands
+sanzio
+africans
+pepsin
+kipketer
+zair
+airbuses
+urapmin
+dechellis
+durlacher
+conac
+jehf
+criticisms
+mingjuan
+reichsmarks
+organisations
+full-rigged
+intelink
+ikf
+ameiva
+dupee
+pinheiro
+bronkhorstspruit
+glitzy
+cravings
+ε0
+reptile-like
+montcalm
+tham
+trotting
+hotez
+intertwines
+arush
+encrypted
+emarcy
+jamesport
+kfbk
+anonymity
+madhava
+martigues
+1906-1910
+libo
+160-article
+celibacy
+ueb
+35-story
+euro563
+1117
+notario
+d'israeli
+venjah
+trilinear
+tomasulo
+adelgid
+warmongers
+majlis
+j5
+14-round
+streamlining
+yuguda
+shinar
+mankiw
+auto-pilot
+stone
+plimsouls
+tenens
+heckler
+olya
+logline
+xizhe
+888-346-9867
+zocalo
+optimally
+teddybears
+slatina
+.789
+ghagra
+isogai
+xfc
+camposanto
+oommen
+fehrnstrom
+coucil
+muchinguri
+counterdrug
+auber
+hezekiah
+purple-red
+t-ara
+especialista
+phosphate
+devra
+210.3
+s-211
+sparred
+fat32
+10am
+moto
+whitebread
+reinterpreting
+nosotros
+gaveled
+tingyi
+jianghua
+resurgence
+hickes
+dongyue
+postsecret
+opis
+bakalli
+mcgorry
+retouch
+sheetlet
+sudanic
+banyamurenge
+meanderings
+arithmetically
+varnished
+moitessier
+rev.
+erecting
+1986-97
+commandants
+wilderspool
+okuyama
+ique
+61.00
+amran
+shorstein
+kipiani
+kumbha
+commutative
+finite-dimensional
+nanomedicine
+molaison
+stoppard
+10.10
+82-yard
+reena
+338.5
+fantastical
+sicca
+nutley
+.000106
+pelossof
+2013/14
+liberté
+atmore
+zoya
+olyā
+http://thomas.loc.gov
+procar
+71,000
+aloe
+incinerating
+zares
+6.44
+songri
+raquil
+congo-kinshasa
+grouchy
+zali
+eyitayo
+adamle
+setpoint
+zeroes
+swaroop
+zhoukou
+mmorgansfchronicle.com
+wauhatchie
+gripen
+ornamentation
+nedcor
+kiryat
+clockwork
+kallur
+kiis-fm
+sneakin
+hallenbeck
+sihltal
+barraged
+casteel
+girding
+megamix
+pariol
+savićević
+montanelli
+curiouser
+afspc
+deathtrap
+1508
+renee
+kg5
+authorising
+epaphroditus
+2,855
+ginglen
+student-to-faculty
+agilent
+bergamasco
+costacurta
+fairless
+wonderkid
+gei
+cinda
+vastic
+kilrush
+kurów
+ouranoupoli
+ena
+mils
+mashgiach
+meinel
+muhlenbergia
+thorhild
+unitards
+greasley
+hispánica
+ozuna
+cesselesse
+oxa
+88-member
+munira
+warrell
+guardian.co.uk
+sodha
+offramps
+pimples
+freshford
+fifes
+syrah
+unconnected
+neo-realist
+frangible
+penalosa
+racan
+toska
+ingari
+marginalizes
+subobject
+autotrader.com
+mühlen
+377a
+broward
+unquantified
+pulverizes
+141.4
+bommai
+suchon
+t22
+pila
+cornets
+astori
+maheshpur
+sheckler
+defensin
+euro202
+maranatha
+s.t.
+changeling
+beehler
+bongha
+attitude
+likeable
+second-division
+117.76
+privett
+extralegal
+ayc
+clothed
+jeht
+844
+filoni
+minahasa
+adultery
+rivlin
+hennekens
+decentralization
+memphians
+chiwetel
+montepulciano
+cadle
+absorptivity
+322
+convocation
+longwang
+vaitiekunas
+297.00
+rentzer
+cornificia
+debriefings
+stoners
+ethno-religious
+iziane
+haptic
+falvey
+121.98
+326.6
+impaneled
+whodunit
+4-8
+rolls-royce
+isabela
+belupo
+desaad
+sep
+strangely
+bassetti
+sylvite
+wani
+thurig
+taya
+ranchettes
+conciliators
+porte
+rafanelli
+non-conservative
+wafl
+5.4-percent
+likes
+ehrman
+297th
+roystonea
+retaining
+alaskans
+coles
+khay
+argolid
+leaf-litter
+2000-2004
+kikukawa
+reentered
+adiponectin
+meridiano
+dynasts
+stalked
+1949-1950
+mcgirt
+mto
+intune
+cointrin
+atmel
+paranjpe
+112.13
+wex
+uhn
+duracell
+obeyesekere
+suttles
+verdicchio
+pulquerias
+lecarre
+ymir
+maikop
+madoc
+inouye
+2,906
+non-rhotic
+udbina
+quarrelling
+talley
+2.4-litre
+bonini
+qutub
+charam
+pirone
+kadhal
+conclusive
+allari
+pulmonology
+ilter
+corticotropin-releasing
+nuckolls
+evenly
+mernda
+monomakh
+nonproprietary
+lopped
+ucpn
+glial
+lützen
+kandukur
+436
+dookie
+p.e.
+rehabilitation
+racemose
+a-vis
+lyngstad
+theunissen
+boycie
+tumours
+tsigaridas
+bejesus
+closets
+venantius
+pytel
+republic.com
+lapierre
+roos
+godhood
+bartoszewski
+lecturing
+4-10
+19,519
+99.54
+ס
+subscribed
+danity
+pedalers
+lacerating
+phorcys
+93.1
+cythera
+brocado
+banquet
+twisty
+dgr
+blackner
+92-83
+hfg
+dursun
+tellingly
+autarkic
+hounding
+cleeland
+taliek
+13.6-billion
+planed
+commenee
+gringoire
+264.8
+50.53
+vasilij
+viscounts
+ernakulam
+eastbay
+arbess
+puthukkudiyiruppu
+galuppi
+4,210
+sandile
+vanir
+hayasaka
+aref
+headnote
+front-office
+evseev
+strikes
+culture
+mlf
+branik
+borum
+mahāsāṃghikas
+satyrinae
+intercapital
+visclosky
+taube
+backstop
+114,500
+collier
+sweetney
+mencher
+armee
+haniyeh
+nordex
+tansman
+commercials
+gahima
+ameliorative
+welden
+govorukhin
+palazzolo
+dvr
+delegations
+265-420
+masonite
+39.49
+jahandar
+pikemen
+28-game
+carbon-13
+339th
+frustrated
+travesty
+firhouse
+cani
+ragnar
+feiglin
+75-page
+1,000-room
+gunten
+curci
+baidya
+doodling
+kipsiele
+lautaro
+6.8-kilometer
+straumann
+sobótka
+euro162
+reprisals
+volcanologist
+sarris
+1-35
+larrieu
+upfronts
+swang
+150,000-dollar
+scalise
+scuba-diving
+wessel
+pallidotomy
+pouting
+galasso
+chennai
+ascenso
+afrotropic
+cupeño
+randlett
+costes
+esata
+150.1
+abundant
+rbw
+wave-particle
+peternac
+crosshaven
+ethologists
+aboral
+55.08
+naturals
+bertille
+hermidas
+chumachenko
+impale
+arsacids
+backlight
+kaiserpfalz
+tade
+population-based
+esla
+handpick
+restful
+rifampicin
+parlophone
+gyori
+stauce
+sepoys
+should
+forming
+55-cent
+psychedelically
+malvani
+stardrive
+sexes
+kvapil
+comital
+reincarnated
+næringsliv
+36,875
+peifer
+floristry
+frailest
+3-for-11
+ezra
+bergqvist
+hemocyanin
+estelline
+brockway
+zig
+hediger
+hypotenuse
+paramilitarism
+unfurling
+heriberto
+aumf
+manchu
+ramagundam
+opposing
+meran
+19:03
+rakocevic
+pisemsky
+chey
+fritillaria
+reissue
+torbay
+tannehill
+pornanong
+slugger
+peredo
+vinings
+mendola
+puffing
+wesolowski
+kayqubad
+zemmour
+2-and-1
+onecare
+banyan
+wlef
+shushtar
+sunland
+rafiki
+scribblers
+vereen
+rabi
+highton
+phuoc
+qgpc
+surmises
+teoria
+tsathoggua
+kobozev
+nyholm
+39a
+riding
+indha
+baazi
+brigance
+nhej
+saddlers
+sq.m.
+allyn
+65.38
+dockett
+annelida
+quiambao
+1408
+61-61
+pujas
+steel-string
+spizer
+zarda
+indridi
+convocations
+bulletins
+evonne
+kariwa
+guille
+photodetector
+dsbs
+safflower
+failings
+shut-in
+3.27
+huayang
+zagallo
+akh
+chanteurs
+welter
+136
+kokoschka
+fathia
+kraal
+foment
+marazzina
+sacré-cœur
+the-then
+xinning
+charlottesville
+shatwan
+sandbanks
+bützow
+whu
+stromae
+6-minute
+atelectasis
+autons
+lucom
+afrosoricida
+freelancing
+beis
+tekebayev
+21,700
+botoșani
+alienist
+mazurka
+lome
+gandan
+dicksonia
+fortensky
+freebooter
+ambre
+glimpses
+pińczów
+philipp
+oso
+astarte
+norworth
+satyabhama
+mirepoix
+fillmore
+jiron
+sunbirds
+cncs
+superheated
+soumaré
+11-4
+inline-four
+12.71
+ush
+sadha
+re-taken
+50n
+goof
+seastreak
+narnian
+anglicanum
+mcloud
+rowlings
+try
+kerplunk
+rekords
+teletypes
+tessalit
+32-24
+bü
+enforces
+steadfastness
+palmata
+caemi
+egalitarianism
+farson
+farahnaz
+khadjimba
+bosonic
+jinshi
+ibrăileanu
+kornfeld
+spolsky
+wpta
+clijsters
+u.s.-guarded
+catarinense
+oauth
+64.36
+nsukka
+frazil
+ajab
+turncoat
+marzah
+quasicrystal
+praja
+sicheianytimes.com
+63.0
+salakjit
+3-tier
+kneecaps
+snags
+annonced
+:01
+outshone
+kaercher
+fronsac
+broom
+takita
+infuriated
+luhmann
+twala
+gef
+sinusoids
+42.06
+elaeocarpus
+882
+abry
+poc
+70-73
+6.2-mile
+cjs
+badb
+tokaji
+xiapu
+nestos
+curdling
+notti
+93-89
+rockledge
+sośno
+ocoa
+moderator
+ferney
+thrift
+astrium
+supermoto
+cyrillic
+miksche
+leaton
+celtis
+wor
+oblinger
+dolours
+whupping
+matutes
+57.81
+alur
+3pm
+soum
+regazzoni
+brutalizes
+vanquished
+30-run
+aharonot
+norweigian
+qazzaz
+blanshard
+1939-41
+1,314
+readings
+barricades
+crif
+mbele
+organise
+schneeberg
+17:46
+groenveld
+calapan
+wuxing
+superbikes
+shishakli
+91.68
+thiamine
+citadels
+mhic
+unterland
+zlotnik
+caught
+upnp
+liters
+aillagon
+ajman
+93-93
+noticable
+grêmio
+tamako
+stokley
+84-day
+ushio
+24-minute
+chieftaincy
+mcconn
+noisome
+wondrously
+finamore
+waiuku
+gard
+iwry
+pomerance
+llana
+healthgrades
+nek
+olavo
+3,148
+castera
+boras
+counterweights
+u-19
+belfrage
+hairi
+redken
+albireo
+66-foot
+homann
+kenly
+fading
+littoraria
+komuro
+uexkull
+midshires
+100.46
+records/emi
+garfein
+verifone
+nemea
+servitors
+hek
+iao
+seg
+4,765
+125.06
+1,7
+precondition
+jowers
+fraes
+sunt
+moshiri
+teofil
+bancgroup
+neots
+ph
+kill
+subscript
+jiggled
+56-54
+daramy
+49.42
+pekkala
+15e
+batia
+safavids
+formula_84
+telecomunications
+senales
+tormes
+schäuble
+34-38
+smashes
+lockhead
+9,000-acre
+wtih
+løvenkrands
+14-hour
+edy
+kangshan
+muti
+biostatistics
+bafut
+mbb
+kruzel
+fail
+hammonton
+bobik
+brétigny
+kasapis
+58-foot
+ladejo
+ouput
+psalmody
+februrary
+pendle
+suppression
+155mm
+jalangi
+514th
+interred
+sanzone
+killay
+anti-russian
+wozzeck
+thorr
+4min
+xa
+lippy
+fenced-off
+backheel
+artusi
+130-billion
+gayt
+microkernel
+85.65
+dramaturgy
+104.95
+noticeable
+2,291
+12-30
+nanae
+ambassdor
+honored
+aufhauser
+onstream
+parthenope
+faced
+68-62
+ex-wife
+satara
+begonia
+223.5
+badavi
+brafman
+75.74
+irises
+guercino
+robinhood
+zahar
+sejima
+1057
+baumhammers
+jagna
+callbeck
+petrushova
+hurun
+metohija
+yihua
+wead
+bossiney
+zhixing
+hurford
+marinid
+pard
+poopó
+zumbi
+stretham
+ardika
+48.99
+chrissy
+highfliers
+disembodied
+shenzen
+viagra
+vairamuthu
+siegerist
+graps
+meridia
+kgreene
+97.86
+1707
+mindhunters
+banach
+ashtiani
+drumcree
+huizinga
+hyperplastic
+manuel
+86.68
+norgate
+24.44
+sheriffdoms
+striking
+jaromír
+zuerlein
+jacintha
+westmar
+tatlow
+conviasa
+kanoo
+laicized
+glouchkov
+pichia
+beery
+mourhit
+hizballah
+tryavna
+frisinger
+late-afternoon
+pedrera
+derivatives
+spasms
+seyler
+ས
+wohlberg
+25.60
+moskvitch
+7.28
+vegh
+circumboreal
+dalliances
+dening
+kuchma
+soulforce
+sainyabuli
+multiagency
+unfccc
+goal_san
+nixie
+8,380
+siphiwe
+parentless
+some
+nerpa
+poliziano
+sea-captain
+hamakua
+koreneva
+imparted
+oskari
+heiss
+privilege
+kinneret
+redline
+bulbasaur
+2,003
+12:13
+luminary
+bletso
+damiana
+tarmiya
+distribuidora
+maiken
+rac8
+radiologist
+multifoods
+yazhou
+flushed
+risorgimento
+fogg
+1/10
+wysiwyg
+abī
+cims
+761st
+117.31
+aldama
+miani
+atenas
+glyceroneogenesis
+eadie
+56.49
+shtahd
+aucagne
+caprera
+humiliates
+chicheri
+22:10
+x31
+more4
+scena
+sorceress
+vendetta
+latin-1
+basciano
+mangurian
+keown
+cotesworth
+photofinishing
+seduced
+morgenthaler
+4472
+doggfather
+bulin
+boba
+non-varsity
+sacrificio
+jaubert
+60m
+ayan
+anstalt
+light-welterweight
+candidly
+superheating
+reappointment
+middeck
+mirs
+11c
+extinguish
+postrace
+63.71
+ploetner
+cassity
+madhesis
+5-for-20
+regiment
+metal/rock
+parupalli
+megadoses
+1600m
+72.55
+bifocal
+iacobucci
+1,570
+euro253
+checkable
+dragneva
+third-country
+wenzel
+helgenberger
+greenore
+thrangu
+kerosene
+thunelius
+1:41.73
+,995
+4,578
+margetts
+34-degree
+sphenopalatine
+brandwein
+jeli
+didymoteicho
+poncho
+wheater
+wallum
+mezcla
+plaschke
+stressor
+hsue
+mih
+lustrinelli
+sirica
+terorrism
+reganbooks
+fredensborg
+helwan
+embarrassments
+tdu
+huett
+chandavarkar
+neou
+torqabeh
+tuqan
+lyuboslav
+fathering
+atpadi
+semi-wild
+rigpa
+yurtcu
+biancone
+noncooperative
+maubere
+svedka
+:27
+m-48
+shameless
+ensnaring
+74.8
+ulrikke
+lucaris
+waxing
+facon
+amnh
+corellon
+margets
+automatica
+moorman
+connive
+gmathis
+propionibacterium
+arcueil
+157.1
+aḥmad
+hegedűs
+seekonk
+toica
+rakshasa
+dote
+galibier
+miyajima
+puspa
+karimov
+4,375
+.769
+hasner
+corrida
+donadel
+dimashq
+trundles
+font
+nex
+ratite
+makarau
+million
+liverpool
+speechwriters
+arbitrators
+vornado
+tpn8
+brunnstrom
+südbaden
+ladybird
+kervezee
+panigrahi
+non-dimensional
+hake
+22.35
+yanzi
+inconnu
+jenyns
+howrah
+250-cc
+bedwell
+sparx
+pyrah
+persons/sq
+2000-2010
+suffragans
+haliotis
+taskin
+jasjit
+schwartau
+28a
+moonstone
+algebraically
+half-open
+multiculturalists
+shenda
+overnite
+ladouceur
+hodgeman
+sparkling
+farshad
+kroupa
+abandons
+intrapersonal
+cambrian
+guiping
+shantilal
+paktya
+shigeta
+iller
+54-mile
+buchs
+ainhoa
+antler
+2:35
+boey
+safiya
+puritan
+gård
+3-disc
+arborvitae
+28.87
+athon
+c.bowyer
+tarita
+zephyrus
+calibres
+trochoidea
+1-12
+pre-ordering
+bigotry
+torstensson
+andriano
+109.14
+guksu
+shahjahan
+cut-offs
+gervasi
+18.55
+kepel
+baiocchi
+on-demand
+enyele
+mccarten
+baseball
+25-car
+bijlani
+38.83
+7-6
+pegylated
+aller
+filianoti
+ste.
+2xlp
+gougeon
+boletellus
+golfball
+norrell
+complimenting
+96,500
+obscure
+multilaterally
+rodna
+grimwade
+foghorns
+serkin
+vax-11
+reagan
+omit
+swierczewski
+74.58
+marillion
+childlike
+vespers
+aldie
+dyck
+stunt
+dobnik
+suy
+villeroi
+eggplant
+ergil
+petsalnikos
+vongola
+mcgoldrick
+antistatic
+backcountry
+analogs
+wulfstan
+reddington
+tanco
+vainakh
+essensa
+nomes
+gauteng
+padron
+slashers
+48-yard
+laurita
+vp2
+madhe
+antipholus
+kubitschek
+d'rivera
+akron/family
+jonatan
+bashirli
+vespula
+perugia
+inklings
+second-quarter
+grandcentral
+steinhardt
+llanero
+gigabits
+frankin
+mekon
+oaken
+kapranos
+buni
+goalie
+4.77
+noisia
+bourguiba
+boskoski
+sprick
+fellah
+supercentenarian
+flood-control
+farms
+headstrong
+brz
+959,000
+satellites
+strage
+bismol
+cenizo
+pin-point
+clerkship
+connoted
+schundler
+morioka
+cheick
+61.66
+montavista
+65.74
+telegraph
+symmes
+2337
+transunion
+bajpe
+cece
+raikkonen
+stob
+pleading
+gapped
+cross-bedded
+nanay
+shamsabad
+oblomov
+nasca
+2,674
+104.42
+koret
+sarver
+106,800
+formula_95
+322.6
+junyao
+whiten
+suweira
+500-megawatt
+detriment
+cathan
+kae
+dunce
+moncrieff
+avapro
+apathy
+beltagui
+genpact
+grigoriadis
+naïveté
+455,000
+kiyoaki
+kittay
+marada
+shockers
+danyang
+atmosphere
+hellenised
+çorlu
+joohm
+normanby
+250-kilogram
+hendrie
+manalo
+unmanaged
+9.99
+brahmaputra
+fineman
+vainio
+nuwan
+thaek
+nuttiest
+geothermal
+baddawi
+elsey
+popularly
+nicra
+mikkeli
+wet-season
+mcm
+zombie
+wall-to-wall
+19.60
+summarize
+boulting
+acid-free
+inept
+4,790
+rear-engined
+humic
+closser
+enforce
+languid
+88.64
+perlet
+unstaffed
+scruffy
+hane
+churchmen
+ariège
+mediterranea
+shoku
+trịnh
+330-member
+myositis
+unpigmented
+buildups
+french-spanish
+partinico
+mittag-leffler
+lubalin
+mcglinn
+controller
+base64
+pwu
+lagan
+decertification
+goslings
+almaguer
+shastriji
+amoebic
+53.82
+tangkhul
+blumer
+yücel
+fishkeeping
+dramatisations
+baixo
+sagarin
+deferential
+mordellidae
+32.11
+teahupoo
+dionysius
+katastralgemeinden
+boötis
+1440
+tgh
+interlachen
+catalinas
+leuctra
+figo
+keenness
+doyukai
+18:27
+sensibly
+pressey
+yankeeland
+ygal
+yarema
+36.15
+beata
+choukri
+superia
+6,810
+flagrant
+20a
+curcic
+jialin
+burkittsville
+wijnstekers
+selee
+bijon
+eldawoody
+yakshi
+inchinnan
+89.33
+esade
+dlx
+sexology
+1,379
+99.97
+daggs
+ogooué
+relives
+pesek
+five-man
+kurbi
+28.63
+arthurs
+indo-australian
+commines
+barrister
+burton-on-trent
+aul
+deanda
+13.30
+zetina
+mid-scale
+5-percent
+rivadineira
+warez
+lifeboat
+pbms
+sangbad
+smaw
+1,459
+taxa
+eumetsat
+svetlogorsk
+unitel
+euro572
+keulen
+bysiewicz
+hevesi
+hathurusinghe
+fifty-four
+bolsover
+6-of-17
+wodie
+tychowo
+narrowing
+perti
+schulte
+danaharta
+petitto
+uvedale
+marocchi
+pinguin
+american-statesman
+forensically
+shots-33
+55.19
+mounoubai
+casula
+thereunder
+sansei
+miniser
+lianyuan
+seckau
+1,800-mile
+whitehorse
+demetrio
+mckyer
+opes
+floodwood
+sagir
+buntline
+lorik
+vrchy
+abazovic
+magens
+broadfield
+0.24
+11-related
+parbati
+sprinkel
+gracillariidae
+anping
+afrizal
+tri-oval
+talbak
+c100
+siefert
+nxc5
+hodegetria
+pompey
+fionnula
+solanki
+1964/1965
+thaw
+sach
+carleton
+japonic
+tagliaferri
+all-kill
+psychohistory
+munish
+109.40
+motel
+lapadula
+metadata
+sapag
+firbank
+grown
+cybertimes
+cristman
+paroubek
+caywood
+75.34
+alibag
+outsmarts
+geto
+fanmi
+bemerton
+cawing
+david.wood
+bradleyi
+ammonoosuc
+popeo
+78-71
+renaldi
+chipinge
+apus
+.264
+rachman
+saragosa
+carolingians
+korczyn
+jacksboro
+adalgisa
+coathanger
+aloha
+chandraswami
+magrahat
+efimov
+inbetweeners
+meddein
+east-south-east
+oduya
+bhimanto
+nation
+sse
+morven
+www.fbi.gov
+colossally
+bloods
+hedworth
+anishinaabeg
+filmmaker
+45-nanometer
+lianhua
+mitreva
+wannasathit
+seybold
+kluk
+cristin
+plepler
+sanden
+campaigners
+barcia
+al-kadhim
+phare
+jeda
+proshare
+1447
+abilass
+zeo
+avoidant
+1,099
+24.09
+pfl
+maze-like
+livetv
+closed-form
+sdece
+memc
+hypsopygia
+2126
+aronoff
+berty
+tracks
+silajdzic
+guardedly
+pixilated
+teno
+reccared
+knapping
+mentionable
+berthod
+sandokan
+teagarden
+luch-energiya
+kubik
+microarchitecture
+newpark
+kreeger
+verbalized
+mecp2
+sangama
+tagen
+city-centre
+pares
+wert
+declining
+approvable
+leelanau
+xanthomonas
+kck
+154.2
+basho
+excises
+venosus
+instant-runoff
+rephrased
+kayishema
+cleveleys
+śrī
+52-year-old
+jhollis
+po-2
+finasteride
+clearstream
+3,589
+judy@hearstdc.com
+chablais
+45.78
+holmesburg
+discontinuity
+t-4
+dayni
+mouse-like
+shawangunk
+charism
+55.89
+clathrina
+sudjana
+comcare
+oneiric
+ziggy
+ciau
+six-story
+m.ed
+71.07
+guadaloupe
+janine
+loes
+kalanki
+pottersville
+parcher
+longed
+euro176
+iavi
+rongkai
+effinger
+univisión
+pitching
+chishi
+fibrosis
+gun-running
+planica
+isr
+118.72
+panulirus
+brochard
+iordan
+tamalpais
+aptera
+225th
+inter-mountain
+medicating
+seroux
+closetful
+human-machine
+déjame
+outdistancing
+healthiness
+studiocanal
+zengeza
+hisn
+pellerano
+turma
+jagow
+imprinted
+ibori
+grapplers
+underland
+51-year-old
+āq
+kadın
+preliterate
+tigrett
+5.38
+naspa
+marinated
+poornima
+abdiwali
+glendive
+montecristo
+lechter
+coordinated
+typecasting
+6.49
+saturno
+2345
+http://www.cnn.com
+songhai
+sankt
+fpa
+bruchsal
+zero-dimensional
+britannias
+anillaco
+48.45
+thw
+46.30
+galen
+qaddoumi
+goord
+panathinaikos
+leó
+jodhi
+roundwood
+kif
+2,705
+advena
+107-105
+1095
+et/pt
+diferencia
+mimicked
+bergström
+eskendereya
+transplantations
+chainstore
+solferino
+elberton
+correspond
+schadow
+hobbes
+a&s
+dyba
+angelos
+r-15
+kerri-anne
+liberian
+chemosynthesis
+7.56
+mojsilovic
+emani
+connemara
+yeop
+igniters
+troedsson
+benfleet
+keetmanshoop
+glazunov
+bronchospasm
+floor
+platoons
+zaniewska
+falcons
+horsemeat
+rehoboam
+landaburu
+venezolano
+able
+specialize
+ruholamini
+aleksovski
+catuvellauni
+larking
+jayant
+britton
+herme
+105-89
+floro
+kneading
+khaitan
+chokehold
+pappas
+istoria
+monsengwo
+tidmarsh
+pngdf
+metzger
+hongyuan
+monzon
+baosen
+harelip
+onur
+oct.
+presbyterians
+chass
+sukha
+hsv-1
+vado
+musselburgh
+vaananen
+racecars
+quintard
+pendant
+very
+pinups
+ibanag
+otton
+anatel
+amfortas
+co-pilots
+scooby
+z/vm
+carvin
+ipperwash
+dementia
+pentas
+1.560
+14w
+aspires
+abc-owned
+nacp
+loviglio
+jeric
+eliminates
+moutier
+pinnell
+thieme
+dongyin
+feast-day
+13,450
+barcoding
+chaney
+akwa
+kleiza
+ellement
+järva
+neenan
+recuerdo
+fixture
+hastily
+pitl
+anisotropic
+carolan
+tazehabad
+touchpoints
+klieman
+1.281
+kensington
+talktalk
+mwakwere
+2-68
+arslanian
+34.5
+babar
+lithology
+póvoa
+oung
+gre
+robotic
+mccuin
+restauration
+bridling
+raze
+mwami
+neo-fascist
+worlock
+pathogenicity
+17.42
+molalla
+wynwood
+maritimo
+apadana
+supérieure
+lauran
+k-rock
+batken
+saphir
+glossa
+wheelchairs
+backstabbers
+near-death
+900-1000
+euro420
+cabbage
+ionization
+aspirates
+septimius
+lft
+wars
+13,250
+now-infamous
+22.56
+1-64
+ncaas
+shustov
+dorados
+servini
+noon
+temporal
+argentea
+nayana
+politico-religious
+reference
+surville
+berkland
+muscari
+kubal
+lycée
+scaasi
+malabo
+nygaard
+rostering
+indpendent
+congresses
+forest
+marsal
+jord
+2-10-0
+chacabuco
+oued
+racemosa
+yonaguni
+captain-lieutenant
+whiskeys
+trouser
+newry
+bassan
+zsa
+kalume
+triflate
+hsa
+chawla
+gondjout
+hoffarth
+necn
+u.s.-philippine
+wilgus
+261
+feedstuffs
+86-83
+barbaric
+grocers
+ss-totenkopfverbände
+dandelions
+bonsignore
+giannopoulos
+disquisitiones
+imperials
+tawes
+331.5
+french-italian
+venetian
+mid-twentieth-century
+eulogizing
+kivalliq
+16:44
+cnm
+08:20
+talker
+naib
+mesylate
+sultandagi
+3,637
+scoreline
+tibs
+gueuze
+contemplating
+off-break
+anti-vaccination
+complementarities
+dshs
+75.25
+gaede
+wean
+poulet
+monumentality
+al-watan
+penal
+panamera
+fissionable
+sikarwar
+emollient
+pods
+knuckleballs
+sellaband
+aalsmeer
+recuperar
+saltpetre
+resent
+emts
+finned
+110-million
+three-term
+absorbents
+dredger
+play-by-mail
+2147
+naud
+opt
+jewelled
+sacristan
+rizieq
+vilar
+polycarbonate
+24,583
+w&m
+saltarelli
+verrijn
+ceramists
+a-heart
+200px
+sentral
+quick-witted
+ulitsa
+moeen
+negociant
+andújar
+hutt
+jan.-jun
+dripped
+110-109
+.81
+31-feb
+beskid
+wahabi
+chern
+individualize
+africo
+duraid
+18e
+bangor
+ruairi
+neckarelz
+bsdi
+anticyclone
+vukasin
+komp
+guyler
+marable
+friherre
+generalissimo
+ruaha
+lijjat
+76.79
+1.6018
+unbowed
+3:14
+enginsoy
+voter-approved
+lencioni
+cluttering
+yuji
+unmodulated
+78.26
+igby
+60.37
+shrum
+prophylactically
+anxiously
+chevalerie
+malagueña
+5,000-mile
+bannerghatta
+bihl
+1,521
+regencies
+abscond
+quincunx
+anica
+nippondenso
+tutti
+długie
+kalsu
+souichi
+purewal
+hsr
+65-69
+neuromuscular
+gayley
+cadeby
+paralakhemundi
+1:23
+goal-scoring
+sparkler
+bonderman
+żob
+serhat
+shea-porter
+rodding
+accomodate
+lemonheads
+725
+vinick
+shrugging
+fejes
+ataqatigiit
+archives
+korce
+willmar
+molestation
+3dlabs
+dhola
+sudbury
+effusiveness
+permian
+second-consecutive
+buchmeyer
+gloval
+processes
+transitway
+campus-wide
+meri
+42.3
+silverlake
+sarh
+litigiousness
+5r
+macallan
+alexandre
+tamil-language
+lantawan
+727s
+donizete
+unca
+kalyakin
+karush
+haplo
+ice-making
+1h27
+jepleting
+haunted
+purkinje
+dragoons
+dishrag
+cheraman
+40.04
+1h29
+late-2007
+9-21
+18,000
+banas
+dvu
+lageman
+kingaroy
+twelve-member
+welf
+sparber
+adinkra
+copa
+chataway
+calvary
+herland
+camus
+mahant
+changxing
+royalist
+1361
+savannahs
+finshed
+ashrams
+jelagat
+swingy
+banahan
+4,825
+directora
+109.35
+chart-topping
+ciannachta
+yahiko
+untangled
+emphasized
+vinod
+polonius
+sterilisation
+36.01
+neti
+thoresen
+kensei
+jaycie
+hockeyroos
+cross-beats
+phalaenopsis
+149.00
+abeba
+crinolines
+sirleaf
+reintegrated
+.315
+slouchy
+8,250
+pilotwings
+faroese
+arsic
+yoneyama
+boonies
+nlex
+wishman
+mollel
+finamex
+super-strong
+bourgueil
+alleanza
+babalola
+münch
+kyrle
+restraining
+oghara
+strokosch
+unschooling
+sapta
+micronoctuidae
+chaloem
+thirunelveli
+steinkraus
+huseinov
+arbitron
+saadat
+greber
+pemuda
+hut
+12-28
+munib
+honoured
+rotterdammers
+araucaria
+nukulaelae
+infers
+16,285
+furball
+kyte
+nocona
+factitious
+innateness
+feasting
+ceolwulf
+h2
+36.08
+2/4th
+hongwei
+mardan
+headpiece
+accelerometers
+soman
+interjection
+monywa
+aliriza
+dinubile
+everman
+holim
+vaanam
+kihnd
+florestan
+etec
+seawards
+30,750
+embarks
+backbone
+reinsurer
+promethea
+rebuffed
+relevant
+ibew
+horsed
+pollara
+snld
+al-radi
+lapland
+giggle
+tirunal
+urus
+toxoplasma
+mosolov
+trin
+gajoen
+singer/actor
+bookkeepers
+sockeyes
+175-pound
+tocopherol
+kamenar
+2.7-percent
+attari
+lauralee
+yardena
+schmetterer
+ustad
+impi
+appendectomy
+bellsouth.net
+48.22
+kvinna
+scumbag
+geekiness
+afores
+pierluisi
+umpire
+unabashed
+alesha
+pelosky
+strigulae
+pluton
+sabr
+galavisión
+sunnah
+soft-shelled
+15,150
+covariation
+appletons
+outgrowing
+copeman
+korneuburg
+viollet
+burkinabé
+gooding
+baher
+19-minute
+ihf
+cadeau
+18-man
+16c
+pussy
+4-2-0
+kavya
+quadri
+manyathela
+marianao
+nrh
+schug
+fluticasone
+a330-300s
+akerlund
+119,000
+29-17
+houngbedji
+cure
+guideline
+brychan
+mcmeans
+jawan
+raman
+argonne
+baorong
+1re
+nootropic
+233.6
+vcc
+close-range
+beituniya
+kontagora
+capriati
+miah
+farnesyl-diphosphate
+morphology
+ladanian
+paintings
+over-23
+gram
+draftsmen
+62d
+gondar
+attaf
+dark-brown
+fibrinogen
+battle-tested
+11-2-1
+sapucaí
+miami
+ruzowitzky
+kristal
+2.1677
+feinstein
+shishaku
+castello
+20.18
+sinicization
+rescissions
+buyids
+malinao
+kinleys
+bdr
+rasterization
+66.82
+bighas
+politicised
+pastorate
+620-am
+carusi
+seismic
+doorstep
+3:22
+femara
+doubles
+rescues
+vandiver
+redband
+visionary
+khokhlova
+top-30
+tatlin
+garmo
+bastardized
+flirty
+boothferry
+amis
+targetmaster
+cspgs
+modernizing
+gorged
+oleksandra
+rietz
+bulow
+kneeing
+bullata
+bernstadt
+expander
+overnights
+bakwa
+schenley
+351-1
+lamang
+116.30
+1.4714
+hypoglycemia
+obasi
+zucchet
+makita
+havret
+carlile
+karofsky
+home-grown
+cheaper
+times-union
+mynah
+immer
+inm
+schweber
+g-string
+healthyeating
+mymusic
+selek
+uac
+shakai
+72-74
+kosta
+velázquez
+supersessionism
+pure
+beefing
+chiquita
+17.1
+markwell
+kti
+sunbarger
+50.19
+spanier
+flow-through
+weafer
+gogo
+oz.
+revija
+angrier
+sherron
+seaga
+chapungu
+mopp
+pitchess
+fappiano
+uniteds
+kameel
+ibert
+grumpier
+qb3
+784,000
+coinage
+broads
+gençlerbirliği
+heathman
+montaigne
+mohra
+7-up
+eateries
+macklemore
+kaliya
+ngog
+montelius
+kornreich
+imas
+notis
+266.1
+hankering
+rautahat
+valles
+step-son
+rascal
+68-94
+românul
+stratos
+sallade
+gamebreaker
+maraschino
+exacerbating
+7s
+extra-legal
+homebuilder
+assocation
+taganka
+chewed
+pełczyce
+ghirardini
+scotto
+greeff
+catania
+hoàng
+astra
+patha
+craigslist.org
+chepas
+ceoltóirí
+enseigne
+vincentian
+arae
+beamline
+cookbooks
+afyonkarahisar
+238.6
+handicrafts
+tsun
+elvan
+giusti
+6:40
+368.5
+beckton
+tinkle
+whitetip
+maack
+1.4265
+rivington
+tabaco
+teamers
+uck
+zaleha
+immodest
+239.7
+bionics
+beaty
+erickson
+playgroup
+rhysodinae
+laroche
+gasnier
+waterboys
+crit
+azura
+114.32
+paras
+sempron
+actuales
+parroquia
+vicissitude
+pitigliano
+huckabee
+ballcourts
+sufaat
+perpere
+upholstering
+thomert
+cosponsoring
+cangele
+27.48
+sothebys
+wontons
+mimids
+town-hall
+gorch
+beric
+entreaty
+goulding
+best-fit
+deltona
+rendez
+njörðr
+secor
+bulykin
+charan
+d'aunis
+harmer
+biotransplant
+moher
+513th
+bollington
+degania
+valora
+comenzar
+trimeresurus
+62.43
+sideswipe
+nacelle
+در
+non-zero
+sinful
+unrelated
+stoerner
+least
+mulberries
+excommunicates
+steinhafel
+ncra
+11.91
+karakoram
+untraded
+cañada
+magazzeni
+marier
+srilankan
+kotey
+torreano
+55.90
+83.7
+kotoryu
+121.04
+7.125
+bundesgerichtshof
+vocm
+mihnea
+martine
+bagbandy
+menage
+117.71
+chogm
+long-running
+fox8
+50-share
+robocop
+multilevel
+vota
+piranshahr
+carborundum
+paulista
+garchik
+malayalis
+skeeter
+bresler
+flamm
+gráfica
+4,855
+biesenbach
+totalling
+gózd
+floating
+saung
+spyer
+pusher
+monash
+wuyishan
+odesnik
+7.65
+cuh
+5-foot-8
+ocana
+masaccio
+tetsuro
+shippey
+mattei
+gimpo
+ruger
+bismarck
+gerónimo
+genl
+alferov
+cara
+webshots
+lojane
+grandaughter
+mdm2
+sundram
+mortagne
+riegger
+gurfein
+schuylkill
+themyscira
+centerless
+adek
+prestley
+exultant
+bonestell
+evanses
+s.k.warne
+7.26
+self-worth
+rafted
+ekrima
+kredell
+antenna
+cuisinart
+semiautomatics
+pearlington
+globke
+rusin
+qinnasrin
+foragers
+qub
+zündapp
+.846
+sanza
+gelbart
+lumbly
+hinton
+richtel
+sluga
+lamsdorf
+hypopigmentation
+tillingbourne
+bourbourg
+nashiri
+a-advanced
+halske
+2,149
+barbarense
+burnbank
+whealy
+postpartum
+tōyō
+rigger
+gload
+indrawati
+lidl
+slupsk
+berezovsky
+climatological
+tongues
+württemberg
+vende
+tinners
+horus
+şükrü
+ground-nesting
+marjoram
+tania
+beavercreek
+macdermots
+workmates
+occidente
+mazurkas
+privadas
+massart
+hamleys
+kluge
+lombarda
+yusifiyah
+doubles_biggio
+2,789
+anti-long
+ysern
+т
+tragical
+broodingly
+phrygian
+going-away
+souderton
+yood
+kibbutzim
+celik
+woodcarvers
+relkin
+preposterously
+internists
+dgt
+shameful
+velké
+sunflowers
+podiatrist
+froissart
+cimetidine
+heathcoat-amory
+retrospection
+ppaca
+marjorie
+double
+bluntnose
+calpers
+dulic
+rildia
+climes
+watershed
+dotage
+1038
+maruha
+lafortune
+sorbian
+karr
+100-odd
+putintseva
+e911
+toshoku
+majuro
+mousseau
+jeremias
+amalric
+ciceronian
+filippis
+squeezing
+dishonors
+karimganj
+chernorechye
+canastota
+frontiere
+lost
+cookson
+11-page
+frederika
+asycuda
+disclosure
+iceoplex
+ntibantunganya
+néill
+76.57
+schipol
+vpk
+chaparhar
+19.00
+vignette
+cheeky
+137.3
+ostomy
+clovers
+dianic
+1.5575
+factorisation
+92.05
+177.6
+yarkon
+neutrophil
+mikkola
+trem
+kurdamir
+revisiting
+73.04
+78.41
+manufacturers
+mitsuda
+disquisition
+overrate
+b4
+dilate
+wbrc
+phụ
+aeternam
+ormiston
+cogsa
+kallenbach
+steeplechasing
+filmgoing
+lavell
+gentility
+berthet
+fahrudin
+lath
+campro
+subliminal
+fgr
+ontologically
+wooley
+daliberti
+graubuenden
+bindy
+nieves
+1749
+ranpur
+espe
+deliberative
+alamshar
+muridke
+recursive
+irelanders
+fraunces
+beheads
+peelle
+aflac
+kozinski
+pjm
+karioi
+enzymatic
+bismullah
+birkdale
+lechuza
+artillerists
+campus
+coorparoo
+sensationalizing
+haysville
+poojas
+re-organizing
+santacruz
+antei
+brmsg
+tactic
+teenaged
+scottsburg
+theologically
+1.575
+castellammarese
+simović
+95.23
+edens
+melayu
+ahec
+haraldsen
+trak
+pudendal
+2,871
+hans-adam
+tkachenko
+shaa
+star-news
+2002-04
+saheed
+begone
+stellone
+wawasee
+39.69
+megahertz
+24.52
+snowy
+muldoon
+unstintingly
+25.00
+110-106
+klieg
+teu
+chunghsing
+pby
+tōru
+naegele
+1963-1967
+gyrodyne
+16sec
+upbringings
+lloren
+blackeye
+coifed
+joseph-louis
+khatun
+pertama
+two-state
+darfur
+ijsselstein
+wikimapia
+piteå
+strobilanthes
+ellin
+rosslyn
+velten
+facsimil
+sinje
+literare
+bathysphere
+gostyla
+charge-transfer
+watauga
+bebb
+tainio
+zborowski
+blish
+foretells
+90.51
+beriah
+loaches
+wcpt
+aranui
+oyelowo
+scaramouche
+vard
+mangione
+infogrames
+dniepropetrovsk
+bābā
+german-swiss
+radionet
+mid-1965
+pogs
+annali
+xiaolongnü
+irn-bru
+fiddler
+campiness
+shibh
+vlad
+kayonga
+petrópolis
+hennigan
+binkowski
+zemplín
+constante
+kahl
+yinka
+acfl
+conferenced
+schouppe
+proteolysis
+bannatyne
+sijan
+vanek
+topolánek
+gazebo
+single-seater
+overcrowding
+downeast
+lokhandwala
+dibaba
+seventeen-year
+jasika
+soirée
+sconce
+enitem
+torqueflite
+environment-friendly
+westens
+compounded
+transcontinental
+vizard
+pusic
+al-jazira
+jebal
+kablam
+qaradawi
+vtr
+spokeswoman
+lettrist
+futebol
+ellenoff
+anaprof
+oram
+rfq
+re-apportioned
+sustain
+61.79
+harmonic
+53.79
+infraspecific
+rossler
+bietighofer
+tuyên
+cobh
+tripwire
+keet
+huanglong
+states-provincial
+kelder
+zabell
+bodybuilders
+zamość
+andreou
+68.14
+bustillo
+censo
+embraces
+frivolous
+sanaya
+causeways
+codice_53
+sr20
+tolla
+77-62
+gettinger
+wahida
+swidden
+rever
+lttc
+longhi
+leipziger
+manitobans
+nearest
+deyong
+buzaglo
+kyunki
+sherlund
+mengchang
+flummoxed
+service-oriented
+cronly
+preconcert
+hypnotised
+morenatti
+stingless
+åre
+------------
+vzglyad
+majorities
+trobar
+applying
+appleman
+etche
+lifegift
+i-44
+lionnel
+tazehabad-e
+105-97
+snelling
+vavi
+clea
+bubby
+icp-ms
+bertiniani
+9-ronaldo
+nouvel
+8,140
+6,950
+obsoleta
+amalgamates
+kafue
+pabuji
+properties
+gogele
+17:44
+wicket-less
+saltykov
+bakra
+munin
+pariseau
+blidberg
+lovefilm
+metar
+ilta
+hayder
+londin
+committee
+confides
+durcal
+montecchio
+veterans
+molotov
+cliburn
+tradeshow
+penalva
+teasel
+almirón
+polytope
+deee-lite
+schmal
+nuking
+inna
+denim
+markers
+teleported
+yukimasa
+hackenschmidt
+cirio
+negretti
+prove
+attire
+satakam
+merkys
+nanoparticles
+kurtzman
+non-sanctioned
+tyrannosaurid
+idiopathic
+vishu
+post-show
+solazyme
+jains
+ool
+offhanded
+loquacious
+tabackman
+oddvar
+kas
+fourth-largest
+ichiban
+quark
+1960-61
+spottings
+governmnet
+problems
+governmnent
+superstate
+clawback
+gibbsboro
+atreyu
+neagle
+polemic
+meninga
+gabarra
+lipiny
+baucus
+leered
+faizasyah
+moghuls
+dichato
+stalagmite
+prelimary
+hemisphere
+sequentially
+assiniboia
+fadime
+mccullouch
+trynin
+lafitte
+bedford
+shadyside
+murase
+jomhouri
+kubba
+samsat
+qizhong
+cari
+m80
+jianqiang
+notating
+34.05
+tiverton
+crispus
+viterbi
+119.17
+aniak
+dimples
+rosarno
+scarem
+yary
+8,586
+calanques
+ballyfermot
+sarcophagus
+lithograph
+high-dimensional
+thamrin
+oplan
+eharmony
+deliciousness
+chata
+pudding
+lemuriforms
+entravision
+thirty-five
+homering
+thorstenson
+setterfield
+baralt
+rawer
+abdelrahman
+94-83
+guttormson
+ardakan
+astoundingly
+abdülmecid
+thena
+trumpeted
+ophthalmology
+harmon
+skedaddle
+tollbooth
+zepp
+plait
+ingeniously
+boggio
+curandero
+avonex
+izzard
+somjit
+coucy
+blenker
+driberg
+minims
+withe
+panjim
+carvers
+fontelles
+underling
+southee
+kirsh
+503,000
+40-4
+multilateralization
+low-cut
+resouces
+ceca
+majored
+0/km
+bane
+gaughan
+cadder
+hall-of-famers
+lotka
+barr
+quotations
+saint-augustin
+64-63
+flecktones
+naby
+shava
+carlsruhe
+methos
+wak
+cyperus
+montazeri
+1-dimensional
+1-gigabyte
+-80
+medicals
+kōfu
+suiko
+austriaca
+farj
+gandzasar
+morpho
+montasser
+chacaltaya
+witeczek
+disneyquest
+tiger-cats
+120.1
+levinas
+nundah
+61.90
+klurfeld
+choreograph
+paganelli
+twenty-nine
+andreadis
+2,868
+silva
+buget
+jili
+pompadours
+remarkables
+boerner
+boisgelin
+d1gp
+write-offs
+cdps
+4130
+pacifists
+grumbly
+cauter
+jonquiere
+decorative
+nasasira
+annaly
+lysons
+yuzuru
+twinning
+brzezinski
+arqule
+arguement
+denunciation
+droog
+kumbernuss
+llorens
+ú
+luboslav
+still-active
+wiegman
+airesearch
+cai101
+f&pm
+dreeben
+kameny
+metrotv
+greystone
+scythians
+fluorescein
+willerson
+mundine
+belching
+metamorphosing
+bullrun
+cockman
+laglio
+4,113
+20-plus
+4-54
+overshooting
+mersham
+naviair
+djuric
+platypus
+romare
+daimler-benz
+distraught
+wine-making
+bhargava
+bunger
+tongxiang
+cyberchase
+milby
+inflatable
+wawrinka
+rootstock
+self-evident
+aberdares
+notify
+dibella
+1:53
+tukwila
+sarosi
+anglo-maratha
+novem
+greenshirts
+teller
+10,000-member
+wajed
+gossen
+amphimallon
+rcu
+lavinia
+ashan
+archeparchy
+amita
+mainau
+boston
+madagascar
+napierville
+stratification
+zte
+hurok
+jugoton
+ngirabatware
+lifeworks
+12b-1
+d41
+l999
+bibimbap
+flaying
+mathematician
+ucn
+one-star
+actor
+hurray
+soothing
+dirichlet
+hand-carved
+morrisroe
+vlazny
+cannibalization
+verendrye
+cameraria
+cored
+skerryvore
+wc2003-rsa
+titian
+afala
+5:8
+crossbench
+hassenfeld
+aeg
+shutdowns
+virescens
+whitestown
+wixon
+fulani
+california-nevada
+roosts
+matusiak
+beiler
+1982-85
+ashour
+razon
+onesta
+heralds
+ba'ath
+rognvald
+unrequested
+aeroelastic
+vice-secretary
+betas
+akmola
+grene
+djmax
+formals
+peninsular
+sumptuousness
+izmery
+54-cent
+riom
+brigida
+128-page
+121.58
+geach
+kiritimati
+dictatorial
+asrani
+self-monitoring
+soldo
+workmen
+1-cup
+outsourcer
+brewster
+cultivatable
+dina
+dessins
+rubloff
+low-rated
+lumber
+detached
+baisley
+mckennan
+camelo
+fruitlessly
+vérendrye
+16-nation
+usain
+lipnik
+deworming
+gramaphone
+kakwa
+stigmata
+shaibu
+cuppa
+180.1
+silico
+sirait
+mogas
+windbreaks
+kineavy
+yun-7
+aros
+1.145
+turnbull
+turnipseed
+strangle
+non-rotating
+showtunes
+blistering
+horai
+verhoek
+pictures
+11.92
+skole
+magically
+ulaidh
+splenic
+defiantly
+wwf
+óge
+43.67
+jilong
+116.09
+city/28
+bendjedid
+booth
+frco
+jlloyd
+frontpaged
+monastrell
+nondurables
+pype
+movsisyan
+thuy
+schacht
+repêchage
+39b
+warbler
+37min
+macmurrough
+antitoxin
+maddern
+5-ht2b
+must-have
+bahian
+binh
+tivnan
+eregion
+implode
+stice
+v.k.
+38.26
+aeltus
+boasso
+big-band
+demonetization
+havas
+---------
+mendell
+mosholder
+songes
+cefalù
+o'ryan
+dogs
+easier
+vocoder
+psms
+dinkins
+compressible
+koscheck
+gollogly
+termly
+agonies
+chinese-americans
+thirty-sixth
+jati
+facticity
+castoldi
+boli
+tonito
+hapax
+widowed
+hovel
+moped
+coquí
+qutb
+warr
+stepfamilies
+multifaith
+monchegorsk
+bulusan
+wamberto
+camborne
+zetterling
+youyu
+impalas
+orval
+plexipave
+chaiyaphum
+sylvilagus
+kiar
+tacfarinas
+dongjin
+myisha
+heavylift
+ondruska
+sidique
+starting
+wojnar
+jason
+weeton
+georgiy
+impairment
+abagnale
+lohse
+non-royal
+deseo
+added
+advent
+ashley
+masurian
+muniz
+demetris
+hedline
+amanuma
+15-foot
+vaisya
+redbook
+reinvents
+stylistic
+7:35
+orgies
+101.9
+diem
+sulabh
+low-intensity
+m91
+pensaba
+b-52g
+commentary
+dasey
+spectabilis
+lianas
+hidetada
+bnu
+korugar
+pierroth
+populates
+21.94
+sahaj
+goldendale
+ladder
+40000
+amperes
+al-shehri
+3-litre
+horacio
+supernanny
+20:10
+danilo
+nemati
+connersville
+nuevos
+achromatopsia
+reitzle
+finlandia
+gyromagnetic
+44,100
+frauenlob
+37,300
+savill
+40-by-40-foot
+binged
+dynan
+14-nation
+bartlett
+jyri
+outgrown
+chelsey
+parkhead
+honka
+rooseveltian
+co-sponsor
+transportion
+conradt
+gratifications
+four-player
+stargrave
+yomi
+o'day
+postulator
+2000-2012
+garðar
+villers-bretonneux
+nadab
+euro508
+ahrt
+windward
+yusuke
+kraton
+romains
+edgewood
+front-side
+nijm
+kottur
+herceptin
+dying
+seizure
+in-character
+pylon
+gansbaai
+labiodental
+keenlyside
+mdh
+yorris
+32-county
+azman
+hedera
+railheads
+1,527.46
+achtenberg
+moustakas
+race/ethnicity
+nesheim
+vagina
+guttural
+florinda
+mosques
+outros
+shlesinger
+accretions
+0.00
+breiman
+0-0
+96-page
+love-40
+perturbation
+scharioth
+rosborough
+gimme
+suffragettes
+taoxian
+convolutional
+js04bb
+westberg
+niniek
+allmovie
+1,743
+noticeboard
+westmalle
+fernlike
+costel
+saarela
+lyell
+ulloum
+radionics
+sharlene
+modernized
+clytie
+brasserie
+yodok
+friday
+geilenkirchen
+defossez
+montego
+lensman
+handgrenades
+al-nadim
+168.9
+tamarind
+mazowieckie
+bosoms
+vvs
+vernand
+recombination
+jamz
+teshekpuk
+unscrewed
+ullam
+dejazmach
+yaghan
+farabee
+87-80
+gruden
+20002
+heydays
+campoo
+112.87
+zhung
+fusai
+ethereally
+1,814
+chandrasekharan
+instating
+jarre
+15.86
+trustees
+commemorative
+krunoslav
+,480
+cork
+lugano
+patronizing
+bakti
+all-region
+yorkey
+olenghankoy
+billesley
+wlfd
+korybut
+alvim
+calcariidae
+otowa
+majoring
+install
+371.5
+sasural
+copan
+liminality
+purpurea
+beckwourth
+arango
+sarcos
+fissurellidae
+ith
+volkow
+yousuf
+hausmann
+gollaher
+willoch
+gilbride
+rupnarayan
+hende
+discectomy
+22:43
+format
+yaw
+euro403
+gentiana
+pride
+picus
+ricupero
+rebelling
+272.4
+'89
+tubbs
+hydrolyse
+211
+escarra
+pbl
+nose
+câmpina
+godber
+arrivistes
+teunisse
+vmd
+bordaberry
+restigouche
+milesian
+down-on-his-luck
+méry
+turfing
+conventus
+chador
+sompolno
+lequay
+115.71
+6,096
+jaimee
+supercouple
+deconvolution
+otelul
+constitutions
+co-administered
+sirlin
+hindal
+mahesh
+1980s/early
+ital!is!off
+65-degree
+tulliallan
+aracruz
+dusen
+http://www.hhs.gov
+haiger
+ereader
+39-story
+elastically
+schoolboys
+kiddo
+candleford
+broadcasts
+ruggerio
+elegantly
+rangsit
+overstayers
+1.011
+erwitt
+marios
+1-ounce
+tinajero
+egenera
+non-subscribers
+self-organized
+catastrophically
+l.m.
+poettering
+bailed
+muiredach
+postpunk
+44-30
+orgen
+chocho
+2,534
+hrv
+biathlete
+arlan
+ultramar
+wolinsky
+phacelia
+amacher
+ending
+yaoi
+escrowed
+akkuyu
+u.m.c.
+cerv
+gm1
+arcila
+http://www.conferenceboard.org
+2-steve
+caesium-137
+4,910
+noisy-le-sec
+1-to-10
+excercise
+9200
+ev3
+drysuit
+rabee
+kyros
+chachi
+maybelline
+swapna
+spartak
+caliphates
+minali
+7-footer
+argov
+erith
+awar
+lbvd
+butte
+codice_4
+münchausen
+sivalingam
+dalea
+anderssons
+amnat
+tigger
+decanters
+del-fi
+porcello
+indos
+gomes
+much-improved
+unrisd
+opunake
+moteab
+octoroon
+organics
+ridgeback
+democratise
+dementyev
+dutch-speaking
+wiest
+1:44
+schwalbach
+daghlian
+bortoli
+rehobeth
+gati
+urticaria
+hoppen
+underprivileged
+queenship
+tyrolese
+84-82
+hoxsey
+275.4
+dominance
+fearful
+seahawk
+carters
+raknes
+brancati
+middlesborough
+eremiaphila
+near-constant
+witcover
+navali
+soprano
+p1
+aoe
+tavil
+tue
+103-89
+janjgir
+wigman
+wafts
+74.89
+lotstein
+thoughtless
+jacque
+bajarin
+cooke
+camillo
+driveshafts
+fullard
+eclipse
+eithne
+konyshev
+fouratt
+immig
+artikova
+richness
+retrace
+zolochiv
+kongsi
+ejus
+esd
+c&s
+sbvr
+tanayong
+angevine
+whickham
+beninese
+neagoe
+harbury
+laquidara
+sturry
+ranter
+whitshed
+jungen
+71.46
+scorpion
+silvius
+arsa
+zingari
+varios
+trainer
+philippopolis
+falcate
+clarkeulia
+helmet
+murine
+kurowska
+falconry
+oldenzaal
+transmitted
+boston-based
+2,829
+s&s
+170-million
+2051
+underside
+sinbin
+biarritz
+ginn
+dyble
+kyabram
+bolus
+737s
+33.52
+55-point
+claims
+belinsky
+kamra
+sceloporus
+3tc
+st-pier
+tcf
+mindaoudou
+neuroscientific
+kolb
+encrusted
+hogfish
+north-easterly
+magadi
+jolene
+nailatikau
+malanga
+duban
+oam
+changfeng
+dasd
+perkovic
+hustvedt
+koli
+khevenhüller
+gowers
+1,048
+departament
+quoc
+giroud
+cathodic
+rottingdean
+madhavrao
+starnberg
+interfere
+trenergy
+telecasters
+lupus
+192.1
+phenix
+.158
+owner/breeder
+sidoarjo
+bletchley
+underwire
+gulbrandsen
+rigon
+d.f.
+3.518
+kaštel
+introns
+386.75
+rwy
+ponomaryov
+amalthea
+32.27
+sardinia
+moycarkey
+novellus
+10:14
+redeem
+gresley
+crematories
+zasavica
+angst
+böhm
+nicotrol
+valentine
+mastenbroek
+dosha
+ritola
+68.23
+amichai
+lim
+miankuh
+kudla
+pavlidis
+speechifying
+10-km
+invites
+futuristic
+80-kilometer
+lantier
+baharna
+oduwole
+mtvu
+burner
+fazilka
+winyah
+light-middleweight
+developping
+yevteyev
+minireviews
+ghanima
+kenechi
+sinkhole
+actividad
+5,830
+lebens
+yasbeck
+schnurr
+starts
+cro
+yeon
+trautz
+sluis
+hano
+vignelli
+singletary
+haolam
+73.42
+keiser
+straighteners
+treet
+djermakoye
+tetryl
+engi
+1,642
+frankfurter
+vano
+braafheid
+comedia
+hooydonk
+.71098
+oksuz
+brave
+run-time
+carinata
+l995
+crannogs
+66.62
+katsunori
+shiba
+encomiums
+136.80
+roelant
+β1
+16.56
+meegeren
+buthelezi
+conti
+lombardo
+2/9
+astonish
+mashiz
+glomgold
+220-kilometer
+7.7920
+pfund
+obradoiro
+wet
+yanaon
+heart-felt
+khaledy
+jarrin
+marien
+odisha
+kareem
+guz
+pratley
+þ
+92-76
+revill
+ozric
+cnd
+ites
+denouncements
+ravenal
+sabbah
+4,860
+moralism
+apices
+timkat
+rotta
+dependencies
+boycotting
+affect
+tundo
+platonists
+pannalal
+frecuencia
+kysor
+driesen
+nahzh
+ficke
+pyandzh
+hackenberg
+embassies
+stroganov
+containerised
+26.56
+nouri
+az-zahir
+prelim
+navision
+trochulus
+wtn
+unsucessfully
+το
+leissner
+lijin
+scientifically
+hearstdc.com
+nerve
+nagib
+lovaas
+skawina
+6-roberto
+attendants
+hargadon
+mitu
+lapoint
+padesh
+ureters
+tāzeh
+makdisi
+capdevila
+anastomosing
+dwaine
+kurokawa
+israel/palestine
+tomomasa
+43,800
+exchangers
+tertius
+hadl
+soulsword
+kohistan
+strategery
+overtopping
+volturi
+blueprints
+9.700
+desta
+gbc
+mofongo
+gnma
+elegante
+679
+givner
+hoppus
+feuchtmayer
+kőszeg
+mattek-sands
+ndiwa
+sutiyono
+debriefing
+adyghe
+dual-degree
+compline
+broadleaf
+sozzini
+bar-on
+sistani
+chisato
+wholeheartedly
+wakui
+6-foot-2
+hankyu
+aristeion
+creuset
+bafetimbi
+hapa
+etau
+session
+kambara
+battles
+talking
+haggadic
+d'estaing
+antigay
+karaka
+graining
+3-cylinder
+babil
+tillinghast
+3,479
+chace
+yalman
+pharming
+milou
+arawak
+islampur
+thrice-weekly
+angleton
+zaporozhye
+fortunoff
+pronger
+delph
+nabet
+pratik
+pinin
+pasek
+smurray
+magnifies
+subversive
+axtel
+solves
+9:41
+zeljko
+foriegn
+158.00
+capitano
+polvo
+jerker
+honthorst
+homed
+lafarge
+pro12
+monoline
+bcal
+post-reconstruction
+truckloads
+supersweet
+nyagah
+różycki
+loizeaux
+26-inch
+styron
+cbz
+malone
+curnow
+tnf-α
+myotis
+mazimpaka
+skippered
+schlitterbahn
+war-ravaged
+plyometric
+bourgois
+jettas
+aasif
+42.98
+suunto
+splatterhouse
+serb
+underweight
+blackest
+obledo
+49.66
+g0
+sorina
+eliya
+arabian
+staunchest
+seedbed
+ainars
+chisos
+nevada
+centenarians
+chauffeuring
+meritaten
+tiber
+kuril
+copans
+4-24
+máele
+orlu
+umbrian
+eaker
+laingsburg
+taepodong-1
+lorde
+despenser
+filarski
+adiabene
+snowmass
+decore
+wesa
+shkedi
+karrinyup
+quer
+384,000
+ngapoi
+5.96
+schur
+donnchadh
+zhigao
+35.31
+lunsford
+talil
+banel
+1986-1995
+fluhrer
+moghalu
+recommitting
+hoenn
+bolte
+concurso
+alness
+hassiba
+transavia
+kostelić
+wettin
+micromanaged
+q.t.
+milanesi
+limbatus
+quirt
+j1
+güiro
+futog
+enigma
+navicular
+great-west
+postigo
+audition
+hepworth
+nulls
+slender-billed
+.549
+ft
+camdessus
+crozes
+elenco
+wałęsa
+villenueve
+norwest
+bomber
+ganev
+splendid
+tahitians
+marchwood
+uhlan
+wearstler
+317th
+mamou
+protima
+jourand
+banksy
+al-athir
+compson
+paladin
+oriol
+austal
+pipers
+ootacamund
+reen
+shame
+minecraft
+prised
+gilpatric
+abdeljalil
+anwari
+melo
+z9
+devery
+non-radiative
+ashcan
+mangalagiri
+jū
+lucazeau
+maudling
+cirri
+lowest-rated
+babafemi
+gedeh
+1,100,000
+grooved
+borgelt
+benzaldehyde
+16:54
+www.pele.net
+fresh-water
+style.com
+khabarovsk
+bhoj
+fashiontv
+andia
+1.311
+bamir
+busway
+prayad
+109.21
+excreting
+2.03-meter
+weiliang
+weishaupt
+shinsegae
+orlyk
+bulgak
+fantasy-themed
+nepomuk
+day-use
+61-year-old
+doordarshan
+domenic
+sol-fa
+48.06
+japanse
+judical
+miliana
+fidell
+lhermitte
+guojun
+probers
+unkept
+10:27
+1985/86
+dovey
+mahakala
+darab
+luxus
+5.25-inch
+5-hour
+2xl
+eutropius
+dworsky
+2xcd
+6.5-billion
+camerounians
+infarction
+koriyama
+mikelic
+ozdowski
+unscrew
+wildstein
+arnell
+meldahl
+91.64
+mallis
+sagebrush
+middle-class
+64-seat
+fastest
+tpd
+jerre
+extremly
+hamayoun
+repeatability
+bewcastle
+2,450
+m.l.c.
+inexplicably
+implementable
+pendidikan
+petkevich
+mabel
+castoriadis
+cellulase
+artichoke
+1256
+landsbergis
+boulia
+auggie
+ninety-one
+aiders
+genya
+miel
+cadiot
+schardin
+hanbei
+monn
+sovremenny
+chiri
+oermann
+brolin
+60.80
+hotspots
+kinnison
+rollerskating
+antiinflammatory
+impertinent
+lebeau
+godan
+barden
+immobilization
+drummania
+(719)
+boosted
+abba
+kmox
+thumbnails
+lapo
+efteling
+shiranui
+trackways
+electroclash
+yasiri
+combe
+ntncom
+chatwin
+opiate
+randomization
+eckstein
+2,599
+larousse
+verulamium
+kornheiser
+eccleshill
+marom
+haiqiang
+vitesse
+summerhays
+firecracker
+churov
+bafarawa
+pecchia
+monkstown
+hostas
+.....
+gurneys
+ictp
+henahan
+nrbq
+horney
+wombwell
+2-2
+l-arginine
+tahltan
+coldcut
+niggas
+atlasjet
+doona
+nonsmoker
+asymptomatic
+cukierman
+transiently
+sestao
+euro281
+pleine
+furrs
+cebs
+téllez-girón
+jiming
+vodnik
+cholesbury
+vietsovpetro
+disablement
+immunologists
+culion
+n-1
+laiyang
+utzon
+pescado
+newly-constructed
+huntingburg
+crossharbor
+ditlow
+75.68
+sogni
+zetta
+jenny
+overpowering
+md.
+58.78
+lettersnytimes.com
+96.90
+tourniquet
+fictionally
+dollis
+moodna
+118.7
+noix
+pecks
+stefanini
+70-plus
+rodić
+nanchang
+lieh
+horcasitas
+longmen
+twinkled
+beatriz
+varnway
+fogy
+ibct
+wadekar
+niugini
+licorne
+schnack
+magwood
+massina
+concerns
+4,545
+single-division
+cynthea
+naturalize
+biu
+gendt
+recca
+tryal
+extradited
+zb
+1.244
+badanoro
+zillo
+bertotti
+subbarayan
+inq
+limerick
+893-8365
+ramna
+rabagliati
+pickup4thgraf
+bsf
+sugriva
+arianna
+chiva
+31.4
+beatnik
+penurious
+ppip
+moronic
+oecta
+bruskewitz
+polygars
+aniket
+31.40
+tulln
+nwanze
+extradiction
+endanger
+anrep
+permitio
+stratojets
+cristine
+garfish
+1-36
+bellezza
+sorpresa
+gailani
+priscu
+northcutt
+uleb
+bacteremia
+freimut
+d'adamo
+toumanova
+rakowski
+tampin
+boden
+enunciate
+misjudged
+1467
+myuhng
+appleby-in-westmorland
+exponential
+914,000
+multi-party
+taringa
+gulmarg
+qarmatians
+mnscu
+karta
+tegg
+umesh
+hermanni
+cureton
+interlining
+olembe
+providence
+tallahassee
+cosway
+syler
+valatie
+hye
+servius
+sieve
+protectable
+195,000
+forgiveness
+paralegal
+quebeckers
+weeper
+allgor
+enakarhire
+petržalka
+bonanni
+unique
+add-in
+dorelien
+ngendahayo
+lowpoint
+irénée
+flav
+ramkalawan
+elk
+camay
+tiffanie
+blauser
+charlottenlund
+fpf
+wolverhampton
+serial
+filofax
+ptpkappa
+arnold
+naturae
+colonet
+53.36
+mpaulson
+trekked
+non-vascular
+teresopolis
+scatterometer
+incendiaries
+bass-player
+saifi
+žarko
+underpass
+longform
+umba
+yousefian
+mid-1600s
+ebsworth
+saint-luc
+2,481
+sahani
+depauw
+lb3
+plantago
+gomo
+kingstown
+ksv
+barayagwiza
+degravelles
+gemworld
+hawiye
+wildflower
+cignetti
+15.625
+ceval
+nahin
+butterfingers
+448th
+heruli
+clercq
+ørn
+stejskal
+p-1
+keoghan
++2.4
+ieroklis
+siptu
+hash
+toured
+evinced
+ostling
+2223
+margie.wylie
+wi-fi
+agritubel
+beseiged
+pickoffs
+toth
+biologically
+itinerarium
+sterilized
+boomtowns
+arawn
+hessenliga
+southpaw
+cindoruk
+khib
+vaigauskas
+birtley
+soederberg
+kovačica
+vilani
+untuned
+mehrgarh
+38-second
+pre-selected
+undergrounds
+baskar
+firdaus
+8:53
+wilier
+tamuli
+lévi-strauss
+minimumweight
+homeplace
+2,408
+summarily
+refractors
+book
+nicer
+dewit
+hirundo
+rinde
+podolak
+lingan
+poels
+goetz
+chat
+dscc
+öberg
+gainesway
+goodbar
+1.85
+feustel
+destroyer
+roundtables
+desio
+matara
+chiffon
+ripper
+6-5-1
+bogart
+querying
+saint-michel
+40.00
+bashar
+chegutu
+hänsel
+civiles
+raftery
+blacklock
+topalli
+phillis
+babbar
+bahini
+hote
+misclassified
+turners
+fabbrica
+schröder
+mindlessly
+limpele
+schaffhausen
+mashriqi
+chinese/xianbei
+herreweghe
+neckerchiefs
+cundieff
+baynham
+wainright
+purfleet
+steric
+gt1
+whir
+adrenalin
+dalvik
+hypersphere
+earnings
+mcvoy
+moos
+forschung
+freire
+willliams
+edwardsii
+listowel
+swerves
+1.6-percent
+bankamerica
+leif
+akureyri
+2,588
+pumpers
+immerge
+cannula
+lounsberry
+kharghar
+greacen
+wyse
+warri
+-2.5
+pre-independence
+11.38
+friar
+anliang
+bridi
+passera
+drygalski
+stokke
+greensville
+moehringer
+mansur
+cleansers
+bruit
+golley
+hypothermia
+rookwood
+boquete
+forane
+65.76
+kanev
+pre-ordained
+anila
+9,750
+footwell
+machungwa
+limewire
+gornstein
+milonas
+kindu
+19:57
+papaya
+filley
+loryma
+intriguingly
+uintah
+mmtpa
+echeverría
+7,030
+conservative-leaning
+doubling
+stronge
+phibunsongkhram
+huka
+pussyfoot
+elmshorn
+oss
+121.26
+respectful
+skinners
+gt-four
+bial
+ottey
+merriweather
+1352
+disruption
+grasswren
+multitude
+allas
+wanyama
+likeliness
+seitaridis
+name-brand
+ryuzo
+260.7
+quangos
+colposcopy
+fuauli
+langendries
+antonioni
+soigne
+uromed
+indium
+yumkella
+anthropic
+école
+skopje
+296
+sekinchan
+dirdeiry
+8:20
+chatton
+juggling
+sükhbaatar
+sivalik
+sobchak
+mackesy
+sihanouk
+24-16
+pigg
+176.8
+carreg
+pagers
+hulton
+tadjoura
+delegate
+apfelbaum
+exceeded
+tengo
+samsel
+490,000
+17th-18th
+jacobowitz
+qxd4
+dyslexia
+matchy
+strauss-kahn
+markswoman
+retinol
+69.52
+utilitarianism
+goût
+hassinen
+wojcicki
+appropriately
+lehzen
+fecunditatis
+off-stage
+ohh
+leilei
+hamza
+yaque
+tuditanus
+servicer
+susannah
+mugla
+zemlya
+hollin
+sportiva
+interleukin-2
+hillsdale
+laplink
+rapkin
+beaumont
+sadah
+muecke
+7-0-2
+rebuking
+lamitan
+321,000
+faslane
+ganglioside
+viewsonic
+hasim
+trankov
+psychophysiological
+kuhne
+declassified
+yoram
+wickremasinghe
+konishi
+baber
+callicott
+aor
+sika
+ravine
+9p
+wsmr
+rodwell
+wpfl
+argentum
+129,500
+18.12
+tunicate
+willunga
+kabanov
+ensminger
+shiduo
+chandrashekar
+permissive
+río
+1070
+wainer
+nprc
+woller
+rahmanipour
+brighton-based
+dismembering
+parmentier
+schriber
+savaii
+purgatorial
+brookins
+lillehammer
+ethological
+makasar
+bobbin
+gebran
+weitbrecht
+mots
+ramusio
+ancel
+tumaco
+arann
+whirls
+reo
+mexicas
+bu
+bummed
+blinebury
+zwelithini
+cvhs
+notched
+localism
+foma
+chiburdanidze
+almadén
+zanzibaris
+borup
+prso
+henrique
+tidworth
+reprobates
+flaminio
+npsu
+166th
+diwan
+tieshan
+defensor
+.0208
+spas
+declension
+watchdogs
+25.21
+69.18
+elastic
+9.57
+stroudley
+90.73
+filemon
+locurto
+atiyah
+38.4
+monticelli
+17:37
+gohn
+butt-head
+covetable
+mumble
+tei
+pollination
+happel
+narissa
+utilizes
+four-season
+jobbik
+villan
+kyriaki
+mijangos
+steinn
+entiat
+biobío
+9:32
+niklaus
+dsto
+ticaret
+lahan
+emyr
+variegata
+____
+edwardsiana
+rotateq
+ohchr
+dhupia
+tamwar
+dinsa
+jso
+costante
+autoloader
+zitacuaro
+oshoniyi
+fumbles
+sbragia
+caractacus
+satya
+fundação
+moviegoers
+insouciant
+setting
+longyan
+jiaozhou
+chinalion
+liddon
+nonscientists
+eshed
+hectarage
+sandretti
+coelurosaur
+mensheviks
+resumption
+morgans
+ibr
+joaquín
+baglione
+principalis
+intimacy
+10-all
+modestus
+600-odd
+airline
+outputted
+calabria
+argentinas
+186.7
+celebrations
+kudankulam
+atwill
+slimmed
+states.the
+perfil
+55.15
+t-38
+100.87
+labu
+quickcam
+exportation
+upper
+krishen
+ayler
+inquiries
+clougherty
+strathairn
+frunda
+saidiya
+taimour
+sfchronicle.com
+pádraig
+593
+corrective
+mahdia
+zemlinsky
+lungu
+1,043
+seille
+hattestad
+epad
+50.52
+53.25
+gallner
+claribel
+kankesanthurai
+reversi
+4.700
+rheidol
+mangane
+passion
+olasky
+24-track
+cim
+50/1
+snoot
+maksimović
+insan
+pliable
+.453
+abort
+four-volume
+vermehren
+courcelette
+xiaoxi
+salahuddin
+lisha
+bonacci
+niinisto
+seabulk
+deep
+gaggenau
+tci
+drowsiness
+double-disc
+hcl
+alberic
+tailfins
+zibo
+ivry
+dzongsar
+huizhou
+kias
+mattancherry
+astonishingly
+tocantins
+ghs
+pagode
+tsymbalar
+proskauer
+artscape
+protium
+44-44
+multilateralist
+wackness
+pre-revolution
+dobrow
+underperformance
+fermium
+moraga
+boozing
+petters
+atommash
+diastereoselectivity
+gresford
+mansilla
+motoman
+zoll
+rēzekne
+nmd
+fisticuffs
+klebanoff
+34.34
+hew
+boches
+330-million
+tamio
+snorkeler
+cassetti
+merici
+schuhmacher
+replant
+somerton
+soaker
+3-59
+refunded
+19/32
+grania
+tremoulinas
+hawaiiana
+pianism
+eki
+debuts
+1995-1998
+somatina
+megamouth
+5-song
+kallan
+frogger
+alexe
+bmoc
+pickerington
+chuichi
+vishwavidyalaya
+baila
+bristle
+minces
+bosniaks
+particulates
+winstead
+meije
+gattinoni
+adelson
+laron
+ftw
+cffex
+ogwal
+floppers
+mccone
+shadrach
+gsd
+zomba
+bphillips
+chrisette
+loughlin
+mulji
+tottie
+arieș
+hewa
+bangued
+immendorff
+notary
+callendar
+comiso
+onofre
+genrad
+hmo
+studenica
+fearsomely
+refrigerators
+.655
+hwicce
+radio
+argentia
+zonal
+teed
+kmsp
+elkus
+laona
+alloush
+teeming
+amendable
+rcp
+dunny
+yorty
+throbs
+kramek
+broady
+newbrough
+anti-partition
+equato
+lepidopterists
+schrecker
+737-800
+greenwater
+koreh
+28,100
+49-51
+needles
+crawdaddy
+venoco
+nowpublic
+3.21
+kcrc
+melchor
+kennison
+4,301
+crevices
+noces
+clareview
+shadaloo
+litvinovich
+lasbela
+lensbaby
+outlet
+rousillon
+skoblikova
+easy-going
+barret
+rosaire
+bielsk
+meinong
+liquidmetal
+africaines
+quillian
+cubert
+noviomagus
+microelectrodes
+vincy
+kirtipur
+denotation
+obolon
+foretold
+o'young
+supermercado
+abominable
+ostroh
+knowl
+tiangong-1
+eulogising
+preindustrial
+cyber
+cohodas
+oando
+13-country
+arigona
+pandang
+rupal
+kumbhakarna
+aiki
+minton
+noppadon
+ekur
+cguzman
+gulik
+museo
+trainspotters
+92.93
+dunston
+anesthetized
+daubers
+nasserists
+wiffle
+donzelli
+guardini
+tonnant
+leishmania
+u20s
+ebroin
+o’keeffe
+ussb
+ropczyce
+tabatabaei
+sudden
+carbon-carbon
+6-cent
+dhillon
+molar
+derailers
+borsa
+commentarial
+golzar
+reignite
+oidaematophorus
+pragmatically
+common-law
+hiramatsu
+alejandra
+sromova
+zhongwei
+wisłą
+1.138
+a62
+marar
+theresienwiese
+bombay
+barebones
+ghalwash
+kitzbuhl
+gasing
+flickering
+g-spot
+kraftwerke
+jacketed
+37.47
+pulsipher
+congresso
+krzeszowice
+galvin
+waltrick
+1997-8
+gabe
+290-member
+steakhouse
+betws-y-coed
+goetzmann
+pec
+kalmyks
+hochzeit
+thoreau
+mumford
+lebor
+1928/29
+melitene
+intercoolers
+employment-based
+mathile
+essential
+nightbreed
+musketeer
+108.68
+cassez
+alsammarae
+consolatory
+metropol
+mushet
+underpart
+unofficial
+norddeutsche
+19-feb
+grappa
+injury-time
+destructoid
+garabed
+fiser
+laffite
+akinwande
+dispenses
+fibras
+marie-pierre
+scarr
+multicolor
+cuellar
+fountaine
+sarikei
+recueil
+precipitation
+khleifat
+dushman
+mazaruni
+gosselies
+kloesel
+iliotibial
+daine
+felicitas
+allied-occupied
+condo
+320
+gerdes
+belgarath
+raichle
+kandy
+osca
+83-69
+gilkyson
+corbière
+one-on-one
+gyeongnam
+vardell
+smith
+edgington
+sindbad
+i-charkhi
+90.13
+plasticized
+bornholm
+ransome-kuti
+hibou
+contracting
+bengu
+intriago
+ismaila
+metallo
+romen
+crusader
+50.63
+juche
+alpena
+gaskill
+curfew
+umraniye
+graybar
+fas
+ginzler
+counter-tenor
+28.70
+feltri
+varies
+arute
+zukertort
+ruhm
+assn
+rocephin
+thymidine
+karazdic
+scoutmaster
+paperback
+3-under
+left-leaning
+surjeet
+menchik
+batayneh
+vanillin
+54.31
+oldenburg
+smithkline
+wajih
+soewandi
+gamay
+palai
+luang
+weicheng
+mvuemba
+sadh
+parthy
+55.3
+boloni
+vpw
+flipbook
+‚
+skd
+angue
+9-for-17
+saracini
+kittens
+kunj
+clmv
+inferiors
+kellerman
+hyak
+phyllida
+medrad
+rickman
+78-day
+iida
+ã
+filmographies
+brandenburgers
+mouchy
+inwardly
+panchos
+3,309
+creaminess
+workless
+xincun
+churchgate
+bessie
+hummable
+annoyance
+fantasporto
+koonung
+chains
+jostles
+ryokans
+masterman
+liberians
+divača
+peiyi
+bohemund
+caponi
+sawatzky
+voluntariness
+holomorphic
+ahmadpur
+cuma
+dramatised
+ill-conceived
+fowlie
+fergison
+phalanges
+(214)
+10.000
+hoists
+1932-1933
+titan
+16.0
+boeken
+outreau
+chereau
+fortino
+scribbled
+90.91
+wheelchair
+mélenchon
+kbot
+udit
+boxted
+argentaria
+kensaku
+flailed
+tarrant
+methylhexanamine
+repubblica
+salum
+gigaflops
+koksijde
+espadas
+phasis
+59.70
+echuca
+18-metre
+texensis
+rehavia
+imperiously
+nh5
+kukri
+seawell
+tulips
+cohorts
+marcinkus
+underserved
+oleksyn
+gazin
+guidant
+muffed
+topscore
+upaya
+picaridin
+carman
+korb
+handshakes
+ibestad
+mid-1998
+1,700-acre
+larche
+kamppi
+affiliates
+tsipouro
+ortolan
+83.51
+57.61
+108.97
+hualapai
+hazlehurst
+irem
+autti
+toyman
+44.92
+stripey
+15.26
+cream-colored
+margarita
+mait
+novedades
+sclerocactus
+aklavik
+enki
+homeobox
+leandra
+chng@nytimes.com
+uncommanded
+stombergas
+mewes
+rothenberger
+.507
+qingzhou
+eitel
+user-defined
+fischer-tropsch
+paddick
+weisweiler
+5,3
+eurobank
+matusz
+comercio
+68.0
+lundholm
+dlm
+epcam
+jessore
+dalmeny
+pinkish-red
+celgene
+porcelain
+referral
+preschooler
+wellcome
+opd
+cowpunk
+havasu
+pamphilj
+serio
+shargel
+rosemont
+120.65
+cardiothoracic
+monae
+stroud
+edda
+savinykh
+1,893
+valhi
+d'hiver
+lahore
+wolesi
+depletions
+10-event
+snowsill
+sonson
+gallaudet
+yerodia
+arul
+siouan
+1139
+schilit
+athene
+thénardiers
+btp
+22.37
+tower-like
+ulam
+grayken
+comando
+overharvesting
+boreale
+rabiya
+vogelkop
+vakuf
+mops
+sareth
+vallenar
+heidt
+ahhing
+zielony
+polka
+earbud
+firouz
+willson-piper
+nagbe
+malmö
+tcu
+telmessos
+cavonnier
+officiants
+masya
+eudemus
+2-oxidoreductase
+grinling
+118-man
+gehry
+warszawa
+untangle
+befitting
+parafoil
+kilinochchi
+reauthorization
+inflator
+parka
+internodes
+ujfalusi
+thall
+25-mm
+rehts
+cubreacov
+brive
+a-6p
+504.48
+soilwork
+oviduct
+mx
+roomed
+ragab
+tacoma
+decisions
+boepple
+eion
+o.c.d.
+gremlins
+lendus
+thing-in-itself
+valujet
+tedium
+ullens
+liuba
+82.49
+wagenen
+burritos
+avantel
+sojod
+mediante
+enacting
+latwp@ldc.upenn.edu
+santubong
+sharpless
+revolutionnaire
+mcgavin
+takka
+móvil
+shively
+folksong
+covas
+lateralization
+masinga
+hazrath
+consensus
+urticaceae
+64.25
+gennaker
+8:21
+bergslien
+17.98
+hayyim
+anti-marxist
+ercel
+lovibond
+egyptologists
+301-seat
+risk-based
+muanza
+ghusl
+tiebreaker
+dioner
+haggans
+eskelin
+pulakesi
+v-4
+korosteleva
+legge-bourke
+falconetti
+zhibang
+artificiality
+s.leone
+pervades
+icterids
+foose
+1.4450
+shangla
+mysimon
+sauce
+multilateral
+kylar
+eliza
+fal
+25,500
+felo
+f-14
+shehab
+miletti
+shimei
+fannings
+pinoy
+geisst
+bris
+offenses
+bargal
+yeni
+pests
+x-machine
+potholders
+tagal
+cuculus
+multipart
+diamant
+aiwa
+supercells
+oubre
+1-of-9
+clatter
+murdoc
+879,000
+perquisites
+epitomizes
+7-ranked
+mnsd
+1975-1981
+couloir
+bakirkoy
+chōfu
+riseth
+a-ball
+cyberman
+bienvenida
+arouch
+3.73
+storelid
+myogen
+4,335
+khamgaon
+petersons
+inconsistency
+xperia
+dapper
+quintessence
+tv-14
+sjoeberg
+virology
+ables
+diosa
+biopesticides
+tr1
+flatlined
+dustoff
+pitchfork
+rhizomatous
+duwe
+vennochiglobe.com
+hamedrash
+genx
+cica
+celle
+doerflein
+rauff
+incensing
+agony
+simoun
+ferro-concrete
+ncaer
+kv
+sasho
+tev
+electronegativity
+fftf
+marva
+heerstraße
+27.65
+riesel
+imagineer
+khadevis
+zillman
+shanqin
+inhomogeneous
+knorozov
+gregersen
+tamihana
+haumea
+wornum
+titchmarsh
+kourion
+anglos
+zethus
+kassire
+brima
+tetsuzo
+8:38
+rakishly
+19-25
+sielec
+ematheudes
+nakhl
+skywalk
+kasganj
+breviceps
+eberhart
+chevet
+cigs
+maggots
+ennis
+hayer
+nomoto
+zatechka
+dacaar
+82-year
+gadfly
+zhongwu
+26,700
+0-fer
+.986
+hodnet
+ingénieurs
+fluyt
+kupres
+319.1
+juggernauts
+xuanzong
+penname
+edelbacher
+retirement
+schönbach
+harder-edged
+generals
+sidesteps
+starlifter
+doges
+m104
+pseudogenes
+sidama
+feltwell
+pheasant
+doumbia
+kunsthistorisches
+speilberg
+devenport
+telefónica
+15-day
+maaseik
+klassen
+marcone
+zugdidi
+nguema
+kerrs
+212-499-3382
+solovtsov
+excepted
+shchedrin
+mchedlidze
+219.4
+rosine
+sasac
+diffusing
+tunable
+kerekes
+gwillim
+kaklamanis
+carino
+jes
+localizing
+clarendon
+pompeian
+alongkorn
+solvalla
+kilcher
+twinstick
+vivica
+hamas
+karadzic
+70-square
+armholes
+fotiou
+640480
+whiff
+hankwitz
+ringed
+iron-sulfur
+stamped
+1951-53
+gigliola
+70-52
+€
+horr
+sudd
+117.08
+goianiense
+66,500
+bousquette
+speciosum
+staroźreby
+wavefunction
+gennady
+deaths/1
+titta
+217.5
+chimene
+47.48
+lakeport
+and-17
+swayda
+suretrade
+roja
+mensae
+attah
+pro-social
+littig
+posto
+fluorophores
+grip
+alando
+ryudo
+humperdink
+hingham
+prisoner
+f-15a
+nongkai
+kusadasi
+judaeo-christian
+douglass
+manicurist
+hierophant
+salmonella
+euro475
+mws
+mecsek
+wittwer
+arsenis
+1,139
+miomir
+minjur
+energetically
+boginskaya
+3/8
+talismans
+belying
+polshek
+pre-qualifying
+lmgte
+hentunen
+nabor
+105-92
+friedrichstraße
+alcoholic
+decisively
+compuserve
+schönen
+outrebounded
+macklin
+metal
+rafter
+tranquilize
+keigwin
+throneberry
+49.14
+lowenbrau
+houssein
+strut
+spitzberg
+tnb
+coital
+telecommuncations
+urenco
+anti-us
+paucity
+collapses
+qena
+hx
+yakuza
+cherkesov
+knowlege
+sebai
+pribilof
+ironclads
+manitowish
+balli
+php
+fere
+utp
+2.4-kilometer
+paternus
+sevastyanov
+cardellini
+kilmurry
+hemmat
+daumas
+nalen
+nal
+nonmusical
+pituitary
+18-4
+aleta
+oberwart
+fids
+80-82
+indecisive
+wee
+24-footer
+odorant
+carport
+märklin
+mesbahi
+unmetered
+demoralizing
+multi-pronged
+letterman
+reproductions
+suozzi
+iua
+anandasangaree
+forfeitures
+mislaid
+maroulis
+hog
+pichler
+dartford
+skibbereen
+zilce
+daviau
+kolko
+vollenhoven
+jeune
+durmus
+multituberculata
+blaina
+homebodies
+appétit
+flagships
+liniment
+termina
+jia
+@
+hattar
+nakhimov
+hogmo
+peerage
+akhmed
+millennials
+semisweet
+zalman
+zhaoyang
+romorantin
+newports
+ōminato
+ratiu
+argan
+sanana
+col
+carders
+stackpole
+yabgu
+6:13
+sensical
+3,730
+estar
+disinhibition
+aspirins
+lawndale
+boeuf
+21.93
+linnik
+hosei
+kalyna
+aimlessness
+selskab
+profundis
+consors
+gruis
+23.28
+741,000
+48-kg
+wayfarer
+hda
+absolon
+diphosphate
+deserts
+euler
+tamminen
+risp
+nocturnal
+selbourne
+reckermann
+wenhua
+tagliaferro
+pandelela
+unfairly
+garmab
+fertilizing
+axes
+mauri
+faheem
+entropia
+ayanda
+overexploited
+mihi
+studesville
+samten
+multisyllabic
+offguard
+burgomasters
+mcraney
+guerre
+two-track
+maszewo
+eumm
+comen
+animage
+duly
+piako
+pterophoridae
+oranmore
+referencing
+nonessential
+shimkus
+ketut
+stolons
+shreck
+joppich
+wetumpka
+knockhill
+candiates
+inconel
+moneybags
+vwr
+biagiotti
+nurseryman
+exuberantly
+gołdap
+mtuc
+tujia
+selvey
+boheman
+ostbahnhof
+wecht
+nanjo
+mistry
+sulam
+86f
+chanal
+sunabeda
+lucid
+yalahow
+ingria
+producer/engineer
+xth
+chemins
+tripolis
+dowd
+governor-elect
+shivratri
+kalli
+arular
+anatomically
+alcidae
+blinis
+gasolines
+90.48
+swihart
+328,000
+aksum
+proclaiming
+98-83
+deprivations
+naiman
+valckenier
+strath
+matica
+kelderman
+infratil
+customising
+countertops
+tip-off
+teppanyaki
+thunderbird
+soloed
+rokas
+shark-like
+scheuerman
+4ad
+girlfight
+nuthouse
+public
+non-daily
+drèze
+40.9
+delmas
+udom
+brays
+rvd
+jintao
+astley
+rodenburg
+kinnevik
+klyuvgant
+karsten
+tagtop
+rmm
+podgórze
+arn
+virginity
+http://www.royal.gov.uk
+30-hectare
+o’grady
+rifqa
+kujira
+sterben
+tinbergen
+third-rate
+companie
+ellrich
+calarasi
+jugglers
+bacteroidetes
+bokhari
+jerd
+celebres
+midyear
+racoons
+signorino
+ship-based
+vatel
+capstick
+antipathetic
+street-corner
+52-nation
+orrorin
+73.51
+schuyler
+close-ratio
+kravtsov
+euryhaline
+braiders
+epalle
+whupped
+1/4-cup
+liberti
+habido
+sangan
+lueger
+c-shaped
+ktc
+yoshitomo
+sinkings
+avowals
+sightfirst
+chyna
+yaga
+scotus
+2,410
+beliefs
+unum
+herd
+1474
+zio
+kentucky
+pallbearers
+gebeng
+loudeye
+loeb
+olahraga
+frontierland
+odernheim
+conformal
+cottonmouths
+dynamic
+disk-based
+lindenau
+tōn
+flowchart
+1531
+latin
+tolls
+bolaños
+g.s.
+benso
+minz
+arthroleptis
+dialyzers
+andrzejewo
+ovelar
+coagulation
+seatings
+foligno
+necropsy
+lincolnesque
+quapaw
+80.77
+brinsmead
+.300
+gurirab
+lunesta
+bangin
+atanassov
+membered
+brus
+rattling
+mannu
+ranking
+ile-rien
+hirko
+biodata
+compu
+systemsoft
+vujovic
+1,895
+bhakra
+tulipifera
+45-square
+palazzos
+oralism
+nxn
+photonics
+17:27
+euro100
+biography
+hongqi
+uz
+pouha
+maiava
+1,406
+retirees
+reis
+adikavi
+osu
+56.42
+massih
+unformed
+clingan
+englishness
+meticulously
+cordons
+ristow
+deogracias
+28.20
+lasing
+frcp
+nt
+eisuke
+zytec
+averbode
+meathead
+eben-emael
+eyestalks
+panos
+maranville
+onl
+lalang
+mattsson
+acklin
+recrossing
+brukenthal
+novaehollandiae
+kuklick
+russa
+asianet
+tigana
+countries/territories
+75.9
+25.3
+wags
+teather
+piggery
+eworld
+salek
+terzaghi
+petiot
+nwp
+bromo
+borofsky
+guie
+gergonne
+bondies
+rum
+savages
+pipeline
+monstrosity
+noxious
+kebangsaan
+twayne
+yayuk
+pengrowth
+statistic
+savagery
+downmarket
+record-setting
+daianu
+quarks
+gyroscopes
+alphonsus
+democrazia
+cheeriest
+farinos
+marie-josé
+41.97
+goalies_ottawa
+pannone
+laxalt
+cambior
+d'enseignement
+marsupials
+115.52
+publicise
+mopeds
+valtellina
+6.4-percent
+tramcars
+pan-fried
+turns
+measurements
+headlight
+zakliczyn
+oviraptorid
+vice-chamberlain
+cherkessia
+noram
+klubi
+isoetes
+close-fitting
+astrid
+pretenses
+cihan
+recusancy
+psni
+20.45
+marxist
+pingyao
+kuleshov
+sub-4
+leskovec
+suðuroy
+1643
+gerland
+btu
+prota
+2,800-square
+interconnects
+rancocas
+dąbrowa
+humayun
+fabrication
+cashewnut
+yoga
+18.95
+trémoille
+west-northwestward
+enantioselectivity
+tr
+andritsaina
+124.75
+2-58
+beeen
+tutelary
+rotter
+scaredy
+68-58
+pushrods
+palli
+yahzarah
+1965-67
+jsat
+pulido
+topflight
+25.31
+klyazma
+7th-8th
+autocratically
+tribesman
+guizar
+mitsunobu
+holyman
+trinità
+185-pounder
+mrsic
+imnaha
+cendres
+reneges
+3,179
+stubbs
+corduroy
+kulture
+longville
+morss
+39-33
+bloody
+champa
+jurata
+klinghoffer
+puchalski
+dhikr
+battsek
+eukanuba
+645
+lpu
+insha
+mémorial
+mammootty
+indoles
+halethorpe
+championing
+baraldi
+abraded
+nicollin
+1,274
+21st
+blodget
+hyperinflation
+accomodating
+huigu
+parallelized
+yuniesky
+weizhong
+pathe
+olivaw
+goodfellas
+skybox
+cubbies
+four-hour
+gaddar
+boonsrang
+15.74
+blacksmithing
+pergolesi
+coppinger
+fattuh
+nabagram
+70kg
+insurability
+wrests
+twelve
+tekstilshchik
+ikar
+mandola
+turgay
+vishnu
+châlons-en-champagne
+yusen
+murad
+neftchi
+urbanism
+ferdous
+city/20
+draglines
+merkel
+aquathlon
+self-developed
+yuknoom
+disjoint
+schlondorff
+coppernoll
+trainees
+formula_10
+catching
+kandinsky
+hungover
+kulwant
+kitzsteinhorn
+ideale
+kohneh
+quins
+nicholasville
+4-hour
+nucléaire
+taskforce
+carthusian
+bronson
+9,900
+feilhaber
+footscray
+yusufzai
+seicento
+kuzmanovic
+uhh
+yokoi
+psittaculidae
+unperturbed
+lanchester
+ff2
+bashari
+tubau
+antica
+untill
+brandies
+kejie
+vellu
+dagbon
+hazrat
+ollivant
+biran
+vacationers
+ahwahnee
+pci
+figlia
+sonn
+wirtschaft
+waldholtz
+75-meter
+ex-slaves
+flyboys
+non-rational
+oatcakes
+kulukundis
+toshka
+21-20
+spee
+unawares
+calvisano
+were-jaguar
+222-2145
+badalamenti
+dayt
+down-regulation
+35.52
+robert-houdin
+soofi
+poljane
+slaty
+fulber
+pudiera
+disrupters
+bromination
+081
+siliguri
+18,000-member
+microchip
+filmmaking
+atrebates
+zubeiri
+gonen
+g17
+rheinland
+darkroom
+rianna
+andriola
+high-rises
+narelle
+paritzky
+170.9
+6:32
+buoyancy
+beeps
+toome
+huf
+kingswood
+canales
+french-swiss
+mbulelo
+maaroufi
+nachman
+waterworld
+seagram
+gier
+mispronunciation
+maribo
+reflectively
+rheinsberg
+intradermal
+chenab
+tulunid
+209.1
+warner/chappell
+frost/nixon
+kasper
+bibliographers
+glasper
+hongjiang
+vandenberghe
+amoureux
+88.13
+ticklish
+latinpass
+(978)
+marwa
+unspoken
+.0349
+gaziyev
+spall
+seydel
+flakiness
+dobler
+molleken
+hilli
+a-long
+february-march
+443,000
+kazuo
+daters
+neo-gothic
+14-day
+maturan
+nordling
+soshi
+sericeus
+krock
+nahal
+copperbelt
+thread-like
+gunge
+bijeli
+qwill
+werkstätte
+chapelry
+okala
+101-run
+nathi
+avalos
+gravels
+ismailism
+narathiwas
+beche
+300-strong
+adorf
+adao
+non-players
+.00
+100,00
+hcm
+aleksandrovna
+vohor
+české
+15.52
+nd6
+talcahuano
+gmtv
+gilpatrick
+pleochroism
+cantieri
+raul
+corniel
+tawakal
+bigalow
+sift
+spinnakers
+mary-of-the-woods
+lead-singer
+gulmohar
+inoculate
+43-19
+willdenow
+fulvescens
+fifra
+instances
+tessé
+arnoud
+guimaraes
+podicipedidae
+noli
+unremittingly
+blesbok
+juuso
+haridasas
+48.50
+unscrupulous
+61.6
+noncitizen
+darley
+6-of-15
+shawano
+honks
+7-for-12
+midbody
+sagna
+sophism
+launchers
+studiorum
+pistes
+caland
+homology
+65-meter
+penalties
+goodrick
+prohibitivo
+yogh
+orients
+rlj
+polyploidy
+mendès-france
+delimit
+noncontiguous
+geraldine
+loucks
+rapreviews.com
+2,608
+112.86
+kerrl
+charnvirakul
+bargłów
+nogaret
+s-10
+67.50
+cervidae
+magaw
+.736
+colbolsa
+gershowitz
+nitwits
+16.23
+kebich
+19:28
+glynde
+depressant
+faty
+jayyousi
+arab-muslim
+44.24
+wurman
+neu-isenburg
+hobyo
+lovinescu
+inkblots
+tedim
+ny455
+33-11
+over-the-board
+as-yet
+calstart
+sesam
+rustenberg
+2,065
+stigmatize
+company-owned
+ouargla
+ciolos
+iow
+1049
+joysticks
+moringa
+guessed
+bubacar
+tubule
+spark
+52nd
+jawary
+miffy
+william
+machiavellian
+niti
+frontrunner
+pdca
+kastav
+sheathing
+t11
+insensible
+riggings
+burkman
+hunnewell
+sexpot
+hansjörg
+juglar
+rybin
+rusling
+41-23
+wroxton
+dudar
+rothrock
+plumeri
+hajduk
+wanjiru
+khosla
+45-kilometer
+cavils
+inbred
+hamani
+barrytown
+smote
+span2
+ghsa
+winogrand
+freiburg
+corer
+semperoper
+kupwara
+ranc
+naomie
+nefa
+lonar
+radle
+isicathamiya
+titelman
+apiit
+jo-wilfried
+valjevo
+bezalel
+datamonitor
+jiahui
+state-building
+lhotka
+pizzotti
+hazed
+mazandarani
+omnipresent
+smoking-related
+supercilious
+farg
+oim
+gayan
+94.20
+álvares
+shamanic
+exacerbations
+neuquen
+bearn
+viele
+debare
+doroteo
+belconnen
+downland
+goosens
+exclude
+kameni
+waliur
+mansfeld
+porretta
+vanhala
+anesthesiology
+36.1
+aiyegbeni
+2987
+demon
+refloated
+japygidae
+kefka
+volume
+gligorov
+chamounix
+praeses
+sino-korean
+hayflick
+ħal
+gechen
+alterna
+110-pound
+poteet
+pospelova
+thermic
+quakertown
+tally
+superhard
+kveta
+ergasias
+bullwhips
+vampyres
+anchia
+two-block
+balcytis
+triggering
+s.r.l.
+riosucio
+senefelder
+exonerates
+discreet
+methven
+surburb
+p-5
+adva
+levantine
+ropewalk
+romanshorn
+zaniemyśl
+65.1
+doubles_lowell
+48.21
+shiomi
+osteopontin
+umarov
+6,555
+fibrous
+nsimba
+pollux
+15-13
+experiencing
+hapes
+wday
+sportfreunde
+lamamra
+berkovic
+ical
+turnagain
+ventaja
+feodorovna
+bndes
+officer-in-charge
+merriwether
+heuton
+indidis
+cayenne
+35-40
+lattakia
+sergius
+suria
+65.72
+qiong
+ifa
+xibalba
+puttering
+euro286
+ownit
+southworth
+adefonsi
+narcissus
+neki
+bb94
+oozy
+chronograph
+eiti
+dudas
+e-science
+twinkling
+plinths
+,16
+93.16
+vassily
+albigularis
+associations
+mazra
+davignon
+tonite
+igi
+public-use
+verdure
+f-102s
+soviet-american
+renzetti
+bombardieri
+edaville
+surfline
+24-bit
+90.57
+70.89
+gundersen
+pranking
+lovejoy
+dianthus
+moorhouse
+sphaerocarpa
+steroidogenic
+neck
+slows
+cukor
+lhb
+biographie
+26-episode
+timesdaily
+languishes
+shalazhi
+vårt
+akhil
+wlos
+sharona
+antique
+1,800-strong
+croxley
+teamed
+uned
+souleiman
+france-klm
+dugard
+magsanoc
+ases
+fathomless
+jailbreaks
+genta
+aaja
+wusu
+okker
+sidell
+seibersdorf
+infanterie-regiment
+schneeman
+depute
+goodliffe
+sofonisba
+didace
+bakouris
+cherner
+papazoi
+302,000
+cholula
+eklutna
+quoit
+39,063
+garni
+exposing
+9.34
+sudamericano
+aliran
+sub-province
+menzies
+25-44
+lshrager@otherwisehealthy.com
+galdino
+parentage
+usa
+bewley
+38-38
+odessa
+punky
+arcole
+higos
+kinna
+satánico
+hillyard
+vanasathidya
+tripler
+tangie
+12.90
+montevina
+10-28
+1210
+variegation
+devolved
+jendouba
+chieveley
+mementos
+pelagianism
+acma
+jumping-off
+36-meter
+kreitman
+ballymena
+heinberg
+clubbiness
+weaponizing
+pirivena
+linnean
+souders
+berkswell
+hy
+attributed
+charolais
+impermissibly
+second-most
+handlebars
+purísima
+swayamvara
+kaboul
+mcclintick
+disqualify
+bohus
+fango
+correctors
+ailette
+rayt
+20.14
+tachyon
+luhnow
+5-ton
+filibustering
+surigao
+mansky
+non-spanish
+three-foot
+jacobsson
+afraid
+titcomb
+cand.oecon
+3,000-man
+hoppity
+yujin
+zagat
+graffeo
+unjustifiable
+davidovsky
+mutula
+12-ranked
+chitou
+prescot
+cochise
+btcc
+raphitoma
+sigma
+bainqen
+tck
+indias
+21-million
+posluszny
+555,000
+ighodalo
+paddon
+kielan-jaworowska
+sameera
+mukti
+ub-14
+saeedi
+2tablespoons
+pembroke
+epigrammatic
+nazaruddin
+foetida
+nicolaides
+dengir
+forcast
+numinous
+hawked
+cammeray
+peculiarities
+kraehenbuehl
+arthritis
+incriminating
+wichai
+lampitt
+delightedly
+then-incumbent
+pleshette
+prolonging
+vbz
+84-game
+wvs
+sverdlovsk
+preconfigured
+mercati
+šmíd
+cammack
+verite
+outpitch
+i.
+offficials
+jinchang
+ghauri
+choc
+49-second
+leveler
+kratovil
+viering
+kyu
+435
+x-factor
+cura
+pailan
+60,000-plus
+bittorrent
+olymics
+scenic
+chinese-filipino
+beharry
+1966-1969
+wey
+idstein
+16th-11th
+colonial-style
+biscuits
+83.26
+rugolo
+empedocles
+lwn
+pectorals
+giampiero
+13,000-foot
+magners
+hildy
+sweeney
+1990-2003
+37.06
+monsoreau
+skytrax
+hater
+knoxville
+39-23
+bouchar
+suchoparek
+monas
+donchin
+tames
+schwanitz
+baybanks
+single-arm
+byes
+mattew
+craymer
+mon-el
+93.22
+2:31
+simerini
+kenge
+haken
+kierszenbaum
+11:59
+quillen
+sreten
+bologan
+625
+mullei
+rivkin
+windpipes
+122-member
+levered
+analagous
+datel
+north-north-west
+namtha
+debout
+hottinger
+hawkmoth
+heteronormativity
+goro
+debler
+médico
+tiered
+strikeouts_pmartinez
+25-hectare
+polymerization
+ng/ml
+oligodendrocyte
+gallio
+hanok
+mugu
+ultimas
+herseth
+ticao
+typha
+grascals
+mehmedovic
+865,000
+routley
+pandered
+84.92
+limone
+chinandega
+kemp
+11/8
+busyness
+chirchir
+10027
+bludgeons
+peric
+performer
+human-induced
+angélica
+stephin
+ōuchi
+serwanga
+c2c
+menotti
+balderson
+microclimates
+gallier
+dougray
+77,500
+dadush
+sibiryak
+nlft
+futterman
+ponna
+paf
+pennants
+dweck
+1.018
+brygada
+8,625
+single-mode
+3,704
+gummow
+okposo
+fenestra
+five-issue
+uppsala
+entryway
+pisgat
+pdp-11
+noord-holland
+marysville
+dwayk
+10-cent
+borphukan
+vogelgesang
+williford
+westliche
+shuki
+manpur
+2829
+callcott
+sakers
+hypes
+euro220
+lct
+broglie
+fenkner
+obeah
+urumi
+anja
+dings
+long-dormant
+elmer
+electron-positron
+blasberg
+hiroto
+cusano
+34-27
+shaoqi
+156-year
+pius
+bb04
+midocean
+shalit
+streetsville
+orion
+murmured
+loville
+enc
+tabler
+asds
+dongyang
+ekko
+manaia
+zwi
+stikes
+48-billion
+gbu-28
+vito
+7.7-magnitude
+jehiel
+sovetov
+hosier
+kret
+polgara
+hoppes
+celluloid
+zanu-pf
+terezinha
+delicate
+x-37
+twists
+suci
+bridge
+solvents
+tongji
+favaloro
+aspira
+growling
+decentralisation
+promisingly
+elmdale
+koichiro
+rohan
+ulas
+back-door
+chainlink
+barragan
+ploeg
+a-levels
+highwaymen
+xiang
+hiltachk
+pré
+juggalos
+barabar
+fluidly
+44.78
+496,000
+frodi
+vidiri
+716,000
+452d
+goering
+sanming
+meaford
+ihsahn
+saarc
+setian
+aizoaceae
+outnumbers
+sobering
+fahey
+0.058
+petrouchka
+dzoro
+adventurist
+abhiradee
+sparklers
+unsual
+motherlode
+cheddar
+qazwini
+secretaría
+pandharpur
+kitara
+thisweek
+poétique
+pharmaceutics
+ilia
+sztum
+maglaj
+biofouling
+chiamparino
+all-india
+philhealth
+whish
+chinkin
+monnot
+voglreiter
+bureaucracy
+trivial
+shahjalal
+asiaticos
+çanakkale
+obelix
+flubbing
+galega
+kowale
+legwold
+al-fasi
+video/audio
+campanile
+webcomics
+paleontologist
+chisel
+foolhardy
+uncalled
+delap
+bianche
+nestea
+berr
+chank
+deceiving
+transform
+faustin
+roder
+wharf
+oliveira
+seventy-fifth
+hollendorfer
+ansmet
+wiita
+aknoun
+pleasurable
+climbié
+maidalchini
+75.1
+dechaume
+pegmatites
+450-million
+31.2
+banal
+svay
+cacofonix
+rettenmaier
+saint-exupéry
+materiality
+rajamundry
+39.74
+.350
+nonsense
+surete
+stevin
+sironi
+presales
+vanderveer
+timetabled
+saint-ouen
+whisp
+gallura
+antifascists
+antshrike
+dillen
+nuer
+bassoon
+efimkin
+aḩmadābād
+russe
+47-36
+dictionary
+lorcan
+kamena
+petar
+djoudi
+hellenes
+vacationing
+tapani
+yanbian
+crisan
+yisheng
+ormoc
+6.33
+buftea
+minae
+appalachians
+meola
+lívia
+vitosha
+innkreis
+hạnh
+encephalomyelitis
+legman
+wednsday
+harimau
+indígena
+miesbach
+parthenon
+zanu
+macdonell
+harghita
+dance/electronica
+múm
+1,077
+karam
+effortless
+earthen
+tipon
+innings
+abepura
+folklorico
+1955-57
+38.39
+higginbotham
+loudermilk
+jcm
+brodus
+mshasho
+one-child
+rustico
+kovin
+redcliff
+cahokia
+attia
+makos
+seminiferous
+concertizing
+reptile
+methemoglobinemia
+truchsess
+gorn
+dikla
+re-build
+rainworth
+andamanese
+2,389
+creature
+lakh
+celina
+reflections
+ivyland
+reductases
+o'farrell
+mazraa
+dogeared
+conners
+teutonia
+single-ended
+jaffna
+109.68
+set-ups
+rdineh
+gladden
+anti-tobacco
+modeler
+lento
+camouflages
+mbuki
+malmo
+ilfracombe
+sulfamethoxazole
+pendency
+dpc
+madballs
+1,946
+eltish
+commensurate
+hydrocyanic
+juster
+teepee
+televise
+wing-back
+picken
+kyuhyun
+bolo
+rcv
+bruggink
+wup
+snakebit
+seaborg
+fantaghirò
+71-run
+qí
+bossiness
+brazenness
+snowfall
+neofit
+uglies
+koufos
+johnny
+wariner
+manilla
+rc-135
+bumping
+marisol
+optronics
+doriano
+85.0
+ergency
+olli
+salata
+anma
+whitewright
+unggul
+kaempfer
+sarcomere
+senigallia
+xeriscaping
+kalinowo
+haymes
+bungs
+chikungunya
+ukrainian-born
+studland
+wygant
+aldehyde
+barzanji
+matrilocal
+xiaoli
+domingo
+mandurah
+polysilicon
+euro231
+receptions
+mpilo
+corc
+offensively
+ibans
+underscoring
+fair
+trimestre
+aiaw
+canel
+novelizations
+vnaf
+hellman
+rumph
+overstretched
+rock-and-roll
+orbcomm
+damski
+flamboyance
+creeped
+namdalen
+riscorp
+bajakian
+interest-free
+point-a-minute
+99-97
+gelgel
+tagro
+aparo
+osmar
+rokocoko
+clicking
+polman
+erins
+calton
+okano
+11.82
+jobin
+dibden
+iswara
+köşk
+anoeta
+exclusivism
+richa
+rae
+withernsea
+coxon
+lindenberg
+augustyniak
+sean-nós
+bnhs
+76.68
+schizotypy
+rhic
+progres
+titiwangsa
+paks
+10,600
+icosidodecahedron
+ubii
+gaubatz
+gioja
+footbridge
+satay
+cruelty
+omisore
+peachcare
+qand
+strovolos
+trans-alaska
+lom
+rapaille
+azolla
+kigozi
+microcontroller
+yohko
+12.14
+solfeggio
+741
+nahi
+1479
+ground-to-air
+61s
+akbayan
+haijing
+veazey
+101.66
+mamund
+tourtellotte
+perija
+one-tenth
+mislead
+girbaud
+thunderball
+candyland
+lotilla
+baglai
+29.38
+nanite
+jiaxuan
+rajpura
+holofcener
+s.b.
+8m
+ruffels
+maddest
+woodleigh
+18-24
+alro
+chiding
+haplogroups
+spackling
+darkstars
+mevs
+515th
+flip
+flyertalk.com
+kyril
+niaz
+ceil
+fan-shaped
+nunberg
+spgb
+bresso
+stegall
+(913)
+revathy
+depositary
+joio
+102-87
+geagea
+bontoc
+rt.
+iyman
+adaptive
+worldcall
+qasem
+westell
+lollygagging
+17-match
+launchcast
+midatlantic
+rhdp
+koryū
+gunning
+sawbuck
+lemack
+smugglers
+gratin
+proustian
+tsakalidis
+turnips
+nexavar
+homotherium
+frcs
+infests
+āb-e
+τ
+matter-of-fact
+blang
+pbpost.com
+miriung
+schmidt
+dominick
+downe
+18-month-old
+susquehannock
+lecouvreur
+responsorial
+lumiere
+cantero
+jamila
+dovolani
+zopiclone
+55-seat
+sunglasses
+5.4-magnitude
+belushi
+vacante
+coopted
+maho
+transcribed
+doong
+whateley
+moatize
+syamsudin
+dioko
+recusing
+roberson
+degregory
+gooberman
+rr
+peiyan
+9001
+belaid
+dellal
+singel
+birmingham-based
+patnaik
+carnivalesque
+dombrovsky
+civicus
+79.80
+graveolens
+gasper
+afflict
+tridentina
+271.6
+bakir
+ungpakorn
+studio
+beirne
+nasiriya
+froelich
+gratian
+sunnis
+horwill
+konoe
+hogben
+qixing
+wyo
+wągrowiec
+cooktop
+deviancy
+merret
+lemont
+bughouse
+gunplay
+øyvind
+snake-birds
+tents
+rcsb
+g-77
+lacock
+nns1
+cielito
+wy
+marcal
+trendle
+mariyun
+bastnäsite
+flower-class
+saenko
+galtung
+pueraria
+uruguaya
+ppv
+prahnk
+ageratum
+kourou
+henricsson
+twelves
+collinses
+clowers
+holzstoff
+118.84
+wallonie
+martynas
+kozani
+chade
+dhakal
+gartz
+rivetingly
+929,000
+nerf
+consumes
+beridze
+bd4
+reimposing
+white-collared
+kindhearts
+kaycee
+allfirst
+mid-to-late
+melville
+pellot
+loisel
+lavishes
+towanda
+eyesores
+scahill
+britsch
+rra
+jambs
+wayuu
+kidnaps
+4x400m
+37-page
+qingyi
+oric
+viaducts
+oshika
+kaiserin
+wasmuth
+ladany
+baishi
+174.8
+100-seat
+zaramba
+commenced
+steals
+meatwad
+crow-stepped
+ciguatera
+celled
+barotrauma
+bogut
+bogor
+laurien
+carabiners
+barbary
+crosstown
+server-side
+nonprofessional
+maría
+1:11
+fee-paying
+euro417
+starpower
+riegle
+koertzen
+schabel
+jokinen
+rafha
+110-metre
+sabancı
+cheerier
+forbid
+satie
+orlandi
+ogonis
+moiseev
+mall
+lampman
+1.24
+ulrick
+re-purposing
+gross-out
+rademaker
+70.55
+50-calibre
+moly
+1,024
+torretta
+600,000-dollar
+self-produced
+edythe
+hosh
+frontlines
+sholdersptimes.com
+harshefi
+unicity
+atomicity
+kench
+meier
+gaea
+villalba
+pell
+jiading
+mairi
+rogov
+redeploy
+ravansar
+writer-director
+pasteurella
+wazzani
+489th
+nutan
+stratis
+book-of-the-month
+houthis
+værksted
+slonkova
+eiwa
+zurvan
+quadruped
+overdramatic
+smithville
+tattooed
+chaiyawat
+35-35
+x-com
+peseta
+chikwawa
+transfat
+kelsang
+moola
+djer
+canas
+naisbitt
+wanger
+g37
+duffed
+dodecaphonic
+gulbudin
+amberleigh
+figgins
+limerence
+floorplans
+merricks
+ornately
+nazi-controlled
+lickety
+debridement
+enews
+pvm
+jellystone
+huasteco
+inornatus
+50.13
+barges
+kyrgyzstani
+bcp
+amro
+khaybar
+ruei
+bhu
+13:01
+wolfgram
+319.7
+mangun
+hyderabad
+handsets
+buehring
+adrenalized
+feleke
+nurture
+verhaegen
+ruvkun
+honan
+sprint
+sommelier
+jojoba
+sachtleben
+raelene
+lochearnhead
+mrt
+iruma
+butane
+88.14
+inventory
+debon
+dint
+23.46
+embrasures
+bjorndalen
+eliciting
+napus
+diems
+huegill
+landfilled
+25-28
+histiocytosis
+dingdong
+transylvanians
+wenner-gren
+mánes
+mangnall
+sandag
+bewilders
+woodthorpe
+cortese
+adjones
+currer
+crassula
+mg/kg
+jong-il
+explication
+apollos
+elrich
+tiruchengode
+fm2
+27-14
+pseudonymous
+calamy
+harddrive
+spectacles
+lihua
+kisaeng
+olding
+afx
+cheerfulness
+15-acre
+khandu
+walpack
+bitstreams
+giebel
+2.2-litre
+1979-1992
+754
+lorensteffy/
+.938
+hilsman
+cleansed
+evocations
+5,723
+kmarts
+eeriest
+gaud
+villaroel
+wiseman
+sibir
+kc2
+frocks
+chandipur
+athar
+pope
+calculi
+300,000,000
+soile
+redlegs
+railbuses
+dabaa
+four-decade
+frankopan
+housework
+popsicles
+osk
+fissile
+safilo
+sanberk
+steinhauer
+niddah
+intriguer
+buea
+sfts
+funaro
+6-7
+apocrine
+reservation
+populus
+new-england
+swine
+shiren
+sitrick
+jiten
+all-embracing
+porntip
+sequoia
+millicom
+heidi
+flyout
+chillingworth
+medics
+latvia
+cofetel
+bahnhofstrasse
+blurrier
+ram?rez
+spheroidal
+strunk
+vojin
+award-giving
+pridnestrovian
+jakhar
+rajshahi
+87-member
+kaaterskill
+bajirao
+1.571
+takhar
+misappropriations
+gambell
+chiffons
+finney
+woodsboro
+testy
+houshmandzadeh
+topmast
+hacerlo
+optionsxpress
+prohibitive
+woodlouse
+boudjellal
+kankkunen
+riba
+washim
+pro
+135,000
+ahras
+slow-moving
+toyline
+finalizes
+sagansky
+mendelsohn
+unpleasant
+prompts
+unkovic
+435-mile
+announces
+dracul
+atlântico
+zoegirl
+ritam
+sinjai
+tätort
+thorkell
+gethsemane
+68,200
+silamu
+morneau
+compound
+wallendas
+psychical
+(916)
+infimum
+2,858
+loggerheads
+roger
+fortification
+terumasa
+55.49
+lillias
+2,000-page
+tubeway
+paysage
+smolenski
+sapped
+katsonga
+14sec
+sponsoring
+rhabdomyosarcoma
+playfully
+jantz
+faveur
+salthill
+sejo
+bomoh
+consultancy
+idleness
+relgis
+heisig
+dominggus
+descents
+basten
+raghda
+tengah
+aginst
+320-acre
+pruners
+dukagjini
+anniversay
+garikoitz
+quane
+gaombalet
+totland
+fih
+annularis
+ensued
+wellville
+encryption
+alwaleed
+c&c
+brighid
+17:30
+pan-pacific
+biochem
+chiffot
+cmh
+megabits
+imoto
+nhra
+unharmed
+pomorze
+24700
+rosensweig
+edmunds.com
+implores
+kampfner
+brahmachari
+22.38
+leonian
+chansonniers
+polkinghorne
+morriss
+2,524
+chargin
+embitterment
+bickering
+bt10
+kadewe
+ohira
+samenow
+morino
+mars-crossing
+raiding
+disanto
+ill-founded
+baalzebul
+iohannis
+buma
+gomi
+skew-symmetric
+arial
+attn.
+plaquemine
+supermom
+1,000-word
+segu
+steelmen
+awatef
+tigernach
+ustaša
+ex
+nowitzki
+hagiwara
+torpedos
+tdc
+amalekites
+falvo
+dudney
+humanitarianism
+askhat
+öhringen
+imagistic
+veljko
+24-match
+tokage
+85-acre
+bölöni
+mcelwee
+fussiness
+sarbib
+sports
+73.06
+union-tribune
+indo-tibetan
+clémentine
+56.79
+untraced
+vector-valued
+fluorescently
+fooling
+saturnian
+hat-trick
+mellus
+makaya
+49.45
+150-strong
+zib
+abasi
+triplanes
+dynamiters
+reoccurrence
+lnp
+ocypode
+oris
+kinkead
+hightower
+dartboards
+koekkoek
+inter-running
+rochet
+quetzal
+gotzsche
+margalita
+jozefina
+morcha
+shargorodsky
+flavelle
+augusta
+bunder
+aiken
+hedjaz
+brassed
+lindows
+597
+matheos
+transgenes
+talkh
+vrelo
+shawe
+mccarry
+triplet
+start-up
+tidier
+schiefer
+mabior
+neonatology
+mickie
+inch
+pitka
+bini
+schrenko
+day-lewis
+beryl
+tenax
+expensed
+lembang
+mcteigue
+14,000-seat
+simferopol
+tippmann
+schleicher
+kannadiga
+kombe
+mailer
+18.2
+argonauta
+airs
+spud
+judgements
+juemin
+fanboy
+crooke
+senen
+carrigtwohill
+pressroom
+u2014
+symms
+palter
+rongxiang
+verrochi
+piscivorous
+advantech
+housecat
+jansenius
+bhullar
+re-applied
+perforated
+cossitt
+sugata
+laissez
+sbf120
+free-electron
+(404)
+tsukai
+stickman
+watson-watt
+mu'awiya
+lockner
+72d
+198.6
+sömmerda
+phallus
+bagnato
+insignias
+tregubova
+waubonsie
+quoi
+six-foot
+morimond
+furlanetto
+3.66
+evince
+hordenine
+jaume
+nevertheless
+papagena
+hageskog
+thwacked
+13.72
+langenburg
+maligns
+hike
+cuales
+rakhine
+hinter
+1968-72
+spoonerism
+bloomer
+grings
+werl
+parexel
+dariusz
+pakokku
+piyush
+turnpiked
+naamat
+rixon
+skrebets
+huetthaler
+vijayalaya
+azari
+linnane
+mohanpur
+udvar
+installment
+arepas
+lapid
+hotlanta
+stompin
+hyppolite
+shrivenham
+induna
+mihály
+re-sell
+hissatsu
+formosus
+rafaela
+typesetter
+dahak
+hochi
+consumer
+p-47
+ulker
+tragicomedies
+390-7599
+lifeworld
+mantes-la-jolie
+trocchi
+meeting-house
+cosponsor
+bresnik
+plussed
+impressionist
+johnnies
+32-26
+tartarus
+tism
+132.6
+ixion
+killara
+chimi
+hegen
+tradename
+yunker
+giovannini
+maricao
+campinense
+restricciones
+ppx
+anatolia
+catalano
+subutex
+kentish
+uruzgan
+breakaways
+overhyped
+nobrega
+gratien
+cilia
+schapira
+m&d
+tilak
+abdella
+vertue
+a53
+danish-norwegian
+fontanne
+polkowice
+maturetrav
+achour
+sliders
+solero
+ocado
+nebbia
+couts
+badar
+sinlaku
+plutocrats
+haimen
+legitimist
+chefe
+supercrew
+fourcroy
+eissler
+oetzi
+lymnaea
+canal
+kalimullah
+bombycillidae
+re-vamped
+pavilion
+velayati
+watonwan
+lizano
+vyksa
+amani
+kaba
+clattering
+faves
+guidotti
+inokom
+1915-1923
+gevork
+twyne
+totient
+parol
+ardath
+180kg
+clerkenwell
+moulds
+steeplechase
+rumours
+janeiro
+checchinato
+soi
+timers
+requisitioned
+88-76
+cantz
+promising
+77.45
+26-24
+millonarios
+homestar
+ahmednagar
+1,676
+bandplan
+tuley
+bouchiki
+10-state
+water-rich
+41.31
+.996
+soya
+cometh
+observership
+71b
+benchers
+sambou
+lapok
+51.90
+9.66
+craniotomy
+1720s
+illogic
+tsotsin
+28.50
+slf
+apartness
+aikau
+sculley
+attented
+jewellery
+psylocke
+zooropa
+assasinated
+jongh
+mayence
+paraphernalia
+ashingdon
+baldassi
+prowler
+frolicking
+600-mile
+chalongphob
+gazzayev
+shellal
+portslade
+loktak
+fourthly
+3-of-14
+7-oct
+80.20
+cottbus
+proficiencies
+malvinder
+non-commissioned
+ipta
+clopin
+wadding
+forrestal
+crimen
+stevie
+ganciclovir
+piercingly
+lns
+goldsbury
+200s
+shila
+2,242
+11:50
+54-percent
+vasquez
+darted
+prashanth
+juskalian
+hryhory
+lindzen
+fatu
+26.19
+bienville
+harveian
+reflagged
+jemdet
+henty
+wilcock
+spark-ignition
+double-ended
+biopolitics
+anti-socialist
+berlage
+norwegian-born
+deryck
+kiryienka
+padmashree
+appelgren
+dinham
+covenants
+4,340
+jaegers
+pluteus
+3,107
+greenlight
+gangas
+y-chromosomal
+ivanovich
+showtimes
+barnhardt
+sonipat
+dialogues
+alti
+dustbin
+ifugao
+disney
+1987-88
+chingola
+unspecific
+palsson
+veller
+korogocho
+bowdon
+quiltmaker
+foxglove
+santolan
+downsville
+starrette
+bobrick
+long-short
+probity
+stovetop
+lunigiana
+73-day
+paktin
+delves
+otter
+enwright
+satank
+moré
+shoin
+prosenjit
+tayad
+32a
+disparages
+comanchero
+nipping
+famuyiwa
+1486
+94-3
+post-zero
+bt25
+under-23s
+burandt
+kashikojima
+appelmans
+freesat
+woolhouse
+32.03
+emancipator
+bobinski
+reuel
+freyer
+4-80
+polychlorinated
+libutti
+91-mile
+flubs
+fleck
+dunraven
+meridith
+justiniana
+oudenarde
+trasporti
+dowty
+coonamble
+hittle
+roared
+moacir
+lajic
+papain
+thure
+maity
+employing
+katwa
+evh
+bibliographie
+ajaw
+torain
+morfogen
+ndur
+carmelo
+nortenos
+back-arc
+aksai
+maddens
+silakhor
+f40
+.183
+comprehensives
+mid-major
+yalumba
+khedoi
+naqvi
+badger
+24-under
+details
+pms
+early-season
+sulaco
+wadel
+bg3
+u.l.
+undcp
+esperion
+79.90
+97.04
+plutonic
+wheedled
+pagodula
+manticoran
+agentur
+fastidiously
+escoffier
+post-metal
+signficantly
+saraju
+lindauer
+39-40
+hias
+lewrie
+kotalik
+114.10
+kulturforum
+overtake
+hooghe
+thursay
+fomin
+subcutaneous
+50-kilo
+55-pound
+emeric
+hound
+plumps
+formally
+morshed
+charliecard
+uce
+totalizing
+kitselas
+b/e
+modificados
+wfff
+krems
+terem
+storybooks
+debility
+freeport
+wiesler
+herennius
+ramalingam
+headrest
+vater
+ungual
+maiko
+exasperation
+atwan
+smyrna
+grozny
+beauty
+danièle
+55.05
+ardino
+samawi
+quartermaster
+baksh
+9:59
+newpower
+tics
+prouve
+micabrera
+prizefights
+zellar
+differentiated
+warschau
+hyeonjong
+mh-47
+makawao
+acheh
+fujisaki
+pneumocystis
+stricture
+marri
+roí
+wmvp
+hearon
+acerinox
+low-water
+ruskin
+92.07
+asen
+sidley
+stanyan
+turbulent
+neog
+calligra
+futhorc
+jobey
+porten
+szabics
+perbadanan
+segers
+amateurliga
+2350
+wiederaufbau
+shiroo
+vernier
+samri
+ḩājjīābād
+noctilucent
+95.64
+patner
+kollek
+re-arranged
+jurien
+gottschalks
+3,870
+bashirov
+32.7
+3.1-billion
+pesawat
+complying
+sulphides
+gutensohn
+rosebraugh
+lume
+schmaler
+barwell
+decorations
+t25-ap
+lawfully
+shorinji
+renfro
+bolt
+poundmaker
+euro584
+warenne
+35.76
+nwsa
+clubcorp
+bazy
+lashkar-e-taiba
+maino
+khosravi
+streams
+1-day
+satchidananda
+thơ
+anacaona
+hasib
+mlu
+leca
+tøyen
+reenactment
+hajj
+occidentale
+clarenbach
+riesgos
+represenative
+vujanic
+torquil
+delsol
+valets
+antivenom
+iwp
+wisconsin-eau
+subutai
+catabolic
+b.u.
+chs
+skai
+schroeder
+cotino
+knock-down
+unmoderated
+blasetti
+viswa
+brandenstein
+plater
+laizhou
+2112
+mindaugas
+chernyshov
+tigerish
+protectionists
+donatello
+1064
+speakes
+amounderness
+onias
+sandschneider
+gorriti
+multi-lane
+45-40
+wickramaratne
+bakiga
+ingrao
+souli
+lintz
+bittel
+opts
+militating
+fairhope
+bengalis
+dalmat
+leucine
+monomyth
+off-line
+zachery
+medad
+midtempo
+cartridges
+nare
+xingdong
+pro-catholic
+sesa
+songkitti
+68-kilogram
+sintra
+korka
+hinnom
+maclear
+contactee
+keizan
+méditerranée
+rolvenden
+gricelda
+karate-do
+boddicker
+librettists
+kuujjuaq
+1201
+blade-like
+christoffersen
+tile-based
+13:35
+tok
+agence
+fyrd
+boletes
+scutellum
+cowing
+mrazek
+owd
+printed
+crushers
+theophylline
+graft-versus-host
+avalons
+wandee
+kurhaus
+178th
+365
+573,000
+voters
+desikar
+jifeng
+modou
+narrows
+mitee
+newtok
+acrylics
+autobytel.com
+tentena
+17-race
+erron
+doblin
+killers
+gwyneth
+mitsue
+kantenji
+tattvas
+callender
+ba'asyir
+chaosium
+lesslie
+norio
+xiaotong
+sedaris
+kecskemét
+set-up
+20-run
+alamanni
+kantipur
+beeping
+koeltl
+dematteo
+lut
+panorama
+oll
+seabream
+regional
+multiunit
+stipulated
+humped
+delmon
+abdulkarim
+student-to-teacher
+savitt
+stowmarket
+32/3
+68-65
+dbk
+leppings
+zillionaires
+pr1
+amby
+elyse
+wmc
+retcons
+naipaul
+wwiii
+préval
+mightily
+capex
+turbinidae
+serif
+onovo
+dohb
+smirnoff
+nagashino
+rationals
+onuora
+circularly
+baltzell
+verhofstadt
+voiles
+hourcade
+rad1
+cnpc
+piao
+-5
+bholu
+gaetani
+techradar
+2,288
+sponging
+10.15
+brabazon
+ipsum
+fluorinated
+hnida
+niyazova
+45-day
+62-2
+volkszeitung
+inadmissible
+xiqin
+yip
+kingpins
+oudejans
+ranck
+molonglo
+granaries
+domiciled
+aukin
+rowers
+matawan
+volcanism
+grossett
+deeb
+panajachel
+0.032
+woob
+fifth
+yarim
+analyse
+bukoba
+staar
+banjoist
+borth
+112-102
+31.43
+karekin
+söderhamn
+nove
+parsers
+schett
+daviess
+hereros
+europeenne
+sarria
+domaines
+c-band
+criolla
+0c
+zambry
+mallinger
+trinitrotoluene
+continuo
+32-degree
+fischoff
+buechele
+sparty
+fscs
+charadriiformes
+122.73
+nariko
+greeniaus
+herstek
+116.66
+glagow
+aimin
+petropolis
+d'oeuvre
+mouthfeel
+morrison-knudsen
+runa
+4-17
+frutigen
+corowa
+b-47s
+manziel
+stutthof
+brainteaser
+kibaki
+apono
+ninel
+dues
+jammeh
+249
+linkov
+39c
+mouaziz
+s.i.c.
+aikens
+woakes
+1668
+118.07
+vitalink
+torres
+romiti
+overripe
+harethi
+prachin
+3,552
+khatchaturian
+8:07
+drumma
+douglasii
+disregards
+statistique
+ralli
+linesmen_mike
+author/editor
+khotang
+17.07
+aino
+trotwood
+meuli
+asso
+thongrung
+higashida
+harker
+capodanno
+9to5
+unneeded
+bazemore
+1-2-year
+marie-hélène
+lekgetho
+40-ounce
+auensen
+top-loading
+khouang
+gypsy
+amalgam
+pattammal
+10-rivaldo
+casbah
+lehendakari
+faht
+flu-like
+tmz
+mockumentaries
+vodaphone
+szczuka
+yilan
+aparna
+pongsak
+leevan
+gedda
+bregy
+1.4325
+spilios
+galanos
+montgolfier
+pararescuemen
+billets
+praetorship
+frölich
+recompilation
+wielun
+extinguisher
+sandworm
+creer
+al-jawiya
+ectopic
+saponification
+smilon
+habu
+unipotent
+hallidie
+achilli
+konik
+goerdeler
+keima
+romila
+weblike
+lahmar
+möhne
+villupuram
+39.91
+edgars
+wenyu
+tempests
+norimasa
+27.82
+stamaty
+jeffries
+trebevic
+mojito
+johhny
+creen
+rennell
+maldef
+problem-oriented
+teasers
+short-time
+self-funded
+benefic
+kyosuke
+mfn
+capon
+adineh
+4-of-9
+pandarus
+bbl
+20-23
+knocking
+tiberias
+vranitsky
+1,008
+chariot
+mochizuki
+7.74
+rendered
+balzac
+kampaku
+hanninen
+foothold
+schizophrenics
+verrall
+white-tailed
+multicare
+ingra
+archetto
+pre-dreadnoughts
+toyz
+paracel
+aquifers
+hanak
+parri
+cameronian
+khums
+promotoras
+924
+1857
+antechinus
+rosecroft
+t-class
+br2
+podi
+montañez
+most-played
+natalie
+volz
+passauer
+1991-93
+cranham
+stuckless
+a-ding
+charnock
+seci
+teldec
+ullswater
+top-five
+walkways
+mobbs
+crusaded
+60-kilogram
+lynagh
+lamorna
+paano
+capitols
+sureyya
+13.79
+antimilitarist
+temenggong
+kndd
+vydra
+driller
+monferrato
+maximos
+rminter@ajc.com
+collaterals
+creat
+bobbito
+ásatrú
+two-goal
+daydreaming
+hoxne
+sumerian
+osberg
+khak
+trono
+bielsko
+1,440
+m.c.
+kolašin
+3-shot
+.1283
+dailies
+spiralis
+tewahedo
+khodor
+kolab
+samarra
+6,194
+41.89
+imation
+hblr
+babur
+komma
+yague
+gobernar
+,415
+stigliano
+26-7
+weehawken
+corish
+lofty
+profess
+quiksilver
+tshwane
+double-strand
+macrocosm
+sculimbrene
+tilt-a-whirl
+cujo
+bokova
+hesperange
+module
+cherwell
+firtina
+steinke
+heuvel
+kripal
+aglaé
+molins
+1:1
+decline
+gbit/s
+gegenwart
+meera
+bangi
+robuchon
+kidwai
+0-for-19
+dabel@globe.com
+princip
+euro266
+lautier
+rufina
+misstatement
+ponyo
+huaiyang
+mortified
+salutary
+jeton
+bexley
+indexical
+fossombrone
+cosets
+conergy
+brimmer
+serao
+svonavec
+macaire
+bazhong
+umts
+guanting
+paulini
+shunning
+dónde
+pinxton
+41-29
+12:47
+niteroi
+enderun
+eight-track
+leandre
+embase
+wkbw-tv
+boggess
+lifecycle
+hogares
+quivered
+pontus
+brocks
+wieck
+poupard
+chumscrubber
+gatica
+intrigues
+maxïmo
+misri
+calw
+quadricycle
+scutellata
+pudur
+prediabetes
+lubezki
+merisier
+6,740
+motions
+lupescu
+hussen
+ba'athists
+jixiang
+s-adenosylhomocysteine
+10-1
+sergent
+dual-voltage
+resold
+tayac
+devaughn
+high-tensile
+ada-accessible
+vitriolic
+kepler
+dongya
+assimilis
+rebellion
+showed
+shows
+hampers
+treffers
+regression
+beltless
+shaped
+ples
+esmond
+guto
+anti-monopoly
+meawhile
+dalva
+kegworth
+cantes
+pawnbrokers
+southwesternmost
+endianness
+abc3
+simulate
+spellbinder
+binging
+mbube
+stalbridge
+kit
+sgpc
+epzs
+13.47
+115.98
+resourcefully
+omoro
+zubi
+pince
+2includes
+appraisers
+ltr
+zatuliveter
+tokars
+saville
+ghida
+waxcap
+bollman
+barral
+cvcc
+kaushik
+rlaf
+26/11
+qwerty
+puppetry
+hú
+glockenspiels
+rabbit
+18:13
+katlehong
+haemophilia
+bathery
+(518)
+amsterdammer
+gerlache
+karger
+0707
+prasher
+nusret
+sukhumi
+33.94
+arrochar
+3,852
+artes
+delila
+kisa
+iberian
+berardo
+nektar
+liddick
+byre
+cesarone
+lifg
+malk
+1985-1995
+3-for-4
+abandonments
+tereshchenko
+tantoo
+chewing
+raton
+obediently
+kapurthala
+docudrama
+cantv
+vhembe
+anni-frid
+al-quds
+taarab
+briony
+huijin
+baramati
+proteinuria
+piperita
+julie
+asinius
+ataíde
+klerides
+otterburn
+alzamora
+havertown
+noy
+weishampel
+siret
+bachop
+crianlarich
+mp3s
+swiftlets
+acorah
+kimera
+grek
+acoustical
+elektrim
+intermediate
+3.39
+miryang
+kolkatta
+umd
+767-400
+raufi
+somersetshire
+meisterschaft
+russula
+chenonge
+bagworth
+stanground
+nish
+gunness
+40.07
+collotta
+36-second
+university-preparatory
+flashiness
+heartport
+cuticular
+ugly
+safmarine
+bleasdale
+hitchhiking
+airflow
+beading
+moresnet
+stavola
+jungleland
+nors
+mcgilvray
+l'aurore
+29-3
+anglo-iranian
+litvinova
+langsa
+145.3
+secondary
+principled
+observationes
+in-ring
+xenografts
+junejo
+writeoff
+smirks
+russolo
+rufous-tailed
+32.51
+2042
+bessborough
+hurstwood
+reconcilable
+praça
+stemwinder
+ceat
+jpc
+m.a.
+minories
+anti-folk
+loopers
+jenkins
+lá
+entreprise
+mdot
+scabby
+jagdeep
+pedram
+slighter
+nakae
+mohammadabad
+perpetrated
+frenchtown
+uraiwan
+armpac
+polesie
+jiangshi
+kesterson
+pollos
+telecoms
+van
+xiyuan
+ground-state
+fga
+fitch
+dayanand
+kolbow
+mansoor
+hierarchical
+epd
+2,717
+tuygan
+matc
+pinedale
+wiegmann
+janachowski
+pedone
+prada
+aluminio
+perfectv
+urell
+16-club
+cornell
+all-nba
+prenzlau
+wood-boring
+teka
+morard
+juvonen
+paphiopedilum
+marshes
+stand-off
+rasing
+bratteli
+boys/girls
+anorexia
+kimpanzu
+abjure
+dailide
+handschar
+hudon
+14-billion
+ouessant
+adjutant
+lüth
+weathervane
+28-billion
+51-point
+ante-nicene
+newcombe
+eponymously
+2,480
+oeser
+pech
+dancey
+zinj
+folwell
+99.82
+74.87
+027
+pre-ordered
+10036-3959
+lavey
+cotai
+smouldered
+negligee
+plus-8
+rice
+ishwari
+unequally
+gianni
+12/09
+eye-ring
+forst
+pravets
+enjoyable
+hargon
+huffstutter
+riveria
+ringold
+fello
+45.70
+rocor
+formula_2
+sainthia
+alegro
+euro578
+42.6
+re-elect
+6million
+latham
+9,380
+two-lobed
+cheder
+iona
+crosson
+wilh
+audiologist
+trud
+shallcross
+aol
+lotos
+confoundingly
+cyclo
+dorival
+geos
+hfi
+ipic
+austro-prussian
+gunzenhausen
+thakker
+kardono
+cheri
+markac
+yaphank
+pixote
+oake
+behesht
+mamdouh
+giuca
+55,900
+šentrupert
+sinhagad
+ctk
+misery
+suna
+maddeningly
+bolshevist
+mursi
+rf6
+amur
+pbmr
+alarmist
+hermocrates
+bolāghī
+quarrier
+boardwatch
+pagasa
+107.97
+lws
+stsci
+creepiness
+chjones
+crabcakes
+http://www.mounteverest.net
+ratifying
+dual_ec_drbg
+qussay
+gritti
+liautaud
+praxair
+50,000-capacity
+76.22
+blomgren
+forte
+indo-us
+trumpeter
+sise
+farnawani
+66.94
+7:57
+248.4
+amaradeva
+occhi
+lauritz
+23/32
+stransky
+expansionists
+regine
+3t
+amirs
+dines
+air-conditioning
+neuropathologist
+gyt
+910
+acxiom
+shaowu
+72-hole
+clefts
+dallas
+8th-9th
+co-eds
+runabouts
+venomously
+8:46
+hightops
+suomi
+thinktanks
+locane
+1-degree
+hydroxide
+ucw
+18-bit
+smudges
+sarasate
+earling
+tupua
+savannas
+helpless
+phthiotis
+illumination
+shahrir
+retrieval
+sewu
+beah
+kame
+hapu
+53.60
+dulness
+heroísmo
+bengang
+hrayr
+garp
+locy
+faders
+gold-selling
+türksat
+indicate
+giorgia
+marilynne
+rakipi
+fling
+oooo
+trucklike
+laat
+roader
+vinda
+co-author
+143rd
+minori
+muan
+cetme
+acrylic
+merkle
+vuillaume
+199.8
+105.76
+marlee
+sepaktakraw
+demised
+artabazus
+beaune
+hcb
+aa1
+tarand
+concordats
+lgpl
+baptists
+omark
+balšić
+earth-2
+timespicayune.com
+peace-time
+ramanuja
+gottes
+85-65
+mantou
+mengozzi
+thatcher
+22:17
+paideia
+hulda
+niftier
+balyan
+s27
+suker
+nfz
+95.19
+graybeal
+55.18
+boreanaz
+dinos
+joculator
+nns
+foosball
+offtrack
+danilov
+zurif
+angele
+coughran
+leonie
+scalability
+khabar
+friehling
+eksi
+hypergrowth
+dmelvin@coxnews.com
+gorseinon
+filmmakers
+mutely
+j.m.w.
+prokopyevsk
+.36
+hmoud
+getronics
+arendt
+hiphop
+crackhead
+desayuno
+109.28
+provinciae
+abdullayeva
+lazor
+teratogenic
+echavez
+umbc
+junkman
+nlcs
+starsight
+multi-product
+yoing
+vajda
+shetek
+duergar
+justo
+mavrodin
+karlo
+lauf
+wanker
+apwu
+mililani
+cotinine
+trombones
+wongsawat
+isixhosa
+192,000
+subramanyam
+zillmere
+xylophones
+breinholt
+adorers
+mahat
+volleys
+muscaria
+info-gap
+jemmali
+ibrahimi
+fussbudget
+makushita
+waele
+gelo
+varied
+tobeck
+montee
+gazela
+munim
+gerencia
+insolvent
+yankton
+atash
+small-bore
+zagata
+123.70
+ammondt
+15-percent
+doses
+115.88
+fem
+agonidium
+mesa
+clal
+baulch
+delerium
+digipack
+budan
+8.125
+ready-to-use
+vice
+haldol
+karimabad
+mines
+mola
+barner
+quencher
+glowers
+swr
+123.8
+c1-ita
+jugantor
+ifm
+rewritable
+lanni
+pompoms
+26.30
+348.5
+marianismo
+saxondale
+yasu
+u.d.
+hispid
+underproduction
+muela
+mctv
+trike
+harinder
+0-6-2t
+ifop
+kele
+roshaiah
+shorthaul
+4,861
+fajr-5
+wioletta
+77.16
+aneurism
+zengwei
+caches
+ciputra
+15,100
+pyar
+dorinel
+sulked
+danieley
+t.r.
+newscasters
+luján
+shango
+2,500,000
+newlines
+baptised
+groer
+196.9
+sunrise
+vertex
+sharmila
+unequal
+maseno
+rooming
+saviano
+meductic
+nppl
+kalac
+541-856-3277
+ginobli
+spadix
+bay'ah
+noraid
+aravinda
+snowbird
+coronel
+non-aqueous
+rightist
+20543
+28.65
+65.98
+mcmasters
+björling
+favouritism
+mahaut
+alfar
+antilla
+schawlow
+72-77
+wrote
+lingala
+mapisa
+pequots
+strade
+90.80
+beig
+groundouts
+dewaal
+60.83
+okes
+holliman
+postmodernist
+goal_st
+ponytail
+skinks
+odescalchi
+altdorf
+surfliner
+megève
+sympathising
+quantcast
+timpani
+plumpton
+mbacke
+kültür
+elenora
+ajeya
+roundhouses
+xxxxxend
+palindromes
+.483
+l7
+near-misses
+kagato
+massala
+pavlich
+recanvassing
+balderdash
+f/3
+larrakia
+goldhaber
+tarto
+manoeuvrable
+ken
+opportunism
+maggs
+zajal
+htc
+self-hatred
+willowbank
+paju
+costi
+broni
+elion
+tyas
+mainstreaming
+rigler
+paspalj
+economist
+24-yard
+taraji
+sabalan
+veghel
+wisła
+billings
+prelude
+novae
+qingwei
+imv
+fortunately
+dunant
+heilprin
+forktail
+1-0-1-0
+brisker
+volsinii
+9.94
+nezar
+la
+vinča
+garayev
+wixted
+rechristened
+v-3
+kiwomya
+streed
+gamero
+infectiousness
+executing
+mackenzie
+inarguable
+selflessly
+chosen
+sbv
+gateposts
+independência
+lelia
+navrotsky
+becque
+gille
+caddell
+plagal
+militates
+megaw
+shengnan
+non-periodic
+ege
+kamala
+700,000
+henzler
+tadich
+ferryboat
+goiter
+tsongkhapa
+isaia
+onthe
+warned
+keita
+59.94
+semi-solid
+christs
+canossian
+cadge
+guidonia
+12:14
+achillea
+condat
+thursday.the
+2π
+diol
+traveled
+dembele
+acjc
+.436
+oxoglutarate
+yoshifumi
+legatees
+alexandris
+demosponge
+budged
+bharadwaj
+rafeedie
+revan
+panadol
+krishak
+somporn
+nial
+rpv
+miljković
+heartthrob
+perciform
+pietie
+yerucham
+bwc
+lianjiang
+line-item
+arde
+tums
+wilhelmus
+cp-40
+scarritt
+colmenares
+lollipops
+saxbe
+1982/83
+gudur
+beats
+768
+kile
+gaol
+mrkos
+f-86
+morawica
+billpoint
+all-new
+escobedo
+ducrozet
+minutka
+heriot-watt
+1920-21
+rideshare
+suakin
+incandescent
+alphaeus
+mandi
+73.64
+church-going
+tirupathi
+1,393
+50-homer
+0.7
+andreevo
+drillbit
+kinsmen
+carrió
+embers
+castlebury
+kocur
+reyes
+lembah
+kashef
+lubuskie
+senet
+victimes
+rce
+vinterberg
+uncongenial
+toileting
+choosers
+,260
+u-28
+10/2
+wuyuan
+colors
+comuni
+moala
+n16
+brezno
+firstgroup
+satun
+undisclosed
+pricegrabber.com
+600-6
+montrachet
+riverfront
+hoganson
+.261
+congregant
+caceres
+fistandantilus
+delegitimization
+sacem
+hedin
+classe
+woundwort
+somnambulism
+karaeskaki
+career-defining
+brad
+frb
+shinbach
+dissipating
+39.40
+bonit
+stormwater
+jahre
+coordinators
+third-choice
+houdon
+tshopo
+hackel
+mattaponi
+brigita
+kathgodam
+mombach
+amerigo
+bibiano
+mincing
+honjo
+mosbacher
+r-series
+bøe
+o’donnell
+kantarian
+agv
+improprieties
+gropings
+lead-based
+1,453
+komada
+mitaka
+rainbands
+1932
+tegenkamp
+jottings
+walkyier
+seventh-generation
+nacha
+jank
+rybalko
+pamela
+post-war
+jojo
+philomel
+lochnagar
+lilys
+hemann
+pantry
+uproars
+freaks
+tonsils
+17.39
+fatmawati
+frankenstein
+shoutout
+66.75
+ahmedinejad
+piave
+testified
+influenza
+passoni
+bizarre
+rifkin
+sensorial
+roof-top
+pipevine
+minus-8
+bicyclic
+dhabas
+ca5
+olert
+courteau
+ancylus
+santurce
+vyse
+tuttlingen
+raushan
+megi
+sferrazza
+lasva
+rjohnson
+triarc
+batdyev
+ananke
+assyriologist
+watersheds
+buckethead
+divison
+hardhearted
+mcdermott
+330
+raduga
+valentin
+mantienen
+azdi
+fatigue
+eisenbud
+temazcal
+arquitecto
+galíndez
+schenken
+templin
+rutina
+howe
+oakden
+backstories
+goelet
+musclemen
+traffik
+126.1
+tonin
+mandelstam
+hurleys
+selenite
+arlovski
+ribery
+caernarfonshire
+semi-fast
+500m
+alcove
+396th
+detroit-area
+117.92
+afl
+makiko
+talagi
+kwapis
+prichett
+howey
+10.47
+ramjet
+supermarkets
+95.77
+two-three
+castell
+gimzauskas
+cytochalasin
+operations
+ofgas
+erichson
+jeram
+dinev
+état
+saimon
+mohammedmian
+sarcosine
+pluie
+klinge
+34.78
+soedirdja
+diez
+threlfall
+multifactor
+expulsed
+pacify
+414-0541
+catharsis
+37-45
+oskaloosa
+198.3
+a5
+protic
+27-under
+ofotbanen
+galimir
+nazief
+jiemin
+3,722
+7.16
+deistic
+238-pound
+psychology
+60-45
+audited
+murderball
+polland
+vallarta
+abbasi
+farina
+avro
+wangari
+casl
+regicide
+hour-long
+derrickson
+19.14
+2,207
+beringar
+bogdani
+megaton
+k-11
+seracini
+methanex
+nihat
+pactual
+entera
+l’école
+rava
+nahmad
+ernestmurray
+yūsuf
+sellings
+e-911
+110-year
+christened
+oxnam
+vernoff
+4runner
+catoe
+fourvière
+93.17
+neets
+boutsen
+shobi
+széll
+allahu
+certitudes
+nadia
+wachmann
+medawar
+cualquiera
+sliney
+remodelings
+bellenger
+biton
+thất
+congrong
+quotidien
+1,549
+nightfighter
+yearn
+mécanique
+foli
+driest
+three-piece
+weinzapfel
+hindalong
+reconstituted
+malay
+hege
+3,024
+iaith
+46,100
+rashness
+keirrison
+hypermodern
+gallicanism
+faull
+gleams
+astyanax
+sandip
+globalgiving
+peerce
+knapsacks
+non-mechanical
+shapcott
+thermal
+quiggin
+cfia
+hillsville
+nord-américaine
+arms-length
+1.925
+yielders
+57,800
+wiggins
+srw
+consideran
+cerastes
+tacos
+schregardus
+vanterpool
+krasno
+epoc
+shovels
+carriedo
+ioakim
+bikfaya
+nahf
+kisch
+mail.com
+blissful
+anticonvulsants
+chigumbura
+quasi
+players
+1399
+rehberg
+fe
+cyanate
+.253
+cephalon
+44-27
+widening
+merner
+harmondsworth
+wandel
+marshawn
+sarutanond
+1.3700
+third-floor
+nocentini
+deptford
+catalytically
+fidonet
+supplies
+horford
+streambed
+princess
+1.2015
+jours
+krupski
+rushkoff
+6/5
+snowglobe
+joyner-kersee
+jaana
+bydgoszcz
+tarascon
+bouyon
+kinoshita
+1.25
+58th
+ryongchon
+bealach
+anatolius
+cipd
+ettv
+kamuta
+nihr
+kavirajamarga
+relayed
+unravels
+137-run
+dunhill
+noctuidae
+bienveillantes
+orangevale
+merriami
+ultramarathon
+mbchb
+windegger
+bolikhamsai
+jayaweera
+trousdale
+guzman
+maciste
+laluk
+periodicos
+karola
+i-ii
+postconcussion
+jarmo
+cip
+patala
+alamo
+yutong
+rieber
+regathered
+gesticulations
+(972)
+idgah
+sahhaf
+entertainingly
+radiomen
+baojun
+fiefdoms
+40.50
+hordley
+galina
+kilicdaroglu
+magnesite
+7,000-plus
+usl-1
+sadashiv
+pummeled
+malkiel
+bodysuits
+pop-dance
+giggles
+galle
+ivanovych
+spaceballs
+titillates
+scandalised
+gumulya
+5.5-6
+147.50
+118.26
+sevillano
+mathes
+bâtiments
+dymphna
+fatso
+yerrid
+vsat
+mulato
+fdgb
+stefansson
+bimetallism
+feely
+treinta
+m.arch
+cusick
+firestar
+texana
+pletz
+waterwheel
+tragopans
+heimaey
+malonic
+gyms
+arcade-style
+kapugedera
+197.3
+struve
+threesome
+pesar
+palanivel
+weights
+atalanti
+sidefoot
+76-74
+case-insensitive
+1.397
+oktan
+premiership-winning
+layden
+65-percent
+outrushing
+adtranz
+100-hectare
+mcps
+county-owned
+haltom
+saint-lambert
+mseleku
+thornburg
+arkadelphia
+barum
+ppps
+poppers
+bilonog
+australia/new
+scandlines
+rm750
+62.79
+1640
+inangahua
+toit
+vypin
+185.9
+bunker
+lithuanians
+meet
+shevchenko
+minivet
+lieser
+ambassadress
+watered
+jehovah
+baochang
+ekron
+spetses
+malvaceae
+tessem
+shelduck
+indnsia
+7,670
+napro
+agresource
+kcsxch01.kcstar.com
+yemeni
+santo
+carmelized
+monique
+ayamonte
+recovery.gov
+dragobilje
+natoma
+dequan
+exorcising
+insert
+tranny
+chigurh
+t-80
+third-ranking
+kadre
+50.96
+noncanonical
+cfx
+wiedenbrück
+voalavo
+sin
+hester
+şener
+jonidan
+mihk
+durdiyev
+jyrki
+cmll
+judie
+ye
+farewells
+eunomia
+eyers
+1,536
+guffaws
+252.4
+magnifica
+menemen
+tarn-et-garonne
+stambha
+repeatable
+conable
+irreplaceable
+pharmacological
+mmk
+detinue
+tathva
+pirdop
+unmoored
+tussey
+mizengo
+sawada
+faizel
+villone
+cogeneration
+precedes
+limia
+filipovic
+licchavi
+giuseppe
+rugg
+rphilpotstar
+56-40
+crni
+upsurges
+ceramiche
+gbps
+centésimos
+bolex
+fearmongering
+jiangshan
+hungarian-language
+radusa
+puller
+m/m
+garaudy
+myklebust
+10-of-15
+luo
+guangfeng
+mpf
+lamb
+autism
+koor
+dahomey
+proto-greek
+24-year
+silvestro
+understandings
+abta
+shurgard
+myrtha
+pekhtin
+sickle-cell
+bunjevac
+geigel
+ymha
+anatoli
+importancia
+1,143
+arkin
+mikita
+texturally
+romagnolo
+spicing
+1.545
+clicks
+harangody
+préludes
+tiffani
+steer
+bruntlett
+riessen
+celtic
+esfahani
+merrifield
+munnich
+poecilia
+tianmen
+chiangrai
+tetzchner
+800-342-1840
+babichev
+dissimilarity
+nabiha
+verhoeff
+naarden
+locally-made
+40.48
+lb
+klaudia
+résumé
+cudmore
+dys
+lampung
+vankor
+tbarnhartajc.com
+kreindler
+computerized
+wiesław
+postscript
+wrecked
+zhihe
+uninterruptible
+52.80
+gannet
+rossel
+caythorpe
+122.2
+violets
+milita
+suhas
+nsour
+bubiyan
+naugle
+kindleberger
+tzeltal
+florette
+motility
+prevalent
+muller
+runcie
+simmel
+cthulhu
+kell
+tuy
+propounded
+stabenow
+jan
+tudo
+voice-mail
+mornington
+fusions
+rivaud
+apostles
+kuhler
+zhang
+kenning
+cj
+tlingits
+wangfujing
+non-linear
+gernika
+rostrum
+118.3
+ill-fitting
+multicharacter
+nygren
+jovel
+145.9
+menasor
+tsunga
+shopian
+bvd
+barmasai
+safti
+877,000
+callixtus
+katheryn
+trammel
+institutiones
+festiva
+ashkelon
+cheesemaking
+lyngen
+sociolinguistics
+duncairn
+gleaning
+75-60
+dk
+wis.
+240-acre
+18:30
+zooming
+top-right
+guaíba
+foundas
+potebenko
+branam
+ariya
+kitto
+hybridity
+camagüey
+riverhounds
+zaires
+wheezes
+yup
+petkus
+udwan
+poquito
+140s
+sonderweg
+mattice
+tirumala
+euro66
+cesky
+crampons
+vdp
+cartouche
+calipso
+casework
+artt
+84-84
+prast
+frelich
+wavel
+litton
+purim
+persicum
+phosphodiester
+fischer
+boil
+hokus
+elevons
+lunds
+londrina
+qutadah
+pajares
+homans
+hedda
+zeuxis
+meinl
+industrier
+immel
+towheaded
+graphophone
+aniston
+yeung
+hohe
+fischerspooner
+anett
+ruhl
+812,000
+heurelho
+ʔ
+stanhopea
+non-communicable
+amoy
+ballston
+seconal
+kronenburg
+halwa
+35-50
+97-87
+castagno
+119.46
+tcga
+chars
+backstabber
+gromova
+avoiders
+clapboards
+scatchard
+ituri
+addons
+c60
+revolucionarias
+kite-flying
+austar
+aranda
+farragut
+raichlen
+modifying
+kulaigye
+partita
+fredericton
+efis
+dulfer
+tille
+sufism
+black-body
+zerstörergeschwader
+edsac
+cyprien
+clenney
+2,124
+crosshatch
+paraskeva
+indistinctly
+swinish
+kapitsa
+smelter
+flask-shaped
+hebel
+henestrosa
+antispila
+gambled
+kronstadt
+spokesmodel
+1908-09
+multihull
+mid-tier
+batmunkh
+liquidates
+cercano
+listyev
+zhengping
+jointing
+khalil
+cawte
+rochor
+reichswald
+ludeman
+tthe
+lecg
+105-102
+xray
+belfiore
+sekuritas
+239.8
+velloso
+16:00
+lukens
+schleswig-holstein-sonderburg-glücksburg
+schudt
+patented
+okai
+mortensen
+condenet
+feg
+kendo
+nd3
+casmoussa
+liebscher
+roller-compacted
+donders
+kpv
+dubrave
+bunions
+twits
+häcken
+parlon
+monokini
+salinan
+orien
+personaje
+2d
+neuroblasts
+turnkey
+weinhandl
+staib
+gravedad
+djubera
+delacorte
+tratado
+broudie
+qibao
+taninthayi
+bremzen
+hudepohl
+suny
+leds
+adderly
+constrains
+antisemites
+black-figure
+heeling
+reopenings
+webcam
+purvin
+chincoteague
+exemplary
+liane
+bagaza
+hadramut
+trimethylamine
+2448
+feidlimid
+ángel
+bălcescu
+beringen
+discarded
+400-mhz
+seeberger
+divisa
+miserables
+fiscales
+regalia
+italicize
+lytic
+lumineers
+trataba
+człopa
+distortion
+bspa
+d51
+warrnambool
+eiichi
+lere
+optimised
+abetted
+mcmahons
+menus
+esea
+fibbed
+bumbled
+jaipuria
+58.42
+noncommutative
+beaney
+palapye
+sthal
+paulinus
+11-ounce
+kenis
+kyffin
+non-aboriginal
+42-12
+caregiver
+conductance
+0212
+a_13
+loginov
+légende
+chhu
+hornes
+www.fourseasons.com
+dib
+samael
+29-story
+krumer
+js04
+1-david
+malbin
+woolloongabba
+hopatcong
+rappaccini
+babruysk
+pursestrings
+trusov
+murmur
+oral
+freshly
+topscorer
+orito
+cei
+recommitment
+quinolinic
+ascetic
+teniendo
+boje
+idling
+wassila
+holts
+sino-indian
+budnitz
+netc
+fedoseyev
+tinchy
+mianzhu
+2,997
+löwenstein
+federations
+conde
+purpurascens
+hershko
+scincidae
+consitution
+407th
+ricetec
+¤
+jalabert
+ragunan
+ménard
+awas
+111.1
+petrovna
+ineke
+faint
+ḩasan
+grimaldis
+c.
+tibor
+rathangan
+ceplak
+santic
+lessees
+dofe
+wetton
+god-given
+confalonieri
+lovin
+király
+coti
+fuzzy
+sijhl
+108.88
+91-0
+kollar
+kiker
+ramotswe
+deris
+kuban
+miwa
+lobregat
+92-81
+mongoose
+kalamata
+chupacabras
+biel/bienne
+foster
+koppers
+boudin
+36.18
+newsstands
+21-25
+kabara
+freon
+walker
+tayyeb
+http://www.cartercenter.org
+haras
+shargudud
+zines
+nc-17
+datacasting
+63.25
+navua
+bythewood
+changzong
+postindustrial
+c130
+dunin
+alora
+ballincollig
+valzur
+luzhny
+genç
+.765
+udub
+lioness
+bruma
+unbounded
+rapreviews
+awali
+o'leary
+mactavish
+100.51
+actress/singer
+cholily
+spieker
+mid-1978
+48-run
+dinoflagellates
+difx
+stonesifer
+amathus
+keathley
+supercomputing
+betar
+kilmory
+alkatiri
+walsum
+25-second
+leccion
+hymnals
+tickell
+motsak
+4,031
+comenzo
+deranged
+achenbach
+trisler
+bleacher
+bouba
+houseguests
+2,370
+omalu
+kerchiefs
+35-10
+gollings
+jakob-park
+macguineas
+mansally
+noverre
+sugiarto
+ssts
+repeating
+launced
+3-feet
+ningen
+gazetteer
+pomerelia
+azu
+schey
+grunow
+club-shaped
+kisatchie
+mycenae
+bailo
+mihalache
+linguistic
+imin
+pathetique
+middlebrow
+119.85
+upcourt
+compositionally
+rozin
+grisey
+chega
+miramshah
+euro165
+acceptors
+neglinnaya
+almah
+tonalities
+ductwork
+morphogenetic
+behold
+manoliu
+dignified
+typewritten
+vincentians
+gesundbrunnen
+itches
+one-day
+scheu
+steigerwald
+walkeri
+scurlock
+collison
+descriptors
+heptathlete
+12-fold
+kubla
+švankmajer
+estabilidad
+broyard
+forbes-robertson
+26.33
+taxwatch
+coppa
+dkb
+rishkor
+bolaven
+benefiting
+kupets
+trostberg
+bluepoint
+trade-in
+brezina
+kreegel
+pimps
+depardon
+goodrow
+passin
+khandala
+hihnz
+1-iker
+covadonga
+sainte-marguerite
+handguards
+genoan
+ncwo
+lagu
+chairwomen
+hork-bajir
+aree
+behave
+warmer
+guayaquil
+sainte-laguë
+senat
+yannos
+licious
+servan
+cornum
+mahali
+badran
+zinjibar
+orientis
+falko
+lytton
+sabas
+merowe
+imr
+frahn
+wallabi
+warung
+sept-îles
+news-tribune
+takahiko
+shivamogga
+dpf
+holdovers
+nehal
+fayad
+barcroft
+barve
+staporn
+gowd-e
+murin
+radicati
+107-run
+trooping
+dornbush
+udaya
+pentwater
+noordam
+manigat
+abergavenny
+barthold
+self-taught
+lynnville
+augural
+olina
+cate
+single-level
+arus
+34.08
+flintlocks
+1.4390
+20.69
+tamed
+2.4-percent
+robbiati
+aemilia
+petroleums
+ousting
+1985-1992
+prees
+dubbin
+oakworth
+pandemrix
+poggioreale
+xanterra
+frittoli
+b.f.
+fieschi
+preceded
+arriagada
+laika
+milfoil
+ekinci
+frse
+corogeanu
+seob
+yukihiko
+rrm
+1468
+natalio
+25-minute
+transients
+corran
+ladiges
+smoother
+ta-25
+kamaka
+iodine
+effector
+starlights
+holstered
+cobarrubias
+nidd
+sheka
+narai
+mottling
++24
+massport
+marls
+ismailli
+strzelce
+postpositions
+raki
+-1990
+mastiff
+delaram
+defunding
+chilling
+alfredson
+zavidovici
+gazeau
+kwon
+26,300
+funerary
+newstalkzb
+axx
+repertoire
+deers
+co-defensive
+swarm
+sportscasters
+cke
+randomized
+384.20
+guinea-bissauan
+sportif
+longoni
+kipruto
+83.10
+homeownership
+cuteness
+introversion
+bocholt
+ottoboni
+chia-jung
+sadists
+žalec
+chack
+zabaleta
+couched
+1:03
+winster
+gutter
+mear
+business-as-usual
+renatinho
+placencia
+bawab
+pistachios
+renslow
+ruber
+dros
+nenadović
+8.5
+tapolca
+normanton
+soomro
+nivose
+burgoo
+artstor
+porro
+492d
+bienvenue
+4,854
+chaoyang
+junonia
+castiglia
+1,870
+payumo
+m57
+cyclists
+flickers
+cazalet
+3-16
+ul-fitr
+taccone
+bedpan
+non-si
+lazlo
+mid-november
+seowon
+baluchestan
+2-speed
+civiltà
+irs
+burrington
+700-seat
+frame-up
+emrs
+khong
+trapezoidal
+pahl
+streptocarpus
+avnei
+mrsa
+tala
+baranov
+litsea
+lianis
+kobol
+flec
+collusive
+hatz
+a_11
+yanagisawa
+65.40
+golightly
+yawning
+waikato
+dezenhall
+akiyoshi
+tates
+salivation
+zeaxanthin
+h.w.
+murawski
+cerithiopsis
+botswanan
+laze
+systems
+kgmb
+nightclubs
+natallia
+beauchamp
+.29
+deniece
+proximamente
+faire
+kinne
+estádio
+pearsons
+b-1b
+cornet
+mitsuhide
+o'meilia
+berkhof
+sadiqabad
+sharat
+sardars
+ambersons
+shaken
+milkshake
+haxby
+rodgau
+rankin/bass
+ousland
+muni
+dejong
+brunswijk
+n-s
+courthial
+voseo
+kessy
+tyntesfield
+schmaltz
+parent-child
+tlr
+ἐν
+brześć
+relative
+ghazaleh
+forças
+zhujiang
+drkoop.com
+6,165
+achatz
+justly
+mutine
+iafrate
+görtz
+zameer
+wlaf
+larcenous
+q-ship
+schorer
+caltrans
+zentralblatt
+rwindi
+pinch-hit
+rankine
+mccaw
+manguel
+anhedral
+gardi
+cajundome
+hubbells
+cochain
+adrián
+wailers
+adl
+löwenstein-wertheim-rosenberg
+1.3975
+idas
+chlothar
+guaynabo
+chippewas
+rhib
+jaggery
+ibos
+bhaun
+hkrfu
+bredesen
+kurier
+commute
+songfest
+kushtia
+tomme
+j&l
+tokely
+exora
+kayani
+lagaw
+rhinoceros
+speakerphones
+holtsmark
+fatai
+kamardeen
+wurtz
+esser
+summoned
+u.n.-drawn
+cjsc
+rankers
+49-3643
+subgiant
+149.3
+713-3670
+bergeaud
+jego
+kievsky
+acpa
+violant
+4,679
+apr.
+eyen
+moonwalker
+sabtulah
+pajin
+scarecrow
+rishikesh
+electroencephalograph
+t1000
+denies
+ayyappa
+dawr
+asla
+galindo
+naturalised
+danyon
+invasion
+336.6
+longhorned
+playground
+byrjun
+mozdok
+e90
+peng
+basha
+panagia
+cowpeas
+aediles
+10-20-life
+0111
+p-51
+shaoxuan
+bandem
+umg
+ftv
+monia
+monpa
+aracoeli
+abad
+nafplion
+joël
+tidy
+yab
+ponceño
+dyslexics
+mordechai
+embroilment
+8-10
+jumba
+shanidar
+silverleaf
+pôle
+soft-bodied
+griffeys
+phares
+leao
+3-of-4
+frizzle
+kouton
+sundeen
+letter-writing
+surana
+owona
+doubleheader
+lucene
+ennui
+leeland
+hafen
+350-room
+lutici
+l12
+meursault
+supersession
+tresckow
+u-23
+pasillo
+estrildidae
+koeneman
+élites
+arnous
+bruckner
+glaus
+tareq
+seferis
+disfunction
+martland
+a75
+lyhoognytimes.com
+5-13
+arbet
+cuney
+anti-shipping
+lamont
+dadeldhura
+małopolski
+2.16
+sealey
+colomb
+9,000,000
+moshoeshoe
+non-liturgical
+preciado
+hugues
+kubert
+circularity
+qaysi
+loongson
+trezza
+bankstown
+louviers
+pájaro
+iemitsu
+agency
+anusim
+strange
+diemu
+france
+mairie
+kefaya
+122.02
+saint-raphaël
+92.83
+v-class
+colville
+seckendorff
+8-2-1
+85.72
+rkleinglobe.com
+mbaye
+underplayed
+nobilo
+frodeno
+dumbstruck
+vecchio
+hatchie
+a27
+jargon
+klammer
+scaneagle
+jee
+hollett
+fazioli
+sayward
+pilkadaris
+mccormick
+isolation
+legally
+wrang
+kunkle
+czermin
+nagyszombat
+separated
+reedville
+burchill
+elmet
+115.14
+tsurtsumia
+osid
+kronk
+scumm
+krait
+dimidiatus
+voz
+shravana
+12,150
+time-traveler
+duette
+erekle
+magilla
+.605
+świnoujście
+zdzisław
+uff
+agitated
+youqian
+pathania
+brailovsky
+dayroom
+68.99
+solomont
+brovold
+mark-up
+2,260
+thermocline
+mugged
+skehan
+voronina
+r600
+stefanov
+nomenklatura
+dc3
+lagnado
+1268
+wpbt
+105.32
+meisenheim
+51.75
+herodes
+resign
+fake
+photocopy
+r.o.c.
+xinfu
+vacationer
+contini
+palsies
+nailers
+abre
+ordinaries
+fidelman
+muircheartach
+citp
+motorglider
+sparke
+metge
+saldivar
+84-79
+dresel
+scimitar
+chandogya
+umno
+libin
+srečko
+wasteful
+belated
+man-to-man
+pre-19th
+.537
+typeset
+e-sahabah
+37.03
+mestizaje
+66-seat
+chikwe
+murless
+dungarvan
+nakhid
+enanitos
+shadyac
+constanţa
+bowl-eligible
+nirankari
+expiries
+daliang
+and-16
+dead-on
+somerleyton
+gracile
+rah-66
+72.52
+sigfrid
+mokranjac
+castelveter
+neocatechumenal
+xī
+utica
+hermel
+muhnt
+springwood
+jrl102
+trophee
+laitman
+misogynists
+garrets
+spiderhunters
+quien
+mers-el-kébir
+wuxia
+obeyed
+tipis
+memphis-based
+ehrenpreis
+cyco
+on-location
+xinmin
+interferometric
+saboor
+unaffordable
+gcs
+qucha
+68.75
+10-0
+1-0-2-0
+ntawukuriryayo
+41.57
+põltsamaa
+chinese-canadian
+salambek
+helicopters
+zinkernagel
+mahmudabad
+arnada
+commersant
+você
+suburbanized
+unti
+alvar-e
+disseminated
+07:55
+rossano
+seahorse
+www.bombayinstitute.com
+748
+catnap
+97-98
+marvyn
+anglicize
+tubules
+2.8-billion
+nicolaos
+joumblat
+sirmaur
+issma
+60.98
+dogaru
+quik
+.451
+biffen
+goricki
+weinreich
+wpb
+attractor
+prachi
+złotniki
+khiyaban-e
+debone
+411.5
+tomoya
+extendible
+thier
+attkisson
+kabuga
+miercoles
+guti
+bingaman
+senshi
+avari
+ribena
+handers
+bgu
+raffo
+hemming
+depth-charge
+śląskie
+bandshell
+spergel
+muvunyi
+jello
+salima
+progeny
+origins
+volgodonsk
+outbids
+mattox
+nagybánya
+disch
+touchscreen
+orphée
+36,667
+jajpur
+grigor
+bator
+1-point
+pettitt
+abs
+serthar
+cyrenaica
+hkja
+forestall
+checking
+shatranj
+postbox
+chilkoot
+basils
+terrorists
+dekabank
+out-of-plane
+pliability
+arcady
+118.54
+probe
+0147
+giachetti
+eds
+macneille
+fethard
+bronchoscopy
+siphandone
+86-75
+irctc
+garki
+giardiniera
+alençon
+vreeswijk
+994,000
+liquisa
+malebo
+wiseguys
+mosaicism
+parisians
+mol/l
+multi-factor
+albedo
+frenchay
+dsdm
+opined
+hirwani
+greenspon
+58-page
+räikkönen
+maximiliano
+younus
+922,000
+benítez
+willenborg
+milanzi
+trs-80
+1,837
+telomerase
+950
+monoamine
+peru-bolivian
+black-tailed
+hufner
+netpulse
+12-term
+hartzenberg
+jas
+corleonesi
+molossidae
+ergic
+feng
+tyres
+mya
+flatcar
+zouheir
+midriffs
+mandarin
+ferrick
+ferndown
+welcoming
+elfquest
+saint-imier
+us6
+shuinan
+leang
+one-seat
+euphonium
+cased
+bernat
+lsw
+bajofondo
+5:15
+zizou
+stropkov
+lyriques
+.364
+fronds
+stope
+rudna
+1884-1885
+jiarui
+20-24
+digiacomo
+nizhnevartovsk
+113-107
+triplane
+ogni
+thwack
+24.56
+dogri
+cyclins
+chakravarty
+lamington
+shumsher
+streambank
+puget
+glycol
+rcts
+joanne
+gajar
+francas
+pedestrian-only
+ugt
+samna
+liegt
+maroma
+lapping
+hoya
+plebian
+langport
+doyle-murray
+doppler
+buchalter
+shiyah
+castile-la
+mahallas
+camerin
+gretsch
+handford
+10.37
+heyden
+preset
+23.26
+wurde
+interleukins
+pilet
+6l
+t16
+limiting
+peto
+monalisa
+leventhorpe
+jigar
+lawrencetown
+inappropriateness
+schomacker
+nishapur
+inisfallen
+roadman
+pantagruel
+shailendra
+2,592
+bobdart
+henriksson
+steensnaes
+u-2
+0-for-14
+cablevision
+normalize
+i.f.
+chanthabouly
+writhing
+silbert
+1.2-million
+cuming
+chemosensory
+demaini
+directly
+1,500-mile
+welts
+renville
+broadrick
+mancroft
+gaetz
+waldir
+126,000
+3-0-15-0
+fianna
+michon
+steingrimur
+pre-celtic
+carral
+blights
+bacik
+rfra
+approx
+brahim
+marijampolė
+pareil
+checkitout
+aajc.com
+practical
+figli
+dahmen
+lautenbach
+four-color
+previewed
+bgb
+exonerating
+doorstop
+tressed
+ardhanarishvara
+hydrogenase
+suet
+eleutherodactylus
+biondi
+iweala
+salahadin
+fury
+smilodon
+roquebrune
+dabanovic
+wash
+90mph
+greek-cypriot
+galambos
+munitions
+ventadour
+blumstein
+non-drafted
+truzzi
+90.27
+35.74
+thin-walled
+boming
+agito
+hummert
+2ndlead
+cuers
+historiographic
+brooke-little
+neotropics
+mcclennen
+parvathi
+mondawmin
+herford
+tapp
+momsen
+lovemaking
+wiscasset
+96.70
+hermanas
+videotaping
+chamaeleontis
+hardap
+ayinla
+s-bahn
+sorani
+fernandi
+fiddlers
+benjy
+fundamentalism
+appointive
+19e
+32-32
+jordanhill
+991
+mbida
+zaporizhia
+jogjakarta
+mid-south
+19-party
+sfs-bolletinen
+stressing
+34,500
+aastrom
+tarifa
+lawther
+5-and-4
+babolsar
+4,742
+vrinat
+in-hospital
+aznavour
+3y
+pearland
+829
+midterms
+cyanuric
+fridolin
+whyville
+billfish
+crybabies
+5,000-point
+maciejewski
+5,000-page
+acquaints
+stoddard
+z'ha
+stommel
+preis
+mmorpg
+pharm.d
+cfca
+reviser
+dak
+finalists
+lymphoid
+somani
+kjoerstad
+kundert
+kroeger
+salisbury
+layered
+physicals
+84.11
+dornenburg
+rotoiti
+reclaimer
+verhaeghe
+cyclooxygenase
+69-73
+1989-1999
+eichenried
+jnorris
+lineage
+sebaggala
+hollingsworth
+graupner
+88.82
+bouncer
+cbm
+paluxy
+last-16
+bioengineers
+jamaan
+unisa
+wouldbe
+sysml
+mesencephalon
+ijt
+wasowski
+conserva
+fipb
+camerman
+popularidad
+yougui
+al-islamiyya
+slavonski
+109-year
+fırat
+handel
+ji-sung
+1.438
+tishri
+kurtzberg
+communist-era
+janacek
+prevue
+shiqi
+synnex
+meglena
+weekend-long
+mevlut
+plaatje
+wregget
+friedrichshain
+ough
+davila
+gibilisco
+kalin
+biopolymers
+heka
+hausas
+larva
+diker
+addai
+teofilo
+grétry
+crusie
+quasi-governmental
+rhernandez
+volkman
+emc
+susic
+mannini
+raga
+intones
+hf
+donatella
+shuyun
+shahdol
+skali
+40-18
+104.32
+repower
+47.87
+usa.com
+zykov
+yarraman
+muş
+zinberg
+3,983
+bamako
+slaton
+al-shibh
+aiee
+copulation
+peyman
+nacd
+melena
+12k
+elkland
+lle
+kopecks
+-----------
+yanow
+vollmer
+shenglin
+600th
+wxrk
+contraindication
+membranous
+valente
+6:12
+danylo
+rusian
+moines
+72.02
+90,000-plus
+leafield
+givon
+dmj
+huddur
+esoteric
+gco
+machon
+indigofera
+nykaenen
+mussallam
+zhoukoudian
+adamu
+pieniny
+10.42
+bionic
+13.81
+jiwan
+yuzhen
+radiolarian
+higher-priced
+shagging
+baviera
+bressingham
+waialeale
+snorted
+lankov
+dyrberg
+beldon
+sangathan
+wallaces
+861,000
+simeunovic
+pelletreau
+hina
+sabirabad
+a_19
+68.83
+barraba
+micropentila
+tangles
+'40s
+mokelumne
+nutricia
+precognitive
+colacello
+hypothalamic
+mustafah
+porfolios
+waldensian
+haggis
+rasche
+132.25
+wazoo
+two-tone
+vasari
+actc
+-1.7
+oromiya
+minocycline
+autocrat
+keelboat
+arounder
+bizet
+puked
+bobdartcoxnews.com
+procuress
+rtkl
+35.84
+unwilling
+strangefolk
+yello
+gulo
+h-4
+wayans
+vesicle
+showbread
+intent
+perspex
+micrometer
+mcfarren
+atomization
+rosenfels
+antitumor
+tanoak
+idiocracy
+6:14
+tok101
+dilates
+jask
+5,080
+martos
+loams
+manokhin
+polenzani
+faggin
+americana
+daresay
+yalow
+thunder
+śniadowo
+81-71
+well-muscled
+donlin
+hannula
+k-series
+lnt
+lutui
+cosmically
+mama
+mercurey
+animals
+deludes
+playwright
+kuffar
+mcguffin
+soltero
+dockside
+bulmahn
+msiri
+composer/producer
+vinge
+simurq
+syglowski
+generalising
+144.9
+williams-brice
+gizbert
+strnad
+sean
+michalka
+monograms
+d'austerlitz
+malkuth
+razaf
+hefter
+khelil
+cartner
+boosters
+caamano
+divertissements
+118.88
+kitikmeot
+stearnes
+formers
+youview
+overachieved
+afrotropics
+sowers
+by
+ilias
+vendidad
+akwid
+roquefeuil
+1392
+multiphasic
+reeve
+mendels
+29-dec
+coufal
+ebbo
+zaiba
+variance
+andriyanto
+garamendi
+teldta
+inconvenience
+shishani
+mattawamkeag
+lutetian
+collingswood
+nzta
+styne
+portero
+supplications
+wool
+preez
+srisailam
+zayr
+lamoreaux
+castagneto
+makeni
+atkeson
+formula_70
+kemmel
+2,656
+audu
+dorgon
+migraine
+diwata
+houston-based
+sibel
+tazari
+privat
+halfbacks
+enunciates
+quechua
+dirigo
+107.42
+gopendra
+stagnated
+plebiscito
+maniscalco
+freke
+barashi
+:2009
+matutina
+voicings
+early-2000s
+pamphleteering
+coloration
+big-endian
+codice_26
+informationization
+emnes
+misspoke
+loy
+smallpipes
+shenanigan
+adha
+bureaucratically
+sursilvan
+vside
+gunnersbury
+cyclopaedia
+jephtha
+frangos
+glasgow
+comstar
+home-cooked
+yugos
+n`t
+châtillon
+74-4
+auna
+sawhney
+xperiment
+melgaard
+monteith
+bofferding
+limmer
+lazio
+reinforcement
+1992-1995
+lindeberg
+pre-stressed
+capitalizes
+heat-ray
+complains
+syrian
+401,000
+mccann
+derventa
+wayda
+azaña
+113.74
+efface
+frontalot
+misono
+sportsbook
+abukar
+homogenize
++12
+veined
+revoke
+kayumba
+forearm
+vaudois
+hiam
+childeric
+dispensation
+amazonians
+homalopoma
+watching
+deep-fried
+magnier
+shorthorn
+seven-term
+aice
+vicarious
+ę
+amirul
+corinne
+björkman
+khondab
+enthusiasms
+forty-five
+flouts
+fast-track
+sauchiehall
+2.035
+geforce
+taniperlas
+ecker
+knežević
+klbj
+duty-free
+bryer
+mumbling
+md-95
+cruces
+94-89
+burrage
+kuraki
+danlos
+ikuma
+gereida
+conceptualization
+spattering
+130s
+stekel
+public-benefit
+maximum-security
+asas
+uni
+ambras
+embarrassing
+spagat
+kawasaki
+mullion
+fluorocarbon
+soutter
+mellberg
+koziol
+hannifin
+stadtpark
+lamah
+junggar
+evaporite
+amna
+adeleke
+22.64
+erectus
+citro
+1-story
+østergaard
+humpday
+hibler
+aurion
+eliota
+vivant
+syariah
+dovers
+bezabeh
+lrt
+mulryne
+arec
+four-month
+out_none
+full-screen
+kommen
+bokini
+layzie
+34sec
+counterpart
+mergel
+111.28
+tenes
+pyrénées-orientales
+farnesina
+ferriero
+sylow
+oblivians
+apy
+felten
+amaki
+2,903
+lifesavers
+tintwistle
+yang-mills
+stegosaur
+pasukan
+semidocumentary
+gp3
+javakhishvili
+gurucharan
+lddp
+aspden
+aventis
+buddah
+122,165
+16.30
+bernician
+xsl-fo
+99.28
+jonet
+leone
+malkmus
+108.86
+teyler
+tarbes
+pasini
+kratié
+brandley
+holborn
+uwajima
+sproston
+2,846
+utz
+onoue
+shaarawy
+omarama
+metalious
+ruhengeri
+lycées
+esquivel
+palmilla
+vengerov
+ledeall
+preexisting
+st.-emilion
+zillmann
+predictors
+outgaining
+mauvaise
+offering
+mooneys
+englaro
+demetri
+heliox
+1.4850
+lifestrategy
+5,865
+belayer
+shaddix
+guevarra
+ricucci
+wideout
+dwarka
+medaglia
+moeller
+setai
+marquense
+kdz
+horndog
+chibs
+usafe
+22.69
+intermediates
+maiello
+gossels
+angleterre
+bihać
+vaitupu
+imst
+140.50
+182.9
+furiani
+chakib
+yingtai
+tembo
+kinokuniya
+handycam
+1,661
+2h
+omiš
+enodis
+datamart
+kulit
+jōdo
+79.61
+policarpo
+4.625
+rieley
+3,743
+atmos
+renae
+alzano
+beany
+refai
+deprive
+jamir
+coalescence
+quaff
+iwasawa
+85.2
+nscaa
+nonexempt
+ghoulishly
+entangling
+neoliberals
+combretum
+mcaputomiamiherald.com
+cheetos
+keya
+estimation
+tepper
+ait
+koin
+sirba
+rm19
+gazette
+6000
+rtp2
+pohnpei
+joséphine
+corino
+three-storied
+varicose
+dongpeng
+tenimyu
+soldini
+yetzirah
+royan
+pentair
+121.62
+olexa
+late-19th-century
+persichini
+morihiko
+spacewalk
+107.15
+hightened
+self-realization
+sinek
+rozenberg
+1993-2002
+automaker
+chamila
+prado
+golovlyov
+sleeved
+17-minute
+equestre
+747,000
+réveil
+0.925
+coco
+veja
+sabam
+elbegdorj
+22-28
+vuthy
+makli
+shacheng
+nikolsky
+betide
+octets
+caldirola
+68.22
+bialowieza
+figure-8
+darragon
+naroda
+wsfs
+shakspere
+neva
+zic
+sady
+marlette
+kessai
+rhinophores
+ponikve
+remeron
+norev
+koné
+jev
+8am
+seocnd
+coonts
+27s
+fusu
+česko
+d'etre
+jaeger
+arri
+yellow-browed
+satriani
+14-mile
+thehr
+mashore
+wear
+charterers
+teatern
+mineable
+geometrization
+sahlene
+contracted
+sybille
+gentlewoman
+96.71
+casby
+norepinephrine
+barakaat
+calayan
+ceauşescu
+yuzhou
+26.34
+a-11
+audiocassettes
+non-pregnant
+stakeout
+choh
+astrologers
+galactose
+microenterprise
+silmi
+gravesande
+coyne
+freestyles
+wsop
+1981-82
+lucratively
+newsmagazine
+rhön
+impellers
+sulgrave
+jonassen
+grilled
+kildare
+everblades
+ramac
+manusmriti
+eduardovich
+compositions
+tayeh
+pauperis
+klingeman
+halothamnus
+mata
+convoking
+endstra
+rlb
+armillaria
+1,496
+npk
+flooz.com
+waldmohr
+26.70
+dayr
+glendalough
+funston
+refrigerator
+voitenko
+troupers
+29-april
+kask
+puett
+interplane
+mcnay
+7103
+docx
+otocac
+bg
+wacha
+ahli
+abeysinghe
+zhangjiajie
+1:09
+1-of-11
+memorizes
+felim
+marsi
+spelled
+sidewalk
+demotion
+depersonalization
+gmac
+gasline
+domitian
+greatest-ever
+cinebook
+guhng
+peguy
+gençlik
+soroptimist
+stoles
+zemlinskis
+psathyrellaceae
+ostrowite
+186.6
+immatures
+72.12
+alasay
+jawi
+food-borne
+rascality
+westing
+corica
+kuangdi
+stairmaster
+lilian
+43.08
+rugen
+teran
+313.4
+98.63
+yaodong
+beitia
+e65
+klompus
+representations
+dangxiang
+insteon
+cobbett
+mcmanis
+pariz
+nominalism
+they
+syntaxes
+20-car
+on-street
+yizheng
+repetition
+ipas
+digitals
+whisker
+dadar
+kharkov
+144.5
+karissa
+mirandela
+zadig
+wivb
+panzer
+plzeň
+mid-2012
+kokutai
+spring/summer
+bdaley
+firecat
+gravlax
+pasajeros
+steckle
+76.43
+literals
+melissa
+gaúcha
+wijk
+2309
+k587-1
+laflamme
+awac
+tsubo
+googins
+postponements
+vanderkaay
+fernán
+s/mileage
+dataflow
+tuffy
+metrication
+hogeschool
+biowatch
+meineke
+kattabomman
+garmin
+schnoor
+topcider
+principe
+235.2
+diac
+osoyoos
+socialistes
+miloradovich
+84-69
+100,000-strong
+trillini
+piloti
+groaning
+seize
+sakalava
+masek
+breidis
+issam
+68.89
+i-380
+burberry
+doorposts
+55-10
+forbert
+firstcity
+rothbaum
+9,065
+5:51
+moralists
+mclagan
+téllez
+skyride
+hudak
+sculpting
+o’connor
+mulherin
+burik
+mirjaveh
+matt
+coverag
+localization
+montois
+trois-rivieres
+4chan
+gilgen
+surprising
+naboth
+vukota
+zizka
+vincoli
+disheveled
+aske
+cléopâtre
+copeau
+witheridge
+grynszpan
+giunti
+colorism
+pesic
+danell
+upregulation
+treuhaft
+twm
+gaultmillau
+kasara
+haec
+welfs
+münsterberg
+bilfinger
+musonye
+65.37
+plexicushion
+textes
+tailor
+puranam
+unwind
+supratman
+grindstaff
+godsell
+setanta
+ullstein
+toroidal
+chengwei
+albatross
+entices
+tenement
+wilczek
+aircobras
+poem
+unfashionably
+talavou
+persik
+clint
+cowry
+cazenave
+aerofoil
+80-66
+lambsdorff
+selsoviets
+shyamalan
+rollerblading
+waimanalo
+sydmonton
+photomultiplier
+134,000
+cet
+nägeli
+genzebe
+huntly
+broadwick
+hamkam
+nickalls
+kissa
+townend
+latwp
+stranglers
+meletius
+badinter
+24.40
+aguecheek
+310-798-7338
+kalhammer
+coughs
+bunstine
+ss-obersturmbannführer
+bidassoa
+dermatologic
+2,014
+unhurriedly
+ferrocarriles
+escuintla
+avago
+colan
+herblock
+shrout
+murshidabad
+ska-p
+wedensday
+cropsey
+pretexts
+thalassery
+marrickville
+ampliar
+rostaq
+berniece
+inexpressibly
+wiluna
+citrifolia
+vitadamo
+vusimuzi
+2,310
+manichaeism
+nayral
+perrault
+ahaz
+hoffmeyer
+aircraft
+i.g
+100-game
+sukom
+koules
+azzarello
+ambarawa
+laddering
+saun
+marai
+goce
+pellagra
+langridge
+gtsi
+ondarroa
+mbela
+bresonik
+ttb
+958
+slavyanskaya
+salvetti
+auto-biography
+basturk
+wayfinder
+kalan
+montalva
+untac
+rzeczpospolita
+statz
+rossana
+sona
+candide
+elliots
+burton
+butti
+xugang
+propeller
+resells
+bsnl
+gmov
+zhijin
+tufan
+reichling
+crj700
+lomborg
+thornberry
+asmah
+anglophilia
+christology
+286.2
+·
+universum
+lean-to
+99.87
+airplanes
+delirium
+haemolymph
+revetted
+variable
+gisa
+tillack
+springtail
+youngstar
+kmph
+mwaluka
+super12
+6.63
+retter
+bertone
+mondragón
+jakrapob
+sikhanyiso
+tabanan
+ferula
+brazosport
+belinfante
+abutment
+turnberry
+salle
+chinedu
+sols
+allografts
+toril
+potenciano
+idw
+geostrategic
+midsession
+overspeeding
+guyan
+issueless
+marcher
+certificat
+56.6
+70-53
+lensing
+bookers
+rancheros
+taxonomies
+checkoff
+damnably
+ramanna
+raya
+richborough
+sejarah
+nces
+autolink
+exocrine
+vassar
+menstruate
+uuno
+tassajara
+88.07
+safieh
+dears
+transhuman
+duckburg
+fulness
+circumlocutions
+garota
+prophetically
+karnan
+u.s.open
+magness
+dürr
+hund
+anaerobe
+marcussen
+porno
+2301
+bran
+pogi
+bertalan
+160
+burkino
+gaudily
+gnome
+starets
+rohini
+byford
+ngam
+nelvis
+yongtu
+18-karat
+zarnowitz
+71.12
+samguk
+bychawa
+alick
+petrovac
+thembu
+partula
+lwara
+mateja
+lcu
+reichskommissariat
+badari
+hauptwache
+100-80
+bartleby
+muzzles
+helter
+sibbi
+zabka
+susitna
+mwencha
+torke
+2,117
+orange
+vecsey
+musiq
+sunjata
+protestantism
+espn.go.com
+teige
+thistle
+usaffe
+bagatelles
+karni
+arbëresh
+jingdezhen
+berislav
+nimbler
+wiranto
+mopey
+tarted
+geylang
+lichaj
+16:01
+visa
+ansted
+intercessors
+hypnotically
+larten
+kenting
+luxton
+seefried
+driehuis
+luzin
+parcelling
+moldau
+dacko
+govpx
+hartly
+exbury
+brazzell
+shaibani
+osiris
+eulogised
+petrin
+dejan
+portalegre
+beels
+zyazikov
+panthera
+boatyard
+zhenwu
+alpestris
+pipefitter
+bedrolls
+legian
+dolor
+quatrefoil
+fat-tailed
+initiatives
+hualien
+tfb
+3,020
+poizner
+claremore
+italo
+brynjolfsson
+radha-krishna
+buttering
+hmt
+syah
+tomek
+lorenzo
+anti-malware
+raca
+10n
+softcover
+pedatzur
+panguna
+eliseu
+sabarimala
+symmetry
+agaton
+lusitanica
+ring-road
+dorestad
+herdrich
+brachii
+jemayel
+beguiling
+free-standing
+uigur
+inductive
+1,830
+tacke
+zierikzee
+evangelist
+85.47
+colugos
+chinese-style
+abhinav
+mindulle
+sutresna
+wahba
+callousness
+iberica
+1,109
+gullett
+usf1
+2,088
+concert-goers
+precedent
+brightman
+26,750
+ofori
+1,480
+rhm
+38,500
+shargh
+ramola
+climate-change
+144.4
+117.17
+shahpour
+nieuports
+abbaye
+williamtown
+hannington
+paulao
+91.61
+bunton
+wary
+vogan
+gilley
+200.7
+740,000
+jacques-louis
+anguti
+iwgp
+bielawa
+wimbush
+revelli
+podres
+50.90
+p26
+1/48
+crimean
+veritably
+trixie
+capacity-building
+inhumanly
+bxd5
+srm
+xiaofeng
+gamblin
+glorified
+trombonists
+stukes
+trajectories
+forgers
+92-88
+mban
+yubin
+markov
+611th
+sun-earth
+korner
+u201cyou
+jools
+diamantina
+boling
+pbf
+piggeries
+1,208
+demartino
+denotes
+mccombie
+jubilation
+ornata
+18,700
+kaluwitharna
+nowacki
+gangetic
+g.hn
+anisotropies
+mcclintock
+doña
+gobie
+stone-like
+bulger
+tyrannus
+overdrive
+almatov
+galenson
+two-week
+batton
+evincing
+828
+palladia
+borisovich
+mbuti
+writing
+sages
+extrapolate
+samaveda
+vans
+collomb
+boček
+phono
+aleixo
+pointblank
+pochin
+dependents
+lvl
+pashko
+eustathius
+fudbalski
+wiki-based
+corporatewatch
+eskildsen
+tarlac
+praveen
+waldhausen
+sedalia
+xingfu
+dark-red
+d'architecture
+70th
+moana
+laikin
+tease
+cargill
+tahesia
+su-35
+toguchi
+probar
+tuksar
+determinedly
+scuole
+youki
+claiborne
+vladimir-suzdal
+aciclovir
+lampoons
+motomi
+odwa
+pivo
+agonisingly
+baiyu
+benedicti
+,530
+swalec
+idée
+might
+currently
+luczak
+fastidiousness
+conkey
+cimetière
+beachey
+dimness
+guillermoprieto
+1983-1986
+bulldog
+howie
+malzberg
+sufrio
+3-0-0
+kazahkstan
+1807
+166.6
+130-kilometer
+milliband
+25.77
+antitussive
+bocchi
+seair
+cusimano
+puleo
+al-ma
+euro88
+husby
+11million
+encrusting
+rikidozan
+mini-series
+oberlahnstein
+rebuffs
+satine
+4.9
+buhrer
+custodians
+grasp
+bledar
+labuan
+bonsang
+rosicrucians
+shunzong
+shiflett
+rechargeable
+bings
+uwi
+forsgren
+koeln
+79.18
+thirupathi
+life-and-death
+zas
+gabrielle
+mgt
+amic
+1/16th
+avrom
+explicates
+unpf
+subulata
+super-human
+mison
+noruz
+eya
+koshy
+free-wheeling
+polygon
+fillol
+meshal
+694,000
+consignations
+fujinami
+brocchi
+agrasen
+s50
+kungliao
+toomey
+disc-based
+1-for-18
+vibration
+albertslund
+god-daughter
+retrato
+headsman
+galatas
+79.44
+13.5
+99.31
+consecutive
+vihara
+kvue
+echs
+safarov
+205-million
+muhleman
+kittin
+transposes
+grima
+sokoli
+65-97
+demonstrably
+neuhoff
+60th
+amsterdammers
+lankesh
+refreshment
+dance-pop
+jarek
+311.9
+1090s
+awis
+25.33
+closed-loop
+hesbaye
+half-a-million
+basilone
+vrt
+zuzanna
+pallekele
+cinyras
+roundhay
+shoels
+84.70
+toks
+malfa
+macquart
+doire
+studs
+noise
+viertel
+23.21
+guosen
+vehicule
+infanticide
+etan
+nikkei
+lydon
+members-only
+vishisht
+tpao
+lawa
+goniwe
+prag
+voyle
+ends
+cleberg
+menzo
+mcic
+dyess
+ɔ
+i-d
+suburu
+jobie
+22-state
+cdk
+verbalization
+97.13
+single-use
+2,988
+kuokuang
+tuva
+micromanagement
+milk
+auchmuty
+alizé
+shantung
+preseason
+prikhodko
+arcot
+gondoliers
+xijun
+truss
+amlo
+toomay
+crinkly
+6,032
+16.8
+proffering
+hughson
+m-2
+cofinality
+tremenda
+stressors
+baobab
+upsides
+dechaine
+awb
+kaio
+twoflower
+107.00
+suisun
+jayadratha
+mixe
+figley
+hohst
+sather
+abhar
+sunil
+boyarsky
+modotti
+heffron
+jamerica
+kvenland
+amenity
+confimed
+62.2
+medialward
+starship
+conrail
+weierstrass
+jun.
+piña
+13,000-strong
+vassili
+eells
+21-29
+dghc
+thetan
+vicelich
+naghani
+x19
+1280
+politiques
+blueprint
+jomo
+emtman
+foucan
+goitre
+klepp
+trochu
+court-martial
+fastbowler
+villaurrutia
+saffarids
+klutz
+carpentaria
+owner-occupied
+brady
+skåne
+esperanza
+tella
+okeh
+analogy
+129.3
+entomopathogenic
+cairngorms
+992,000
+muawiyah
+.228
+kaal
+wattanachai
+dack
+hypocritically
+topusko
+interoperable
+bridezillas
+1983-1992
+ludicrous
+bhe
+usmanov
+rcsi
+re-enacts
+reinvestments
+marmaray
+through-hole
+rm200
+levistus
+chetri
+seator
+taligent
+ilo
+leito
+medvedkov
+narathiwat
+chipsets
+kesri
+vidyarthi
+cardinale
+wolfratshausen
+chitosan
+symetra
+aharonian
+814,000
+ashkali
+ishant
+montour
+petkanov
+jean-luc
+mergansers
+doctorow
+break
+poveri
+enrolling
+mankatha
+well-attested
+agronomique
+sorte
+vd
+ídolos
+1950s-1970s
+3-47
+maldivian
+gute
+887,000
+acoustic
+cuautitlán
+sehk
+per-game
+7-2-2
+vires
+firecrackers
+0:1
+ivories
+ofoto
+shilshole
+corsicana
+elvises
+crais
+kcmsd
+52.13
+great-aunt
+yobe
+kimmeridge
+jadidah
+anticoagulation
+karassin
+papaloukas
+mcmillion
+ebersol
+94.4
+belgraders
+r-22
+acceptability
+boatpeople
+f-117as
+cubane
+leuer
+harwood
+78.99
+hgi
+trufant
+fire-fight
+kadkhodai
+4t
+evangelou
+50-fold
+zaręby
+stormtroopers
+privileged
+waistcoats
+unwearable
+runje
+likeness
+boschini
+muench
+84.16
+naptha
+augenthaler
+mcelveen
+metrobus
+commandant
+precedential
+mvrdv
+tomoka
+crunchers
+unpressurized
+chicas
+hindwings
+hideki
+250-page
+1.3616
+baltimore-based
+godkiller
+bushranger
+aatma
+metamora
+co-executive
+46.22
+riaz
+guéméné
+worldpride
+oberhauser
+aroub
+equivocate
+ptsd
+american-based
+spaatz
+lxde
+1970-1980
+batura
+tsubouchi
+godstone
+dekmeijere
+smallmouth
+norweigan
+gervasoni
+adequate
+advices
+divisiones
+blazes
+gavey
+hariton
+35.77
+post-2012
+balkenende
+marchfeld
+burchell
+tephra
+disintegrated
+namboku
+self-publishing
+favorable
+alligator
+off-licence
+scaler
+jackfield
+burnish
+49-42
+yaakov
+39.8
+pietra
+eapc
+zma
+post-political
+ilm
+1960-1969
+saniora
+38,900
+realtime
+damaso
+mesmerizingly
+bertel
+tezozomoc
+barcin
+disagree
+rettenbach
+nhc
+20:00
+37-21
+andropogon
+spinelessness
+co-headline
+lgv
+darkens
+skipton
+vihd
+silvy
+limps
+102.7
+525th
+dittus
+geopolymer
+midhat
+kadambari
+77.29
+mcilrath
+222.5
+nyasaland
+aleiter
+waerden
+slowly
+crispina
+nolet
+ip3
+nijinska
+unachieved
+912uls
+cathouse
+abertis
+samsoe
+janardhan
+helsing
+datasheet
+counsell
+taiba
+gader
+6-foot-1-inch
+47-month
+munks
+consonantal
+flows
+impetigo
+kogen
+topsy-turvy
+poka
+respond
+lusitanian
+paradiso
+progressives
+subhed
+kresty
+ingold
+snarky
+behemoth
+122.40
+bharu
+vâlcea
+hqs
+mefloquine
+yongbyong
+flout
+pasanen
+warragamba
+cancels
+zelina
+favorables
+skoki
+zhongping
+geleg
+brookshire
+patas
+balestrino
+pardalis
+sucesso
+mork
+devisingh
+moniruzzaman
+ballooned
+lozano
+spheroid
+mendocino
+anguillan
+counter-sued
+seo
+sidelight
+nine-point
+tiler
+lotusphere
+rehabs
+3,611
+warchild
+durin
+vejen
+apuan
+mold
+e-gold
+kuroda
+qaisar
+corduroys
+ferrule
+everyday
+quantized
+nedrow
+filon
+caroling
+schooler
+flue-gas
+intellegence
+intussusception
+beautify
+cinders
+camarasaurus
+wroten
+stonecrop
+remittances
+saponi
+2,190
+taiaroa
+yabucoa
+airy
+lizardo
+billthompson
+132-seat
+mainframe
+dumbreck
+cofactor
+limekiln
+kojirō
+chargeurs
+pondsmith
+amoron
+spokeman
+4,667
+proselytize
+979
+14001
+pitha
+catia
+torgyan
+kemri
+siuan
+otomobil
+ocha
+bikers
+skupski
+mull
+craniums
+610
+u/c
+haberdasher
+lágrimas
+sandplains
+z/architecture
+tikar
+volleyballers
+lulu
+subsequences
+circumstantial
+65th
+fairview
+chelation
+kurupt
+hendrikus
+stavis
+tablespoon
+kuklo
+marinens
+marie-josée
+viljanen
+bizanti
+west-coast
+henriques
+chaison
+namangani
+boxall
+chrysogonus
+zax
+kearny
+luskin
+stokesley
+tazo
+extra-curricular
+warringah
+hucheng
+inzamam
+grandsons
+persada
+mahim
+giffard
+bijection
+bardet
+agano
+eylau
+bojinka
+yauhleuskaya
+1.4725
+byron
+soap
+needell
+beman
+fieldsman
+winerip
+polasek
+tarhunah
+zacarias
+guepy
+191.6
+recht
+microstructure
+aguascalientes
+bankoff
+aften
+consistence
+fickling
+left-center
+penitentes
+alwal
+sampley
+colorings
+obb
+tanggula
+saoud
+riffled
+09:03
+soori
+,830
+hephthalites
+44.17
+street-fighting
+agathon
+non-title
+mirtha
+ny107
+dilly
+cut-ins
+flowmeters
+child-care
+jamadagni
+valette
+vandergriff
+ktmb
+castlecomer
+215.7
+hadrianic
+guttenberg
+hobey
+brendan
+npmoc
+pre-first
+cmkelly
+moulins
+joely
+tafsir
+frenchness
+maximo
+motoko
+albertz
+metes
+schumachers
+kettleborough
+aimone
+nenova
+barnouw
+khusraw
+84.47
+brand-new
+1942/43
+newsday
+udc
+extortionists
+sr5
+339.5
+batholiths
+desean
+2011/12
+raffarin
+box-to-box
+issaka
+ivanschitz
+acetoacetate
+ldcs
+self-deprecating
+sjarifudin
+marousi
+reconstructive
+avondale
+overvaluation
+cordell
+ceibs
+bassett-lowke
+bonsey
+euro476
+i̇brahim
+caerleon
+25-29
+tattersall
+undulates
+kopenhagen
+zeger
+darif
+valparai
+victimised
+soapbox
+waitin
+hoka
+lgs
+bühlmann
+silversun
+kharbanda
+12,600
+manouevres
+vlahos
+wuh
+allán
+rimmon
+mstar
+25.61
+thorsen
+profi
+two-speed
+gail
+reassigned
+pop-star
+majlisi
+américa
+sapo
+hearses
+presale
+mdo
+jiggling
+zersenay
+aftertax
+soror
+post-graduates
+ranatunga
+stell
+asma
+tybee
+chasseur
+phreaking
+http://judiciary.senate.gov/
+glandon
+half-width
+caritas
+wad
+gabol
+plw
+razmi
+lipoproteins
+balka
+cordesman
+senin
+lenine
+godawful
+ghada
+46664
+nooksack
+108.27
+dioryctria
+71.37
+longhairs
+arok
+silvaniei
+1,121
+sylbert
+wickenburg
+transcendent
+9.54
+seljuqs
+winkleman
+tourers
+southwestwards
+verducci
+integral
+800-pound
+horio
+eijkman
+wonkette
+obrony
+45.05
+baham
+j2ee
+solinsky
+remnick
+204.7
+menaker
+twe
+iedc
+battlewagons
+śakti
+trinita
+emanu
+vagni
+naysayer
+clonemakers
+kawkareik
+copper-gold
+re-embarked
+atwa
+kempe
+warthog
+osho
+ciência
+bolos
+davey
+nuna
+plazo
+reesh
+outstandingly
+al-thani
+glanbrook
+kprc
+front-1stld
+obrenovic
+tolle
+shrouded
+mogilev
+54.43
+ranjitsinhji
+susanoo
+elit
+vezzali
+briain
+kuenzel
+bayrak
+houssin
+tamar
+chesham
+brachypodium
+hatton
+alanson
+ascent
+lateralus
+bursted
+sevda
+siia
+inhibitor
+cisf
+aquacultural
+craddock
+bigot
+duwamish
+chiavenna
+popping
+33.11
+111.6
+fatos
+900-word
+re-occurring
+aborning
+offstage
+longa
+21.91
+majuri
+amelung
+mid-market
+tutzing
+uaxactun
+auchans
+bienal
+sordi
+provopoulos
+eidlitz
+özge
+henrici
+greisinger
+asay
+echa
+mr
+scoffed
+noc
+amine
+application
+prudnikov
+tropicalia
+emmerling
+kwakiutl
+revison
+tencent
+sokołów
+minden
+kantan
+osie
+sarcoma
+parkhouse
+1928-30
+postmen
+curmudgeon
+8/8
+harmonies
+vientiane
+boisture
+anti-nuclear
+diatom
+noetherian
+imprimerie
+genest
+etar
+lamborghinis
+branche
+latecomers
+edwige
+seven-digit
+decertified
+kulesa
+wilno
+51.79
+suidas
+kalon
+factness
+fastrac
+stasio
+unconsciously
+ceretti
+36.91
+8-30
+ac
+kopple
+deacons
+moinuddin
+havan
+energy-efficient
+mannerisms
+insistence
+zeltzer
+humphry
+tansey
+sgip
+15-27
+hendler
+tang-e
+intersystems
+peggotty
+slagging
+turaga
+4,102
+ferneyhough
+lhuillier
+universalism
+hyphenate
+non-normal
+wafiq
+saddled
+corms
+harrisson
+fahlin
+102.52
+andokides
+hypoxemia
+40104
+asgrow
+glaxo
+boroumand
+maulers
+navidad
+berney
+iebl
+stonesfield
+kiniski
+thwart
+édith
+photosynthesize
+bics
+subowo
+passports
+pacheco
+slocombe
+tubingen
+executors
+kingsize
+mid-latitude
+169.1
+54.25
+mishra
+qissa
+64
+lintel
+1.3277
+53.1
+co-anchored
+monomaniacal
+193.5
+paleologos
+gela
+graphium
+avison
+madhesi
+macfadyen
+doen
+220-pounder
+bayous
+-8:11
+formula_13
+okiya
+decompression
+hajrudin
+sheinbaum
+lajdziak
+shorouk
+caracoles
+counted
+banzhaf
+saddlebrook
+strängnäs
+ysleta
+aquaplaning
+abel
+originate
+schmit
+maternelle
+aristotelianism
+near-earth-object
+clergyman
+glogovac
+nordic
+omega
+316,000
+sketchily
+sarie
+okh
+water-driven
+overproduce
+2nd-century
+slobodna
+youren
+dbcomma
+africanization
+mummy
+usu
+webgraphics
+holdenville
+euroncap
+pedestal
+non-mormons
+shinbashi
+solectria
+assassinating
+rion
+pizza
+prtc
+quarter
+quania
+zaim
+loftlike
+peller
+brescia
+khair
+kristiansund
+palpitating
+paraguayan
+pantha
+kunasek
+grammaticus
+attacked
+mellick
+barot
+non-specific
+presence
+surfside
+peslier
+nagamine
+karaganda
+balakov
+kwah
+fire-arms
+kaiho
+syal
+29.4
+lhévinne
+samuelson
+agrahara
+elaenia
+petersdorf
+nonunionized
+long-wavelength
+mphahlele
+pichincha
+unschooled
+oakland
+hands
+noves
+geomancy
+soling
+well-ordered
+insufficent
+patters
+finsterwald
+tews
+troels
+http://www.honeywell.com
+mighty
+manwaring
+molodaya
+leps
+wiston
+stüler
+b.b.a.
+hubbub
+sharpening
+calcraft
+newyork-presbyterian
+nicholas
+aponte
+tikal
+lakhmid
+doctrinally
+shuaibi
+nostrils
+blucas
+rudyard
+parathion
+priit
+scerri
+66.06
+wijnants
+hannie
+newey
+niese
+57.93
+hemi
+elahi
+derelicts
+steinbrenners
+multiway
+langeland
+hertfordshire
+marj
+jawai
+estopped
+sanghavi
+214.7
+pescador
+hamlyn
+espanoles
+uncategorized
+xilin
+sunway
+combivir
+machpelah
+papadias
+than
+derailment
+felker
+nause
+abe
+241,000
+istea
+xwa
+12-year
+jittering
+umeboshi
+berruga
+hardick
+ponerinae
+alt-country
+quantified
+gellman
+convalesced
+mackle
+demus
+gotch
+91.8
+69-75
+mangani
+arabism
+endocarp
+4-star
+farge
+masquers
+whistleblowers
+orlac
+yet-to-be
+snifter
+mashoor
+10,000-ton
+4:49
+sillerman
+hkia
+dardo
+catchy
++2.50
+42.73
+nukulau
+cyberporn
+daal
+4,000
+mardhi
+bokeem
+850s
+cicciaro
+unrra
+grigoris
+neos
+jianzhi
+.95
+31.0
+tights
+perricos
+zygo
+wmaq-tv
+jurassic
+salvatierra
+orlanda
+pizan
+lineata
+mdx
+kobal
+bindon
+doulu
+corporatization
+nuis
+sorkh
+quarles
+11-yarder
+4,251
+lipno
+1580s
+knightley
+menhirs
+earnestness
+ahn-chae
+galván
+bhikkhunis
+ducar
+sacrificial
+mazharul
+primping
+prob
+yerger
+agger
+laughingthrush
+damarcus
+memetics
+crookwell
+yuquan
+rankins
+fowle
+atrioventricular
+milieux
+karl
+.128
+epcs
+seventy-one
+bleszinski
+romed
+sanin
+berndorf
+willowmoore
+forswears
+emmentaler
+msr
+five-inch
+woodmere
+khousa
+channahon
+recamp
+fire-setting
+factcheck.org
+dzurisin
+mcgeever
+poniatowska
+4,015
+adiposity
+ozias
+cloud
+seemed
+12000
+t8
+savva
+lobbing
+salley
+groin
+satirically
+barretta
+jkr
+432-7250
+skyrocketing
+yune
+snookered
+lavishing
+earthfill
+zedkaia
+royler
+sanh
+staudt
+gcaleka
+ekiti
+edde
+2009
+11.47
+evac
+kekana
+skywatch
+krutzler
+scotsmen
+shabangu
+osterhout
+daylami
+speech/language
+fandi
+seventh-seeded
+party-goers
+superdrug
+clearers
+positronium
+youngsters
+jacki
+rayovac
+inteligentes
+paparoa
+3,132
+clung
+effort
+nervosa
+badam
+hollies
+nebb
+hardware/software
+klutho
+tougaloo
+townsmen
+ostrog
+rojo
+chalfie
+caboodle
+.783
+issn
+watertender
+sherrell
+psychologizing
+mk6
+implanting
+34.23
+necrosha
+pocahontas
+hodeiby
+stenerud
+34-cent
+15-meter
+romareda
+degner
+windows
+telegraphing
+popoli
+østerbro
+hamra
+catli
+zissman
+baisarov
+jagjaguwar
+yamaji
+noris
+pag
+åsmund
+caused
+hostos
+xerocomus
+coxed
+bungalow
+rickels
+ukhrul
+melqart
+serban
+antiandrogen
+austan
+quemada
+vikash
+gajser
+kebabs
+thewb.com
+radical-socialist
+pharmacopoeia
+trayvon
+anglians
+85.87
+olinger
+acrophobia
+eoghain
+majak
+apostolic
+mabillard
+gyalwa
+huriwa
+jheel
+tabloid-sized
+double-bassist
+87.9
+emis
+jackknifed
+biabiany
+naraghi
+arkadia
+qal
+saborio
+haber
+kalāteh-ye
+qp
+bihi
+hdz
+unconvincingly
+expellees
+114.4
+khadige
+skofterud
+3-for-1
+zonana
+1739
+foxdale
+hijiki
+reconsolidation
+18.42
+starbird
+nautiloid
+rulin
+nicey
+ixtoc
+voxels
+nans
+garron
+etisalat
+husnu
+pibe
+woozy
+3-84
+complement
+conjures
+tsunehisa
+savarese
+siba
+shallots
+bundesländer
+dwimoh
+bont
+agers
+ethelburga
+402.5
+cccp
+heath
+bhamra
+westray
+wodecki
+gupte
+dolled
+lviii
+löwen
+dxms
+vitalian
+zywicki
+rivieres
+sabagh
+chorale
+krens
+sriprakash
+kalyn
+non-competitive
+batalha
+altamura
+caw
+żeromski
+cowpoke
+plastron
+sertão
+conquerer
+ryen
+arezzo
+michoacan
+matzoh
+sjafrie
+szoka
+decryption
+lolli
+rickenbach
+barracks
+random-access
+chameleons
+handkerchiefs
+16.60
+ashtarak
+plus-7
+rauxaf
+countenances
+besra
+edur
+dimick
+.484
+średnie
+evanilson
+breitner
+meromictic
+vollbracht
+helluva
+shoelaces
+dundrum
+massimo
+zinna
+griff
+20-hong
+telon
+matejka
+tumnus
+sutherland
+fairweather
+calonne
+berdyev
+seawolves
+seshoka
+balsham
+smothers
+kevon
+hsp60
+orit
+webers
+loud-mouthed
+krla
+digi.com
+kroenke
+gybing
+disturbs
+sarandi
+mckelway
+suor
+ohernandez
+atika
+lalitpur
+gatecrashers
+st.-michel
+nogan
+suffredini
+ickes
+sugarmann
+tocci
+sentinels
+mc6
+problematical
+dornod
+upregulates
+rosés
+stetter
+allende
+kripalani
+chaturvedi
+comreg
+finnemore
+aurangabad
+sheraz
+manasra
+1.6800
+waxes
+pitty
+kaká
+esa-pekka
+harvestmen
+tyan
+stocking
+dualities
+non-stock
+free-born
+moneyer
+careens
+hegstrom
+ewb
+18:53
+danilovic
+commerical
+cromdale
+sredoje
+single-step
+mihkelson
+deif
+binnacle
+dusa
+samosata
+blathering
+anklet
+aleksanyan
+cabazon
+witley
+wolfeboro
+decherd
+nidwalden
+daime
+paroling
+ballets
+weyded@nytimes.com
+quander
+4,366
+danel
+zappala
+buceo
+vasishta
+conjugating
+shinnō
+amtmann
+sadyrkulov
+lacanian
+askani
+lydian
+leubsdorf
+cackle
+upstroke
+4,252
+margai
+título
+polyvinylidene
+a.k.a
+tarplin
+norgrove
+breathtakingly
+complexing
+bride-price
+werlin
+nosal
+auto-rickshaws
+egocentric
+whereof
+bingqian
+watkin
+307.5
+shimanouchi
+whetted
+vizenor
+hem
+2.45
+hnorr
+flameproof
+kuschynski
+jong-nam
+arkan
+rajeshwari
+winema
+israeli
+ruffo
+soča
+chéri
+fiora
+lyder
+dils
+händel
+guadagno
+freneau
+davoud
+saswad
+cham
+mulry
+undercliff
+thoungthongkam
+lobachevsky
+austen
+reorienting
+lezard
+shute
+outfought
+den-o
+superwoman
+pongsona
+yudenich
+41-35
+negi
+comores
+bartnoff
+vodoun
+hoerl
+sewnarine
+contrabando
+17:01
+disproved
+starfleet
+sgeir
+falsehood
+dance-rock
+relief
+morgado
+low-yield
+attendees
+infiniti
+silaen
+clauser
+awasa
+esolar
+dutkowsky
+1951-54
+.297
+evolutionists
+nalbandyan
+olsson
+tronic
+g-code
+mulonga
+wet-nurse
+appointed
+jehu
+schastlivy
+dietitians
+mecklenburg
+skibowl
+baughan
+agrp
+4x800
+o’shea
+30.69
+paer
+criminalising
+safir
+noritaka
+shripad
+edges
+vseslav
+conflicting
+2,572
+27.62
+51.63
+96.95
+bienvenidos
+euro210
+microformat
+21-room
+qad
+conrad
+499-3382
+assenmacher
+re-named
+mabbitt
+lahij
+reichelt
+artsy
+strunz
+jakti
+makings
+comamonadaceae
+components
+memorizing
+grassian
+kauzlarich
+myong
+laune
+gov.
+wire-to-wire
+disallowance
+giustra
+polyacetylene
+fechter
+synergetic
+huldai
+munroe
+megabus
+puli
+us-189
+sleptsovsk
+chahar
+delhagen
+tobor
+2333
+actium
+cabi
+tgfβ
+aerodynamicist
+reformulations
+grajewo
+dyspeptic
+pownall
+svalbard
+jamesburg
+neutralizing
+tounkara
+netherley
+vivino
+wankie
+2,693
+hamsher
+parami
+kegon
+zhulali
+bramall
+misstated
+keneley
+lorentzen
+batukayev
+truths
+225,000-dollar
+prahlad
+poor
+legner
+wanxiang
+podhoretz
+nwonline.net
+tabuaeran
+houliston
+landtroop
+transparente
+terek
+websidestory
+dovecotes
+wharncliffe
+spansion
+painkiller
+isothermal
+minarti
+soulsilver
+vampaneze
+rg1
+uberuaga
+crossbreed
+aoc
+assn.org
+ahac
+confine
+31.92
+.437
+interfaith
+habuba
+headnotes
+ballena
+villwock
+welsh-born
+fessel
+reichle
+lasted
+formula_107
+5,123
+two-set
+rinauro
+56.47
+bottrell
+elisheva
+zelia
+門下省
+knuckles
+203.2
+wishaw
+zig-zagging
+trifluoromethyl
+103.9
+91-89
+incipits
+skinwalkers
+elder-beerman
+f-86f
+122.42
+508,000
+wilhite
+brayne
+werft
+adath
+brieux
+whipray
+pasticcio
+intermountain
+codice_10
+bighead
+avaaz
+apparatus
+umbriel
+kratka
+virasoro
+tyger
+10-a
+63.72
+dewing
+reconfigures
+hasselbach
+lanzetta
+1994-1999
+anadolu
+.1310
+superieur
+6-phosphate
+woodhams
+ujung
+fuels
+ashrama
+129.40
+updrafts
+three-page
+chicago-kent
+knill
+baloy
+outrider
+indologist
+sabak
+contrail
+logcap
+mattias
+nepa
+presaged
+heinecke
+backhand
+aukrust
+editha
+delyan
+importers
+5,270
+diversi
+caf
+alsdorf
+guvrin
+abhayagiri
+115.8
+muskellunge
+mugambi
+bisrat
+knuckleheads
+1,917
+1985-1987
+self-effacing
+tayefe
+polish-bolshevik
+arauquita
+sakonnet
+comer
+anti-trafficking
+lazzeri
+sinaga
+klemp
+uncorrupt
+syndicate
+torrealba
+trader
+premarket
+zawar
+kyriat
+peevish
+76.36
+gustav
+havasupai
+hispanico
+t42
+rm
+savadkuh
+nteu
+phasor
+off-roading
+jointly-owned
+neturei
+35-mph
+rybakov
+deemer
+sabaneta
+gheen
+multishow
+piche
+08:10
+huangpu
+1.4493
+haack
+mccahill
+inp
+mercadeo
+cathryn
+eup
+sign-up
+falae
+asselstine
+1,100-mile
+10.00
+310-pound
+690
+allotinus
+sn2
+no-frills
+squibbed
+pasni
+upper-class
+six-episode
+standard-times
+nagasato
+knupp
+7243
+gruntal
+deployments
+eiteljorg
+badder
+agosta
+violin
+valse
+opsahl
+airacobra
+olaim
+edek
+lyla
+szold
+muscleman
+abutbul
+mutational
+mikes
+enviar
+photocoagulation
+logoed
+c.i.p.
+croesor
+hendrick
+nanomaterial
+kadam
+91.48
+kosovan
+firefighters
+tracor
+non-voting
+jayasurya
+charmbracelet
+gonaïves
+dive
+slunk
+boarman
+220-215
+opportunities_philadelphia
+mahjub
+rud
+callus
+tatyana
+therefore
+quanzhen
+rachmawati
+se7en
+m12
+mathurapur
+orloff
+mdgs
+liukin
+32.97
+3,524
+sayed
+bungles
+kooy
+witsel
+indépendants
+yakobashvili
+voorhies
+fazli
+kabia
+shamardal
+12v
+kadeer
+upsetters
+mouthpiece
+zero1
+cimolodonta
+triloba
+biggles
+kildangan
+scissurellidae
+cagaptay
+bromfield
+shingle
+audiovox
+bluish-grey
+sagrado
+galliard
+lmi
+136.2
+unfitness
+toucans
+nire
+juppé
+krivitsky
+gururaj
+cooney
+himalaya
+sharpens
+coode
+4.72
+shoreview
+withdrawl
+reduplicated
+scilab
+boulevard
+tangeman
+taylor
+windle
+wiele
+manicures
+salaspils
+outthink
+12s
+avaí
+jodere
+cbcs
+owades
+recusant
+mammograms
+samii
+crept
+nion
+1980-1985
+kakegawa
+mosiuoa
+chatwal
+zelkin
+elizario
+formula_114
+libert
+335th
+kulaib
+94.86
+shug
+yunas
+offri
+pintér
+phorm
+routines
+kodera
+leroi-gourhan
+wasu
+esteve
+bt20
+lanusse
+merval
+cumaná
+strohmeyer
+rudas
+14.90
+special-effects
+3,663
+1649
+hoogeveen
+webby
+harrow
+garabet
+dustan
+natufian
+seesmic
+düren
+pankratov
+hits_gwynn
+suburbicarian
+sheldon
+nerima
+sedimentation
+42.97
+binds
+coreg
+50.09
+83-15
+avoid
+bewildering
+kunar
+bromell
+105.37
+lôme
+woluwe
+under-used
+1997
+mugariri
+125-foot
+imagery
+x5
+liaoxi
+chofetz
+lenda
+sanggar
+kgaa
+zafar
+tieffenthal
+constrictors
+sredets
+sandwich
+slightly
+kaminaljuyu
+beiste
+pouliot
+hayton
+cabe
+divinity
+diseno
+clotheslined
+novas
+sub-areas
+filhos
+atkinson
+dady
+spidla
+uljk
+chindwin
+anti-government
+jochems
+gnomic
+sawgrass
+evidences
+loped
+motihari
+teodoreanu
+3,542
+disquieting
+weitman
+drogba
+marketic
+nandrolone
+uses
+42-seat
+performance-related
+task-oriented
+buhary
+skerritt
+broin
+hadco
+3,193
+cgnu
+briere
+60.6
+cantorial
+mbete
+moondragon
+tunng
+led-nik
+sirimavo
+proenca
+s/390
+bilandic
+tigrinya
+bourdonnais
+margon
+artemidorus
+nwdr
+tailboom
+heberle
+deemed
+moonbeam
+mcninja
+nghiem
+320,000
+chrar
+gannushkina
+flaming
+iban
+divisional
+rosenwinkel
+max-a
+artistas
+jijé
+klossowski
+skorzeny
+lovenkrands
+smout
+divest
+curra
+rough
+kirchgasser
+4,267
+3,000-strong
+illesheim
+swaggered
+carronades
+lb11
+osek
+procreating
+ppc
+wimar
+haijian
+verson
+ellwanger
+ahson
+mp02
+nantel
+2-shot
+verjee
+admits
+duffin
+....
+gradgrind
+diw
+altima
+walks
+tsunoda
+shabwah
+100x
+peaceful
+1-forms
+triple-a
+ccie
+unpretentious
+lond
+salli
+iacp
+homologation
+dowjones
+urumqi
+1-mile
+zubeidah
+tuncel
+reopen
+3,000-3
+supt
+sisto
+civc
+inspection
+ethicists
+superjumbos
+karimu
+abelardo
+capsizal
+1911-1914
+kstj
+petrzalka
+freising
+directorial
+weatherford
+casulaties
+chum-fm
+gubernatorial
+ssn
+flowerdew
+güemes
+carasi
+scooting
+jcpa
+sans-souci
+monastir
+aggadah
+ungku
+287,000
+kasit
+18-hour
+diopters
+alatskivi
+2:36
+curtley
+samakh
+translatio
+batts
+pactel
+leithauser
+freston
+egging
+jeremie
+daredevils
+cantoned
+salenko
+morrígan
+unico
+watermarking
+sardine
+mems
+emptor
+masaari
+fukin
+dick
+feehely
+ruo
+clear
+gabo
+hydroplanes
+masakado
+jordaan
+1.365
+copilot
+a.n.t.
+10.45
+goodart
+mackechnie
+blocos
+furniture-making
+renown
+benhabiles
+poulin
+frauke
+lacan
+irishwoman
+820-2036
+echos
+rashtra
+mind-reading
+erector
+burnstein
+khodynka
+meltz
+erosion-resistant
+zwane
+teshie
+jeered
+homesteader
+chutikul
+galesi
+pseudohistory
+polans
+meningioma
+judicature
+parvaz
+sequiturs
+catuna
+afro-brazilian
+charmingly
+orangist
+verbalizing
+khaeng
+inaba
+handong
+keion
+juiciest
+quennell
+scheduledexecutions.htm
+lifelessness
+machavariani
+rainout
+aicraft
+anticev
+shenay
+nystrom
+69.06
+jaison
+ezza
+89.76
+cuniculus
+brig-sloop
+1.075
+cavna
+argonaut
+longhair
+xenophobia
+essais
+mansun
+pleural
+16:33
+mclarens
+decarboxylase
+more
+sexy
+d'hoffmann
+arsov
+safayyeh
+megasport
+sunifred
+perfumes
+consulate-general
+flings
+amelioration
+kleen
+fardell
+buenaventura
+himera
+cohen
+aotearoa
+rajinikanth
+sterilising
+evelio
+disavowal
+mathay
+serbians
+gangi
+diederick
+o'donoghue
+habor
+turkington
+pugilistic
+castelli
+anti-matter
+statesboro
+tammy
+e-cycle
+dahla
+losch
+exchanged
+carnal
+half-elven
+restrictively
+milosavljević
+bloch
+melanson
+plats
+baldauf
+deductively
+owns
+capshaw
+dishwater
+20b
+ihme
+toklas
+ogoni
+tiangong
+ulva
+coeds
+venga
+manmatha
+bronchopneumonia
+dittemore
+unconsecrated
+nunchucks
+tumsa
+palette
+farbiarz
+moscoso
+sze
+vram
+craze
+5pts
+stanching
+2:02
+eurospeedway
+volvarina
+3,567
+burgled
+rehnquist
+berberine
+exams
+avitabile
+genri
+ideograms
+jsoc
+archambault
+sganarelle
+qarabağ
+1,309
+trackir
+tarr
+maltby
+relishing
+meddlesome
+grisoni
+dorie
+korver
+repression
+2,947
+retton
+aani
+haulage
+pixelated
+emeriti
+8,920
+dinner
+45,600
+fraas
+organismal
+chéreau
+vilde
+laurenti
+peifu
+hypocrite
+marvellous
+cudi
+churchwardens
+burgesses
+1,887
+yezierska
+dunga
+rāgams
+palcy
+doman
+weiskopf
+coole
+facci
+159.7
+foreperson
+vecchione
+corneaus
+dratch
+deafen
+eastbank
+zarang
+kelliher
+74.61
+onderwijs
+2:29
+1022
+baryaji
+halandri
+vande
+stuhn
+lopatka
+cobbled
+hayan
+giorno
+sebestyén
+muguti
+neumega
+kaleta
+gasohol
+hiving
+koty
+hulce
+mousetrap
+kepa
+1915-16
+3,785
+banski
+tenkasi
+sloppiness
+fukumoto
+eecs
+kerstetter
+war-torn
+worlwide
+halory
+uusimaa
+dunbrody
+ss12
+0-3-2
+phoenicopteriformes
+τ1
+auclair
+kirca
+tuomi
+couzin
+lumberman
+monjo
+110-yard
+6-month
+pitfalls
+community-wide
+ciganer
+itta
+sporangium
+regionalbahn
+silayev
+poucher
+vicky
+ussama
+43-yarder
+gedaref
+indiaglitz
+insanity
+jots
+khaneh
+tcfa
+freebase
+yajurveda
+seirawan
+henge
+supertec
+obelus
+luc
+generated
+spiraling
+formalin
+kalingas
+339.7
+aspm
+jiyai
+venison
+goransson
+kundapur
+javtokas
+d'avola
+mcanally
+tv18
+181.1
+xscale
+learnmore
+runningmate
+resting
+mindedness
+froots
+snowsuits
+malleco
+57.72
+foundations
+rudniki
+maraş
+dief
+orlok
+fairfield
+hongze
+grevy
+kolarik
+1896
+herakles
+cooper
+whitebait
+tanko
+highflyer
+ciudades
+lineas
+hfn
+muere
+6,235
+walhi
+deak
+shandwick
+self-perception
+ajiep
+dwt
+nelda
+dread
+olekas
+morrisville
+sencha
+hybrid-electric
+co-chairs
+oberbayern
+mclauchlan
+tenseness
+canker
+softshell
+gherkin
+karpo
+12-acre
+reitano
+autumnal
+slieve
+sison
+0.3-0
+picidae
+ruspoli
+panderers
+84.71
+qada
+philipps
+trampy
+romanum
+demosthenes
+urbanite
+gunditjmara
+etich
+grotowski
+friedl
+bircza
+toevs
+libraries
+roure
+miletich
+turban
+ie4
+condiciones
+creaser
+3.6-mile
+beerman
+chewier
+stolman
+ashkenazi
+tikis
+exam
+lajong
+ijc
+land-line
+io
+42.0
+kristanna
+idem
+adamo
+cashes
+perchlorate
+dysphagia
+nanowire
+sanriku
+flury
+opuscula
+banganga
+mythologies
+5,719
+october
+fayyaz
+prosecutions
+upshur
+krungthep
+computational
+compacted
+monteil
+bcjhl
+menderes
+iupap
+troyer
+sigifredo
+grund
+batla
+backpacked
+rajarajan
+huat
+fero
+2-1/2
+.368
+taifour
+kdb
+kateřina
+gelernter
+renouncement
+rede
+india
+rafaella
+niedernhausen
+burjanadze
+46.55
+lübke
+cleanly
+customercare@nytimes.com
+lorazepam
+llompart
+yakkha
+vinther
+23-year
+left-handed
+unicom
+koenigsegg
+badwater
+mallender
+berwin
+imposed
+canasta
+foxall
+wgn-tv
+ivery
+wagg
+confronting
+aldao
+kalinina
+tappers
+privatizes
+twardogóra
+cepero
+völkisch
+hotbeds
+1820s
+baala
+shp
+arreton
+principal
+sevran
+8.05
+tweenies
+lawrence
+35.8
+kleinveldt
+clan-based
+rubberized
+aubergine
+ravello
+fantastics
+luda
+sims
+paho
+hyperexcitability
+procrit
+counterexamples
+hiner
+25-kilogram
+celebrity
+firesale
+gatchinsky
+vendôme
+witwicky
+titano
+lemberg
+joshi
+kathiawar
+post-transcriptional
+inkstone
+degrasse
+sardinas
+jettisoned
+iciss
+alertly
+goodwill
+31-31
+jeppson
+srecko
+venkatesa
+euro430
+maaco
+fixation
+hard-coded
+marnay
+owensville
+forestalled
+vasp
+13:42
+90212
+grothe
+pre-registration
+alhamra
+crusher
+avian
+samuela
+haroon
+cameo
+dmb
+post-college
+reshaped
+uncertain
+defrasne
+bekhterev
+believes
+delaware
+adwa
+hammocks
+yseult
+error-free
+frenchy
+simonov
+dourada
+passivity
+zhenzhou
+17.70
+abbreviation
+kępa
+pingeot
+libris
+eur2004-eng
+hawe
+boko
+prolixity
+71-71
+minestrone
+barajas
+torreblanca
+dulay
+simplicius
+260.6
+friska
+matz
+takeshita
+korolyuk
+rushton
+luckey
+zimplats
+ultramarine
+pointon
+44-28
+gels
+noatak
+lyubimov
+ravish
+wiszowaty
+denounce
+rallyists
+denig
+permitted
+buyouts
+gruver
+opensource
+rulle
+mecklenburg-strelitz
+ravinia
+scrim
+tahsin
+corot
+nfl
+eighty-fifth
+malathi
+gris-gris
+stes
+gavutu
+katch
+paradesi
+almelo
+wicking
+easyphoto
+ficon
+grains
+faultless
+picards
+suure-jaani
+whisler
+reformer
+1.70
+drame
+szczecin
+kasten
+keath
+roadmap
+1,312
+commandos
+16.53
+belltel
+sidedly
+.318
+sastras
+sivakov
+himelstein
+otoshi
+therefor
+uzice
+pfahler
+surrounding
+vesna
+beatle
+benzekri
+ijekavian
+decontamination
+bobo-dioulasso
+assassinate
+spirent
+vivaro
+channelsurfer
+kulchy
+latticed
+triennale
+quintile
+metastasis
+pitino
+qanat-e
+schaal
+co-recipient
+warmest
+joch
+msika
+yuanwang
+maffia
+!
+rac1
+improved
+ärm
+crilley
+fasces
+endaya
+yma
+wapping
+log
+jenna
+scriptures
+stil
+kulturkampf
+1977-82
+lallemand
+gurkin
+refound
+pasilla
+fingerlike
+suisan
+giorgio
+magdalen
+nego
+contributive
+gelsey
+vasudev
+21:16
+fuge
+mindich
+envigado
+colossi
+ketagalan
+shalimov
+lissette
+aleman
+aladár
+newsong
+gilsland
+dance-floor
+rouble
+l-fadl
+250-plus
+kirsten
+unreviewable
+garnes
+http://www.usdoj.gov/
+1.16
+l00
+chlebowski
+underpants
+unicycles
+colonels
+bf1
+muscarine
+brender
+hygienist
+fretwell
+abkarian
+64.74
+nair
+53-46
+jasso
+timelessness
+sawasdi
+empennage
+tricycles
+policlinico
+contessa
+nāga
+396,000
+dibb
+pecresse
+lifestream
+chão
+26.62
+uruma
+sirene
+maschinenbau
+ulaan
+ranjbar
+bygrave
+orbán
+mikulas
+antinomian
+llan
+amoebas
+seron
+hutcherson
+dabhade
+contactable
+humaid
+suryavanshi
+four-minute
+consequentialist
+ricco
+hsi
+pravec
+eren
+brothel
+toilers
+top500
+proserv
+ado-ekiti
+dunning
+unvarnished
+ripens
+khaw
+lexie
+lassoing
+display
+1,500-meter
+wards
+centene
+redefines
+trauma
+relaciones
+40-day
+al-quran
+bertka
+gordeyeva
+nativists
+simony
+messier
+yadana
+società
+isogonal
+cullyhanna
+inflammable
+engleton
+italiano
+sensuously
+kempley
+gorgasali
+walis
+kebri
+360-degree
+sacilor
+beidas
+caetano
+verdad
+cliff-top
+68-seat
+saine
+silts
+bobsledder
+guangmei
+yaquina
+matriarch
+5:22
+aven
+leycester
+bio-fuel
+dowelanco
+mj
+taxact
+hohlt
+dreaming
+retrospectives
+salway
+jiving
+bailar
+hebib
+edry
+chukovsky
+4x200m
+1725
+outslugged
+vicinage
+brocard
+kehoe
+citius
+cspa
+4to
+.398
+scabies
+sangria
+chadstone
+patrocínio
+kanaya
+majali
+matronly
+kacar
+vasorum
+aditya
+chudzinski
+keysville
+3,434
+masakiyo
+laubscher
+26.13
+7-cent
+hellholes
+amphibolite
+exigencies
+50.04
+netherhall
+tonala
+ben-yehuda
+al-jarrah
+paulden
+precis
+100ll
+10-yildiray
+euphaedra
+yalincak
+nguyễn
+cosell
+stanky
+diamante
+5,6
+isicherleaeconomia.com.br
+29-point
+cbms
+5.4-billion
+knead
+kirtan
+low-carb
+nghien
+wansheng
+yoseph
+l-phenylalanine
+rastignac
+tacheles
+23-31
+chibi
+heroles
+reinvestigation
+paardeberg
+kobrin
+28.04
+defour
+longrich
+neukoelln
+hip
+delectable
+1567
+phenanthrene
+balao
+76.5
+1.4695
+evenings
+petzval
+18.76
+chhibber
+c13
+ske
+hayasaki
+gluckstern
+fells
+sicherheitsdienst
+roxann
+seers
+crewing
+contentiousness
+becher
+windstorm
+snowfield
+depalma
+winrock
+101.04
+fragrant
+_________________________________
+suess
+otomí
+herrenhausen
+60.39
+hocine
+blankenstein
+mofokeng
+sutyagin
+medzhybizh
+overgrow
+mano
+herkimer
+rock-fill
+gontard
+tomochika
+sleuth
+hammell
+mispronouncing
+technologist
+preprinted
+ajeel
+neyyattinkara
+casteau
+toeholds
+michihisa
+beos
+collarbone
+opaliński
+trù
+transposons
+dartchery
+apinan
+elon
+merrells
+kawan
+machiko
+all-powerful
+nunan
+onoo
+diepgen
+undeformed
+thungthongkam
+beloki
+vowing
+ranmaru
+zhuolu
+electromagnet
+erindale
+moonlights
+enthrone
+pancalli
+27.69
+reşiţa
+tartly
+30.63
+wrenched
+headiness
+manang
+depuis
+deguang
+mincho
+barbarella
+godes
+counter-measures
+infantilism
+serialized
+kolari
+awaited
+dzierzgoń
+kudwa
+araminta
+1.5385
+scamander
+beehive
+ruf
+netherlandish
+150m
+kuthep
+traditionalists
+eslāmābād
+perfluorooctanoic
+eddings
+f-15cs
+marrabenta
+ptolemaeus
+d'alemberte
+punter
+trifonov
+kulakov
+adherens
+schudrich
+god-king
+privity
+3-juan
+gugino
+denaturing
+beiden
+verenigde
+langrisser
+ticketsnow
+207-page
+oskin
+ego
+428,000
+grey-green
+solera
+rinus
+lowenstern
+joma
+40,750
+beydoun
+740il
+catalysed
+atalanta
+skele
+ingrad
+fits
+maté
+restaveks
+ak-47s
+carter
+efendi
+pongo
+azaad
+majik
+madavo
+omnidirectional
+numerical
+skillets
+šentjernej
+rpb
+stryder
+horslips
+samarium
+96.80
+nivaldo
+quills
+qiming
+buxa
+kazee
+luisa
+hysteretic
+etymon
+1160s
+muzaffar
+axion
+import
+4,103
+sequani
+wenying
+eisenbach
+stumbled
+nyerere
+vanegas
+dominie
+1,236
+aqui
+62.65
+gobe
+1992-97
+bánh
+seyyid
+lacerate
+nikpai
+ondina
+goave
+oit
+battleground
+chevigny
+condos
+eer
+on-again
+sunaid
+personal
+1396
+grisette
+footsie
+a500
+33.80
+nová
+29-26
+perowne
+sleman
+kartal
+stoppage
+low-paid
+perfunctory
+hayner
+hyoid
+balestra
+vouvray
+pennant-winning
+boonma
+30-somethings
+oubreak
+1959-1962
+tjalling
+cnblue
+hogsmeade
+lennard-jones
+merrilee
+1951-1952
+9.86
+pressurization
+trizec
+nicetas
+léonard
+kaiji
+golden
+formalwear
+tuite
+salmoni
+juvenile
+aau
+ramapough
+cestius
+sallee
+schlink
+26-july
+creado
+dransfeldt
+manjural
+vand
+libbed
+stettinius
+ruxu
+triumvirate
+day-night
+langston
+ramen
+brooklawn
+unferth
+munns
+freies
+ramadier
+weinsteins
+roentgens
+bursatil
+unappealing
+personnel
+candidacies
+polysics
+tropicals
+pakal
+relation
+dalmatia
+auctioned
+pottow
+flaithbheartaigh
+60.20
+nonwhites
+virbhadra
+407
+marla
+tropiano
+shelve
+shakey
+dhusamareb
+dobbs
+mozy
+atsuto
+slurs
+1,470
+zene
+kouf
+157.50
+gajic
+out-of-doors
+1.239
+prayerful
+backmarker
+1986-1988
+riewoldt
+leiberman
+shawwal
+racialized
+104-93
+shigetoshi
+pashtunistan
+divorce
+40-bed
+108.83
+babbs
+grommets
+claspers
+2:55
+masatsugu
+meeuwen
+brie
+georgios
+papandoniou
+sublimate
+duhok
+bârlad
+y.v.
+693,000
+absurdities
+non-farm
+13.28
+zitelmann
+fourah
+taara
+10:55
+20-13
+tampella
+gnawed
+cadwaladr
+eon
+camryn
+1.4135
+abassan
+b.g.
+shoveler
+theognis
+archetype
+antiquark
+ljubicic
+1.3125
+lagha
+cross-checked
+radiological
+mpofu
+ochirbat
+maekawa
+us-177
+caribana
+lepreau
+moriyuki
+cruyff
+dairylea
+34.80
+jook
+roundly
+ministerium
+nyika
+530,000
+preempts
+volvariella
+microtus
+undershorts
+mifi
+16:42
+azad
+ekodanto
+govenrment
+krešimir
+chikezie
+pbt
+possibily
+cono
+tink
+spite
+chewable
+zolani
+adenocarcinoma
+markides
+chidester
+eleanore
+milled
+toboggan
+signficance
+third-world
+somerdale
+pomar
+92.9
+surfaces
+juveniles
+coquimbo
+lavado
+brotodiningrat
+cincotti
+jokke
+'30
+onegin
+giulini
+bfa
+frontenacs
+connors
+sooraya
+autochrome
+e.o.
+vogondy
+hanshan
+gv
+55,200
+kalev/cramo
+monsoon
+takhat
+makudi
+staat
+turfi
+touchwood
+eubacteria
+th.d
+sg-1
+udayarpalayam
+michał
+hydrolysate
+http://www.dol.gov
+dicus
+mond
+antiretrovirals
+unidas
+mitrovich
+mermillod
+allina
+miralem
+chiwenga
+tocq
+cumulus
+orfalea
+deports
+uy
+radarsat
+pulecio
+materializing
+karasek
+levytsky
+99.61
+nihalani
+fakie
+t-shaped
+bevangelista
+embankment
+16:23
+praga
+hewetson
+tempering
+essentials
+pahad
+277,000
+asvel
+fettis
+yamoussoukro
+salazar
+bundi
+dondero
+osser
+klenicki
+oruro
+silaigwana
+portraitist
+mutko
+chunlin
+quotients
+.547
+dúrcal
+jr/sr
+tusharas
+outing
+uscs
+hennell
+68-74
+ashbery
+weaken
+guyancourt
+murrumbidgee
+procurer
+bregaglia
+campora
+jguillen
+condolezza
+libertinism
+libau
+jayate
+kalantar
+dxe4
+batha
+maigh
+zhai
+mehboob
+lamberty
+suhonen
+8051
+couche-tard
+litomyšl
+christadelphians
+morozumi
+shizhu
+kaplin
+forefathers
+maws
+marinera
+fahmida
+secretion
+strop
+marke
+mskube
+yu
+nylon
+antidoping
+manrique
+akena
+calomiris
+unattributed
+nawabshah
+smirked
+westwood
+batschelet
+rfr
+daami
+toxo
+0-4-4t
+melt-banana
+graczyk
+3-3
+63.42
+dolts
+tipica
+81.28
+bufonidae
+nosed
+piton
+infeld
+belltown
+brasmotor
+zonophone
+ingebrigtsen
+hsts
+0-2-2
+o'more
+fu
+ihl
+malle
+manning
+benoni
+xingping
+unicolor
+battcher
+ketubah
+urba
+manjunath
+landsknecht
+scut
+surfboard
+chipata
+mogielnica
+murkier
+stroyev
+dvla
+khabbaz
+17,800
+utada
+flintshire
+neurotechnology
+rycote
+pojamarn
+farook
+sampaio
+basilian
+lfs
+sandefer
+lobanovskyi
+gadap
+tropicbirds
+launderers
+seal
+sorolla
+dactylis
+chessie
+choshu
+quirinius
+irakere
+poods
+nørrebro
+acd
+awfulness
+lescaze
+employ
+hcv
+chorio
+freundel
+1,517
+bauerle
+shickshinny
+http://www.iaea.org
+soggy
+233,000
+esro
+rrt
+timochenko
+xianning
+bossom
+aksy
+184
+noddies
+herbst
+cosandey
+qorabi
+spilborghs
+17:33
+kella
+77.07
+unexamined
+arteta
+chuene
+shay
+chinchón
+chattman
+uoc
+rolli
+senkevich
+u-17
+hutaree
+unveiled
+snedden
+cumulate
+piti
+giffords
+uhv
+dandi
+purpose
+credence
+sell-off
+alai
+dosimeter
+ilinykh
+drudges
+fetc
+shoma
+crandall
+naser
+nanchong
+teleri
+-20:00
+chouest
+kopke
+1,200-man
+trilemma
+ptcl
+hagersville
+44.10
+38-yard
+puppyhood
+bernucci
+7:15
+thistlewood
+32.90
+al-aziz
+greyhawk
+dougans
+roover
+lecco
+bye-election
+robillard
+neuf
+mahaffey
+baden-soellingen
+hulegu
+monolayers
+phillipa
+backhaus
+herdecke
+estadounidenses
+ellery
+tme
+95-96
+honorat
+briquet
+24.89
+ize
+phips
+kanstantsin
+262.5
+bookkeeper
+palatka
+r101
+u.s.-latin
+kozue
+plauen
+defrauding
+five-match
+ulmer
+lodoss
+eastern-european
+optimax
+–
+1:2
+sajik
+neuropeptide
+infocus
+lactose
+foggo
+televisión
+goldbach
+poohed
+tenia
+re-assigned
+deshaies
+.623
+zaolzie
+roversi
+eleme
+gaudeamus
+wind-blown
+malvar
+adenomatous
+1621
+trabeculae
+mucosa
+5.62
+bohemica
+leukemic
+hardouin
+zoltán
+piarists
+208
+eboni
+52.89
+sai-yuk
+thek
+dehat
+jurmain
+lauten
+branwen
+23,750
+covalent
+kasujja
+forstmann
+122-run
+cordobas
+takase
+consultatif
+maclay
+oyen
+dæhlie
+middaugh
+yeroen
+lotte
+o'kelley
+.580
+petrale
+http://www.house.gov
+joscelin
+northants
+amila
+selznick
+polit
+segueing
+66.39
+28.57
+mcosker
+5,124
+cantori
+cityjet
+census-designated
+admit
+taffeta
+wyles
+0:41
+davidov
+pollmann
+roso
+contraflow
+4,099
+coleville
+wiking
+sylvatic
+kroq-fm
+vicksburg
+talaat
+futuro
+rotarian
+dusabe
+mascara
+brownell
+yeardley
+xiaoxiang
+valori
+elbrus
+coyner
+rthe
+ve-day
+loaner
+kemaman
+worrying
+ossetic
+expenditure
+midwater
+delesseps
+gulak
+nuk
+theodorescu
+parkwood
+iska
+alia
+2,000-year
+427
+slain
+betterment
+kauta
+wickenden
+117.56
+weisswurst
+sowle
+saharawi
+luckovich
+13/16
+671,000
+clever
+mengsk
+cantet
+tetrachords
+saaid
+gavilanes
+galliformes
+kolesnikova
+werthimer
+sidelines
+99.03
+dmytrulin
+rizwan
+cost
+gershwins
+sacheon
+deep-water
+27-kilometre
+right-of-centre
+asrc
+đorđević
+22min
+mckillop
+polymorphs
+jpegs
+itzler
+bujones
+11-14
+symon
+virta
+spartiates
+pechalat
+faintest
+svm
+conga
+iddi
+ý
+debrusk
+tone
+1.4807
+108-106
+datin
+hanged
+khalden
+slota
+countermanding
+tost
+girgis
+monkhood
+8,680
+tibau
+thorntoun
+sarahna
+büyükşehir
+distincta
+guitarfish
+ludvika
+mjelde
+8.39
+outposts
+atp-binding
+babelomurex
+mandaic
+samart
+unelected
+180.8
+nonvintage
+congressional
+337
+concacaf
+5-50
+podgora
+pedology
+5,760
+apppointed
+sharron
+riper
+noarlunga
+jonay
+sabaki
+home-rule
+verum
+bastrykin
+1976
+chullora
+donut
+tangen
+ki-27
+abdicated
+vittorio
+stryper
+dibiaggio
+neuk
+mies
+rivercrest
+dtn
+peponis
+antidepressants
+berenguer
+vrs
+petrucciani
+mangan
+bastion
+pretentious
+khamzatov
+cdo
+moderation
+viene
+news/talk/sports
+liberate
+techtools
+payard
+recuadro
+royle
+burghersh
+yonai
+tribbey
+embree
+abie
+hollow-point
+antony
+grichin
+formula_116
+studiolo
+weare
+unleased
+surreptitious
+kameng
+polyketide
+oncolytic
+dubcek
+topspins
+carella
+kitlope
+flavus
+cueca
+schuil
+e1b1b
+edexcel
+saone
+down-tempo
+necromancers
+auden
+2,167
+2064
+barzman
+thirty-day
+riverview
+militias
+40km
+wijn
+schwantes
+issued
+qohestan
+euro128
+haitao
+coarsening
+f2000
+keatinge
+flopper
+tucci
+nainkin
+shroyer
+spiritualistic
+drugstores
+emersonian
+jafaar
+nedcar
+basel
+shanksville
+triacetate
+topcoat
+lupit
+micropayments
+yeah
+oechsle
+smidovich
+postpartisan
+re-certification
+krasa
+73-67
+esculenta
+afesip
+trial
+kebble
+prince-archbishopric
+sni
+cranfield
+buri
+scansion
+huang
+neverwinter
+jerkan
+arianrhod
+savaging
+rockfalls
+busso
+eelgrass
+iglehart
+messer
+firsts
+radosav
+campuzano
+walkinstown
+poaches
+torgeir
+mancina
+galkayo
+rasnick
+mid-continent
+uniontown
+seines
+.1107
+wrubel
+toghrol
+eklavya
+ksca
+7,340
+hispanidad
+minora
+3,684
+holgersson
+vaine
+187
+apparel
+clementon
+locule
+rhodopes
+ru
+demand-side
+natsuko
+mapfre
+bramlet
+sidwell
+paskal
+shannons
+endline
+viveka
+baily
+muntadar
+kyffhäuser
+abawi
+eleniak
+stuttered
+glubb
+ezbet
+sanela
+z-wave
+interctive
+3-a
+resonators
+nevi'im
+inquires
+hungarorum
+uscap
+sarpsborg
+ufmg
+ojha
+32.73
+strepsirrhine
+degan
+m-37
+utopians
+doswell
+islamification
+eudendriidae
+jaypee
+dungy
+attempt
+bombardir
+55-kilometer
+blackwelder
+basks
+curral
+radio-tv
+refree
+14,100
+boskamp
+sagana
+infliction
+bijlmer
+genever
+ramnarine
+sharmarke
+ditty
+qd6
+landesberg
+shakargarh
+299-member
+reunions
+five-cylinder
+externalism
+manorial
+griscom
+1,230
+garbelotto
+mutanabi
+jaipur
+amakusa
+branchereau
+15.68
+33-10
+qadoos
+samarin
+bottollier
+waddled
+trigg
+383.50
+mcgain
+arieh
+teosinte
+giardia
+alysia
+rm45
+muttawakil
+langue
+strassburg
+livret
+marple
+55.23
+ortíz
+cd-rw
+garage
+betton
+margolick
+ashby-de-la-zouch
+dehumanising
+rb5
+spikelet
+gorder
+othaya
+bunco
+1.2250
+slowey
+svc
+27-11
+steg
+clampdown
+b-flat
+us-born
+pastorals
+matzke
+hodgdon
+bailout
+riptides
+taradash
+kindnesses
+marilla
+rieder
+founder-director
+ottonian
+pazz
+side-kick
+lezar
+niyitegeka
+team-best
+-09
+maliky
+esque
+sables
+champing
+pasok
+seevaratnam
+saturnyne
+camaros
+sn1
+zwelakhe
+kidney-shaped
+packers
+servicers
+kama
+overexploitation
+belorussians
+diptychs
+misunderstand
+besic
+fuzes
+internationalizing
+savenkov
+sledders
+socio-religious
+lavilla
+hawkwood
+barek
+pfts
+eutectic
+hellenistic
+rajneeshee
+1,732
+289.5
+mutai
+permut
+otomis
+.0014
+damgaard
+yd
+mcnichols
+moulton
+gandert
+crusted
+20-20-20
+five-hour
+runyon
+challengers
+lar
+mushahid
+3-0-14-0
+versoza
+good-quality
+radio-only
+melanistic
+chant
+enolase
+c7
+volumen
+climacus
+kinkos
+siddique
+bmdolink
+aftercare
+mawlamyaing
+sagene
+migori
+depravity
+7-percent
+2002-2007
+ilicic
+gracie
+bradsher
+kiesinger
+stanko
+lil
+diekmann
+teresin
+hoe
+st.-denis
+bisesero
+falconets
+maungtaw
+lauffen
+44.9
+elshami
+artist-run
+watchwords
+counter-suit
+craugastoridae
+zagheh
+45.34
+ytre
+selway
+gaint
+incarnate
+slavs
+predator-prey
+broadacre
+recondition
+gang-related
+centrelink
+xianzhong
+nederlandsche
+almasy
+militaires
+overlordship
+19,260
+dhlamini
+bittium
+86.58
+carom
+city/27
+ngbs
+transom
+yoshii
+equi
+astm
+18-acre
+flavoring
+kwame
+lenfest
+halves
+biopsys
+tytus
+martz
+merlyn
+mourn
+57.08
+leptolalax
+osseointegration
+swiger
+reabsorption
+debutante
+shōjo
+buildout
+phyllo
+chasa
+primatene
+barringtonia
+atsinanana
+muriel
+52.36
+semyonova
+jockeying
+ailech
+painda
+kaurismäki
+selan
+clampdowns
+18-18
+ernle
+home-ported
+hammel
+dhulikhel
+runako
+psychoses
+oirats
+rapunzel
+293.8
+roldosista
+42-foot
+deteriorating
+avestan
+bachmans
+dismounting
+demersal
+leafroller
+whittock
+spaces
+ahomadégbé-tomêtin
+quoniam
+orichalcum
+self-generated
+pm10
+chelsom
+gpt
+recke
+verdon
+scaa
+1.129
+whitewell
+palijo
+pension
+votes
+stepson
+gaiety
+pids
+belloch
+jalal-abad
+savour
+regimental
+self-employment
+achi
+exorcise
+1.481
+tuifly
+2-43
+amm
+tretorn
+coccygeal
+iranian-born
+levell
+rectifications
+giuffria
+xpo
+tiazac
+festival
+yumari
+draza
+yushima
+estelle
+yinon
+varennikov
+doorgadeen
+yevnevich
+teltschik
+taheri
+dravo
+ustaz
+cladding
+towser
+haub
+o-bahn
+novak
+čajniče
+magnetite
+neepsend
+williamses
+slosson
+surinder
+misanthropes
+spoons
+stag
+ussuri
+braamfontein
+frist
+87.30
+significances
+marcella
+aspergillosis
+gavyn
+p35
+krungthai
+-84
+0.001
+botulism
+sevan
+trolls
+syf
+erkin
+404-222-2002
+zeppelin
+100.86
+typhoid
+lysosomal
+attest
+ansatz
+anastomose
+actualities
+marne
+regiae
+48.87
+deyoung
+255-pound
+extirpation
+hargrave
+collided
+complexioned
+tea-time
+deregulation
+parabola
+casar
+ichsan
+omacs
+matias
+prakusya
+crushingly
+mushtaq
+euparkeria
+market-based
+beltre
+42-24
+kjeld
+pegasus
+faecium
+zappeion
+modelo
+nrcc
+shelf-life
+nzsx-40
+muhamet
+soco
+statten
+demery
+nasaw
+kenedy
+kaleidoscope
+normanni
+sedition
+rustic
+minda
+4,049
+metabolite
+entrust
+kyogle
+lynchpins
+holtom
+dadu
+straight-four
+precautions
+metallurgist
+mie
+zyman
+sede
+caddie
+gatr
+a.i.r.
+baghlan
+3live
+mowgli
+64.05
+hesse-nassau
+526th
+ismailiya
+salou
+renstrom
+marsudi
+prizewinners
+togoland
+ruga
+sevier
+jeepney
+non-humans
+ewondo
+triggermen
+infuriatingly
+lhwca
+gurdas
+ueland
+bourbon-two
+97.72
+bontempi
+59.2
+treviglio
+blatch
+yenişehir
+socreds
+englischer
+lavers
+folklorists
+j.league
+busu
+coffer
+full-day
+thorntons
+louis-nicolas
+agerholm
+madrilenos
+feil
+sandesh
+tupian
+kolathur
+sappers
+tunicates
+gingerroot
+navteq
+schauspiel
+dasch
+boulonnais
+25sec
+b-final
+klint
+1830gmt
+94.67
+meiners
+gagarin
+q2
+ptarmigan
+nivalis
+tymoschuk
+kuteesa
+rm27
+gowdy
+chipita
+hoteliers
+nsa
+28,800
+nettl
+scorpii
+1,574
+snog
+95.63
+euro30
+jauja
+alperovitz
+hydrophones
+sla
+manbar
+34.62
+rockhurst
+shade-tolerant
+zuoz
+ash-sha
+gypsies
+suillus
+taqua
+chicot
+achon
+phase-i
+skrainka
+teff
+jujubes
+taoufik
+3-5
+homeric
+crankshaft
+petit
+enthroning
+optik
+streltsov
+menier
+shuwa
+bostwick
+joppatowne
+clearwing
+kadosh
+fola
+pingpu
+89.38
+ccw
+24-3
+boudinot
+bakano
+#ukqaqsqf
+rillo
+huyền
+reprehensibility
+koivuniemi
+servus
+xinshi
+15-22
+6:8
+town-planning
+saturni
+kaled
+nanometric
+torments
+msu
+then-named
+dragovic
+anti-british
+encompasses
+mutaguchi
+39-16
+angban
+1.856
+confreres
+kornel
+audé
+markku
+2,521
+sourcefire
+hankuang
+76-million
+liria
+mimouni
+vuarnet
+p-celtic
+onses
+parasitically
+conrads
+kurahashi
+bridgend
+myomectomy
+yah
+6-seeded
+ghate
+cunninghame
+pelor
+kolesnik
+billiton
+ustica
+anelia
+е
+tabor
+ibook
+stiflingly
+brama
+meecham
+zieleniec
+öland
+bikoff
+hilkene
+runton
+dishforth
+earthworm
+woodfox
+herpesvirus
+soundararajan
+grâce
+casemates
+shneiderman
+malloch
+welcome.html
+sione
+renaissance-style
+gecf
+ipb
+manuela
+godchild
+adelman
+rahmen
+tư
+woodman
+ranx
+tosoh
+snowboard
+lompoc
+ogbulafor
+1997/1998
+campeggio
+5-27
+heidegger
+järnvägar
+410,000
+chitalu
+nnc
+telling
+šuker
+millin
+1772
+upsetter
+veins
+mafikeng
+metagenomic
+abatements
+peccadilloes
+rio-são
+yıldız
+twitches
+paço
+zincke
+siswa
+khodzhent
+mcknight
+blam
+expendables
+maldivians
+dynamical
+ligot
+tarifi
+farndale
+wigginton
+impuesto
+1.016
+familiares
+supinit
+deficiencies
+kiskeya
+vahedi
+ninn
+thinkpad
+ørsta
+klebolds
+dialing
+bandic
+treehouses
+vijayan
+purbi
+drilon
+myc
+dulcamara
+asin
+26-mile
+valtteri
+torrey
+zhaoming
+mbandjock
+collegehumor
+saltiest
+363.5
+baria
+teló
+four-engine
+isoc
+tumwine
+corner-back
+grenier
+shigeaki
+savini
+milisic
+bishop
+tola
+sindlinger
+gentlefolk
+priester
+48.23
+2,145
+laocoon
+augustan
+cuadro
+goujian
+clobbers
+1,140
+westmere
+krishnamurthy
+zhou
+townsite
+conditional
+dodwell
+rowville
+thorsett
+heliamphora
+dooks
+lcra
+wats
+aita
+rod-shaped
+pisit
+wobbled
+prilukov
+sharkh
+irshad
+gide
+dongguk
+fart
+yongjing
+farnum
+favorita
+headiest
+wella
+isotopic
+jomsvikings
+.269
+42.81
+superbus
+i.v.
+theloke
+15:16
+roxas
+prep
+ordinates
+fujieda
+yanagida
+composts
+plaisir
+unilateral
+inflated
+polypore
+buckhorn
+amiri
+binaj
+805
+bitner
+brâncuși
+ocaranza
+samahang
+angus
+march/april
+kobs
+religiosity
+time-limit
+kirschen
+biotechnology
+mineralnye
+wetli
+cruickshank
+merrihew
+kinaray-a
+noseda
+dzhabrail
+leape
+petek
+canarians
+arcaya
+pecka
+fauci
+rosi
+pulling
+titulus
+barrett
+-12:00
+drainpipe
+smeekens
+gavan
+lucapa
+coghill
+michaelle
+tiomkin
+jenista
+kulna
+revegetation
+nghi
+chöd
+1982-89
+durga
+whitmore
+ethnologue
+wtae
+eitingon
+oktober
+firefight
+pliskova
+63.99
+buryat
+župa
+kabushiki
+allensbach
+keiter
+mid-decade
+exclusively
+sogyal
+yajun
+lunchables
+cap
+maiorum
+malbone
+remakes
+farragher
+brockdorff
+sibanda
+stakhovsky
+amphibole
+celedon
+guenveur
+parisiens
+omonoia
+foreplay
+konstantinovich
+audard
+thurso
+kushnick
+mwansa
+reinterviewed
+webstock
+darigan
+graceville
+yoakam
+web-enabled
+lullingstone
+indemnification
+phosphine
+pentecostalism
+79.29
+sakong
+251
+reinsch
+whan
+rené
+stopwatches
+automobilia
+usability
+orisa
+trivandrum
+tisdall
+snoddy
+shilang
+mezzos
+cornyn
+full-circle
+reestablished
+90-mile
+burragorang
+splitted
+lorinda
+eaddy
+mavrogennidis
+grenz
+barningham
+undesignated
+muv
+bautista
+neurofibromatosis
+volpaia
+shei
+farah
+onyango
+19:38
+popayán
+belos
+reca
+chun
+reported.the
+stadelheim
+fobbing
+191.5
+insensitively
+uriah
+enwerem
+referee_don
+1004
+bransfield
+0345
+ngh
+-89
+sheffield
+mikoyan-gurevich
+ballbot
+prefabs
+claassen
+habermas
+homotopy
+hockenheimring
+o&a
+fripp
+zhitomir
+339.2
+hopped
+halutz
+rebellions
+unkind
+fluvoxamine
+wojciechowski
+khade
+jaara
+perring
+muammar
+grünwald
+1.5760
+blasphemous
+mcguinn
+cuius
+nathan
+dionne
+thirlmere
+quantizer
+harpo
+ananthan
+hosley
+half-middleweight
+fifeshire
+tuples
+pvn
+0,0
+4.630
+imprisonments
+mogo
+great-britain
+158
+shirdon
+broederbond
+isny
+four-legged
+bonecrusher
+persallsptimes.com
+intellisense
+pâté
+opine
+kullback
+grell
+rachels
+israël
+prigorodny
+50-megawatt
+koidula
+mesías
+odeon
+outlawed
+empowerments
+cachalia
+scottish-born
+noch
+thorndale
+kobylański
+broida
+njn
+biman
+kappelman
+11:43
+dss
+obamacare
+1,190
+wayback
+vassiliev
+gyp
+pre-existence
+1193
+coseteng
+contrapuntal
+personifying
+cingulate
+bridging
+palles
+mid-east
+virtua
+algimouss
+eve
+reconfiguration
+lambart
+makuta
+buzzards
+models
+häagen-dazs
+sanaga
+vitez
+francks
+simas
+bliznyuk
+namir
+saubers
+sameh
+borstal
+lincang
+randonnée
+pyung
+62-57
+styli
+tarabya
+crenellate
+understaffing
+anarky
+comorbid
+lewisboro
+gyandzha
+52
+l'eau
+chengsi
+retrievals
+maling
+tardini
+heerema
+dul
+walaker
+bits
+94.44
+housed
+simor
+phak
+gŭl
+precautious
+bitos
+padmé
+agumbe
+baro
+integrationist
+tominaga
+marya
+north-westward
+ljubic
+61.33
+iraklis
+mgd
+phalloides
+pogosian
+heifers
+specifies
+yarnold
+dankvert
+171.2
+bov
+dibi
+kingsnorth
+gelee
+french-held
+afsana
+interconversion
+hortefeux
+kiep
+capitula
+jamshid
+indigenes
+merveilles
+ravished
+chz
+phrabang
+mongooses
+antioxidants
+tappeh-ye
+caleb
+smyrni
+sö
+tgv
+tercer
+jinde
+tatsumi
+kieu
+wrather
+shawn
+perplexed
+490-member
+intraoperative
+others
+closeup
+104.96
+lukács
+tricolor
+damfreville
+burglars
+kiggundu
+tenenbaums
+grr
+bedlam
+61.38
+hit-man
+bhai
+ltx
+89.20
+mahneshan
+vinicio
+ruddy
+0.70
+jurczak
+vasep
+ogbeche
+cene
+rodale
+baldev
+maltese
+aastha
+charlo
+celebrityhood
+karlsen
+lehrbuch
+parlett
+santoro
+1982-1989
+8,829
+yibo
+easycards
+hespeler
+-78
+whitson
+blethyn
+10nes
+dbag
+pro-
+heydey
+princeton-plainsboro
+chauvinism
+sumi
+kreisliga
+suzlon
+seater
+sugihara
+vigleik
+tuk
+kn
+swavesey
+drr
+łódzki
+2,741
+renée
+17.71
+pandects
+abortions
+taney
+69-day
+godeau
+bdnews24.com
+kimio
+eaa
+salentin
+traditional-style
+habitue
+666,000
+frump
+lohana
+55-19
+lego
+aup
+hosford
+ballut
+verner
+250-acre
+2-for-9
+ceausescu
+hephzibah
+967
+1970-74
+1909-10
+56.15
+negai
+anthologist
+halloween
+85-minute
+banduras
+catano
+jrl101
+well-connected
+0.525
+ayalew
+whang
+clavier-übung
+2.87
+eight-minute
+njoto
+54.80
+11:11
+condylar
+schaum
+upgrade
+southcoast
+monaf
+arah
+spyplane
+controling
+fbd
+ignominiously
+majuscule
+peeping
+black-breasted
+serialist
+.319
+howland
+3.16
+biyik
+jardini
+hyypia
+71-seat
+ihemelu
+banh
+saddler
+haematopoietic
+universiades
+serang
+koplewicz
+živojin
+http://www.sciencemag.org
+computacenter
+tolerates
+chaba
+santh
+marissa
+overboard
+primigenia
+coming-of-age
+lecturer
+holmfirth
+cjk
+polygamy
+viagem
+exf4
+107.36
+mantaro
+breece
+ctrp
+glenelg
+blueshirts
+fabulae
+ferrante
+klute
+margiono
+provocatively
+oquendo
+dinwiddie
+kcc
+abating
+blackville
+agness
+belal
+20,000-acre
+pobla
+citrix
+frees
+swargadeo
+stateliness
+kaluwitharana
+925,000
+stiers
+willbros
+coevorden
+kertzman
+31-26
+radiotelevizija
+ceili
+kontinen
+ture
+mutsauki
+asch
+.71078
+csce
+madara
+percussion
+saint-pierre
+behaviourism
+blessthefall
+zicherman
+couvrette
+torchmark
+lanson
+ಡ
+110.11
+continua
+tends
+waft
+ozkok
+huffpost
+releasable
+myxomatosis
+norzagaray
+10-room
+abramovitch
+lakha
+118.14
+ನ
+nirta
+disclaimers
+baboquivari
+caladenia
+wangjing
+sfsr
+mugenyi
+dallmann
+pre-installed
+intertwine
+petrology
+katsuyoshi
+adlouni
+counterplay
+helspont
+yeongju
+ohne
+mysa
+angono
+early-onset
+finnish-american
+langwarrin
+albar
+gnolls
+frckoski
+catholicon
+petros
+creola
+mpeg-1
+multi-system
+l'hermitage
+confiscation
+nitrogen
+lowick
+bickell
+dapa
+maione
+fulrad
+irrigable
+1.08
+close-by
+56,600
+all-big
+pettersson
+lubricated
+1,377
+17:36
+spitaels
+maniatv
+ningning
+olen
+elser
+tramlink
+saudi
+madou
+deflumer
+dehli
+mugica
+gazprombank
+klaharn
+5-1/2
+5,657
+defeated
+ghazale
+wilmerhale
+115
+debutants
+guesswork
+plummets
+cornford
+division-sized
+actress
+barkdoll
+oberly
+pre-1991
+shazia
+maruso
+solenogasters
+maqam
+ayacko
+maisy
+maytals
+lemond
+razafimahaleo
+suranaree
+uremia
+merezhkovsky
+misidentify
+angaston
+spirally
+pancreatic
+coquihalla
+1258
+toyin
+focusses
+x-ecutioners
+biocidal
+prahalad
+décor
+caramelized
+kondakova
+likening
+mazzolari
+non-involvement
+carpen
+levellers
+rosalia
+wynnefield
+buckman
+megas
+rightsholders
+skullcandy
+fogge
+lazarou
+cartoony
+trafic
+gabii
+32,800
+114.86
+zabludovsky
+kav
+.76
+mechwarrior
+amrozi
+douay
+http://apwebgraphics.ap.org
+161.8
+aiyaz
+characterized
+spewing
+tancill
+infant
+kroffts
+souhaila
+flordia
+gallis
+covelo
+sandnes
+112,500
+inquisitiveness
+earthshaker
+unece
+kemps
+authenticated
+resulting
+government-backed
+gamestar
+moguer
+single-crystal
+whittlesea
+gaudio
+morning
+moises
+cervantes
+plumtree
+netz
+damania
+crudes
+motor-car
+57-56
+cpuc
+islamiya
+vidyalayam
+untradable
+dincer
+primo
+disciplining
+hermagoras
+wgs
+totleben
+advis
+celestino
+normally
+foxvideo
+luciana
+nesseby
+osmus
+talbert
+no-one
+1.5-inch
+racemate
+sostenuto
+barakeh
+4.40
+usnr
+j.t.
+3-86
+12:33
+oscillates
+ahidjo
+heitzler
+montagnards
+achiote
+headwinds
+51/3
+ecac
+56.58
+unfp
+newgate
+86,500
+riazanova
+unmitigated
+haggerty
+1,800
+h.e.
+bony
+tabari
+curado
+journeys
+monounsaturated
+caid
+baška
+angiolo
+ingves
+dettingen
+simha
+arredondo
+1934-1935
+wenbin
+porcine
+serafin
+jelmoli
+221b
+mondy
+gandhi
+leino
+632,000
+shepstone
+acquire
+warner-lambert
+idef
+left-bank
+sada
+varnam
+headteacher
+tumb
+incoherent
+gladly
+25.0
+actives
+bbch-scale
+serri
+apts
+ninna
+centimetric
+72.00
+burgle
+patency
+euro342
+cardoza
+civilrights
+kc
+snorri
+unsegmented
+chetco
+lavergne
+hunsecker
+combattimento
+trombino
+blackstaff
+tubal
+undecidable
+18.65
+technical
+fackler
+komura
+alataw
+asatru
+philhellene
+1,233
+spartina
+cumby
+szubanski
+headedness
+sub-clan
+araliaceae
+soupcon
+neusner
+32.75
+veber
+triche
+recurving
+yeshwant
+3-6-3
+swati
+humidity
+disparagement
+k-3rd
+69.80
+18-inning
+endorsing
+hasnat
+dennys
+koegel
+7.2
+ghiaurov
+10:20
+hongshan
+disfarmer
+shotty
+shiwan
+ferihegy
+dpk
+spoerri
+runyonesque
+geok
+acquits
+glaciological
+supercilium
+mausoleum
+bohner
+rusal
+veneracion
+gloriously
+3,296
+vilimoni
+zis
+herperger
+157.41
+docu
+mnemonics
+abettor
+265th
+no-no
+bollworm
+torgny
+túathal
+dobrova
+fiorina
+mikitenko
+81-74
+53-mile
+cobra-la
+1443
+deeley
+minger
+heraldry
+lorimer
+nmmt
+smorgasbord
+saloon/sedan
+kissufim
+shawkey
+schiedea
+halprin
+fratrum
+gracey
+xalapa
+kelston
+stampfer
+tamperproof
+duggie
+snodland
+prosperindo
+quintette
+nocturno
+adv08
+themes
+lithosphere
+tange
+woodchurch
+dreyfoos
+corstorphine
+self-induced
+kiraly
+melniboné
+kipa
+overspending
+51.43
+u.s.-mediated
+307
+114.68
+doled
+chabat
+nayaks
+spicks
+odongo
+paradoxically
+packin
+haeg
+arbace
+anhydride
+zetland
+aethiopica
+laredo
+chinampas
+abazi
+imports
+blongino
+optionals
+maginn
+two-sided
+szombathely
+formosat-3
+comté
+gigerenzer
+altenglan
+fluorspar
+shapovalyants
+szpilman
+efv
+1.056
+falconers
+8,640
+malou
+langtree
+yez
+malechowo
+hospitalet
+hierax
+flavanone
+revital
+louann
+budda
+lakeba
+mablethorpe
+reimposition
+1926/27
+chalets
+christopher
+19.50
+militarisation
+53-7
+astrolabe
+folkwang
+ghanaian
+cossus
+benedikt
+nchsaa
+modernize
+giulia
+22,050
+bohinen
+association
+hieronim
+xenophon
+mutha
+sherburn
+espeseth
+soesilo
+statuto
+hekate
+parkridge
+0.17
+xenadrine
+apollodorus
+avdeev
+garavito
+outfields
+noreen
+huntspill
+riverstown
+winbush
+hepi
+georgen
+hariharpur
+valedictorian
+755th
+29-16
+topology
+kyle
+costliest
+u-31
+amite
+desper
+strube
+atropatene
+ciliwung
+smooch
+indo-guyanese
+cassatt
+ratifications
+matthay
+krst
+brest-litovsk
+manzanilla
+boccardo
+kussman
+lindheim
+imm
+duikers
+denker
+gaudreau
+accommodation
+dian
+tvind
+lungren
+gypped
+pacemaker
+negligence
+cibyra
+uzen
+salina
+25-50
+bewteen
+3stars
+gripens
+elmi
+dawber
+perreault
+sfdh
+formula_12
+445-3697
+46-8
+advantis
+geers
+saregama
+zār
+etheridge
+lipnick
+gaus
+outshooting
+sportingly
+secularists
+antoniotto
+steamwheelers
+ariadne
+exempted
+sklar
+saravan
+aytekin
+conlan
+49.21
+nakas
+21.56
+fanny
+obiang
+1,756
+tamarod
+belgique
+jeev
+wallisch
+bhanumathi
+dahoumane
+eyalets
+komnenoi
+savoir
+águila
+macivor
+luttwak
+homeware
+xiangxue
+sterlings
+turkman
+bindu
+yunho
+transshipments
+senders
+behind
+cadaret
+tetsujin
+laurus
+embryonic
+byrum
+bandung
+oingo
+dryanovo
+quelled
+brasov
+130.10
+sangar
+adminstrative
+butchie
+leichter
+sasaram
+forksville
+theatre
+leguía
+pmh
+barq
+177.00
+ndadaye
+coes
+dhimgjoka
+emptiest
+bodyboarding
+kosch
+gradisca
+cockle
+basildon
+canonicus
+excelled
+reprographic
+galeão
+deoxyribonucleic
+.613
+nantes
+kinda
+counter-battery
+totting
+cabramatta
+progetto
+harpooning
+yathrib
+denney
+akrasanee
+subdirector
+bogoria
+endocardial
+23.90
+lunny
+arterton
+victoriana
+bernd
+swindell
+tsujimoto
+jeed
+el
+7,000,000
+harnessing
+stobaugh
+hanspeter
+30-yards
+suhel
+egbert
+floral
+tima
+maeser
+heinke
+jiffri
+nguemo
+huige
+kashkar
+jamous
+medals
+danyel
+eic
+gucci
+tabulating
+farole
+indignantly
+.2001
+walusimbi
+esref
+nomeansno
+afl-nfl
+altar-piece
+inciting
+mentana
+stampings
+extensiveness
+canvasses
+tostada
+laevigatum
+burla
+sardarapat
+andris
+20-page
+wannon
+mipim
+p.d.q.
+ossipee
+swizerland
+phog
+mitered
+95.14
+dengan
+7:06
+damsel
+dunnell
+rayleigh
+gamow
+patentee
+moreira
+reallocating
+mondovì
+wismer
+tremayne
+howell
+coattail
+quality-of-life
+fengjun
+lichnowsky
+melees
+codice_50
+adoptee
+chocolate-brown
+6,279
+1,064
+al-faraj
+ulliel
+gulzar
+administrate
+ojassaar
+running-mate
+hallucinates
+utor
+sa-10
+loewner
+demoulas
+-6.7
+hagerup
+ieee
+quasi-official
+bavarian
+ishta
+cyprinus
+lewicki
+nasstrom
+tranquillity
+breezy
+crosslin
+cacciatore
+purring
+mcnees
+apolda
+maruma
+sokaiya
+aragones
+shihmen
+córas
+digitize
+unomig
+hindlimbs
+lodewijks
+thromboembolic
+jakubczyk
+pitstop
+elvs
+gavrilo
+herzl
+p42
+intercooled
+weilheim
+unloved
+russets
+4.54
+kulikovsky
+sub-committees
+leucocephalus
+šakić
+namakkal
+telšiai
+coddington
+steinach
+slavutich
+horticulturist
+dinesh
+quah
+damico
+lidocaine
+canin
+esfuerzo
+representan
+89.52
+168.5
+yamago
+ebbs
+mijn
+200-seat
+wjla
+yoshiyuki
+quelea
+programing
+attributes
+1922-23
+є
+gmg
+37-6
+goði
+celebes
+clitherow
+tuktoyaktuk
+stoppelman
+granit
+kalau
+five-hit
+motu
+monck
+posh
+french-canadian
+sanha
+19-7
+amerson
+1997-1999
+fransson
+bartlow
+kassar
+zaffar
+generalities
+khadga
+restricting
+birkitt
+gholam
+geigy
+haderach
+multibillion-dollar
+zndh
+bozicevich
+colobus
+8400
+ibragim
+naidu
+offices
+r-27
+bribri
+dewatering
+310-mile
+42.25
+46-16
+trudy
+vaasan
+meharry
+safri
+reynella
+51.28
+oberstein
+kurzweil
+louisbourg
+evaluated
+afv
+amia
+lengthwise
+pacific-10
+bethlehem
+bunkhouse
+sofiane
+leverage
+35,417
+gaffer
+adarsh
+teti
+addded
+greenford
+copywriter
+fabrice
+podcasts
+tithes
+lithtech
+jaunpur
+center.org
+recognizes
+ritsma
+kandiah
+eppley
+cheo
+locati
+nonaggression
+22:15
+octagonal
+euro141
+71.63
+zagórów
+zealand-born
+joint
+porzana
+hajibeyov
+warhawk
+abahlali
+over-fishing
+3.47
+ausserrhoden
+pyatigorsk
+42-40
+atletica
+lionized
+rhinegraves
+migrating
+tamihere
+macdowell
+ilb
+woodies
+sheesh
+http://www.grammy.com
+towada
+56,300
+wri
+9-hole
+kweichow
+ramla
+hermann
+arwen
+kobliner
+3-100
+sequana
+7:58
+hustling
+kindergarteners
+voorst
+panchayat
+cucaracha
+1530
+protean
+shortlisted
+mambos
+thibaudet
+11,250
+ungaro
+krościenko
+bohn
+vrede
+amputated
+disd
+colonised
+lazcano
+orihuela
+sofaer
+466,000
+kottakkal
+chengqi
+dehydration
+timbo
+bethan
+segment
+r5
+driers
+sanoussi
+witherow
+edmondson
+feldkirchen
+windbags
+capus
+bhandar
+alienation
+jamelli
+100:1
+bureh
+annaberg
+0.8230
+21.53
+turning-point
+ripped
+amuru
+sell-out
+middle-eastern
+57km
+uninsured
+vanni
+maggot
+a.m.
+ayodele
+chibli
+37,125
+half-point
+bs
+88.77
+496
+inverness-shire
+beasts
+sendero
+disctrict
+naseerabad
+solamnia
+memorably
+turajlic
+dhak
+theopompus
+boynton
+24.21
+2-61
+buddhadasa
+16.375
+whalan
+ytl
+crr
+vlahov
+foursquare
+ventria
+vocht
+kwaramba
+tiliaceae
+cpc
+austrasia
+twine
+avaz
+skully
+brande
+napo
+collie
+wajihuddin
+abaca
+zdravkov
+azr
+irrigate
+djiwandono
+ocasio
+staginess
+1,456
+pertschuk
+gaurav
+knla
+cámpora
+alkali
+cousseran
+tbi
+oneworld
+pengel
+rehydrating
+taggers
+kangaroos
+curtail
+thirty-second
+huayuan
+microbrew
+108.4
+lipow
+keldysh
+62.10
+1422
+1-kilometer
+oooooo
+34-percent
+dolny
+rajalakshmi
+http://www.the
+chiragh
+karkala
+banbi
+collymore
+2005-06
+overconfident
+agr
+evp
+rejoining
+mid-1972
+arkaev
+wheats
+nancy
+indo-scythian
+postmatch
+ignatios
+mpb
+networker
+then-coach
+tricot
+malouh
+egana
+euro134
+differs
+landlord-tenant
+farney
+chegg
+chachoengsao
+erasmus
+jerrell
+subgenius
+younge
+madhupur
+ambiente
+burkitt
+litt
+paraíso
+arons
+nampula
+devkota
+kabar
+zhensheng
+frsc
+wufeng
+anisopodus
+repositioned
+patdowns
+ravix
+jalapeno
+4,234
+m1919
+rocchi
+cent
+s13
+bakeel
+undershirt
+homography
+eday
+artists
+peddles
+xiangfei
+griffis
+contradistinction
+36.61
+drakes
+requena
+kehlmann
+beyliks
+biocraft
+dalibor
+3,871
+phloem
+kadphises
+haidi
+lomax
+chongzhen
+gp41
+varius
+barquisimeto
+inextricably
+ramming
+deviating
+discrete
+yendi
+ure
+brigids
+jills
+scarred
+502,000
+delclaux
+korins
+52-69
+basse
+thiosulfate
+parren
+tugging
+joppy
+stashenko
+brasa
+62-20
+resorption
+1.90
+kneissl
+baler
+worldwatch
+member
+topten
+impugn
+rapira
+nuku
+self-actualization
+sobota
+mazar-e
+cerilles
+mesotrophic
+tamman
+chinggis
+tuvok
+ep
+500-word
+3,317
+dietitian
+ayhan
+budgam
+pulchellum
+54-3
+then-champion
+thierno
+temperamental
+patron-client
+nahles
+kurtuluş
+kaiju
+kuffner
+leguin
+barha
+lindell
+tulsidas
+fouad
+vair
+imman
+pancoast
+yazzie
+felt
+bloomfield
+lallah
+tylo
+dollase
+stolberg-wernigerode
+mbare
+peepholes
+3,862
+tienda
+torme
+c&a
+daylong
+texts
+hobbs
+fab
+directorio
+abdal
+buyout
+exhibiting
+mandipaka
+macedon
+hkhk
+rahimic
+wdi
+18.36
+mélange
+ashik
+mormont
+sidechain
+estudillo
+mandaean
+epps
+mechanic
+eryn
+seniloli
+persichetti
+lucija
+hammaren
+idasa
+undermanned
+1992-96
+headers
+stoffels
+enumerating
+taunt
+redwall
+superscooper
+tournament
+putman
+satchwell
+dese
+haltwhistle
+164,000
+kriangsak
+volvos
+p-61
+kneaded
+camiel
+rong
+eag
+ramezanzadeh
+written
+anthia
+1,764
+conference
+mini-album
+ratisbon
+trikuta
+fakenham
+ifr
+lectoure
+trischka
+quitted
+woolloomooloo
+ovine
+bucketful
+eie
+ranji
+graptolites
+sesshō
+asthana
+cnam
+loath
+neither
+laim
+cincture
+hydrothermal
+taghreed
+gotshal
+ramaiah
+ss4
+jaikishan
+stettin
+upsala
+cisternas
+prothrombin
+uvr
+1,518
+161.9
+istmo
+patriotas
+warth
+koppal
+networx
+fifth-seeded
+massaquoi
+pinardi
+qubits
+bankston
+chatterji
+supplanting
+1330s
+donovan
+insp.
+airlifts
+organzation
+trezeguet
+puc
+laboratorio
+positiva
+posek
+igespar
+yodeler
+holder
+chameau
+kwamakutha
+abaxial
+inno
+d'instruction
+cultural
+risible
+sdap
+mawampanga
+shamrocks
+euro161
+jamrock
+fulfills
+harmonizers
+compressibility
+centreboard
+abolishing
+muntazir
+champaigne
+dws
+barris
+bandai
+passeri
+rockville
+zhengxin
+codice_39
+303rd
+bicci
+ohri
+lindenwood
+buechler
+wmal
+sorbic
+christoff
+spindoe
+neuhaus
+accreditations
+kamelion
+trabajar
+antalyaspor
+40.60
+hamida
+9.32
+schofields
+almquist
+baptizes
+sate
+rock-band
+wlan
+consumidor
+conoley
+aficionado
+turbo-prop
+dangerously
+buzzer-beating
+inglesby
+50.51
+peddler
+zothique
+50,000-member
+guitarist/vocalist
+kinski
+interrupted
+36.99
+guadiamar
+no.
+deyda
+zhenghua
+non-being
+2010-present
+ather
+anticyclones
+bankes
+kata
+temz
+do-it
+dinan
+chiêu
+seminarium
+37-inch
+hanssens
+staverton
+boquerón
+800-member
+beefsteaks
+trintignant
+wakanosato
+martinsyde
+doubles_helton
+4,457
+140-character
+77.59
+bitlocker
+45-rpm
+shanmugaratnam
+tyrfing
+scaparrotti
+citerior
+phyllostomidae
+decisioning
+pronghorns
+taru
+černý
+10in
+decompensated
+baía
+hundredth
+588
+cassingham
+longingly
+avron
+17-10
+falkow
+mitrailleuse
+hebb
+lazarides
+macheteros
+1.4035
+zich
+baray
+41-36
+véron
+2-column
+sotir
+kapend
+unnaturally
+undersecretary
+pomegranate
+1165
+flat-top
+39.42
+benthall
+paellmann
+84.14
+goudge
+comcel
+živanović
+pájaros
+h.d.
+venter
+squired
+finitely-generated
+trophée
+edutainment
+phad
+atentados
+34,750
+venturebeat
+philostratus
+scapegoated
+0505
+mat
+tollberg
+reuses
+springboks
+pflugerville
+värnamo
+1,937
+71.28
+aarebrot
+2-53
+remick
+hingley
+mullions
+r.f.c.
+licentious
+modulates
+allemagne
+horse-riding
+garbo
+terraforming
+macero
+sympathises
+kwankwaso
+109.42
+shoxc
+bolar
+rhr
+outwater
+khaleh
+oginga
+rap
+babli
+kidnappings
+bryce
+albanian-language
+unsteady
+shoni
+isochron
+viewed
+verdú
+portmore
+canoy
+884
+guevera
+lizette
+psoriatic
+lien
+geosynchronous
+sidler
+costikyan
+darger
+codreanu
+rowed
+z06
+mică
+rutherfordton
+floydada
+89.24
+zorba
+badenoch
+piers
+10:49
+shvetsov
+phangan
+shoaib
+octonions
+whiskas
+warbonnet
+regaled
+rerun
+claytor
+sponsor
+krasnow
+kickbacks
+lhote
+p3p
+matola
+chinos
+lanzmann
+red-shirt
+paulose
+karsin
+niblett
+vortexx
+councilman
+battey
+laboratoire
+aiesec
+200kg
+antonieta
+d5
+korytko
+stillingfleet
+pivotals
+66.08
+siennica
+307.7
+2,127
+critters
+husen
+caramanica
+sangaran
+sief
+idro
+beechview
+weightier
+pachyrhinosaurus
+pleiku
+39-15
+captures
+orle
+knobbed
+plethodon
+full-rate
+delacey
+shilpa
+mobin
+cieza
+maneka
+lugard
+guangen
+takeoff
+stunningly
+magnee
+councilmen
+quantile
+khovansky
+1922
+e-services
+floodwater
+resonating
+floe
+koloskov
+120.82
+flashbacks
+moussavi
+neagră
+shayne
+katirima
+44,600
+judo
+animus
+amiens
+carouge
+pollok
+leel
+zanatta
+a.o.
+crei
+marrit
+funcionarios
+schlepped
+trumpet
+dius
+39.39
+tadamichi
+pagliarini
+ש
+nickel
+ndb
+balsamic
+berardino
+rlp
+1969/1970
+laxey
+34,073
+acres
+deegan
+chardaval
+109.74
+a110
+noja
+slovenj
+fangshi
+onuki
+2048
+neo-romanticism
+zuber
+cahoots
+optionally
+a33
+erignac
+waiel
+bublé
+meredith
+jansky
+ninety
+2,828
+sibaja
+relatives
+préfontaine
+recommits
+spurr
+billick
+49-3
+news-talk
+counterforce
+utrera
+50-month
+roset
+dangelo
+unprofessional
+bruford
+acalyptris
+noncontact
+hkex
+uk-only
+bago
+1.556
+etcheson
+antisubmarine
+91a
+energy-momentum
+10th-century
+bided
+shinawatra
+said.new
+gaullist
+50.30
+halden
+amberjack
+fantomex
+varix
+lkaplow@coxnews.com
+.0210
+falaknuma
+giovane
+jadoo
+periphyton
+vestrymen
+82-run
+freeloading
+odermatt
+moiré
+piccardo
+shukarno
+cdpa
+wrldcom
+binghua
+galster
+someplace
+usad
+huanan
+wirawan
+usnea
+smashbox
+gowa
+located
+hostel
+shakugan
+3,352
+weedon
+duplo
+vjs
+vía
+tajfel
+seagoing
+ausonia
+flamebird
+universalistic
+gbatto
+mesto
+hodgin
+permanent
+prionotes
+minocqua
+malaythong
+adjoin
+thupten
+uninspiring
+feldspathic
+tunisian
+swifty
+matopos
+tinaroo
+contemplation
+46.67
+radaronline
+mangement
+گیتاشناسی
+kunimoto
+woodstove
+6.38
+cher
+deliberateness
+multinomial
+danzer
+shamsolvaezin
+autonomism
+supposedly
+mont.
+8-1/2
+woozily
+reelzchannel
+telo
+mullings
+abboudi
+dufur
+pleuropneumonia
+servatius
+clowns
+discrepancies
+fraternal
+furrowing
+misshapen
+platte
+kazim
+hardberger
+veuster
+15,781
+autopsy
+1,091
+ferengi
+grymes
+elistanzhi
+56.96
+rooted
+hanne
+indika
+orašje
+fpr
+deac
+dlugy
+duckie
+mawddwy
+federline
+fattouh
+dictadura
+seyon
+larocco
+anagrams
+40,250
+tvb8
+schelling
+182.1
+nael
+microstrategy
+owsla
+lanz
+bootable
+harassing
+bipm
+locate
+belfield
+hypoventilation
+byzantium
+negligently
+kiyan
+olusola
+mosjøen
+linighan
+puffery
+wnd
+vaast
+zarate
+dulwich
+codice_41
+kašpar
+kofi
+reichenbach
+regolith
+encierro
+non-photosynthetic
+mikulic
+23-match
+tail-less
+immunosuppressed
+guzik
+owner
+ummayad
+très
+parrott
+107.1
+hokuriku
+123.58
+vitacura
+shaobo
+superball
+bagra
+pery
+lukather
+abnaki
+preach
+mq-9
+gowran
+taillamps
+http://www.xerox.com
+moorlands
+asnawi
+overtaxed
+257.4
+terce
+vilnai
+frankfurt/main
+tirumalai
+beclea
+ethnographer
+shipman
+plasticity
+sherzer
+top-end
+low-elevation
+5,520
+millirem
+21.69
+jinsa
+romualdez
+mustafa
+undemonstrative
+clergywoman
+1,222
+sherrybaby
+nynäshamn
+weave
+mazzarino
+hatchling
+premysl
+spela
+bowl
+loos
+11.98
+gakki
+phenomenalism
+queasiness
+xuan
+qimonda
+makung
+walang
+shopworn
+pemra
+majima
+adduces
+l'etang
+youbet
+nater
+apposition
+radl
+1989-1996
+fruitier
+calva
+vingaard
+felter
+raquenel
+reses
+tamara
+inba
+53.7
+arguta
+8x
+donahey
+lxi
+chayim
+063
+isleño
+-------------------------
+theglobe.com
+ikaika
+taez
+nemchinov
+cascarino
+pilon
+balrog
+merciful
+thirumala
+forelands
+9,995
+163-page
+boorman
+mnet
+lomo
+self-inflicted
+benedicte
+preval
+109-106
+groundswell
+mass-energy
+technobuddy
+treeing
+outdo
+istaf
+witherspoon
+cross-species
+d-backs
+germay
+sociolinguist
+tener
+goatherd
+biochip
+leprich
+lb7
+vigilante
+agd
+assani
+stará
+shakr
+batak
+quicky
+eastchester
+shoplifted
+hume
+koregaon
+tweedie
+lelièvre
+sergiyev
+capsaicin
+karib
+beldame
+kiarostami
+wigle
+senadores
+lurs
+macswiney
+novembers
+cuarón
+tasa
+siebels
+caymmi
+tsvetaeva
+briber
+commercy
+zellers
+forethought
+hooking
+fedra
+hl
+gariep
+be-200
+dps
+sadc
+clockstoppers
+callicoon
+qtv
+sporran
+rear-admiral
+biba
+kfor-tv
+96-54
+huseyin
+flcl
+1997-2003
+christianisation
+yanyi
+gigan
+1.4792
+hietanen
+frigidarium
+westernization
+1.181
+termism
+lanchang
+archuletta
+amantino
+kovalyov
+syl
+pft
+osiedle
+8,820
+carbuncle
+mardie
+116.82
+webos
+bogeyed
+contino
+nr2
+libertação
+overdoses
+micawber
+sutro
+dunthorne
+klasen
+thz
+malenchenko
+samiha
+pleather
+drachenfels
+triamterene
+al-ahly
+neritidae
+distractors
+munawar
+holmstead
+rozas
+containerboard
+hoodbhoy
+winamac
+sampradaya
+kanyenda
+lazed
+amaryllidaceae
+nasco
+301-493-9455
+hillmann
+76.30
+kubuna
+3,248
+droxford
+miscalculates
+vetting
+1,000-mile
+xuelong
+medium-speed
+zhevnov
+brunelli
+m-51
+2-12
+sheats
+terabit
+baresi
+nutrias
+leftmost
+59.82
+65-75
+pwds
+3,587
+2-minute
+parallelism
+frette
+bronwen
+intension
+schack
+greiz
+brr
+chökyi
+largest-selling
+pre-1995
+tweakui
+isulan
+ditched
+matteus
+mantler
+tseng
+ptc
+10-euro
+hoovers
+rapier
+caffeine
+lacouture
+re-capture
+ianniello
+érik
+montoro
+nyts
+mccalla
+farlow
+zalambessa
+klöckner
+hviid
+yamgnane
+adduction
+pasquier
+dolabella
+wabara
+spazio
+trnas
+rogamos
+86-21
+etawah
+ultimatum
+skinwalker
+vaux
+mouthwash
+pathēt
+pallandt
+2222
+krishnakumar
+urr
+flowerdale
+2.5-1
+profintern
+pcusa
+cystatin
+enslin
+tehan
+jutes
+dinks
+tecnologias
+brighi
+decollete
+facemask
+eadweard
+reininger
+wanandi
+sararogha
+kellog
+zipaquira
+bibbs
+morin
+31.94
+grödig
+kamani
+edesur
+nallah
+shioya
+insurrectionary
+mariana
+verkhovna
+sloterdijk
+men-at-arms
+aurunci
+dljdirect
+site-specific
+moonshadow
+byam
+finalisation
+murison
+practicality
+diano
+tikhomirov
+gborie
+bjorgolfur
+hengist
+scanline
+zurkhaneh
+yermolov
+cursing
+yl
+jalan
+folderol
+popkov
+narsimha
+jugoslavija
+nichting
+danseuse
+lugdunensis
+todd-ao
+tuaregs
+jagne
+reforesting
+lampooning
+himmel
+kaji
+pueden
+bipod
+dako
+djoliba
+icosahedron
+euro294
+sheriden
+clowne
+powick
+dieticians
+rectitude
+huchon
+loitered
+privilegio
+landlubber
+dominator
+verina
+infosphere
+osório
+logistics
+lensmen
+banchi
+charmer
+76-61
+muktha
+destined
+transient
+ronin
+manotick
+3.195
+temuera
+emeraude
+turcios
+hiwa
+spruces
+snack
+abaco
+jotun
+osen
+sub-urban
+horatio
+midfield
+lumley
+kohlmeier
+divatox
+waseda
+picante
+porphyrins
+agencia
+milas
+decree-law
+scheurer
+clotheshorse
+estline
+uriel
+farrer
+scis
+panacea
+pre-defined
+prosector
+kgustafson@timesunion.com
+nmfs
+guilbaut
+littlechild
+barbauld
+genera
+vilasrao
+yiwen
+n.j.
+macrinus
+tentorium
+vesconte
+anzhi
+windedness
+chebaa
+rhames
+queuing
+rebibbia
+otomo
+emerged
+c-16
+403rd
+gruidae
+orsolya
+feminin
+10-megawatt
+carcanet
+bruyette
+70-odd
+karisma
+nadiadwala
+rajmahal
+lauby
+ss-panzer
+labrys
+litwack
+rhees
+vociferously
+re-strengthened
+almonte
+surveyusa
+bucyk
+kahurangi
+salesrooms
+nori
+rhyn
+tzintzuntzan
+airacobras
+bekoff
+herat
+3,000-point
+ouzounian
+converium
+drunkenly
+flukey
+négrier
+myna
+0.78
+putterman
+etten
+forel
+taleggio
+samuelsson
+islamised
+42,750
+26-15
+luki
+demonaco
+osgiliath
+khatlon
+1964-1968
+14.98
+byssus
+first-fruits
+goalline
+sectioning
+geoffry
+mycelial
+seilala
+arch-nemesis
+financiere
+randalls
+bunching
+in-vitro
+mangyongbong
+calculation
+tránsito
+bruising
+isozymes
+andale
+zaimis
+29-32
+strophe
+ondangwa
+gnatcatchers
+6-iron
+merlis
+pouso
+pinner
+kapuscinski
+halkirk
+nyrup
+toboggans
+warfighting
+a51
+two-acre
+deductible
+viatical
+veeru
+hamui
+mahasweta
+afire
+polt
+dickering
+lymon
+32sec
+dela
+schwetzingen
+tricoche
+mitzvahed
+riches
+vorticist
+niceness
+faceting
+mcclusky
+pagination
+nerdish
+21.48
+4-cent
+breaches
+euro104
+brucia
+soliven
+bamse
+mondelēz
+16.47
+misconception
+soundproof
+usma
+kochalka
+whisk
+javelins
+grayed
+blue-water
+cogent
+http://www.pgatour.com
+louden
+pedipalps
+fallschirmjäger
+clumber
+resiliency
+moghrabi
+zamfirescu
+80.8
+unsurpassable
+nkoana
+bomhoff
+mapua
+iași
+smd
+goading
+tunya
+13.87
+sileks
+ngu
+41-page
+blr
+gswr
+bovril
+carrington
+.180
+skulsk
+mironov
+acm
+favelas
+umbar
+outpace
+dezhnyov
+tolerate
+al-azhari
+caffeic
+200-500
+180.0
+silbey
+tuomainen
+swordfighting
+marse
+nardò
+otomi
+tevis
+garlotte
+isco
+76.92
+semu
+58.65
+93.42
+pommery
+intervening
+m.tech
+delian
+turvey
+congo-brazzaville
+difford
+guderian
+gahanna
+strutted
+s.dollars
+domjur
+aguja
+chatani
+misto
+ostrov
+pwrc
+euro693
+eustacia
+shatterhand
+immolating
+schwarzkopf
+corktown
+speculators
+40-3
+brouilly
+notwist
+vortigern
+boško
+eip
+concepts
+dombrowski
+self-built
+tepe
+1,353
+78.15
+kilkeel
+otakon
+k.r.
+1,782
+limbs
+20-hectare
+lopezes
+flamma
+annals
+newtown
+mohiuddin
+bapuji
+cuentas
+rodders
+328.5
+ats
+shantry
+casinos
+óláfr
+teesri
+canet
+akufo-addo
+sieberg
+mamiya
+breimer
+rocklands
+moongk
+spelunker
+jindřichův
+bras
+schoon
+basch
+dmax
+leilaz
+sorich
+115.57
+g4m
+bakhrom
+guoxing
+santepheap
+yūrakuchō
+bacher
+pēteris
+najee
+clemins
+fino
+negotiator
+capulets
+19,023
+strategy
+trepanier
+29-11
+solitaire
+facility
+tau
+2003-2007
+ilokano
+twos
+rohana
+vunibobo
+kristoffersen
+moalim
+trentonian
+assent
+bmb
+ecomil
+naraka
+29:31.78
+mysore
+bertoldo
+hola
+zman
+dagres
+zsolnay
+étrangers
+online
+summing
+rationalization
+bakufu
+757-300
+janica
+refrigerating
+silvertone
+1.5835
+kenora
+marquita
+bao'an
+afp
+magasiva
+koether
+smurfs
+m1895
+druidry
+90.56
+carthusians
+35.51
+entrepot
+picta
+khufu
+aigues-mortes
+tenebrous
+panagiotakos
+gass
+150,000
+kemble
+husseiniyah
+cathine
+ægir
+lethbridge-stewart
+somalia
+romanesco
+weprin
+auo
+kandaharis
+strombidae
+borassus
+swinburne
+antagonists
+żoliborz
+apla
+33,333
+adone
+eqt
+high-tide
+artemije
+fraizer
+sett
+scaffolding
+lvf
+ladon
+dickenson
+federation/entertainment
+dipoto
+muskogee
+bach
+tanguay
+arkwright
+mopar
+assignee
+meishō
+bhosle
+liquidity
+schweickart
+youth-oriented
+shimpo
+valiani
+bletcher
+semling
+headstands
+egomaniac
+revzin
+timour
+hameeduddin
+kini
+krater
+riveros
+ilda
+hexachords
+denktash
+717
+fcca
+vegetarian
+kiva
+sequus
+caesaris
+erfan
+cafemom
+palmetto
+wavell
+sako
+linderman
+circleville
+sirian
+bintliff
+sifaka
+agago
+12:19
+nzambo
+0-60
+jianhua
+cividade
+kılıç
+unduly
+cbot
+acadie
+daham
+placings
+asherah
+wladika
+track-listing
+pepi
+araw
+yaropolk
+bascome
+gradel
+181st
+blaenau
+nygaardsvold
+luni
+tv4
+manchanda
+pouvoir
+exaggeration
+goforth
+puttaparthi
+dubnium
+olcay
+crn
+maihar
+yds
+parentis
+asmatullah
+ungracious
+kleibrink
+130.00
+wuliangye
+maaike
+216.4
+2081
+mahmoudiya
+abstentia
+belvis
+matsuzakaya
+corvera
+voile
+clutching
+disassemble
+40,900
+microlights
+hakone
+lolol
+7-hour
+foreknowledge
+tankersley
+silverberg
+midol
+oystermouth
+flints
+metallics
+albinus
+sagamore
+valero
+huaihai
+cr2
+large-size
+chromatography-mass
+armbar
+deviation
+haiqing
+krag
+liverworts
+mutawe
+stebe
+houx
+eprs
+pre-raphaelite
+roluo
+graudenz
+vandermonde
+paigah
+sastri
+satelit
+duan
+kaliningrad
+city-states
+buckhead
+arval
+krzyż
+inderøy
+gaspra
+phd
+actuator
+rumor
+11.80
+creil
+suntory
+100-piece
+arakanese
+dreger
+nonradioactive
+unsalable
+vancleave
+roxie
+umony
+leninsky
+cricketer
+ifield
+janković
+sorbetto
+substrata
+macijauskas
+maasai
+oshitani
+trgovište
+yongji
+93150
+gutted
+nymphenburg
+34.58
+pariahs
+piccone
+aspirating
+holstead
+bandila
+streight
+event-related
+goles
+milbradt
+summability
+narodnik
+dawar
+thomasomys
+bodelan
+ndrina
+metamorphosen
+hillocks
+antifreeze
+87.82
+horná
+maoris
+smileys
+dehumanised
+basketbol
+kercher
+entercom
+sectors
+golubovac
+lei
+deduces
+susanka
+mithridatic
+31,700
+stormiest
+ailanthus
+3.265
+quadripartite
+summon
+pogoń
+48.46
+braverman
+motherly
+hetz
+exhaust
+skiway
+550m
+voie
+laking
+templeman
+wilmshurst
+anemonefish
+17-6
+tichon
+stackers
+okie
+tardif
+spywitness
+peverill
+beryllium
+dipping
+oborniki
+ladar
+csonka
+abridged
+2,675
+madh
+vfl/afl
+squirt
+datanalisis
+yari
+yuming
+non-participating
+melham
+,815
+103.28
+columna
+doros
+meridian
+fisu
+bozzio
+cbb
+familiarising
+54.07
+vivianne
+schweinfurt
+sopheak
+cyathea
+moussavian
+munte
+deponent
+coggeshall
+pedalling
+palanquins
+mykland
+frederica
+euro492
+tape-recorded
+korge
+oenomaus
+makhmur
+multiplatform
+oulipo
+lustgarten
+loc
+transistorized
+44.57
+itf
+bromyard
+130-plus
+sonoma
+6:28
+mazumdar
+24x
+tillis
+wishbones
+62-5
+journalist
+aicpa
+mcmichael
+vecindad
+sasikiran
+free-kick
+credentialing
+appian
+lontano
+toruń
+kalmyk
+002
+o’toole
+maaouiya
+4:58
+fluky
+underframe
+ibson
+-1.6
+cager
+graydon
+asada
+ssris
+ybco
+litle
+yustaga
+180-yard
+6-65
+muhimbili
+d'arc
+drummer
+kiteboarding
+carians
+andøy
+f-111a
+chasm
+campiglio
+cancún
+rouxel
+agianst
+fozzie
+13:44
+worldbank
+3,480
+405
+barenboim
+exoskeletal
+gaddum
+gierke
+rufo
+gasoline-electric
+gambols
+senta
+trichomes
+hibhib
+.27
+schindlers
+transferases
+haxhiu
+overeaters
+seven-track
+quindaro
+zumtobel
+fishback
+compliance
+sylvestris
+wenceslas
+forelimbs
+kessock
+lammer
+sanctuary
+clarity
+caravan
+landstuhl
+verte
+reenergize
+favero
+pernice
+haryanvi
+tembec
+heyerdahl
+lexus
+remediating
+703-725-7031
+1970-1990
+effusive
+okafor
+infoseek
+1938-1941
+foyers
+yuzon
+rügen
+chalan
+arctowski
+anime/manga
+centric
+four-square
+rcs
+bellefield
+norwood
+hessilhead
+mooting
+al-bakri
+noncombatant
+sani
+drazek
+zalesie
+kima
+loaiza
+harlock
+70/30
+9-for-10
+http://www.latimes.com
+rate
+saintonge
+maniglia
+fastback
+salimah
+jula
+sabhas
+celilo
+gingerbreads
+traube
+huizenga
+gelatine
+trocken
+reburying
+perlez
+microcanonical
+dolichol
+ashwini
+transferral
+ugaz
+28.49
+wapack
+hōshō
+saharatchai
+fiamalu
+aleati
+awsa
+pallant
+bicentenary
+operaciones
+isen
+rioli
+angelle
+imison
+bahrainis
+adowa
+nuoc
+alber
+mazz
+1979-1987
+harmonists
+tōjō
+abusir
+snir
+1920/21
+lacerated
+bekker
+hologic
+pagels
+especiales
+30-stock
+documentary
+kayaking
+dowdow
+shaklee
+guynn
+at
+108.53
+shiny
+maxi-single
+premonitions
+chafe
+bador
+corcuera
+german-russian
+zemach
+trinidad
+combest
+kamerun
+kakuryu
+silvertips
+inspecting
+yas
+solimões
+overrun
+99e
+asaad
+cantares
+wongwan
+oglethorpe
+overreact
+lipopolysaccharide
+timezone
+dhyāna
+aceyalone
+angi
+2.29-meter
+abatis
+sawallisch
+non-tropical
+misamis
+bizerta
+kalaw
+funmi
+46.73
+kitney
+drafty
+figgie
+kucharczyk
+u.n.-supported
+qisheng
+medellín
+folium
+cussed
+goitom
+pontificates
+hutin
+ameet
+sub-sects
+sholto
+mofford
+sectorally
+dearie
+finistere
+pahs
+montesi
+liwayway
+nb1
+bozlak
+3,682
+300.1
+sunkin
+baalbek
+mogale
+dekh
+areata
+cancerous
+ak47
+modernizers
+sixty-one
+tsuchiya
+himal
+black-headed
+uninitialized
+jiu-jitsu
+bulatov
+aussee
+10-pack
+spin-spin
+100-stock
+locates
+uproot
+huizen
+khengarji
+engulfing
+aronian
+seabre
+divisoria
+el-din
+nupur
+sesotho
+callouses
+hmimssa
+indonesia-malaysia
+abimelech
+119.97
+lafforgue
+laxmikant-pyarelal
+gora
+roaches
+wagtails
+netaid
+myrsinaceae
+jaffri
+lifuka
+sharpener
+riaa-certified
+oezil
+perturbations
+ultraman
+1973/74
+valgus
+liven
+estili
+consuegra
+antuofermo
+avena
+yelped
+transacciones
+class-conscious
+portlets
+valckx
+errett
+horrifyingly
+h-b
+22-19
+brzezicki
+królewski
+santerre
+cailin
+ataturk
+cardiogenic
+extremaduran
+serialize
+cnnmoney.com
+eg
+bueller
+carring
+q45
+reverser
+cryptologist
+senate
+shat
+dmca
+neid
+chapoutier
+ginsu
+ambitus
+fondue
+second-rate
+aktuellt
+slave-girl
+thrombocytopenia
+randhir
+libu
+bontrager
+stratmann
+laramie
+sapolu
+barlee
+96.99
+sharonville
+nickolas
+väinämöinen
+keelless
+44-18
+ronson
+pattana
+safe
+staker
+letters@nytimes.com
+bagci
+brunetti
+wall-e
+aditjondro
+overseas
+reuben
+katzen
+tattenhall
+kou
+ronettes
+gorging
+ginuwine
+aragona
+cants
+gautieri
+sighed
+scally
+rappen
+molise
+spielberg
+2.1
+eggman
+schmieding
+proca
+jakati
+41.60
+cretans
+satyendra
+vittata
+eynsford
+1452
+áo
+:10
+rje
+itaú
+yukaghir
+procurers
+shir
+coachbuilder
+aiv
+96.39
+jorn
+wolpaw
+atagi
+insula
+40.25
+riverboats
+njau
+chungcheong
+convenors
+acme
+rabotnicki
+groves
+apsl
+bonfield
+14:22
+shryock
+frelsers
+skud
+paulins
+blairgowrie
+200-a
+jagua
+che
+epitope
+mahottari
+19:18
+74.1
+skyhigh
+hypospadias
+uncomplaining
+yardarm
+mastin
+xihu
+fricker
+aerophones
+sauveur
+overbook
+trotter
+zebrzydowska
+mythmaker
+manically
+a-mole
+over-run
+3-62
+cordate
+paktika
+greasers
+biryani
+baruah
+genzken
+razzie
+tantallon
+harpreet
+.091
+cachantun
+disjunct
+broadsheets
+distortive
+quigley
+rautenbach
+corone
+paffrel
+testamenti
+chasen
+neurotransmitters
+rimon
+sallai
+quiah
+epididymitis
+bortner
+following
+ludwików
+icd-10
+y7
+283rd
+souren
+hacke
+(418)
+ainaro
+barajneh
+reum
+hymenocallis
+poppinga
+booklets
+bolas
+tchicai
+stoneware
+red-fronted
+parrothead
+megatrends
+jli
+calamos
+trueblood
+futbol
+kiski
+clinching
+cocorosie
+lemi
+hartcliffe
+dayoub
+kakuma
+dense
+ihtiman
+stockades
+copperplate
+syndicalist
+puttalam
+smoke-filled
+2136
+movida
+limbaugh
+dorrigo
+reithmayer
+130-140
+small-screen
+116-114
+struma
+101-90
+kalafi
+gaudet
+marck
+volpi
+agudas
+diastema
+villers-bocage
+kesavananda
+galyani
+oversized
+grax
+1.064
+dreen
+gite
+16.90
+dangs
+yevgeny
+siderophores
+ativan
+laree
+1.5230
+ile
+ghazvin
+clinard
+conn.-based
+pepelyayev
+saltley
+brizard
+checkpoints
+plourd
+216.7
+pbr
+evros
+starplex
+knpp
+alcoholics
+barkov
+delfshaven
+el-bahri
+jetlagged
+on-orbit
+unterhaching
+135.2
+250,000-a
+31.29
+78.68
+kievans
+masers
+350-acre
+warlocks
+ac-3
+iceni
+denisse
+atiya
+karolos
+spradling
+wykes
+waitstaff
+stranahan
+metallic
+gazing
+pre-prep
+12-of-20
+shaiq
+shad
+2,865
+competitively
+tanri
+paribus
+rial
+izzadin
+barberi
+ryk
+short-chain
+tendancy
+sali
+blythswood
+philoponus
+9001:2008
+socorro
+102-101
+offroad
+magilton
+eshan
+paiman
+ligands
+mawyer
+buyersedge
+kasthuri
+cobe
+cayes
+garcía-lópez
+doninger
+black-majority
+vézelay
+26.64
+450-degree
+ertman
+shidler
+glorie
+batuan
+bulkley
+stresemann
+hoped
+vallourec
+ilchenko
+74-77
+10-million
+re-settlement
+satisfiability
+theria
+hypercomplex
+229.4
+endore
+nyam
+84-8
+mccraw
+miercurea
+bharatpur
+3,795
+coded
+vindhya
+greaney
+riverfest
+loutra
+calliphoridae
+faz
+lupercalia
+viruses
+arhuacos
+stosic
+umayyad
+old-timer
+island-wide
+actuators
+sunnan
+mileševa
+bomblets
+goraya
+calik
+gebrüder
+48-6
+lotti
+bonaya
+streitberger
+kolkey
+wynyard
+tibbitt
+jamiah
+pseudouridylation
+damoh
+1897-1898
+västervik
+koyambedu
+querian
+19-man
+derwish
+hepatomegaly
+rapin
+snowtown
+bettez
+obsess
+imataca
+roosendaal
+spherion
+cylindrical
+atikokan
+naulakha
+automatic
+buren
+chiantis
+minicamps
+self-recorded
+n-word
+muslih
+tamarama
+sekiyu
+jang
+unu
+plot
+seigniory
+cuarán
+yinsheng
+50.4
+crewmembers
+serbo
+kilogramme
+ilona
+hoggard
+cremins
+satiated
+maya
+tits
+preussische
+26.76
+1,118
+constancio
+trnka
+kuiti
+njsiaa
+co-ordinators
+46.75
+cusi
+315-year
+uncompelling
+47.88
+mcwhinnie
+cul-de-sacs
+dusek
+4,900
+santiam
+vulgaria
+cadenhead
+ekkehard
+medcom
+whitley
+pasrur
+rosenergoatom
+arbitragers
+bonesetter
+mandans
+358
+mininster
+dovecote
+blogosphere
+sabag
+kpalime
+vahld
+m-long
+fertilizers
+yus
+oao
+skeletonized
+promotion-relegation
+203.8
+d'eau
+sawan
+eardley
+cosmopolitanism
+ffo
+gloyd
+sahafa
+185,000
+brillion
+hindmarsh
+maharajahs
+uchiyamada
+wsmv
+johannah
+scipion
+56.88
+zerkalo
+starý
+shadid
+sędziejowice
+radio/television
+fengyang
+dreamily
+commissure
+icke
+17.90
+mceuen
+heliozelidae
+brotha
+105-mm
+mononobe
+ewens
+furthered
+sorg
+matoso
+lobbied
+goslin
+montse
+jazairi
+blindsiding
+49-member
+brandenberger
+coumakoye
+catmull
+esmaeil
+hakuhodo
+gun-brig
+u.s.-designed
+vittadini
+referees_don
+hamarøy
+28,600
+penge
+somatotropin
+karadeniz
+solovieva
+atromitos
+epithets
+fernandina
+mapuche
+glassblowers
+57sec
+sergay
+feldon
+12.7
+mainer
+leetch
+gaugamela
+unpunished
+mismos
+ranario
+horse-mounted
+malgorzata
+artmedia
+sliotar
+ivorians
+gusmeroli
+maynard
+pococke
+sargodha
+imām
+huichang
+o.d.
+chalma
+behabad
+shsu
+117.16
+hiiu
+meantime
+sparseness
+obscuring
+meech
+melanin
+schismatics
+wakil
+wiesloch
+benicio
+berkey
+fester
+shannan
+725-word
+cs1
+laforgue
+kinigi
+cossack
+washo
+rachan
+pathbreaking
+fast-pitch
+7854
+m40
+eucla
+arafura
+andov
+waging
+clues
+kofu
+big-block
+prem
+us/canada
+poetaster
+lateralis
+riverworld
+0430gmt
+vlogging
+2.5-billion
+amul
+tepa
+linesmen_greg
+arkadiusz
+mansiones
+nuked
+bertos
+noev
+maybank
+hevajra
+khazanov
+iroc
+demonstrable
+c-series
+dishwasher
+hayashida
+inger
+gaboon
+securitization
+casamassina
+buckovski
+baldies
+upgrader
+alexandros
+22.16
+anthropoids
+hsv
+bfv
+soekarna
+e50
+uneconomic
+patry
+huevos
+1823
+chafing
+firefights
+naxals
+chamnan
+2,886
+arthurlie
+jerdon
+superleggera
+serret
+decisionmakers
+spock
+bio
+yourself
+stylist
+retread
+announce
+l-2
+bosville
+lizeroux
+beautyberry
+bruerne
+2c
+mühlacker
+grindley
+700c
+findling
+hirsch
+hendra
+jero
+japonisme
+corals
+chuzhi
+hartline
+innokenty
+tailbacks
+tigres
+vishaka
+yarkovsky
+coill
+inami
+pistorio
+38.68
+penmaenmawr
+fagles
+hibs
+coheres
+77.6
+weizsäcker
+nutraceuticals
+desra
+sócrates
+turman
+135.65
+60.07
+persad-bissessar
+retardation
+chagla
+arfa
+madaraka
+2-84
+nachrs
+humidified
+vh1
+98.55
+crece
+akerele
+nazik
+15-over
+15:27
+braziel
+zapote
+jammie
+odp
+netlink
+codigo
+propios
+94.49
+singla
+saalfeld-rudolstadt
+shozaburo
+minatitlán
+non-executive
+ehrling
+simonenko
+eliogarty
+cookes
+koll
+nb7
+481,000
+3/25
+u.s.-run
+bevil
+deadly
+dominations
+weihui
+oruma
+fixed-term
+oil-bearing
+ouderkirk
+nzrfu
+doscher
+barossa
+krayzelburg
+parola
+pickup7thgraf
+brignole
+color-blind
+santeetlah
+tomaž
+8:29
+fms
+hayef
+firelands
+4:39
+dusk
+aparajito
+janicki
+20.15
+mathematically
+todai
+anqi
+milo
+berny
+whitta
+rodiles
+fasil
+thiaridae
+bezzerides
+troshev
+ardrossan
+leaf-cutter
+ringhals
+myslovitz
+nypirg
+cuajimalpa
+obora
+souwer
+moissan
+musgrave
+jagiellonian
+sindhupalchowk
+masturbated
+titia
+protectiveness
+relentlessly
+memnoch
+expres
+4.21
+kujō
+dorien
+administracion
+mphela
+kizirian
+43-316
+2.395
+bozrah
+winchcombe
+sprinzak
+turn-key
+prokopiev
+1.3900
+mustafayev
+earthbound
+célestin
+postman
+squandered
+restorationists
+seffner
+nikken
+zinni
+clodumar
+2007-2008
+radiance
+swordfishing
+quittner
+conroy
+tcas
+contai
+murdy
+slobodanka
+rinorea
+ferrette
+pachacutec
+devika
+negre
+incubated
+santalum
+magd
+carone
+cellblocks
+wallcreeper
+itabira
+sumon
+brajesh
+autosomal
+bergstrom
+mpoyo
+berriasian
+12-stroke
+carbonatite
+slaughtering
+lintas
+keehan
+wrongfulness
+non-qualified
+hallé
+d'hotel
+broche
+abiodun
+unventilated
+gianandrea
+domeless
+next-day
+subsided
+aspirations
+elysa
+qiemo
+23-nation
+paktiya
+afgan
+walkmen
+386.60
+dawoodi
+fungicide
+earnhart
+batterberry
+73.62
+versailles
+fending
+siemowit
+ieu
+mesoamerican
+pues
+mohagher
+saltimbocca
+cstapleton
++21
+24.35
+routledge
+ermin
+satinwood
+bockius
+sundman
+umpteen
+pendley
+utaka
+container
+73-year
+lycaenids
+disillusioning
+roche
+mozzie
+non-album
+1982-96
+phatra
+murrey
+turkoman
+hansi
+dirda
+gildeyev
+25-cent
+80,000-100
+beatlemania
+kemwel
+non-animal
+sayula
+absorbent
+speu
+assunção
+roncevic
+halmich
+rubbo
+homeboys
+salopek
+rakosi
+2,000-hectare
+arden-arcade
+politis
+snobbish
+c6
+qubba
+valignano
+dudgeon
+verenium
+russini
+religa
+maritima
+jasons
+guiana
+rückert
+parlier
+yojiro
+armina
+esquina
+uyghur
+szemere
+lecointe
+59.16
+post-translational
+fips
+28-2
+delamater
+encountering
+admonished
+elbel
+cownose
+pursuing
+flamanville
+1,450
+ibeabuchi
+baqir
+treze
+fusus
+icebergs
+2010-13
+jolstad
+1,300
+formula_124
+euro516
+pilz
+bre
+ncruz
+beatific
+tib
+mutesa
+kolva
+härte
+all-blue
+scitex
+wolman
+ivillage
+unreactive
+agosti
+forsett
+2.2-billion
+bleu
+zuiverloon
+bressan
+chisolm
+ceinture
+kagari
+kadima
+72.72
+pro-wrestling
+kurlovich
+gustov
+chung-hee
+11.00
+celesta
+ruotsalainen
+102.08
+oysterman
+tractarian
+biomes
+collingwood
+chantelle
+dehsh
+janaka
+paralimni
+borys
+riemannian
+mozarabic
+behari
+500-1
+competion
+29.23
+benmosche
+poyet
+righteousness
+k977-1
+milstead
+vizzavi
+meyerland
+dmn
+pata
+howmet
+zy
+lazarovici
+foundresses
+moqaddam
+pucin
+b.s.
+19,167
+kompong
+karrin
+baatar
+31.74
+yasutani
+shapps
+maramag
+sfl
+liggins
+petrou
+6.82
+addington
+asymptotics
+croix-rousse
+hemlock
+l'amérique
+incompetence
+200-inch
+khanom
+carys
+essence
+kordan
+komazawa
+paino
+koháry
+n'dre
+istrabadi
+chhath
+23.34
+paonia
+gervin
+countermove
+kunsman
+melyn
+tare
+janiszewski
+butt
+decimal
+mocny
+trzciniec
+baha'i
+postpaid
+sangihe
+heiki
+1924
+rahimov
+berrill
+binali
+hoying
+national-100
+ghanians
+doin
+o-rama
+80km
+timur
+gultekin
+1,900,000
+pre-recorded
+leuliette
+york-pennsylvania
+7,500-member
+fredrikke
+isner
+clan
+narloch
+radiator
+korumburra
+shuggie
+neufville
+244.5
+arugam
+nzse-40
+euro309
+clogging
+soltan
+castrol
+1482
+chirau
+affiliative
+45.96
+kerridge
+lodovic
+steenrod
+ambulyx
+rollercoaster
+auto-makers
+www.orbitz.com
+gondomar
+kabhie
+antoski
+1994
+crewes
+jobe
+20,000-25
+belanglo
+blackstone
+impiety
+covey
+hasselt
+judah
+stomping
+parametrized
+alzey-worms
+lagerstätte
+2000-2001
+xifu
+basinas
+contin
+dostie
+mcquarters
+lordship
+clarki
+99-89
+jinbei
+kunani
+steingraber
+self-confident
+devo
+bassetlaw
+eplf
+sabou
+116.05
+nesodden
+peiding
+carius
+200-plus
+vergakis
+fall-back
+pprd
+zinner
+schwimmer
+romanticizes
+siciliana
+jade
+iafrika
+sherf
+muteness
+ludzik
+edelweiss
+disdainfully
+third-seeded
+moneygall
+mandisi
+8:27
+27-10
+trobe
+hameed
+latuconsina
+128
+12-11
+tenorio
+braus
+primedia
+sahi
+gorbulin
+afzali
+vulliamy
+bathymetric
+linenberg
+nazionale
+devínska
+mombo
+49.49
+koresh
+187,500
+shutesbury
+orthwein
+andonov
+21,000-strong
+millmoor
+pp
+tausen
+multilingual
+glass-enclosed
+sterngold
+tittabawassee
+kainuu
+hanslick
+cisleithanian
+17.27
+aquilla
+tŷ
+kardzhali
+defending
+ponosov
+candlestick
+talmy
+spn
+henceforward
+wegmans
+mansab
+yagoona
+popocatepetl
+110.17
+astete
+okhtyrka
+koszalin
+thespians
+one-million
+integracion
+widowbird
+aisenbergs
+poum
+corbijn
+numberings
+kock
+brioche
+kroy
+6,040
+reauthorizes
+five-act
+compuserve.com
+usim
+cronus
+entomb
+sharrers
+latifiya
+bankard
+l'islet
+nnrti
+evje
+bermeja
+aditi
+wolfie
+macfarlane
+swung
+paliburg
+lagrassa
+aus
+ignores
+arrington
+vallabh
+month-to-month
+qu'une
+monkish
+morphometry
+taming
+haileybury
+11.55
+falconeri
+40m
+hechos
+microinjection
+prine
+h7n3
+100kg
+dormont
+suffocate
+domed
+jambu
+dachen
+cellulases
+quisqueya
+cetto
+airservices
+xscape
+foghorn
+genitals
+struble
+khingan
+firrea
+waza-ari
+laing
+golubac
+olszówka
+armsbearer
+buan
+composting
+đông
+18-11
+ethier
+tonnerre
+lanzinger
+hondurans
+top-four
+guity
+softball
+bronc
+trademe
+motherfuckers
+kittridge
+wifebeater
+anthropomorphized
+13/8
+crotalaria
+nomvete
+usccb
+invierno
+53,600
+toraji
+bombas
+waguih
+harryhausen
+untraveled
+annointed
+biello
+kunichika
+souleymanou
+asakura
+garver
+vetoing
+canada-united
+mottistone
+forcefully
+kamanda
+radu
+non-adjacent
+famak
+schlubby
+2,645
+radar
+bravura
+rosselló
+missi
+vanessa-mae
+jezreel
+icesheet
+phoned
+melur
+machinga
+garryowen
+fasih
+woolgoolga
+cellmates
+338,000
+kostikov
+malen
+saare
+corretjer
+tanase
+q'umarkaj
+myatt
+peduto
+sidebottom
+steriod
+5-acre
+16-18
+jdiazsfchronicle.com
+raas
+amr
+vandereycken
+stoops
+e-type
+kwacha
+bilderberg
+day-time
+pattu
+branquinho
+sim
+619,000
+591
+putzer
+shamrani
+bardolf
+alum
+engenhao
+wangled
+monteilh
+polymetallic
+f/4
+habash
+nwanna
+5-digit
+i-59
+mistreatment
+,195
+chiume
+noynoy
+paroxysms
+deboo
+riikka
+kudat
+hydro-electricity
+tankful
+koffman
+idealab
+izet
+benmoussa
+counter-attack
+fecal
+pawing
+2,200-year
+runcible
+guntars
+goverments
+caisse
+bribir
+junky
+crew-members
+296.3
+9.47
+chassé
+ready-to-drink
+radovan
+dinnertime
+sumitomo
+emsis
+twenty-six
+shikha
+disparaging
+60.14
+ziggo
+resin
+elsik
+slobodan
+distended
+hebraeus
+hangars
+indo-portuguese
+malda
+unimodal
+.492
+galyon
+patey
+calfornia
+phlebotomist
+sidna
+whelen
+nbad
+televsion
+psamtik
+motter
+haberdashers
+12/8
+uninhibited
+bushfire
+dexterous
+formula_108
+sponring
+eaglesmith
+governs
+frères
+outfitter
+eab
+furness
+soundscapes
+kambiz
+unreciprocated
+reformation
+checklist
+euro148
+buenahora
+gries
+baron
+0.568
+pratin
+subornation
+carolin
+shafika
+cardiomyopathy
+responsive
+correctly
+bergler
+25-23
+gioia
+purusha
+zenger
+9:10
+formats
+synovate
+abacha
+smerconish
+three-headed
+gamerscore
+weijing
+shifan
+gothra
+4-36
+maunder
+aghast
+non-archimedean
+odl
+whipsawing
+incheon
+supraclavicular
+diebold
+tocopherols
+respondents
+matthews
+appearances
+spanbauer
+generosa
+square-rigged
+mountrath
+audiotaped
+branchline
+yamadera
+palitoy
+flatlander
+lalita
+larock
+karatchenia
+chandrasekhara
+idp
+islandia
+glasman
+saraceno
+korotyshkin
+shambaugh
+dippel
+darmstadtium
+four-wire
+manju
+marmots
+tennis
+chongkittavorn
+ha'ivri
+49.9
+cylinder
+doggerel
+panthay
+fyllingen
+tiffeny
+moan
+libeling
+docosahexaenoic
+bargain
+death-bed
+musth
+pennings
+slaughter-house
+heartbreaks
+automaton
+contractors
+champlain
+heerlijkheid
+graver
+anarcho-capitalism
+orto
+griles
+nimrin
+corvallis
+underdeveloped
+967,000
+1,159
+ringan
+dyea
+orimolade
+mccandlish
+look-in
+handman
+ettajdid
+kumi
+marmoratus
+athalia
+f-19
+teotihuacán
+natwar
+eupanacra
+txdot
+morphin
+duals
+woodworker
+färjestads
+itoman
+placidity
+2.750
+polovchak
+laugh-in
+foreshocks
+a.m.-9
+multivitamins
+dharris
+scheffers
+15,250
+17-all
+tr100
+neot
+116.45
+third-season
+lycanthropes
+eupator
+hazari
+rickie
+duchaussoy
+quex
+mercedes
+lamar
+hursti
+fitzhenry
+patillas
+taye
+synapses
+coot
+gartin
+questioning
+pcjr
+1984-1986
+addiscombe
+wfp
+blackmail
+naitō
+leatherman
+woodfill
+jastrzębiec
+3.44
+stoica
+colliery
+923
+stevenstone
+be4
+senescent
+muscularity
+lauded
+baiter
+kingway
+adamos
+osney
+ambah
+yanderbiyev
+chicane
+dehumanization
+cackled
+andulo
+blifil
+absurdism
+kadege
+aladdin
+luise
+ordine
+leebove
+asuna
+riyaz
+chionodes
+alaskey
+theorem
+siochana
+revitalized
+50.70
+villechaize
+euro582
+balthasar
+antigha
+interport.net
+10-25
+ludvig
+specialist
+ds
+nickles
+bm-21
+tatham
+bitnet
+n.w.a.
+nmda
+forbidding
+bonaqa
+vdm
+81-member
+plasterers
+borborud-e
+3,403
+irish-bred
+lobstermen
+reoccurred
+in-the-fields
+100.82
+müncheberg
+838
+moland
+dacca
+16-foot
+aodh
+florica
+92-5
+kingdon
+trente
+tropang
+meow
+calques
+commoners
+grooms
+http://www.fda.gov
+shegaon
+sodsri
+desano
+nineteenth
+wallumrød
+emelie
+bookshop
+romblon
+fuerst
+ejaculates
+kstw
+albarran
+shar
+328i
+yā
+callwood
+ericson
+45-4
+sloe
+informix
+emartinez
+panya
+brantly
+simcha
+vyazma
+lambdin
+shoghi
+mccullough
+n2
+stichting
+49-45
+imaginal
+hatchback
+bilson
+bansi
+klaas
+kateb
+epcor
+dura
+nazaire
+mazowsze
+vucelic
+benavente
+89.92
+bashir
+dintenfass
+grolsch
+inocybe
+herter
+karainagar
+26.39
+66.92
+updated
+locoroco
+quelle
+mock-heroic
+leuffer
+sicko
+uag
+secularize
+davachi
+viz.
+spor
+josefin
+encyclicals
+germ
+.683
+decades-long
+japanese-made
+camarilla
+newkirk
+euro288
+schultz
+kimmie
+wtem
+brawls
+paralysed
+internalize
+mirin
+grigol
+maccario
+horman
+remediate
+kastellaun
+pdic
+female-fronted
+1.4235
+ecotones
+tusk
+chichén
+chapin
+blooming
+680-am
+lukou
+vukelic
+samu
+modulus
+mikołajczyk
+narrate
+carow
+ayume
+lifespring
+14.37
+111.14
+satiate
+barquero
+treasons
+clothesline
+ingleton
+abend
+electrodynamic
+seakeeping
+barshim
+agawam
+vinogradov
+cushing
+sustained
+rdf
+ryanglobe.com
+precession
+nky
+chingleput
+49-40
+alako
+90.49
+ruggero
+13-15
+nyakairima
+rodley
+ninety-five
+plascencia
+venturesome
+binnebose
+allowances
+musico
+nopa
+.191
+debut
+e&p
+pankrác
+vigneswaran
+catonsville
+chouki
+nemzet
+1295
+tapei
+mdbo
+letort
+26-14
+plaine
+stander
+zhaoxiang
+kakamega
+braca
+honorverse
+girih
+yati
+freischütz
+atps
+leonidio
+hoke
+lae
+manal
+elfed
+nervous
+,060
+educational
+brada
+borchert
+peleg
+hiv/aids
+paarl
+noncompact
+birthrights
+moroka
+coontz
+hongkong
+algaze
+1.4880
+68.4
+zibqine
+kawai
+pajęczno
+25-footer
+dypsis
+fifteen
+rossell
+itihaad
+zeughaus
+nahalin
+shiplake
+legare
+ilgwu
+halaib
+sekhmet
+surge
+azovmash
+goaltenders
+crosswell
+refn
+stuy
+pugilist
+kul
+tul
+tashiyev
+euro163
+100percent
+ayatollah
+samoa
+khaila
+stoecklin
+maingain
+glancy
+cheruvu
+nyota
+betweens
+11.0
+2,001
+epruc
+heidler
+redskin
+thingies
+profusion
+varmus
+phonographic
+a&w
+corfe
+mười
+mamprusi
+messalina
+carrollton
+toughens
+arnst
+unrounded
+ghibellines
+höfe
+1,941
+rhymin
+mechanize
+moorei
+preoptic
+3,359
+bulling
+rense
+victorian
+koffice
+ledgard
+rutland
+dabolim
+posited
+hlinka
+ratp
+stoat
+marciniak
+wcap
+salacia
+groundsman
+unverifiable
+suncom
+accordion
+kharchenko
+eliran
+ellington
+segrave
+aiea
+almog
+undercut
+caboose
+viareggio
+celal
+ps2
+750-milliliter
+piercefield
+pufang
+120.38
+abudu
+kinetix
+doerr
+supercentenarians
+telehealth
+strenger
+meranti
+choquet
+edsel
+hasta
+sherborn
+mincy
+disowns
+sulphurous
+ajil
+isosorbide
+culper
+shilov
+scholar-athlete
+854
+counter-terrorist
+minmetals
+feigns
+65.06
+kress
+yifan
+(416)
+trofense
+gonatas
+kohls
+chelsi
+bedey
+7.30
+almutawakel
+dioses
+307-4100
+unlawful
+macbean
+driftin
+admins
+http://www.icann.org
+yanjing
+http://www.usgs.gov
+marie-louise
+sovereigns
+rockmount
+samsø
+flemyng
+canadas
+dadamssptimes.com
+kanhai
+sémillante
+pospisil
+railguns
+petanque
+oft-quoted
+arzika
+47.37
+rewe
+implementors
+galoob
+sunncomm
+1,343
+latona
+massdevelopment
+lovas
+transportations
+rheumatologist
+syafei
+crk
+britcar
+nẵng
+rootedness
+microsites
+hypersea
+kemtuz
+shaune
+1996-2010
+noaman
+barcode
+maly
+employer-employee
+tridiagonal
+vélez
+self-consciousness
+ashmun
+chillingham
+parknshop
+payphones
+chmerkovskiy
+tuffin
+kgb
+morrisonville
+historica
+wixom
+knifelike
+swamy
+wilken
+thoenes
+bursae
+salote
+wyo.
+yatsushiro
+moneypenny
+pacific
+bioengineer
+gillott
+unsurpassed
+maharashtrians
+quickening
+mln
+phase-out
+reenlistment
+burnet
+nicotiana
+metrobuses
+ōshū
+jalandoni
+chekists
+kalmykov
+obuchi
+brdm-2
+ufe
+prüfer
+sadoski
+zahid
+gadget
+rendezvoused
+széchényi
+jackscrews
+chiyotenzan
+1.315
+atoka
+posthumous
+automobili
+fashionable
+a-class
+colgate-palmolive
+vidaurreta
+bogollagama
+afterglow
+jacobins
+enormous
+caucusgoers
+http://www.cpuc.ca.gov
+euro303
+continuator
+1.218
+abbawi
+swelters
+mocho
+cioni
+nargiso
+gratz
+kellar
+92.20
+kilbarchan
+chenopodiaceae
+viscount
+arizona
+hga
+yuanzhang
+wujun
+reorganization
+amantis
+monsoon-influenced
+minelayers
+vanoni
+mistyped
+kf6
+lorosae
+psat
+chares
+lsn
+barab
+,990
+calahorra
+119.98
+grimal
+herzlich
+cornershop
+tuncer
+oeridian
+lalr
+stovall
+portschach
+wwl
+szekszárd
+equateur
+postcranial
+polyurethane
+duẩn
+berov
+marasmus
+thomae
+am-1150
+parre
+mellers
+lrc
+kouhei
+synthelabo
+yizhar
+aglossa
+longacre
+arifa
+flitted
+yabe
+kuhs
+pictet
+rehearsed
+docks
+12-ounce
+cappel
+ruas
+ten-game
+unpatented
+gurteen
+horschel
+laboured
+jinghui
+karachkina
+dique
+legolas
+3,043
+centerline
+broadstairs
+k'awiil
+radios
+arundo
+geriatric
+evey
+kiryakov
+eyot
+ravenpaw
+tino
+p-90
+atte
+nellyville
+katey
+takashimaya
+aacr
+nem
+manawan
+nonbanks
+darting
+trabaja
+havill
+shepheard
+enzhu
+heroquest
+sportwagon
+colas
+ingenuity
+bourses
+mikhael
+4,000-foot
+happonen
+philopator
+81-65
+mccullum
+sailboard
+canted
+earnshaw
+fessio
+prothorax
+reimported
+commisso
+preces
+triquint
+wgc-accenture
+glottalized
+gotye
+delicacies
+smhi
+misguiding
+bassham
+h.i.s.
+vib
+nemc
+gloated
+broinowski
+sainte-marie
+charco
+arty
+xianling
+implored
+jethro
+motorbus
+squally
+guajardo
+negash
+raahe
+yia
+kolonaki
+toàn
+u.s.-orchestrated
+eei
+muramasa
+formula_53
+ceta
+vilhelmina
+sunchon
+4,500-strong
+gravelbourg
+38.80
+weitzel
+thylakoids
+grigorovich
+hdepot
+erzulie
+60.04
+identical
+saliou
+wahdan
+stribling
+snowing
+sangki
+wreford
+ismb
+lavicka
+najjar
+basidia
+birgen
+clangorous
+troublesome
+coria
+spoked
+unimpressive
+prettily
+coonelly
+khaddam
+300,000-plus
+landvetter
+a_1
+ehl
+despicable
+moudud
+hollyford
+iftikar
+stainless
+bales
+pratim
+gilmore
+wetzikon
+glassman
+yashiro
+hah
+destri
+pfarrkirche
+shandling
+buckner
+simentov
+khatif
+79-68
+yohji
+cfz
+3-4-1
+fayetteville
+sloths
+sahlins
+snacks
+jneco
+aleijadinho
+nesin
+uckun
+saskatoon
+nka
+1,060
+lodro
+fusses
+,960
+sieze
+259,000
+signs
+garda
+dermatological
+tams
+globin
+1702
+amerasinghe
+2000gmt
+hci
+98.62
+portada
+46.64
+refinement
+udre
+600-square
+drawno
+brisebois
+k90
+cledus
+acamprosate
+insubstantial
+brynhildr
+camanachd
+verduzco
+toying
+scandalizing
+büyük
+vinnytsia
+carted
+ethniki
+impregnates
+bramdean
+xbmc
+easy-to-understand
+468-7866
+ugni
+acetates
+67,800
+fsia
+infantryman
+lesion
+invidious
+slipped
+uhud
+nucleo
+pistolero
+operated
+arshtat
+pre-islamic
+yershov
+stencilled
+guianensis
+setalvad
+jauss
+simara
+fractures
+93.9
+90-page
+grishchenko
+weber
+simeulue
+173.2
+autoantibodies
+blancaflor
+hyun
+savana
+inflexibly
+corporation
+stoned
+tiruchelvam
+dicuss
+rozhen
+templer
+roper
+metalwork
+ids
+brontë
+eisold
+ngwane
+40-some
+tescoma
+71.57
+lhalu
+amorality
+36-degree
+52.91
+dangereuses
+figa
+walkaround
+münter
+dejar
+lotta
+34.30
+o-pee-chee
+secularizing
+didymus
+jaw
+huda
+226.8
+astilleros
+verão
+bugarin
+mcclair
+maryville
+trailblazer
+t-80u
+strautmanis
+knmi
+gehn
+98-86
+anchored
+nalgonda
+gromyko
+konde
+orah
+waisea
+98.79
+hamdoon
+nygatan
+recinos
+bloop
+o.tel.o
+pra
+tepito
+euro449
+gusen
+guelphs
+kookiness
+acey
+efimenko
+non-science
+donny
+blanes
+postcode
+muggles
+gebremeskel
+kobsak
+904
+3.6727
+accentors
+wtvg
+c0
+shmahn
+nazionali
+2-16
+lomnica
+scale
+wakatipu
+al-husseini
+slobber
+simm
+seastrand
+abete
+mdantsane
+setiadi
+7.5-million
+handanovic
+tuoba
+akande
+gol-e
+gid
+disney/pixar
+urbanites
+pillco
+boorem
+ostróda
+millhone
+exhilarating
+roccaforte
+kessen
+clie
+gercke
+système
+c.p.e.
+gharb-chrarda-béni
+superstars
+patinoire
+300-megahertz
+bigbie
+ecclesiasticus
+graine
+moonshot
+three-times
+deflationary
+elisaveta
+slings
+perama
+gordimer
+perigee
+13,150
+ungdom
+10th
+portnoy
+full-height
+saadiyat
+125cc
+moorestown
+segond
+alik
+westwall
+hulke
+daragh
+dodging
+begotten
+stemnitsa
+condensers
+winegrowing
+villamayor
+five-cent
+nantua
+hendryx
+4th-5th
+28,000
+implore
+stampers
+yonhap
+smaalenenes
+glossing
+franchises
+labels
+olier
+eco-friendly
+interject
+scenery
+al-ain
+u2019ve
+tud
+fisher
+korine
+udayaditya
+paquiot
+sohlberg
+polymathic
+mcpeek
+elec.
+haythornthwaite
+kobzars
+mizrachi
+www.nasa.gov
+kalwaria
+quirky
+macross
+danzhou
+rössler
+angley
+elrod
+etown
+integrals
+kwasniewski
+derbi
+zill
+pipp
+communal
+etsy
+shultz
+mandalay
+595
+geng
+meliks
+evah
+wallsten
+adamów
+lamond
+najafgarh
+izak
+braman
+rejuvenate
+rostaing
+midengine
+qantas
+ceilings
+hkgcc
+1,300-square
+granatstein
+tujunga
+même
+barada
+streymoy
+rusalka
+panwar
+villere
+al-qais
+mullainathan
+fogelberg
+amat
+natzweiler
+1961
+t-50
+5.5-percent
+hulsey
+shigeto
+112.55
+96.21
+irenaeus
+tu-95ms
+1,614
+eurofighter
+senica
+chernin
+capesize
+urethane
+mitrović
+heggen
+headdresses
+law-making
+vogelweide
+darksiders
+dog-leg
+3e3e3
+f-89
+soleil
+understatement
+ryuta
+stradling
+adiwijoyo
+frady
+matzos
+shell-like
+30.17
+melli
+vest-agder
+machain
+mowaffak
+oprescu
+lefsetz
+zorc
+piane
+fiorito
+875
+14-8
+medical/surgical
+bosschaert
+trun
+sawar
+lambchop
+wodeyar
+8.48
+274.8
+kosygin
+silvassa
+ff
+sabzwari
+opara
+diotima
+baudoin
+drongos
+khoda
+jajuga
+2,673
+vastar
+repilado
+sinaloa
+sabbat
+garbus
+bailyn
+k-ci
+sancha
+homerless
+nave
+deu
+lepas
+nuhn
+reconfirming
+a321s
+usdan
+dreghorn
+ladybug
+ozzie
+ciudadanos
+pétursson
+constituting
+chennakesava
+ec-130
+modernise
+mudumalai
+sairam
+lunatics
+mesopotamia
+claybrook
+30-team
+6pr
+altus
+afrikaanse
+applecross
+12,000-15
+ф
+assadullah
+crocker
+lamanna
+nationsbank
+gardening@nytimes.com
+76.86
+complexification
+houseware
+eastend
+kehr
+kindle
+wujie
+sissako
+boogie-woogie
+marqués
+bryntsalov
+heming
+voicing
+observational
+brouthers
+twice-born
+bisceglia
+rainwear
+hrant
+yunior
+ruysdael
+weng-chiang
+silkstone
+animetal
+veeder
+avatars
+xilinx
+biovail
+cibolo
+formlessness
+lurie
+hoist
+rousseff
+g-1
+936-point
+stand-down
+neubuerger
+hendry
+alluvium
+yakhyaev
+azeotropic
+shakespeareans
+supercar
+x86-64
+mutfund
+depolarized
+d'aviation
+counter
+esslin
+aforementioned
+22,400
+foxsports.com
+romeos
+riana
+dulux
+uranium-233
+mother-tongue
+appellees
+mikele
+stampeding
+markarian
+soulsby
+nit
+el2
+chessboard
+bückeburg
+brochure
+bufford
+radiotelephone
+wisecracking
+3-42
+gibba
+electroreception
+nightclothes
+alesso
+bottomland
+slavophiles
+laslett
+wails
+swar
+rossotti
+paradigm
+rjm
+hageman
+drawing
+thanked
+nagging
+kickflip
+pongau
+shakardara
+menzah
+galan
+mbeya
+querol
+marselisborg
+uen
+razini
+gurdon
+marionette
+tinges
+hhsaa
+neeraj
+apichart
+yojana
+cheryle
+ostertag
+sutra
+wearable
+midgard
+8,463
+near
+cashen
+chalais
+maniche
+1488
+oldsters
+hymnbooks
+57.98
+pfos
+moneygram
+l'audiovisuel
+pre-meiji
+scarsdale
+madras
+niijima
+kothari
+78.09
+ajibade
+handicapped
+bootstrapped
+kishwar
+sarun
+harmlessly
+ensino
+agdash
+collecchio
+dendreon
+jlw
+semester-long
+morice
+tarisa
+serle
+20-club
+hofbräuhaus
+recoding
+ascetics
+parody
+yaqoob
+edinboro
+gober
+wirgman
+98.43
+pre-1994
+stasi
+4004
+dallow
+osteomalacia
+baaz
+ngày
+zarnecki
+d.litt
+businessweek
+enamorada
+pomc
+sandby
+single-letter
+mahatmas
+minle
+left-side
+temporally
+shlomi
+jumps
+mecklenburg-western
+42-20
+mid-twentieth
+short-faced
+sidh
+111-108
+consulting
+tahoua
+mspca
+willner
+cocaign
+foncia
+adls
+ncep
+ikon
+akhand
+kittinger
+devises
+lyes
+longliners
+upendra
+2,753
+sparre
+1963-69
+usmc
+diefenbach
+collateralised
+woking
+bettine
+fanciest
+sensuousness
+isoprenoid
+gods
+arbëreshë
+hashana
+moshammer
+hubs
+10.2-billion
+lizard-like
+cardstock
+5-of-15
+nendaz
+meridional
+97.8
+logunov
+spookier
+cavanilles
+sylvanus
+shatabdi
+366,000
+tissamaharama
+spigot
+yilma
+stroup
+piciformes
+recombined
+doxology
+minchev
+al-jazari
+jarrad
+1731
+bojorquez
+steffens
+ου
+nosta
+mcfedries
+tunis
+disposability
+8tv
+ninomaru
+burgio
+yota
+cranbourne
+flavours
+octavio
+keeper
+mtct
+clabo
+mascherino
+agronsky
+kracker
+mystique
+angkor
+credenza
+gruenberg
+retarders
+35c
+sino-japanese
+reconfigurable
+eneko
+pzn
+better-off
+elementary/middle
+homelike
+zimmer
+381
+imanishi
+inerting
+cognisance
+single-car
+solidaire
+fonde
+waysh
+68.94
+298.9
+catanha
+activase
+deossie
+andor
+pyrgulina
+sarsenbaiuly
+3:25
+spanglish
+.11
+bodos
+janjic
+dulbecco
+mcshain
+tộ
+berasategui
+midpoint
+five-speed
+reaganomics
+haute-marne
+110.20
+4,312
+glidden
+rickmansworth
+robos
+paicv
+opie
+sunzha
+arto
+alah
+clx
+liekoski
+applauds
+ind.
+baguley
+rummages
+rockpile
+dorman
+tottering
+dodea
+nme
+luoding
+telecinco
+04/ger
+117.26
+viduka
+39.31
+buscemi
+sanguinetti
+korch
+kedia
+lafraie
+montoyo
+zunes
+hypnotists
+ponary
+rustenburg
+jinjie
+54,100
+bloodsport
+concurrent
+lamme
+observability
+wheelsets
+jarden
+chickadee
+владимир
+anatole
+mistiming
+spinose
+balmerino
+u.s.-owned
+nswru
+sybert
+sman
+fierberg
+matatus
+β
+goddesses
+68.30
+emachines
+signorini
+substantiates
+wanes
+kreisstadt
+sparql
+gallstones
+kuzak
+bacchus
+2,768
+azuero
+electrons
+thys
+daves
+wiwaxia
+telaprevir
+ibusa
+6-of-12
+ratha
+microbial
+60,000-seat
+bricolage
+llys
+caterino
+tabulator
+kipsigis
+gwas
+witching
+jewishness
+ballfield
+68.41
+xlr
+buaas
+gerrans
+yeol
+forker
+leisha
+anse
+heterochromatin
+adri
+servicewomen
+massed
+salaskar
+24.65
+damazin
+weapon
+triveni
+all-talking
+krumholz
+nelp
+muriithi
+galerina
+bayingolin
+-48
+trashing
+pendent
+swartzwelder
+balaena
+101.34
+3,325
+co-adjutor
+caida
+slimed
+partypoker.com
+pokal
+rampone
+terrebonne
+mien
+duk
+calabi-yau
+frenilla
+postdocs
+discriminator
+aprc
+astorino
+western-central
+dennard
+gowrie
+waxwork
+shintō
+campano
+opportunitiestampa
+cadaver
+provokes
+bouchra
+paghman
+48-35
+muazzam
+akkaraipattu
+dartfish
+dovetail
+ember
+’s
+engravings
+tetracyclines
+mfantsipim
+woodroffe
+9.85
+orli
+trypanosome
+mid-may
+1,200-mile
+42-game
+nlb
+gentleness
+jugnu
+silvaneh
+linwood
+interpersonal
+clinchfield
+tavist
+haeckel
+roseanne
+advocation
+furthers
+servals
+hatsuhisa
+aen
+finigan
+abid
+tymon
+393
+noldor
+rijckaert
+79.07
+jobber
+cavil
+three-year-old
+prsa
+dyett
+kly
+inisted
+podravina
+axminster
+gymnast
+i-am
+adebowale
+skoal
+dobrich
+multiplied
+lawhon
+burri
+sampoorna
+muhlemann
+buddy
+grivas
+espindola
+wantong
+reihana
+outbid
+trans-european
+kodaly
+104.68
+salter
+moudjahid
+pimicikamak
+bluffer
+saikal
+dvd-audio
+sore
+50-years
+viscacha
+evening
+gyrating
+ikeuchi
+abbeyleix
+co32
+carrano
+23.96
+tohoshinki
+denktaş
+gandharam
+voulkos
+hilu
+mérens
+matveeva
+retake
+pavia
+arkansas-pine
+bizness
+kosmont
+nonjury
+932,000
+slippery
+injurious
+slyness
+slater
+remaindered
+wangdu
+676
+ngongi
+sassen
+vergy
+ravelston
+azua
+bogacheva
+howelsen
+francescoli
+messrs.
+hapsburgs
+3lb
+revise
+sink
+galilee
+juhu
+conkers
+neuromodulation
+3,754
+vangie
+kafkas
+dxa
+frontal
+milles
+verginius
+kift
+ziegenhain
+37.22
+souse
+7:36
+kefaloyiannis
+metaphor
+jefferis
+kufa
+gens
+overlake
+operation
+haussman
+okada
+casilda
+wester
+post-deployment
+rm36
+reductionist
+waldviertel
+meksi
+gurusinha
+chō
+profs
+mundra
+leçons
+frers
+beli
+news/
+pakarinen
+chacón
+feasa
+schoenborn
+depreciate
+mge
+calvé
+171-point
+myroslava
+129.98
+jaar
+awareness
+sociopathic
+tipnis
+pronouncedly
+shompen
+dinked
+10.70
+kelsen
+bigmouth
+loserville
+brachial
+imjin
+rahimah
+jalrez
+phoradendron
+undresses
+beta
+yong-hwa
+522
+boiceville
+0.8
+jean-francois
+368th
+serengeti
+triennially
+békés
+devaud
+harrower
+founds
+oostburg
+fiddling
+all-cause
+38.20
+tabern
+fierceness
+mcelhone
+40.44
+evagoras
+badat
+casadei
+waitz
+.488
+marfin
+hd-3
+kazakhmys
+polabian
+immature
+rosencrans
+d'art
+d.c.
+oleo
+ingesson
+iulian
+www.pcworld.com
+joelson
+secondigliano
+3rd-4th
+yongning
+brunhoff
+bruix
+ablest
+ogg
+anky
+lumpy
+techsters
+edx
+1942-1944
+yaphe
+leigh-mallory
+rashtrakuta
+baxian
+invertebrates
+7.29
+vittoria
+escaflowne
+idus
+bsn
+csio
+giacomini
+ddg-51
+127.05
+gularis
+usman
+irsa
+orakzai
+rohp
+aegithalidae
+9:51
+debernardi
+parameswaran
+areena
+meile
+masamune
+k&k
+cyclingnews.com
+coiled-coil
+pantographs
+tureaud
+735
+appliquée
+fifth-placed
+jujitsu
+openssl
+kasaya
+playland
+mangalam
+rongcheng
+penate
+vandewater
+undesirable
+intuits
+zannino
+hotting
+bavel
+yanking
+musabah
+jerry
+antiviral
+19:50
+dest
+whdh
+salunke
+non-numerical
+durocher
+woulda
+pilgrims
+518.5
+46.62
+twenty-one
+sumwalt
+oranje-nassau
+sustains
+pudieran
+arieff
+milanovac
+decoding
+anti-evolution
+sarant
+engaged
+a-9
+pgi
+95-92
+dadey
+nirman
+multi-user
+egli
+ieds
+novelisations
+otonabee
+critically
+3,178
+caverns
+employees
+oboro
+donora
+wistron
+5,435
+edson
+viscid
+75.53
+sankalia
+drugie
+tabarre
+nyg
+crossfires
+beddu
+fama
+1,974
+michipicoten
+reassigns
+theagenes
+falstaffian
+corexit
+secretary-general
+there
+dufresne
+etzioni
+escorted
+southesk
+boco
+ecd
+souster
+1-acre
+raffle
+handouts
+luzzatto
+médée
+pierotti
+osteopaths
+tharsis
+87.55
+re-join
+vigorously
+rona
+danmark
+löffler
+171.7
+226-3403
+funkenstein
+bayumi
+kotla
+pirogues
+formula_73
+darabi
+p20
+ugglas
+equity
+1859-60
+dessau
+sidestepped
+glière
+scantly
+ateke
+el-medina
+basco
+thumri
+paestum
+lisl
+shali
+evaders
+holley
+viva
+bfp
+vicariates
+steacy
+fröhlinger
+ecuadorean
+gafur
+passarelli
+pietrewicz
+sleepwalkers
+macedonski
+balasingham
+ojukwu
+rezaq
+epimenides
+savski
+sorbs
+ljubijankic
+khandker
+marxer
+orender
+sellout
+lidded
+arene
+steelton
+zoran
+albani
+seamounts
+valpolicella
+chauffer
+91.50
+braggin
+schlieben
+officiel
+negated
+kuhnen
+boivin
+teuvo
+altra
+bistriţa
+ribonucleotides
+váh
+naringenin
+virna
+felax
+meebo
+proprietary
+myhill
+barberino
+brats
+gruppo
+2008-10
+wadjet
+yvetot
+caroline
+tabasco
+overpainted
+styer
+landow
+steinborn
+francorum
+rakai
+coppolino
+abdala
+tingly
+pocketwatch
+grushecky
+1966-1970
+19,350
+sharaf
+shachar
+mft
+neyyar
+prediction
+7,300
+mazzone
+holtby
+franciszek
+corral
+kredietbank
+vera
+zipcar
+chunghua
+74.52
+taranath
+61,700
+zagnańsk
+peruanas
+hnl
+athis
+casteu
+carlaw
+rosmarie
+conagra
+prejudging
+ossama
+believability
+abgar
+foaly
+colias
+dolch
+fante
+thrasyllus
+scampered
+berchtold
+bourdain
+pulborough
+tegument
+wegelin
+nassif
+haeni
+z34
+eudendrium
+okeke
+mariyam
+lgbti
+f.f.
+barra
+patrocinio
+soskin
+salmonids
+delyn
+puedes
+milicja
+arcelormittal
+17a
+satari
+1,127
+irving
+rafet
+eubanksia
+platov
+bulaga
+cardi
+sébastian
+251.0
+adidas
+trichardt
+klub
+gustavian
+waterville
+rudai
+wessels
+mckenny
+mattock
+mule-drawn
+mobisodes
+behçet
+0001gmt
+jama'at
+zoombinis
+trillium
+marion
+pithart
+vermillion
+caes
+vl
+8:32
+kinka
+halbritter
+cross-link
+hansack
+blogs
+232.1
+seatmates
+undeciphered
+lodged
+dehydratase
+pfam
+expansiveness
+unibond
+vagrant
+yahiya
+plusnet
+misanthrope
+yotel
+armée
+matchlocks
+stord
+tague
+chinamasa
+kunashiri
+over-50s
+ochoco
+ingrian
+brakemen
+estream
+bupton
+pediculosis
+misappropriate
+monumentos
+autograph
+sextans
+jehr
+haarp
+steinhausen
+rendition
+guadalupe
+snippets
+unattested
+14-28
+auv
+47-32
+peveril
+cupellation
+trinitas
+consorting
+specifier
+fcf
+11-of-18
+dictating
+haruf
+daily
+juwan
+pro-secession
+imbali
+folles
+dolittle
+bph
+windowpanes
+veendam
+ferit
+shakerley
+kalitzakis
+geelvinck
+bechly
+belvedere
+983
+toups
+sächsischen
+high-water
+miking
+jeux
+curettage
+sacko
+www.senate.gov
+makabayang
+lcopelin
+argon
+herzogenaurach
+julabbi
+etherington
+alston
+ridgway
+gladiador
+pankaj
+cadd
+azubuike
+taotie
+mertz
+gless
+pyahng
+7.41
+ratomir
+tsuneishi
+president/ceo
+object-relational
+onesti
+hogsheads
+soldin
+yavuz
+chilpancingo
+samsa
+kits
+robinia
+loyang
+pirinski
+siteswap
+jeen
+barka
+nassiriyah
+cevert
+http://www.nrdc.org
+6.1875
+trafford
+oberle
+soen
+1,074
+fictionalized
+preferreds
+athabasca
+belinelli
+kmet
+stoney
+wolfsthal
+punk/hardcore
+tekno
+500-mhz
+goggle
+50-38
+ildikó
+tammi
+alonto
+yehud
+csat
+suffused
+poodle
+tekmeh
+quaresma
+1,398
+hoopeston
+kobayashi
+heft
+provid
+ariane-5
+spot-billed
+making
+comedy-variety
+corddry
+lentini
+augustów
+grose
+6:46
+chaumette
+hydroquinone
+phlogopite
+benzene
+inter-provincial
+avalanche
+blackwells
+oneko
+unpopulated
+lalive
+unbaptised
+acuerdos
+beiqi
+86.86
+colori
+telocity
+63.95
+cumaean
+jozo
+groulx
+xiping
+leider
+macer
+karakum
+naters
+detnews.com
+mrls
+diagrams
+grotesque
+vibes
+neset
+friesian
+tuberculin
+healthbeat
+crematoriums
+balen
+cash
+a-state
+morant
+natha
+coaling
+kightly
+blindly
+karawanks
+marias
+ama
+moku
+much-hyped
+377
+fulco
+munier
+fraticelli
+ferrandino
+coincidence
+barfleur
+3.380
+rz
+syncopators
+morum
+shawa
+1.4966
+estudia
+rathmell
+navaratna
+sidestepping
+74.36
+eurocentrism
+76.24
+rainforests
+deoxyribose
+aslauga
+594,000
+transmetalation
+1431
+konka
+canyons
+aurora
+parasitoids
+expediters
+u.n.-established
+2219
+wijekoon
+royse
+pezet
+seadragon
+propelled
+taint
+paduan
+raekwon
+kunwar
+underlined
+bassanio
+clockmaking
+garretts
+sunbus
+mukherji
+pouilly
+ashima
+kedrov
+fargo
+echocardiography
+dolphins
+54.86
+tenrecs
+seewald
+puffballs
+baraki
+mcclymonds
+cappuccio
+20,938
+damurphy
+vouga
+artex
+multiprocessing
+seaming
+202-383-7824
+3,668
+cida
+sluggo
+sampallo
+gattilusio
+sar101
+vimalamitra
+hacks
+sarsen
+akinlaja
+clayden
+fagioli
+shunichiro
+sfbc
+piṭaka
+1981-89
+kanmon
+naela
+small-molecule
+bellême
+emissivity
+dressing
+2,046
+crawford
+babo
+firmwares
+revd
+spoofs
+yome
+aragorn
+stradivari
+pahlawan
+minusinsk
+juda
+songhuajiang
+stamina
+acolytes
+wildboyz
+ross-on-wye
+biomimetic
+popularisation
+68.76
+87.16
+sakiri
+cmpa
+56.57
+25-7
+himmler
+j.burton
+meike
+137.75
+pleasance
+serapio
+megaworld
+coulouris
+pulldown
+priam
+still-life
+103.50
+vitorino
+geuzen
+dories
+likens
+clelandrs@washpost.com
+bölkow
+unserviceable
+unilingually
+orange-colored
+75.84
+2004-05
+domžale
+kieschnick
+cannonball
+corpo
+60-year-old
+atse
+made-up
+redfern
+eboué
+puligny
+893-8242
+epu
+anfac
+cohesive
+juro
+kunzig
+82-day
+anthers
+birdseed
+yale-new
+sont
+morial
+moodysson
+kaestner
+shirgah
+reckon
+jvejnoska
+basking
+toussaint
+holthaus
+pud
+113.8
+fiedler
+haslemere
+biofilm
+ifalpa
+oberländer
+linsey
+higashiyama
+addie
+3,980
+mass
+francaise
+holsteins
+solaiman
+2216
+piscatorial
+5.27
+savchenko
+exaggerated
+lansbury
+beriev
+azurite
+nightbird
+fuegos
+consignors
+sroka
+dermatologist
+schleifstein
+libuše
+allopurinol
+shortest-serving
+46-percent
+mokodongan
+94.56
+eataly
+70mm
+yorkhill
+unclouded
+mannock
+.92
+nhl.com
+delarosa
+giustino
+dmt
+jests
+icea
+41-34
+wittmer
+powassan
+.467
+grasshoppers
+11-strong
+lmc
+lelei
+transmembrane
+arakaki
+mieke
+43.82
+8:49
+dymchurch
+1-28
+basico
+280.7
+inaudibly
+internacionales
+galliani
+tangelo
+biosignatures
+budig
+shamis
+ximing
+catwalks
+dubrovka
+klif
+collamore
+wesbecker
+glücksburg
+danchenko
+sence
+travon
+beantown
+parishioners
+bxf6
+explanation
+numic
+retrogressive
+485th
+duffell
+paraburdoo
+rotax
+desea
+toomas
+600,000-member
+blanda
+preening
++3
+mirkazemi
+prien
+lianga
+ship
+31.89
+mamin
+rhegium
+n.b.
+19:20
+rhythmicity
+curly
+rectum
+bogarde
+adventureland
+biasing
+particulars
+4.85
+hsiu
+enyimba
+1.3910
+oig
+sofres
+sirventes
+rustemi
+ff1
+23.47
+ccaf
+yazeed
+kennewick
+lyonnais
+bakharz
+mohali
+superintendents
+kanzler
+tuckerton
+team-high
+pepperrell
+glénat
+lukan
+warmers
+catalyses
+1.125
+969,000
+finnis
+eurodollar
+watchin
+manage
+immunological
+2,000-strong
+schwaiger
+verbania
+glisan
+i.k.
+11:15
+34c
+verheiden
+senado
+cnvs
+xiaoxia
+camporeale
+1,964
+sollozzo
+ministerios
+559th
+c3b
+harrowing
+heswall
+glenullin
+panelists
+colen
+tarrance
+radulan
+sapkota
+langella
+three-class
+presleys
+verlegh
+hce
+damson
+hedgpeth
+leonides
+http://www.usccb.org/
+potsie
+28.90
+pipestem
+chattergoon
+nneka
+wuertz
+gnassingbé
+finals
+markoff
+99.95
+amphitryon
+ionizes
+fondles
+haggag
+topf
+brokenshire
+fredrikshald
+virion
+pur?e
+adenia
+peat
+packard
+ordinary
+aleks
+bisimwa
+sofyan
+skúli
+tense
+scuffle
+colha
+herdbook
+34.63
+theosophical
+physiologic
+karwendel
+joukowsky
+flavivirus
+limato
+clover
+uncongested
+btt
+berge
+mikew
+greenbury
+abseiling
+loizeau
+périgueux
+semiarid
+concise
+backs
+ruzhiner
+botkins
+seacrest
+streptavidin
+attempted
+delobel
+shcherbinsky
+ojibwe
+dual-layer
+runo
+panagora
+snaking
+hilschenz
+elasto
+emw
+mabira
+purposed
+catriona
+zinoviev
+takasago
+blarkin
+kópavogur
+church-related
+73.02
+siriraj
+mageuzi
+eurotel
+t-43a
+org
+update3
+self-explanatory
+turriff
+tr3
+eorsi
+galaxie
+re-introducing
+chattels
+scaring
+volkhovsky
+flensburg
+fireplug
+nrfl
+wendover
+kallingal
+tofa
+brooker
+obliterated
+humanlike
+kechiche
+foamy
+bonaire
+renqing
+udn
+halldor
+macedonian
+overfed
+latinised
+hàm
+zawichost
+shivkumar
+grader
+potjaman
+irrelevance
+habana
+sarb
+herse
+horqin
+koroki
+tivat
+leithen
+quickenborne
+61.21
+sa-6
+subah
+amuria
+hafia
+eschuett
+santísima
+cryptocarya
+cekander
+bechir
+pyrenees
+aquella
+technologists
+centrex
+belcourt
+telkiyski
+vänern
+inveighed
+brasilian
+60-38
+8.8-magnitude
+petroleo
+chisti
+stoos
+farmable
+lion
+takuan
+valences
+czolgosz
+ugoh
+goodeve
+supai
+muffat
+unarmoured
+lapre
+unready
+5,882
+re
+innervation
+editorialists
+christakis
+anecdote
+trish
+srilanka
+garstang
+cl
+friedemann
+43.8
+quinten
+ruvuma
+aysén
+serum
+nabadwip
+race-related
+chuckles
+shigemura
+saluzzi
+swint
+three-track
+mcgaughey
+dzintra
+fhfa
+halcombe
+haneef
+raun
+stoic
+sinologist
+44.22
+bramer
+manipal
+red-breasted
+jinji
+harleysville
+icefish
+canciones
+apes
+savimbi
+mazola
+emboldening
+imsa
+secede
+ficino
+suffusing
+crosiers
+30-oct
+pubis
+ché
+bracci
+kassa
+chagaev
+itil
+gorshkova
+rane
+pesqueira
+japanese-built
+under-16
+baojia
+ceallaigh
+biwako
+tiple
+willesden
+kunihiro
+pilothouse
+middendorp
+1959
+bolyai
+swellings
+arousals
+chernogorneft
+ringland
+jirapaet
+l'europe
+rabner
+dabur
+decisional
+fenwick
+tramped
+trasimene
+upplands
+hilariously
+costellariidae
+recidivist
+gatx
+afplifestyle
+ahlmann
+silbernes
+kyra
+gadol
+george@pbpost.com
+marwari
+krzaklewski
+crossword
+instead
+2.59
+grindrod
+cannavaro
+runup
+khivrenko
+sovetskaya
+sciarra
+egemen
+smaby
+batala
+3,952
+348.6
+gooney
+leuco
+foujita
+comunidad
+fema
+flutey
+letsie
+bns
+ristic
+noether
+basidiomycete
+flyspeck
+wobbler
+gezi
+orantes
+leafleting
+agos
+panmunjon
+gemen
+verhulst
+genus
+unfailingly
+zahovic
+aspersions
+kinkladze
+fordson
+emtricitabine
+aliwal
+multidirectional
+700-kilometre
+itzig
+diegel
+spíritus
+rhame
+falsely
+calcitic
+tarting
+lassila
+lehiya
+174.75
+germanies
+neuraminidase
+tenryu
+1_5
+simutowe
+900-point
+dashain
+fullbright
+mucci
+14:45
+dolling
+langguth
+hard-boiled
+hamidzada
+volleyers
+crazee
+xxxii
+gainer
+tvf
+shaea
+avrakotos
+fncci
+namoi
+meteoritical
+markko
+nsc
+aboveground
+wieliczka
+distinguishable
+anti-armour
+phonecalls
+prod
+jumhouriya
+nally
+.421
+crociere
+shortenings
+cervelo
+brahimi
+lafave
+filipowski
+dago
+pre-code
+fatimeh
+pylades
+derycke
+calbuco
+komitas
+overseers
+quarrels
+80.41
+overriding
+aecom
+sudha
+sachsenring
+24-year-old
+revillame
+allophonic
+anti-gaddafi
+borhan
+rauma
+34.8
+457,000
+sishu
+surekha
+urano
+all-age
+grimald
+nouaille
+shuster
+devarajan
+3-million
+koroleva
+seelen
+66.32
+las
+co-captain
+rassmann
+pronatura
+57.63
+samy
+rosoff
+petko
+barbirolli
+asaduzzaman
+lalpur
+overlaps
+769,000
+pre-emption
+rnas
+rhodan
+sibierski
+charleson
+belu
+mabille
+balmaceda
+prefinished
+cannabis
+kherman@coxnews.com
+full-line
+nandao
+salberg
+nazca
+mazzy
+aestivum
+ludtke
+sooka
+wll
+decedents
+huon
+mouthing
+shovkovskyi
++0.7
+smashingly
+frisee
+rudbar
+marszałek
+azucar
+peds
+pesisir
+19-second
+chapada
+mermoz
+grammatiko
+fabbri
+thermoses
+khaleeq
+fosun
+pasig
+pearlized
+class-based
+wdae
+piccuta
+digges
+dts-hd
+philadelphia-based
+sprang
+sies
+4him
+ambustus
+legaspi
+40-minute
+unconformably
+hunayn
+http://thomas.loc.gov/
+102,000
+9w
+n.irish
+5,000-acre
+haggett
+báthory
+hamadoun
+spurred
+adv29
+36.65
+boundedness
+reinterpreted
+815
+eyharts
+tullius
+mursal
+651
+reichbauer
+theming
+marfan
+crossroads
+solna
+ohga
+missteps
+mid-latitudes
+karat
+amuse
+morfa
+synth-driven
+talk-show
+fricke
+840s
+82.97
+kitamura
+montand
+neopagan
+kc-30
+klaatu
+mid-channel
+strongroom
+iccat
+pieper
+apollo
+lüchow
+90.82
+forthrightly
+audouin
+schreier
+co-exists
+holungen
+redshank
+mogra
+1972/1973
+mcallen
+passenger-miles
+permit
+jammi
+schlieren
+brackettville
+abdusakur
+goshen
+com.the
+undersubscribed
+uncoerced
+sixty-ninth
+spooner
+hidayatullah
+hanuman
+117.82
+matilija
+1976/1977
+zients
+pondweed
+rpa
+prisoner-of-war
+peyrelongue
+eclectically
+swilled
+yacef
+konanykhin
+milllion
+lulua
+leafed
+integrand
+niemöller
+lagravenese
+cheju
+unplowed
+orchha
+cambia
+ibtisam
+receptors
+euro264
+3.19
+telecommute
+tsvetkov
+invention
+alj
+nazran
+2g
+pohorju
+galuh
+115.5
+ebey
+plainview
+macauley
+non-circulating
+royapuram
+quand
+4-for-1
+three-dimensionally
+belding
+lhs
+g/cm
+dried-up
+laryngitis
+kutt
+cupa
+amfm
+chagres
+walckenaer
+mezmerize
+sankey
+liliʻuokalani
+braunau
+charlemont
+alderley
+puckerman
+sestovic
+b5
+13-run
+owiny
+fareast
+94-year
+two-game
+doohan
+bermondsey
+melky
+helix-loop-helix
+arara
+dalian
+fourteener
+litespeed
+neptunian
+zehlendorf
+marmion
+http://www.jpl.nasa.gov
+bill.goodykoontz
+soeoth
+sateh
+wtam
+spitball
+chunar
+lifeless
+tialata
+ascaris
+pakuranga
+6240
+deerslayer
+nagorno
+dahesh
+96.09
+scorekeepers
+rosenman
+nugroho
+kove
+tunde
+badie
+powdering
+everted
+uniaxial
+cognos
+harwick
+arina
+gezira
+huascar
+sohma
+decentralizing
+abdulla
+rm15
+cammarelle
+peitou
+1.307
+orthonormal
+anticlerical
+beiträge
+wimshurst
+seputar
+:57
+levi
+chanter
+computershare
+mins.
+102.5
+moanin
+foster-mother
+dialup
+exhumation
+jasinski
+världen
+68-73
+willesee
+47-minute
+kmh
+normalisation
+omr
+marula
+desplat
+twitchy
+milwaukee-based
+yiyang
+attilio
+sanski
+dentro
+leuba
+reversibility
+obuya
+jbaa
+ecclesiastic
+elevations
+patootie
+enderlin
+weimer
+goodtimes
+tomatina
+scottie
+89-70
+absconded
+prizemoney
+6,470
+grygera
+pierpont
+26.44
+theimer
+nipa
+starachowice
+5-megawatt
+ostrya
+vaisnava
+jubelirer
+lupolianski
+tedy
+annamaria
+gallen-kallela
+villazon
+norteamericanos
+danged
+37-5
+»
+iwaya
+wendouree
+3,624
+depressions
+goodway
+richi
+antisocial
+outerbridge
+plaza
+personae
+frippery
+konoplev
+salauddin
+ojamajo
+devar
+bamut
+95.25
+yoe
+then-director
+4040
+coring
+previsions
+waber
+guanlong
+analgesic
+shibani
+barnston
+smarten
+snoopy
+commited
+icglr
+501s
+molan
+marrah
+jugando
+forage
+smaller
+nováček
+eternally
+loan
+27.77
+sherlockian
+3-92
+beweging
+factories
+145kg
+trío
+golok
+grusin
+gag
+tvrtko
+seekh
+kabwela
+unquenchable
+brackley
+juvencio
+matisyahu
+sixth-generation
+ossia
+mukri
+poignance
+netra
+instinet
+187.5
+balalaika
+topex
+ringberg
+indifferentism
+falealupo
+н
+abdel
+t38
+popery
+snd
+bart
+kharak
+valsesia
+amorsolo
+doyin
+jayden
+absolving
+shawsheen
+aberg
+one-up
+postoperatively
+hamada
+phù
+borsig
+bi-lateral
+towelettes
+freudenthal
+ezzedin
+59-39
+snuka
+clarion-ledger
+atacms
+ua
+vasilev
+a340-300
+browses
+aidy
+apme
+sbf
+cardew
+toughen
+tchibo
+oem
+annville
+fled
+cucurbits
+u-47
+schukin
+popularizing
+bassin
+mundialito
+ra7
+serenade
+lilas
+elwy
+daofu
+kokopo
+782,000
+zushi
+tabarka
+bhayandar
+net.com
+kadee
+matiullah
+dilip
+intercession
+mehsood
+121.16
+tops
+1855
+wyne
+gustines
+ogba
+bockrath
+geologic
+wagged
+vaesen
+wynkyn
+greatorex
+curandera
+mcateer
+hyzdu
+263.3
+pasifika
+http://wid.ap.org
+chafie
+59.0
+hollaender
+euro324
+waluyo
+benq
+20-over
+onion
+17:22
+lmp1
+140.8
+palmu
+chirag
+wxwidgets
+560
+headbangers
+silvetti
+streatham
+enevoldson
+hmmmmm
+cherryfield
+beating
+lavernia
+seccessionist
+puro
+mirinda
+pfefferberg
+ruddington
+agatha
+emdr
+surplice
+comparision
+benesse
+triss
+silane
+sfpc
+schottky
+hubner
+gyuri
+bagarella
+99.48
+sylvaner
+galvanize
+zl
+standoffish
+39,800
+susanthika
+annen
+shuffler
+enta
+16-6
+tasted
+8100
+enck
+vue
+maddened
+wendelstedt
+wildeboer
+ensler
+laage
+puran
+15-18
+allama
+fanzine
+pacesetter
+bowhunting
+285,000
+naqelevuki
+26-page
+zambeze
+pärnu
+tappin
+astiz
+effusions
+balassa
+easycard
+tsawwassen
+mogari
+fendelman
+either
+bollettieri
+koncz
+kenelm
+mva
+3,231
+uke
+nee
+97
+bluffs
+trbovlje
+zlatibor
+alliluyeva
+crevasse
+borromeo
+krosno
+merchandize
+chilliest
+kahinda
+32-billion
+supershow
+simplice
+wittmund
+beliveau
+grachev
+reichstul
+.317
+sarasin
+storms
+hirai
+hlavsa
+carnback
+f430
+breadmaking
+lityuk
+soukup
+rashed
+counteracting
+khorramshahr
+ramayanam
+rosli
+slacks
+non-constant
+hoochie
+beeley
+slurpees
+dettling
+yapped
+gavard
+7:12
+lambeth
+badakhshan
+rav4
+sărata
+foden
+nightflight
+laitinen
+mahalla
+awtrey
+gadflies
+echoic
+albery
+infomation
+professionally
+amato
+nisbet
+lemaistre
+clitocybe
+plant-eating
+hepatocytes
+exenatide
+corvey
+helsley
+hadath
+hongqiao
+374
+motörhead
+duit
+prominently
+engen
+tpp
+piankeshaw
+dataran
+grey-thompson
+livable
+le'an
+akapol
+1878
+81-percent
+german-italian
+heister
+shitō-ryū
+darga
+yizhong
+50.0
+nagayoshi
+gunmakers
+rivand
+rumpled
+baltistan
+sicheia@nytimes.com
+kubicki
+atolls
+epw
+orestis
+scanned
+protagoras
+neeta
+p-15
+8,850
+heimdallr
+bernbach
+medicus
+mc
+rancik
+bleepin
+0550
+hypovolemic
+nuncio
+key
+fearless
+α
+luluk
+eww
+over-age
+cfao
+haslett
+coso
+beales
+ohhh
+cauwelaert
+gos
+urartian
+epidermolysis
+hoa
+wimborne
+ursini
+weidemann
+olympiques
+denvir
+psm
+tester
+multi-episode
+cross-river
+abdulmejid
+hoarse
+veloso
+opelika
+108.90
+263.5
+domineering
+m20
+bormann
+ikechukwu
+felines
+hartel
+riverdogs
+canela
+can-am
+sdd
+fleeces
+tsesarevich
+tabular
+kagaba
+osbern
+legless
+mcdougle
+pentangle
+fuyuki
+284.6
+kintaro
+mihajlov
+cubria
+wako
+pedaled
+sertanejo
+esdraelon
+khudai
+mid-nite
+aqsa
+powszechny
+linaria
+gilleland
+stallybrass
+uef
+liss
+eugeni
+1.6-million
+104.25
+compstat
+theophany
+al-imam
+raghe
+rinses
+ingraham
+pirko
+bakheet
+445-page
+rakowsky
+louvrier
+stranka
+mussaf
+jadriyah
+essaying
+1222
+115.10
+zebco
+todas
+manakin
+pressurising
+lamia
+gudmundur
+7:3
+lakoff
+amitai
+mildura
+filch
+omnilife
+scrunch
+downshifted
+reichardt
+year-and-a-half
+harin
+enqelab
+trinian
+zelnik
+bt50
+88.34
+croly
+thrusting
+stater
+illness
+invariant
+athletically
+fairy-tales
+spiritedness
+wahlkreis
+bandgap
+qmc
+caldervale
+clangor
+overloaded
+bruk
+sinnoh
+vajradhara
+opportunities_detroit
+x-9
+mediabistro.com
+n'djili
+laiyun
+seydlitz
+suprising
+mourlot
+62-49
+struckmann
+cañizares
+freundeskreis
+overmountain
+war-weary
+1971-1976
+mamman
+27,250
+1963-1966
+mronz
+illanes
+pulse
+persephone
+15th-16th
+wel
+jesters
+servicemembers
+cualquier
+natanz
+siembieda
+fleta
+advanced
+torkham
+dongfang
+cortazar
+alyssa
+9.88
+zylstra
+kermit
+incorporeal
+16-megabyte
+bodinger
+iota
+aswin
+siwei
+reacquainting
+rogowo
+21/2-year
+foreskins
+aaco
+oodnadatta
++0.25
+brigittenau
+hocevar
+sipho
+nabavi
+mdk
+possibile
+matteucci
+fras
+phay
+vesty
+8,430
+libreria
+royalists
+43-38
+hagglund
+iolanthe
+agüeybaná
+85.59
+salvatti
+409
+municipally
+milsap
+štip
+shrimps
+gondia
+neneng
+packera
+attempting
+ephebe
+250s
+hedley
+teng
+otherness
+272-member
+121.74
+1.1914
+campany
+dissolution
+re-formation
+mcconnaughey
+sysoev
+rehabilitator
+horseshoe
+denominación
+u.n.-led
+cortland
+31.06
+winton
+30-jan
+funtime
+resist
+breakwaters
+culleton
+delaying
+24.68
+siming
+villela
+akunov
+dexia
+čkd
+pl/sql
+krtíš
+wpi
+dunks
+calli
+lutwyche
+urthboy
+adhunik
+personalizes
+problemas
+hunting
+sankai
+bergland
+sesquiterpenes
+french-belgian
+4,560
+conversationalists
+bakri
+thongloun
+schmerling
+joban
+venant
+elvi
+7-17
+gollust
+96.24
+injects
+56-kilogram
+nema
+gamblers
+a/a
+becherbach
+ecodefense
+refnes
+clutchless
+bedjaoui
+50-footer
+kuniaki
+farlowe
+leeder
+klemencic
+marinova
+martensen
+delmenhorst
+34.91
+jassa
+fter
+trakai
+irrawaddy
+cuito
+kilbourne
+pokphand
+porosity
+hispanic
+winburn
+raasay
+vann
+yake
+shang
+civilities
+thiết
+pittsboro
+minesweepers
+talkathon
+arabiyah
+anx
+menengah
+dracunculiasis
+consulta
+flatscreen
+moureaux
+superjumbo
+culdrose
+vasarely
+centruroides
+ftx
+zerlina
+fiorano
+tibial
+élémentaire
+shelmanglobe.com
+hassey
+disappointed
+nicaea
+reiswig
+6.90
+homepages
+herricks
+soo-yeon
+fragments
+bandana
+overworld
+jn-4
+eusebia
+30.94
+bikinis
+geathers
+lower-level
+39.65
+paschale
+persebaya
+iorwerth
+etcher
+2.38
+b1-b
+six-axle
+sadagoppan
+mixing
+tatchio
+fawlty
+diveroli
+junhua
+turfan
+vishay
+2,538
+cupric
+sibande
+scavengers
+onions
+atahualpa
+74.9
+flavr
+khaiwani
+jatras
+2,355
+stepsons
+mauritania
+j.p
+maidenform
+100.35
+14.04
+prescribed
+kawar
+gelang
+cross-cultural
+alaina
+expedition
+bcw
+andrey
+wasters
+counterpointed
+enormities
+niigata
+euro23
+tayyip
+woolens
+countires
+sulthan
+mbak
+prodromos
+sha
+sweetback
+mobs
+patiño
+shadowboxer
+umm
+silents
+maltais
+tailwind
+flightless
+kammerspiele
+tangshan
+cochaired
+parental
+76702.1435
+rabin
+credibly
+72.90
+moundsville
+rockenfeller
+zable
+bermoy
+coele-syria
+845,000
+mahmod
+influences
+tlou
+pimpin
+gravelotte
+panathenaic
+sibilant
+katamori
+leda
+izabelin
+50.22
+rations
+ticked
+escalada
+tugluoglu
+creams
+cordelier
+kammuri
+dimeric
+jingu
+elbak
+tateishi
+biden
+sandblasted
+caitanya
+aminta
+4,086
+khae
+marshrutka
+us$
+superheat
+bernardinho
+kitada
+29-53
+hypha
+1918-19
+secretions
+chloride
+15.72
+magneton
+1994-2003
+bimota
+khuddaka
+fabricate
+teamwork
+scrubbed
+kulayev
+1,657
+cec
+a-gallon
+metalist
+historico
+ghf
+bululu
+ganapati
+islesboro
+tomba
+schooled
+folsom
+uhlenbeck
+criss
+pontes
+yunfeng
+asara
+resourcefulness
+akkalkot
+peconic
+sago
+reidar
+brudenell-bruce
+patryk
+rezze
+olofsson
+mawn
+hendee
+beles
+streck
+ervine
+mohegans
+peplums
+1145gmt
+xenophrys
+adrien
+kuehner
+valley-based
+mcbreen
+regnier
+anatomica
+albrook
+penang
+safecracking
+delonte
+carrum
+onecomm
+teterboro
+wardrobes
+stepp
+80-76
+ettlingen
+m.a.j.
+fulfilment
+28min
+maysville
+shamila
+angermünde
+willacy
+gourmets
+kabud
+informant
+metcalfe
+dynamically
+bald
+snl
+sleeker
+19/20
+metre-gauge
+cory-wright
+latty
+knm
+goytacazes
+veldhoven
+kabeer
+ouzounidis
+fogal
+plomer
+applicative
+smaghi
+godard
+olbracht
+nmac
+chrome
+obras
+chiam
+limei
+gāv
+grotty
+unog
+steenson
+gol
+alekseyevich
+buangan
+baldini
+kilims
+elaphrus
+shipmasters
+starlike
+panjgur
+behind-the-scene
+p40
+tulin
+gaelic-speaking
+camilli
+baggaley
+masseurs
+allgemeiner
+uproar
+zedd
+szasz
+tiburones
+myeon
+m.a.c.
+munching
+glico
+parenting
+pittsburg
+oquirrh
+harth
+popmatters
+melkert
+todi
+kumsusan
+penaflor
+slas
+shoate
+bensman
+0870
+prudden
+15.24
+szekesfehervar
+mcatee
+recanted
+prnjavor
+buzznet
+mizar
+gornal
+zdravko
+jabur
+nagaraj
+wo1
+milpo
+shoshenq
+nursalim
+meave
+imus
+deacon
+re-usable
+s.s.d.
+sadahiro
+isma'eel
+ten-inch
+thunderer
+66.05
+sreekovil
+1,005
+avellanet
+491,000
+brosses
+campbelli
+blunkett
+sivana
+drawback
+stenhammar
+mahamudra
+jansma
+haymakers
+milnthorpe
+brympton
+cmas
+reprocessors
+nominee
+gordillo
+forsaith
+forrer
+fbih
+armbrister
+murjani
+marisa
+seagle
+houchens
+vladičin
+congjun
+zubayi
+sugito
+cus
+amandeep
+sayliyah
+confederal
+miyahira
+strep
+tec
+rukungiri
+koppett
+armacon
+intercom
+jhaveri
+tapert
+quinze
+handelsblad
+18-centimeter
+booz
+outplay
+scabbard
+jacy
+ingram
+d'anjou
+autlan
+betzer
+thunderstreaks
+saiedi
+conman
+couscous
+aiona
+doglegs
+wheedle
+recommencement
+http://www.mtv.com
+mizukami
+reichel
+zukowski
+bugged
+advocare
+telugus
+98.33
+exacted
+orexin
+arboreum
+granero
+breakouts
+billig
+lieutenent
+preußisch
+eem
+proteomics
+lenau
+early-1980s
+buesa
+superlative
+1,500-5
+manly
+500g
+stangassinger
+androuet
+renningen
+laurea
+1,430
+bedlno
+manes
+wiratama
+metasploit
+byline
+و
+mcduck
+13th-century
+beam@globe.com
+sensei
+sheremetyev
+esc
+swinton
+hubertus
+hacked
+self-regulated
+infestans
+loving-kindness
+massimiliano
+sakaiya
+museums
+2,151
+ysl
+apley
+evangelica
+1993-2005
+coney
+bambino
+azoospermia
+fourths
+luyang
+dongfan
+castmate
+nukes
+heidelberg
+1995-2002
+12-plus
+pharmacare
+celastraceae
+daevid
+egidius
+coppins
+love
+spliceosomal
+grommet
+swishahouse
+straschnov
+radojevic
+blériot
+laevigata
+99.80
+gun-type
+superdelegates
+unna
+espey
+hai'er
+lipoic
+re-analysis
+high-latitude
+sardina
+shigure
+healthpoint
+curopalates
+wheezing
+decoders
+diagon
+153.9
+kauri
+ncrpo
+peall
+fearnley-whittingstall
+36.77
+shilin
+notker
+orno
+u.s.-educated
+thonotosassa
+tallboy
+gaffey
+well-crafted
+965
+ceasefire
+vdis
+allspark
+peril
+zollner
+oboist
+aykut
+cornelii
+nareerat
+manutd
+kataja
+hakeswill
+soussa
+punctures
+nonmember
+calphalon
+okul
+ude
+understanding
+nfisd
+macapagal
+goodtree
+blackstock
+spaceman
+heian-kyō
+569
+bombs
+private-label
+smurfette
+ukrainization
+carpodacus
+hazare
+orange-red
+radegast
+chaussee
+glans
+openly
+purple
+dornblaser
+morpheus
+serasa
+potager
+kukui
+dragos
+vixen
+minnesotan
+zoubkov
+squatted
+longueuil
+odn
+rodez
+kittle
+koronis
+cudworth
+conneaut
+foregrip
+bearzot
+yucelen
+re-shaped
+server-based
+33.6
+wrestler
+ampk
+shaamit
+largent
+surcharged
+andrés
+bengalensis
+refortified
+beiersdorfer
+kichaka
+scarborough
+bruntland
+burn-out
+non-biblical
+600-acre
+jmp
+although
+16.70
+gatorland
+vendome
+etcoff
+bosola
+farmboy
+carassius
+onsager
+z10
+balloonists
+dzbb
+humanly
+wjbf
+imron
+chickasaw
+sightlines
+e.w.
+kalimantan
+soes
+uilleann
+abubakari
+sailplane
+anegada
+accountholders
+kaffe
+pareidolia
+eteocles
+balbo
+:37
+70.24
+unidos
+vange
+simmern
+frontrunning
+rypien
+78-73
+flumist
+lykketoft
+nonspecialists
+intimidates
+ravelli
+disproving
+2014
+questioners
+arbitrageurs
+solen
+tzekos
+baum
+multibras
+habershon
+sitar
+carbody
+condy
+mooreland
+aze
+fobbs
+cornfeld
+intubated
+o'doherty
+auxilium
+662
+kyriakides
+payors
+fox-hunting
+antihypertensive
+capitaine
+gibbet
+ergonomics
+transat
+réflexions
+tripteridia
+arréridj
+noob
+chittenango
+jewson
+tadlock
+girl-group
+mariamman
+breeam
+mediabase
+274.4
+dirham
+kadeem
+stratford-upon-avon
+darbo
+lexa
+barroca
+imaginar
+soeryadjaya
+wics
+hernych
+brunsbüttel
+maxfield
+oscura
+shonda
+tv9
+ligations
+aliw
+serpukhov
+schaer
+49,375
+winsome
+42c
+peridioles
+decaux
+vigipirate
+southwest-northeast
+mcgilligan
+hard-disk
+upemba
+shansby
+non-binding
+kanchipuram
+southfleet
+arionidae
+385
+.0156
+goolam
+3fm
+guyanan
+super-rich
+marles
+readiness
+kurhajcova
+11.62
+mcgrattan
+mentioned
+collegiately
+gwot
+yarnton
+krzyzewski
+presumptively
+xna
+nonthrowing
+186.1
+al-libi
+rochom
+bifr
+savile
+dirección
+páramo
+grabovski
+ranchos
+zhongsheng
+56-7
+yitzhar
+denethor
+strider
+egans
+gagging
+laceration
+firmest
+welwitschia
+7.35
+climaxing
+asis
+larita
+phyu
+totopotomoy
+broeker
+rackers
+23.84
+radulov
+rehmann
+cosmai
+salangi
+cheuse
+maruf
+25-64
+unterberg
+yorkshireman
+eats
+outsprinted
+shults
+catenin
+paus
+corvette
+wellek
+epicephala
+etcs
+4-man
+meulen
+28-7
+volleyballs
+mahowald
+klayman
+calandra
+envoy
+radanovich
+icddr
+heppenstall
+pingyuan
+parochialism
+faiz
+famous
+10.73
+3,995
+burlap
+grzmiąca
+micale
+haasis
+ruogu
+chasnoff
+pugilists
+miljenko
+vakhitov
+sedat
+sakuraba
+tenebrae
+ruhman
+izo
+corazones
+pennies
+nationalist
+low-wage
+hasan
+lh1
+hazboun
+nessler
+euro306
+rossellino
+malinta
+baller
+stuxnet
+huatulco
+d'argento
+rockness
+http://www.ustr.gov/
+lilies
+overrepresentation
+cooktown
+lipschutz
+ardent
+nuclear-free
+kleptomaniac
+chona
+cibitoke
+ganeshan
+sports-themed
+predetermined
+flirtation
+4,650
+haxe
+voio
+perusahaan
+pirate
+deist
+57.62
+wibro
+yamamura
+whirlow
+nevares
+2.86
+exhumes
+baros
+reflectance
+freyberg
+narodowy
+58.93
+sindhuli
+nh-90
+juries
+shipyard
+heteromyidae
+untso
+backbreaking
+dieterich
+sheephead
+diante
+flacăra
+davoli
+left-field
+enloe
+unforgiving
+toponomy
+ditto
+nopadol
+devolving
+carrier-based
+biet
+webvan
+thwala
+privatisation
+okrugs
+reconfirms
+near-earth
+fels
+staplehurst
+theravada
+batre
+szegedi
+hudgens
+orick
+61.85
+muramoto
+dist.
+rebuke
+minsa
+sub-divisional
+katsuyori
+castparts
+3,7
+mobsters
+neubauten
+aksoy
+eniola
+1967-1977
+herzenberg
+amygdalin
+simul
+procedural
+2.98
+technopolis
+panamax
+finton
+yadavaran
+datapage
+iglinsky
+birka
+reconquest
+scalby
+ncaa-sanctioned
+ahlberg
+ventres
+reagins
+kalyanaraman
+taihō
+35.47
+quash
+godeffroy
+arrhenius
+nrel
+sankat
+smerch
+ladyfingers
+scci
+freely
+caye
+mabuza
+miscalculation
+2,057
+bordallo
+14:10
+datia
+lsi
+viaducto
+herzen
+automates
+98k
+cleiton
+monasterium
+3-78
+defectives
+přerov
+ferreyra
+two-storey
+nets
+karve
+åsane
+cne
+authenticate
+yongle
+78.87
+chwang
+beigel
+fiancé
+drnovsek
+5-2-0
+mudede
+hydrophone
+lorri
+280-pound
+rechartered
+volsci
+humble
+345th
+duluth
+luntz
+pinkpop
+criminality
+tobel
+horden
+champ
+gpm
+mimosa
+garh
+pontet
+b.i.g.
+rhead
+3-for-13
+easy
+fonoimoana
+lengthen
+87-year
+a-body
+dmowski
+brickyards
+jakubczak
+devany
+olivella
+3,690
+riestra
+lj
+1,200-megawatt
+ndp
+hopen
+circuiting
+katorga
+bergholz
+vigdis
+1.302
+taqaddum
+mizutori
+hardwired
+labe
+25000
+tabtabai
+cambias
+wreaked
+disconnection
+incommensurability
+leafing
+athenee
+charminar
+winsten
+dehring
+daymond
+bagratid
+parafield
+ramadhani
+phalanx
+juli
+kalanidhi
+făgăraş
+lazarus
+ptpmu
+etkes
+0104
+steeple
+hematoma
+antakshari
+malmaison
+460
+3,318
+shands
+calub
+darn
+sanguinary
+delajoux
+1-1-0-0
+mckern
+pervis
+saffy
+dvinsk
+submissive
+blankety
+single-file
+uncaught
+maloy
+97s
+168.1
+100.47
+heilongjiang
+hillburn
+labouring
+bumiputras
+photomontage
+artie
+lightfoot
+illustrious
+oc
+mastiffs
+localizer
+hearing-impaired
+bulbils
+first-come
+siver
+62.06
+viroj
+testis
+quaternion
+hunnam
+koussa
+pisa
+moca
+spangles
+7,410
+metservice
+jayasinghe
+holimont
+64-game
+glenn.whippdailynews.com
+mid-month
+fayez
+pillaton
+1597
+emporiki
+verga
+trehalose
+irodriguez
+golgir
+veggies
+será
+marginally
+neicer
+homestore
+abae
+daystar
+45.95
+analysys
+deploy
+ayase
+adtran
+gatehouse
+marufuji
+dot-com
+1.563
+orum
+hammerkop
+244.00
+khanty-mansiysk
+inspects
+35-year
+zuid-afrikaansche
+giolla
+jvs
+perraud
+bunchberry
+turnicidae
+arvizu
+quote.com
+timestamp
+triangle-free
+bedazzled
+mcphail
+achaemenids
+devine
+maumere
+technicolor
+substage
+scotstown
+kkb
+vgp
+miscellaneous
+unicast
+algorithms
+abd
+onkar
+mcfarlan
+esteemed
+goodwood
+milosovici
+mcnicoll
+67.95
+qru
+basey
+kaap
+şăineanu
+salha
+kiyo
+fatali
+feleunga
+shaoguan
+creciendo
+morgano
+digesting
+safiullah
+32mm
+nesa
+jabbing
+d'agostini
+madan
+tayshaun
+thams
+t14
+atropine
+fujisawa
+6-kilometer
+emerman
+locomotives
+expulsion
+amarasinghe
+standa
+pā
+xiangyang
+3.90
+lm-1
+bussman
+0430
+ge
+1973-1974
+mollari
+non-independent
+jaji
+mohyla
+nelson-atkins
+all-aluminum
+slurped
+sinyavsky
+shinpo
+vxr
+1947-1950
+mid-1962
+rainbow
+acrolepiidae
+weyand
+taught
+flowed
+gómez
+3-hour
+ntm
+joiners
+expectancies
+proselytising
+c96
+preclassical
+imeri
+tannoudji
+ashton-under-lyne
+stanwix
+abg
+tragédie
+www.thebastardmachine.com
+disapprove
+licencing
+ditore
+hooser
+aspera
+tugg
+agalev
+exuberant
+siljak
+handloaders
+cervical
+90-year-old
+taqueria
+mármol
+eveline
+mabasa
+fidenza
+hippopotamus
+weakling
+turbolinux
+lalli
+bastar
+kolos
+vipava
+subvarieties
+wolbers
+vukanović
+3:32
+leaf-toed
+volutes
+kochiyama
+sordelet
+doub
+aurès
+utc-6
+124.25
+werribee
+hosokawa
+wollenberg
+decks
+lucado
+99.12
+honigmann
+kifisia
+d'agde
+seafoods
+carrascalao
+ptychadena
+19-6
+hadramawt
+i-spy
+pilcomayo
+oraon
+bío
+tropomyosin
+quso
+unhook
+angiogenic
+.875
+kaju
+mariko
+complex-valued
+ramasami
+investors
+montrone
+biveson
+collingbourne
+gralla
+grego
+truncus
+modes
+19:41
+leotard
+1279
+tbe
+pillowman
+faceplates
+2,236
+82-75
+leviathans
+sty
+106.92
+:00
+stirringly
+cd47
+penalised
+on-stage
+glycosyltransferase
+gabra
+broggi
+clarkia
+wojcicka
+deicide
+gaizka
+t-43
+iznik
+imagina
+particulier
+convolvulus
+vahanam
+macdhui
+35-ton
+hopko
+197.2
+putzier
+rosan
+sundowners
+alano
+bedelia
+16-7
+existentially
+apuseni
+2.5-kilometer
+sepe
+beir
+4-of-8
+katipunan
+overmach
+ans
+stiffkey
+gyr
+russia-2
+heterogenous
+shravasti
+rayne
+rosário
+israels
+eeeee
+bhagwati
+48.70
+carreras
+filmgoers
+fellers
+zagwe
+fretz
+baisha
+manetti
+sputnik
+viracocha
+caridi
+41.87
+exner
+boddaert
+wallets
+23.86
+hind
+smash
+benicia
+zapatero
+niclas
+coscarelli
+37-minute
+red-flagged
+proclus
+hohenfels
+3,861
+stammered
+letcombe
+laharrague
+halemba
+romanticization
+persall
+hymietown
+cbbc
+sleepwear
+gaspe
+mcvaney
+spicers
+kinlaw
+standells
+mahlerian
+solarization
+jae-ha
+susukan
+plantinga
+kotjo
+kōmeitō
+bulent
+civilans
+macneacail
+small-sized
+hot-spot
+borderlands
+klondike
+acupalpus
+tu-160
+pnţ
+1987-92
+postimpressionist
+duckworth
+sbinet
+chimutengwende
+frill
+klac
+whittam
+difficulties
+contorted
+98.51
+quoth
+orszag
+tuyuhun
+dhanin
+beočin
+hanretty
+ss7
+kaposi
+franchisers
+szydłowiec
+red/black
+kyd
+rachana
+suppan
+faidherbe
+nol
+paspalum
+sacket
+sunbeds
+spcs
+muoneke
+hya
+nitidus
+liptapallop
+purga
+tharrawaddy
+multitouch
+112.23
+jcarr
+scipio
+tiax
+akinbiyi
+punkt
+pilotless
+soviet-russian
+xuanwumen
+24-june
+0-5-1
+feezer
+real-estate
+ll
+maniple
+razmak
+308th
+euro569
+ascie
+jossey-bass
+klimowicz
+58.13
+wilsonart
+carrhae
+muhtadee
+lafourche
+teletech
+tie
+e&r
+riboud
+brookvale
+sportscasts
+unmemorable
+dogaressa
+188.7
+lauterstein
+broad-brimmed
+jayawardena
+larma
+moma
+gilmanton
+archias
+dharani
+vincour
+daska
+distractingly
+jemma
+polyculture
+awoke
+iki
+rearrested
+marvelling
+inferring
+warney
+gulhane
+banyana
+iullus
+re-use
+3,784
+x-height
+harrill
+sersi
+rbst
+szilágyi
+squadrone
+taukei
+columbo
+1987-1992
+feminisms
+1898
+nematodes
+pichilemu
+halperin
+fiqi
+aybar
+adenylyltransferase
+morganna
+bellwethers
+braes
+naman
+delirious
+oestreich
+1907-08
+winmau
+welshofer
+32-50
+zumaya
+sonate
+dannay
+capybaras
+tsarukyan
+charulata
+2,000
+leukemia
+ojeda
+emphasise
+osmanovic
+vajrapani
+right-left
+janee
+expansion
+putted
+sesha
+roughnecks
+gelemso
+tiam
+hatzigiannis
+moresby
+trevi
+machine-guns
+alivereti
+urf
+naqshbandi
+tobiah
+cordially
+mcclennan
+euro312
+merida
+wssc
+brainpower
+junks
+hyperoliidae
+eaters
+movenpick
+crackberry
+sighet
+dba
+teulet
+zack
+tatarstan
+sanjiang
+120kg
+shelterbelt
+thaddeus
+pasi
+1,963
+106.12
+arcigay
+göteborg
+andamans
+.256
+ahh
+155-millimeter
+fornier
+diorhabda
+stănescu
+semmes
+cabanne
+pantsuits
+gustad
+spectrophotometry
+yamatane
+babbles
+ahonen
+motherhood
+daraq
+copus
+elaboration
+asadoorian
+demystify
+jiangdu
+jimtown
+unaided
+76.31
+qasimi
+3/5
+construing
+1653
+nfeliz
+bushing
+hollas
+psydrinae
+bva
+psychedelics
+leyser
+corinthians
+augeri
+novartis
+http://www.ssa.gov
+dealmaking
+blazuj
+b5n
+triples_cguzman
+blazejowski
+radiations
+gloriosus
+coggs
+blakeley
+tvnz
+3.67
+müller-ury
+soseki
+menem
+huadian
+sordidness
+semtex
+wils
+watrous
+technobabble
+kachi
+imperialist
+inauguration
+gudni
+turbine
+quebecers
+sokhon
+pallai
+umehara
+miht
+monosperma
+misstates
+ptech
+hermitages
+ralph
+mahira
+zhih
+pjmartinez
+coindre
+1.2328
+virender
+full-forward
+marthaler
+franco-german
+nilphamari
+maggy
+brize
+kamrul
+calistoga
+1572
+shockoe
+ecml
+stellato
+winfried
+thoh
+14.81
+hoda
+badgett
+61.51
+breathalyzers
+clausa
+kiev
+2,381
+dnevni
+'32
+mschlabach
+garberville
+444.5
+heure
+oxidizing
+96.13
+tiehi
+llobregat
+extrema
+shishapangma
+quoins
+ducros
+mering
+uncontroversial
+wass
+tibbi
+vidette
+akm
+ghilarducci
+hölder
+kannagi
+mezan
+advocaat
+surprenant
+octal
+motijheel
+lovering
+succar
+dhan
+karoli
+elavumthitta
+tsang
+andie
+893
+akranes
+caniglia
+rhisiart
+hobb
+pineapples
+296.5
+hackness
+eres
+kalush
+kiddushin
+giladi
+grammia
+pilita
+dexippus
+lateiner
+fisichella
+rodber
+shavon
+foton
+kotka
+volzhsky
+kreisky
+2na
+psychoanalyze
+bloviating
+malabsorption
+granderson
+schutz
+tipps
+three-toed
+subin
+funiculars
+anugrah
+duckbill
+thruway
+vescovi
+barriers
+balafas
+bryusov
+1989-90
+garth
+2,422
+bogdanoff
+varrick
+maicon
+hmannan
+100.31
+coverdell
+nortel
+carmignani
+torticollis
+74.42
+lazebnik
+meriton
+forecourts
+al-wahda
+wafd
+duurstede
+peninsulares
+leiva
+anneke
+gibeah
+deferring
+1.4550
+ghazaly
+ofd
+subsonic
+121.24
+1999-2006
+meem
+lugar
+bitstream
+weishanhu
+glorify
+lennertz
+elizabethton
+imbued
+whitneys
+charlety
+spiralling
+afterschool
+shendar
+sisyrinchium
+fanciulla
+blowpipes
+rima
+14-meter
+supramental
+izudin
+carnes
+aira
+nycz
+cahe
+3,615
+frlec
+77-77
+djohan
+atheroma
+supercomputers
+5.728
+veloce
+storrs
+yonkoma
+pixley
+sidesaddle
+retrovirus
+madill
+38.04
+artiness
+nyachae
+stachowski
+d'amours
+wilmington
+metric
+ccms
+kubinka
+22:35
+three-bladed
+winogradsky
+awadi
+albertine
+shō
+waxhaw
+vedado
+malkowski
+telcommunications
+mottes
+kobren
+benoi
+huu
+healtheon
+fepa
+broder
+changers
+olovo
+amchitka
+pyaasa
+oujda
+0030
+dodecanese
+dhina
+tvontario
+nsls
+incongruously
+kushman
+garrotxa
+pitch
+inclusion
+ens.
+dalgleish
+dehumanizes
+brundle
+kurtley
+882,000
+re-uniting
+silic
+29-degree
+vradenburg
+odde
+16.74
+chriss
+shaviyani
+questa
+carrabelle
+cloche
+xlix
+tomjanovich
+ministerial
+462
+bleeding
+kelai
+autonomists
+zinho
+interceptors
+spoonbills
+spang
+chitchat
+chladni
+rammasun
+vivion
+cashless
+shabdrung
+blagge
+masser
+machiavellianism
+label-mate
+codepage
+revitalising
+jutro
+restraint
+nitch
+jahr
+skilbeck
+markon
+seraj
+bakhtiyar
+valley
+nito
+alipov
+upshifts
+conjecturing
+accolades
+clymer
+thanes
+tranquilizing
+rorion
+lamari
+kertesz
+kelmendi
+kasaeva
+husband-to-be
+cloeren
+coaltown
+wlb
+ustvolskaya
+alpargatas
+yeshu
+blitzer
+hnwi
+nubby
+trutnev
+bahd
+223-3217
+carlson
+nur
+bhagat
+stucky
+chesnutt
+tio
+dacic
+dasi
+1.288
+18:04
+4-to-6
+ouverte
+pacemen
+lick
+junta
+apparantly
+hakuhō
+astemirov
+1.8905
+jô
+stunk
+dwork
+2,407
+222.6
+yglesias
+epigraphist
+uhler
+moren
+taupo
+lamictal
+basov
+sexteto
+ampullariidae
+parchin
+osuna
+exceeds
+undimmed
+rabkin
+babakir
+designed
+conceptualize
+palatals
+mitidja
+7:09
+reattaches
+chmp
+costos
+hovering
+mylonas
+naiburg
+khvājeh
+comediennes
+orchestrators
+community-based
+jem
+desylva
+nisga'a
+thornberrys
+dubiel
+102-88
+avocets
+exarcheia
+armon
+unadjusted
+desensitize
+jofa
+welshmen
+49.25
+matovu
+aaye
+groser
+championsip
+soriano
+armlets
+odegaard
+givors
+cuttings
+verplaetse
+asham
+anonymizer
+ccba
+snitches
+masseuses
+zafaraniya
+openoffice.org
+vecna
+yusmeiro
+convertir
+out-compete
+schönhage
+unmo
+chicoutimi
+govar
+200-meter
+winchester
+unholy
+crystallinity
+kyrios
+gatan
+fukuchiyama
+airbus-320
+priyadarshini
+no-till
+6/3
+squeezer
+scissored
+cd44
+import/export
+banér
+yuppified
+scuderia
+balmorhea
+estudos
+lemoyne
+athapaskan
+siddhanta
+bunk
+inpatients
+photofit
+ocad
+hohenlohe
+mirfield
+empires
+73.22
+gusinje
+riflery
+fair-minded
+khvajeh
+surikov
+sinaia
+associates
+adhered
+slabbert
+duverger
+hanania
+utensils
+c-47s
+muneta
+landeh
+recolored
+schoffner
+press.org
+kingsmen
+bekas
+shantanu
+fahringer
+3.2-million
+pelée
+caribbean
+three-note
+ss2
+capulong
+hospital-based
+östra
+muska
+tollywood
+gipp
+kisarazu
+nocturnally
+yukking
+grey-blue
+carping
+rewired
+behaviorists
+sapp
+hms
+nichiei
+belinga
+fildes
+stewpot
+93.7
+ejigbo
+dihua
+darkthrone
+cross-state
+mnr
+kolender
+47.10
+putik
+nomen
+umberleigh
+geodesic
+unpromising
+karhunen
+fervent
+gilmar
+sergeant-at-arms
+jungfraujoch
+gündoğmuş
+oberstleutnant
+cabindan
+openid
+dōgen
+kirghizstan
+crashes
+sccc
+hasli
+tectonically
+mcgregory
+icj
+5.55
+.575
+gunz
+chedli
+lučani
+5:0
+taberna
+cosgrave
+sclerotia
+pogon
+thirimanne
+kcet
+84.31
+wide
+mutond
+salvinia
+www.tamilnet.com
+wcpo
+aiguille
+euro214
+asensio
+quatman
+0.841
+r.u.r.
+344th
+fifth-place
+berceanu
+schruff
+unoccupied
+bojaxhiu
+19.57
+gangling
+shortage
+almeria
+calabresi
+violators
+dimitrie
+gerdemann
+djebel
+kangyur
+bolingbrook
+ladies
+jinrong
+gruson
+photinus
+i-5
+jython
+98.89
+ulmo
+rather
+candaele
+quizquiz
+aveeno
+lank
+maflahi
+titin
+hispalis
+electras
+azmath
+alstyne
+0-8-0
+scruff
+1937-45
+snorkelers
+111,000
+unconstrained
+razia
+notitia
+faneca
+92-91
+danieal
+buscher
+rossato
+litang
+blout
+restrooms
+trackballs
+greetland
+dished
+recuse
+elias
+möbius
+24-24
+limits
+6-for-6
+bice
+faery
+lagoven
+milko
+newseum
+bracteoles
+jacamar
+euro310
+75-a
+3,301
+umrg
+petrovsky
+cheekily
+parthenia
+liqui
+corian
+pc-98
+bankshares
+dnp
+calla
+a.k.m.
+93.23
+recycled
+sympathizer
+triclosan
+tvynovelas
+shreve
+finkbeiner
+osbi
+133.7
+corvino
+hanna
+juvenal
+two-word
+depailler
+inital
+d'hont
+masen
+ribot
+onaga
+umlauf
+grundschule
+rabbath
+connections
+tetzlaff
+12-8
+gml
+duels
+mouland
+nicht
+23-1
+lucania
+taster
+regreted
+alberdi
+b-plus
+siders
+medimmune
+132-pound
+peregrine
+nezavisimaya
+godman
+rompuy
+naveda
+kosmo
+71-77
+sonal
+d'costa
+gborders
+yusgiantoto
+campion
+indic
+precede
+seller
+cluelessly
+słubice
+του
+burtis
+31-25
+npo
+motets
+knowingly
+calleja
+remparts
+branciforte
+canyoneering
+canara
+neetu
+lusophone
+tarsy
+steeling
+gazella
+oil
+lynx
+rationalizations
+jedidiah
+leon
+química
+sharh
+mercantilism
+schier
+telle
+kościelny
+81-minute
+traeth
+logogram
+paramours
+krispie
+17.68
+107.40
+centrality
+cuga
+acrostics
+midi-pyrénées
+caracappa
+lishman
+dags
+suleymanov
+melman
+longshan
+east-end
+fettering
+nordeste
+progesterone
+kristjánsson
+bishen
+goodfellow
+compromises
+marsyangdi
+full-length
+haufendorf
+expectorant
+138.12
+20.34
+sixteen-year-old
+nivelles
+spines
+cabletron
+uncontroverted
+tricuspid
+vertonghen
+griffen
+heery
+city/26
+nows
+13.74
+spoksman
+coerced
+112.11
+dunderhead
+tiozzo
+helsingør
+cookers
+camelopardalis
+quaffed
+saint-aignan
+darryll
+2,319
+sibani
+1,007
+gerusalemme
+miechów
+4in
+bekteshi
+lisak
+sitakunda
+himi
+we
+oppama
+g/km
+oracabessa
+decay
+linus
+saddar
+pharamond
+pyridoxine
+nugatory
+secularity
+application-specific
+bretislaus
+favors
+mercep
+aslund
+deferentially
+aslı
+roding
+eastmancolor
+starred
+1990-95
+54-49
+ondigital
+bagchi
+vollan
+18.26
+zentrale
+mothers
+angraecum
+222.2
+nacion
+vfb
+seher
+dheeraj
+krzysztoporska
+nazak
+99.37
+registrable
+marbletown
+vnrs
+ketley
+22.80
+andrawes
+150.2
+colyton
+cappielow
+antedating
+fabula
+assemble
+williamsburgh
+67.3
+68-57
+barbossa
+basalmost
+77.64
+mail-order
+made-for-cable
+tilmann
+phadke
+pluses
+lager
+a.s.c.
+rinascente
+mbomo
+d-wave
+morga
+bettes
+pityriasis
+sengstacke
+buganda
+57,500
+2,437
+depressors
+dqe
+1,075
+titicaca
+utomo
+itaim
+tapeworms
+acyltransferases
+enazi
+margraviate
+toyo
+zubeida
+zarganar
+alary
+intrathecal
+maxey
+slovenians
+ctla-4
+obsidian
+sparro
+after-show
+silivri
+6,823
+28.94
+guale
+buicks
+weasleys
+catatonic
+watterson
+czerkas
+connectix
+40-run
+santipur
+plowman
+1,000
+matiu
+forklift
+arboriculture
+ororo
+galateri
+whernside
+duchossois
+nested
+inequity
+hararghe
+48.69
+felsic
+0.72
+uum
+makarainen
+chondrichthyes
+mirnawan
+lentulus
+wasta
+1976-1978
+nedlloyd
+sliver
+100-mile
+soudelor
+abgenix
+sociologie
+yearned
+plurk
+tichaona
+eckerman
+wielding
+cannella
+7650
+kinleith
+32-5
+colorfully
+acuna
+welnick
+0-9
+pontian
+poulsen
+27-inch
+348.3
+minogue
+bilma
+gidea
+cbi
+60-6
+casilla
+mosi
+wis.-based
+strathroy
+divorcees
+disputa
+16,297
+uniphoenix
+kaitaia
+ngaedheal
+37-32
+readmit
+tasha
+komaruddin
+119.74
+tarłów
+polymyositis
+chaebols
+estimations
+81.37
+massereene
+brott
+thermolysis
+maltzan
+pierferdinando
+vermeulen
+marsilio
+qingping
+caffee
+uşak
+selen
+hagara
+broflovski
+merge
+maple
+broster
+nhân
+vmu
+idina
+catch-phrase
+zakarneh
+unilateralists
+tenants-in-chief
+pulsars
+84.52
+91.73
+resprout
+amarone
+zeta-function
+colours
+bernards
+praphan
+callups
+fragmenta
+bignonia
+bgc
+públicas
+skulk
+bumthang
+zouari
+rullan
+golmud
+sassanid
+lays
+skr
+ellerslie
+muscovy
+buston
+scattered
+unsourced
+kirumba
+troups
+doody
+plaudits
+ikpe
+shemenski
+lerer
+shotguns
+.1208
+tsing
+16-23
+lb6
+icknield
+ailesbury
+hypnotherapist
+fleeting
+zigzag
+overdiagnosed
+41.53
+leptotes
+dlo
+donations
+vonette
+gwenn
+countertenor
+3,604
+3,324
+foretell
+spending
+h2o
+correspondingly
+wisse
+bonpo
+pharmacal
+sittwe
+parce
+meditation
+modifiable
+goju
+pfi
+itália
+agni
+velas
+1,833
+ladenburg
+chanjindamanee
+altogether
+asom
+barsac
+nyt14
+mornings
+horndon
+2715
+cartmell
+self-propelled
+kassimis
+horny
+buchheit
+qinhuai
+lentz
+irsp
+2-1
+grouting
+chaulk
+101-70
+rayl
+sitbon
+deyu
+al-bitar
+bloomin
+under-wing
+18.59
+belshaw
+appeals
+teleporting
+chiyotaikai
+glading
+sempra
+chililabombwe
+dupasquier
+karmazin
+jnu
+tagblatt
+mollo
+shivalinga
+ludovici
+kerio
+momtaz
+symmoca
+sorush
+pre-ap
+tranquilizer
+ijs
+kuhestan
+lpt
+tenace
+lifenet
+scroop
+polyrhythmic
+gilda
+40a
+.585
+rathfarnham
+prevision
+tincher
+50
+katif
+immunoglobulin
+ronnies
+synchrotron
+manlan
+non-family
+mecir
+rapaciousness
+sunam
+vins
+jti
+genachowski
+all-palestine
+167.8
+steyn
+27.26
+moritzburg
+shipherd
+falstaff
+renovators
+kari
+tomasevicz
+wrenching
+maish
+keneshbek
+niittymaki
+buddhika
+khanmirza
+honecker
+winter
+betes
+bookstand
+late-17th
+bar-ilan
+zazie
+affronted
+tradings
+2-for-10
+philippon
+1634
+squirming
+10.68
+doeg
+cradled
+spicatum
+allopatric
+vestergaard
+cohabitate
+urns
+ciliata
+propositioned
+tappahannock
+restos
+baas
+fuss
+milliron
+chemikal
+janku
+nagakute
+momentous
+skeaping
+ctv
+hajer
+kwin
+spitfires
+provera
+jongno
+sztuki
+corkscrewing
+kulai
+midtre
+22-0
+ndsu
+outram
+qinsheng
+cumbre
+-88
+sheepdogs
+latchkey
+emplaced
+javelina
+careen
+escutcheon
+otway
+baozhen
+9.89
+bude
+30-dec
+0.145
+differentials
+moomaw
+photocells
+adul
+hardbroom
+bucks
+6:44
+2,007
+internments
+45.17
+dimasi
+datpiff
+patane
+tabart
+afolayan
+palimpsest
+thap
+korol
+sinfin
+mowatt
+nicd
+politicise
+vaccinate
+thie
+monodrama
+schmoes
+nakumatt
+lošinj
+krasicki
+heretics
+rifleman
+jp-8
+21.16
+gaul
+sétif
+techie
+burghfield
+chalkboards
+monopolies
+2,508
+dutifully
+shakti
+equipment
+rudé
+receptiveness
+determing
+kwajalein
+excommunicate
+akahoshi
+inviolable
+animesh
+forecast
+espejo
+self-test
+movements
+sublimity
+oomen
+treem
+sheetal
+loud
+theoharis
+cloverfield
+litvak
+mon-fri
+jugoslavije
+individualism
+putback
+successive
+alesund
+guoxiang
+identifiers
+chudleigh
+portimonense
+governorates
+showhouse
+d'eu
+razzia
+tairona
+regionalisms
+þórður
+selfoss
+pacification
+oloron
+cheerful
+6,630
+skues
+wholescale
+excluding
+karash
+dunbarton
+4,341
+1,317
+oink
+debord
+.405
+botcharov
+aliphatic
+saraighat
+innominate
+10-disc
+maclagan
+séminaire
+eyskens
+keliher
+bardhaman
+dlcs
+imprimatur
+ihosy
+aplomb
+r33
+haired
+kurki
+89.02
+gokak
+beihong
+hnk
+grigori
+hariadi
+kurtulus
+isabelita
+el-gamal
+batlle
+oakton
+yoweri
+legitimating
+israel-based
+anathemas
+155-yard
+congres
+middies
+krupskaya
+bovino
+zivojinovic
+canard
+rungrawee
+chacoan
+kasher
+bradgate
+peluso
+stollberg
+pleuronectidae
+traditionalism
+bentleigh
+stapel
+braxiatel
+cherilyn
+tahmasebi
+quarmby
+thirumangalam
+popemobile
+galerías
+stenstrom
+shalmaneser
+savonia
+luxenberg
+casperson
+longstreet
+105.3
+thirthahalli
+krka
+agharta
+worryingly
+dagesh
+brouse
+fists
+70.35
+ming
+hunts
+43-day
+ambitions
+319th
+0.08
+degenerate
+samedov
+rosset
+waldstadion
+neko
+nuaimi
+guppies
+wikipedia
+santror
+3,500-year
+goodpaster
+artisan
+checkups
+skitch
+ny-nj-ct-pa
+21.34
+post-infinite
+chief
+proctors
+quinces
+blenkinsop
+doubloons
+34.38
+pilfer
+muscled
+boler
+lotus
+nass
+gayla
+21,607
+nembo
+austere
+d'action
+hyok
+palindrome
+97.14
+smithereens
+jotting
+middleton
+inter-club
+gemina
+bezirksoberligas
+calello
+118
+boaco
+taido
+lleyton
+benneteau
+falena
+electrophysiological
+barrett-lennard
+lanckorona
+psychedelic
+tritton
+hilly
+sereyvuth
+cargol
+amirabad-e
+sirve
+lumpenproletariat
+syrups
+action-oriented
+ataxia
+18-storey
+75-75
+shemar
+kmw
+asselin
+blatty
+cronos
+storytellers
+tiwa
+oudry
+schönbuch
+141-billion
+piperi
+zardo
+altgr
+esha
+cloven
+wever
+sabang
+triiodothyronine
+circumvallation
+vallauris
+trevorrow
+sinuses
+bahro
+soss
+45.48
+joby
+elevated
+puting
+aggrandized
+slipcovered
+vanishing
+mewar
+brugh
+60.41
+simmered
+parmigianino
+smeed
+16-footer
+jacanidae
+comodo
+rapidity
+emperatriz
+estrus
+invoices
+democratic-controlled
+pese
+1,137
+bipyramidal
+serapong
+stevensons
+hersman
+ashish
+135.25
+lambasted
+airspeeds
+altyn
+wampler
+198,000
+kommt
+lajuan
+thurgau
+non-decreasing
+inflicts
+helvenston
+9:34
+vilification
+gilette
+cricklade
+milinovic
+uranometria
+macrozamia
+okoth
+duce
+radzi
+sibley
+44-game
+concertgoers
+revelling
+patout
+tarkington
+herszenhorn
+66,600
+aethelred
+weiqun
+75.82
+criticsm
+nb3
+siq
+naho
+spil
+negligees
+1.5525
+suvla
+fourze
+aceves
+clavecin
+pardew
+mataka
+frustratingly
+recant
+hobnobbing
+senio
+cittadella
+bushfires
+oma
+1,511
+mwanamwambwa
+iftekhar
+kyaukse
+vgik
+extra-long
+in-house
+pollinate
+olander
+skoloff
+marolt
+exalting
+padakkama
+t18
+lottiidae
+resolucion
+görgey
+tremper
+banjos
+hopedale
+sakwiba
+fats
+curtailing
+highest
+fretter
+defina
+edain
+23.59
+dalya
+hofkirche
+teez
+smoldered
+single-member
+patera
+lourey
+non-losing
+sidles
+dolna
+derive
+syangja
+satanas
+suenens
+sanshiro
+astuteness
+premises
+beddington
+szász
+nemenyi
+khaqan
+or&n
+busywork
+rocsat-2
+politik
+interactivecorp
+8/9
+60.87
+nonrecurring
+daler
+geilo
+chotta
+lodi
+es-335
+106-102
+stoeltje
+skelmersdale
+sauvages
+marcey
+abalkin
+vacancies
+iouri
+tjoflat
+kyburg
+speedometers
+lisp
+westmeath
+lacotte
+11:05
+6-foot-9-inch
+villarino
+fni
+bidin
+dikgacoi
+murau
+analects
+unreflective
+14.72
+38.14
+noro
+proteinaceous
+powerbomb
+sauze
+angelopoulos
+kiprotich
+arenanet
+thk
+khambiyev
+izhak
+mossville
+nym
+exporter
+triska
+maregwede
+halwara
+euridice
+bango
+nabataean
+cra
+fungible
+hayseeds
+non-partisan
+shippingport
+stg
+didulica
+fogelman
+bb7
+dergue
+r1a
+aspers
+fm104
+magaliesburg
+badge-engineered
+gaumer
+wigram
+sogdians
+brachychiton
+böttcher
+(949)
+mmus
+seventh-day
+karuma
+domestiques
+polie
+oetomo
+droitwich
+gyns
+frades
+nikes
+korshunov
+casey
+koloa
+eshel
+walliser
+bebout
+skaha
+800-acre
+efate
+microsft
+10,125
+rowing
+qameshli
+badiani
+cassens
+bernabé
+volksoper
+castaños
+rcti
+ieb
+h5n1
+kersaint
+radicalized
+ancol
+terp
+twixt
+electrostatically
+811
+mangano
+macdermot
+jaish-e-mohammed
+biomechanically
+kamin
+bunsen
+kroyts
+rosales
+adversaries
+pratichetti
+insite
+1991-1993
+orangutan
+fievel
+nakasero
+nordens
+marn
+d&g
+bmp-1
+shusterman
+kikar
+derbez
+2.325
+chinar
+anarkali
+incorporates
+crj
+summoning
+dee
+decipherment
+greca
+meadows
+janardhana
+phyllostachys
+preisler
+stefanów
+cowdray
+splines
+nóbrega
+grenfell
+euclides
+charoen
+t0
+chlorus
+frankwell
+garganey
+mcdonaldland
+grade
+50-4
+lanker
+tonypandy
+goer
+vataha
+19a
+aughrim
+nyo
+etouffee
+tropsch
+neanderthal
+deforming
+chiqui
+bransgrove
+suitably
+saxatilis
+t-28
+polygenism
+hilling
+hardtner
+annealing
+pichot
+tequilas
+2000-04
+pjetër
+zainudin
+senneker
+gybed
+12154
+garymcnytimes.com
+disembarkation
+deh
+garbanzos
+pratylenchus
+silbernen
+baltimore/washington
+trendsetters
+zumba
+msibi
+atn
+inhumane
+sherida
+curreri
+malloy
+lunney
+bmg
+(029)
+wide-eyed
+mapuches
+4ever
+sholing
+99-run
+withdrawals
+typescript
+hajduks
+objectification
+armature
+macquarie
+kritis
+alejandrina
+nanosecond
+pleasures
+ikem
+crafoord
+becoming
+crispa
+mutatis
+lorence
+1800m
+daryle
+johannson
+look-alikes
+navarin
+13-centimeter
+sophomoric
+counago
+majko
+jigger
+markinch
+misconstruing
+salmonid
+tripinnate
+finalize
+forlorn
+smolensky
+derevko
+levavasseur
+synoptic
+plein
+negeri
+comal
+10-seat
+sixfields
+agone
+μ-opioid
+snafus
+tetrads
+limaye
+plumbing
+tityus
+oha
+globs
+sherko
+9-of-12
+pyc
+baluster
+mehling
+perahu
+damilola
+r.t.
+panatta
+munitz
+prosumer
+kshsaa
+westhuizen
+dindi
+gulian
+huddie
+newam
+inquisitorial
+nadbank
+faes
+chickfight
+midmonth
+outlasted
+nccpl
+utetheisa
+cibber
+jamahl
+4.50
+northug
+yielded
+lithospheric
+mogoba
+fasslabend
+foa
+somhairle
+kaif
+leeches
+flano
+campagne
+edna
+600-km
+agrarianism
+sharpen
+oreck
+belawan
+8/6
+crossings
+1,575
+19.82
+late-term
+malplaquet
+spring-heeled
+okonedo
+al-layth
+politicking
+14.95
+brazin
+antislavery
+olmeta
+su-27
+hehl
+39.84
+101.10
+parc
+smokes
+alcudia
+wamalwa
+tajiks
+notebook
+odocoileus
+lijuan
+narcissistic
+tristani
+kbs
+lepidopterist
+vocalist/guitarist
+koneswaram
+high-flow
+uneven
+loew
+louai
+claycourts
+akopyan
+pzm
+whitsuntide
+algama
+chaux-de-fonds
+leather-bound
+seana
+lahiniriko
+handback
+12th
+atsugi
+noua
+nagar
+maharaj
+mko
+abdolhamid
+skegby
+rabe
+boonton
+jamot
+dumpsters
+dzundza
+3,828
+moutiers
+116.59
+footholds
+atfp
+marugame
+daio
+balcazar
+leposava
+nganga
+décima
+tillstrom
+dubb
+rainsberger
+altiplano
+aveo
+bertolotti
+sniggering
+albenga
+16.11
+surada
+rfmf
+right-field
+dalipi
+overtime/shootout
+madlala
+118.29
+tragedienne
+480p
+surtsey
+mantlet
+behaviour
+goff
+2002-05
+lordsburg
+seaways
+barchas
+dtu
+dsm-iii
+puros
+aspire
+teva
+results
+periscopes
+endrin
+makati
+guc
+rosenbrock
+ceco
+creese
+cw4kids
+untruthful
+rounds
+paswan
+keble
+croze
+3.305
+coruscating
+jota
+cruz
+palaeography
+lower-energy
+inicial
+caraquet
+balladeers
+hollandia
+stokes
+thrud
+laciniata
+afeaki
+.376
+4e
+mxp
+l'arc
+kilkis
+yunhuan
+offensive
+53.33
+perhutani
+karem
+becky
+rainwater
+whipkey
+hirohide
+krajisnik
+railroading
+newness
+motorised
+yonghua
+darton
+62.02
+rakhmon
+liangyu
+antonis
+hnilicka
+euro177
+baoshun
+yangjiang
+udagawa
+2,084
+fnsea
+hermanson
+approach
+danciulescu
+132.86
+alzheimers
+199.6
+417.5
+mudflats
+tailgunner
+non-viable
+lamattina
+sharnbrook
+kuzmanović
+meuse
+wakamiya
+decir
+beitzel
+quirion
+agok
+wdgy
+quacquarelli
+americom
+jeleva
+bratman
+shuk
+bumbershoot
+faraci
+montclair
+gases
+dunsterville
+countercyclical
+angelito
+tantrism
+dusit
+gubbio
+scuffled
+1.700
+bryde
+benckiser
+carmelita
+muscular
+banten
+mishing
+bakweri
+haselden
+56.60
+upperhands
+borbarua
+chunlai
+hadhrami
+c/n
+cheapness
+asciano
+bensalah
+shiners
+carquefou
+teratomas
+codings
+minimization
+glenfinnan
+konnagar
+arithmetics
+polska
+aisea
+godsend
+tirreni
+kangchenjunga
+chepkurui
+5-95
+levchenko
+gràcia
+dinsamo
+smulian
+madocks
+ramayan
+annd
+demócrata
+multilane
+turducken
+cour
+shyam
+accum
+4.20
+saraiki
+gascogne
+railings
+short-form
+incommensurate
+re-develop
+obit
+mormon
+steffans
+1638
+redler
+naftalin
+kajura
+hautes-pyrénées
+laško
+breakthru
+thodoris
+mcginnis
+anhang
+vesca
+upwood
+upended
+raigarh
+poix
+kyprianou
+escalade
+anteater
+condensed
+post-independence
+crummy
+2500
+consultor
+tale
+unmoving
+kalabari
+sessue
+codger
+emile
+strathallan
+ahmadzai
+144-run
+2,3-dioxygenase
+demoratic
+nannery
+sheeley
+subcabinet
+chillin
+degraan
+slr
+ettore
+captioning
+1,375
+steins
+repealed
+galderisi
+bühler
+lyme
+npv
+fearnet
+pincode
+godi
+mad2
+conchobar
+olmütz
+stijnen
+vmkabat
+danwei
+semi-autonomous
+holcroft
+88.20
+canepa
+izenour
+konow
+100.40
+mush
+przedbórz
+band
+zoncolan
+hatra
+yucheng
+rock-paper-scissors
+ynglinga
+tiguan
+44.6-billion
+restrictiveness
+15.58
+totalmente
+arlacchi
+1/2-year
+wreathes
+nurcan
+ragonot
+presold
+2,459
+egidijus
+salting
+cotes
+ramblin
+marubeni
+sharpshooter
+vws
+dinneen
+asadov
+cowardly
+gundert
+6-55
+camunian
+araiza
+tremuloides
+vouching
+devilishly
+nethrlnds
+iten
+mumblings
+adv31
+throwing
+reinforced
+sedwick
+gouttierre
+furth
+d'être
+tolima
+meramec
+joszef
+ependymoma
+petrification
+hellebores
+margot
+16,750
+godsoe
+bōsō
+pickiest
+ptp
+shtick
+c’est
+casoria
+nkumbula
+baciu
+aniplex
+astrometric
+hikma
+scholium
+019
+stripped
+salette
+atul
+dota
+ziskin
+255.3
+confer
+cheow
+noguez
+demi
+105.15
+chiappori
+grafschaft
+wrinkled
+poser
+elba
+imperatoris
+criminals
+regimentation
+hoving
+transalpine
+gmhc
+onyx
+malls
+valdobbiadene
+kessenich
+1941
+unfolding
+samet
+yeading
+romanism
+paratyphoid
+tofiq
+buy-out
+dontae
+sanderlin
+kutler
+flossy
+refutation
+scathing
+zinin
+cholame
+secs
+setzer
+rawlings
+breakbeats
+bodo
+beefed
+maracas
+underfur
+jetboat
+mixteca
+roods
+imitator
+287.2
+affected
+deno
+rad51
+nbs
+deductions
+oratorio
+bandage
+malukus
+fantagraphics
+zero-based
+campesinos
+demined
+kvahsh
+hailstone
+amenmesse
+serotyping
+kubiak
+eiffel
+sinclar
+47.73
+paidos
+trautwig
+detras
+1973-1977
+montagny
+b-b
+leatherback
+tailend
+0150
+centrist
+marat
+epistasis
+bhealy
+gerben
+phenylbutazone
+1998-2003
+koream
+maravilloso
+loughner
+reneging
+carnivale
+1,600-acre
+chapuisat
+whoops
+67.08
+11,000-seat
+wende
+sumedho
+334.6
+conceptually
+piran
+susswein
+moth
+pershing
+hued
+dockyard
+woofers
+duncannon
+self-regulating
+agnese
+mikva
+oeschger
+montana
+colonizing
+doctoring
+avantage
+liebes
+slams
+arkadin
+caudron
+ufrgs
+12:05
+feydeau
+ziemer
+fathoming
+mudey
+rubbished
+battlefords
+chimbalanga
+nelissen
+uys
+swains
+parallex
+vlaanderen
+tutuban
+fantastic
+fowles
+2-foot
+russom
+zahidov
+reviles
+californios
+stegemann
+rxd1
+govoha
+reeboks
+kussmaul
+tamana
+birtukan
+brig.-gen
+airth
+tailem
+miracoli
+grlic
+glare
+holdgate
+almendralejo
+strumingher
+extra-large
+konyukhov
+dichaves
+trudel
+veľké
+isakowitz
+abodes
+u-48
+hollo
+kyrylo
+nester
+mazeikiu
+shinigami
+hadland
+fuke
+2003-2009
+underwood
+ngara
+predraft
+lount
+glucuronide
+sprintcar
+17b
+devins
+murmuring
+kościelna
+olatunji
+daar
+haugli
+muhammad
+husnain
+purveyors
+triremes
+vokey
+magong
+gadson
+accumulator
+236.2
+nne
+públicos
+tibo
+choibalsan
+wtvt
+binyamina
+afable
+dnepr
+kintner
+malielegaoi
+hookworm
+stubs
+http://www.uscourts.gov
+hazlehead
+labadie
+sau
+vilmain
+duperré
+reefton
+6-7th
+xiaoting
+johl
+yangi
+bushwhack
+85-billion
+harmond
+shelterbox
+büttner
+tatro
+countenance
+parrinello
+alternative-rock
+ascendence
+kaurava
+armband
+ackerson
+demora
+center-left
+1,788
+tiedtke
+configurational
+wafter
+demand
+rooting
+dehshir
+trahn
+proficient
+hadwin
+cross-ownership
+blustering
+devasthanam
+dogfight
+low-profile
+bhuvana
+caps
+memmingen
+saltsman
+frie
+futons
+helenów
+inbounds
+jefes
+andronicus
+43.05
+w0
+composition
+63,800
+doom
+detectable
+clavin
+kaleidoscopic
+ancha
+loeffler
+fowey
+psos
+career-high
+55.5
+ecozone
+ceaselessly
+kokia
+60,000-seater
+tabulate
+threadfin
+2004-08
+confucianist
+rucks
+swage
+beffa
+exportacion
+contagion
+sauser
+mesan
+cratloe
+disrupting
+budiansky
+patco
+motile
+2,022
+anti-lgbt
+fergalicious
+ferebee
+mgoldstein@globe.com
+440th
+stapylton
+adroit
+seizures
+actuated
+hydrographer
+lauricella
+bellying
+ower
+custody
+teleflex
+planck
+vacherie
+chanh
+insulations
+monitored
+cop-out
+utan
+moldes
+gucht
+roufus
+arbeter
+weyant
+intesabci
+shemini
+nightrise
+stekelenburg
+turbofan
+meanhile
+risottos
+chicama
+jessica
+good-naturedly
+creasing
+altissimo
+pre-cursor
+28-story
+pearce
+telecommuters
+coandă
+wynder
+04-dnp
+tupamaro
+mayanja
+doradus
+transferee
+latah
+ragni
+feirstein
+kebele
+finglas
+iarc
+konzerthaus
+vacationed
+zelzal
+raybestos
+editors-in-chief
+trinitarianism
+20-part
+lugg
+soheil
+otitis
+10kg
+114.43
+city-owned
+64-kilogram
+niños
+st.-pierre
+corinthian
+borchardt
+lymington
+leesa
+rockslide
+burgett
+graubünden
+arsène
+kingpost
+čedomir
+5-of-6
+abaye
+endowment
+anglo-japanese
+hommen
+maestre
+bacchante
+kharin
+lixiong
+yac
+filmar
+belmonts
+jru
+lc
+derrell
+wellesley
+162-kilometer
+tamira
+laisse
+castiglioni
+eighth-century
+zhigang
+698
+sensationalist
+melgarejo
+goodwyn
+1-20
+70,000-seat
+pozzebon
+jael
+learned
+dogfighting
+antonsson
+.255
+intento
+evaded
+penistone
+crainey
+a26
+krutch
+ear
+mesostigmata
+jennet
+ameijeiras
+benchmarking
+almorabit
+luan
+sheema
+crisogono
+jirka
+prinsengracht
+paulette
+deberry
+sheindlin
+dmurphy
+akutagawa
+gatien
+enso
+copleston
+honnō-ji
+poisonwood
+delistings
+jadideh
+w126
+backbreaker
+super-earth
+kaan
+madureira
+farndon
+juki
+pbn
+mollusc
+tsuruoka
+zombo
+1.3852
+nightlight
+836,000
+relin
+savvy
+luxembourgish
+dergham
+madelaine
+schewe
+apc/c
+tangmarg
+nmci
+slifer
+rehearsing
+redmanizers
+walpurgis
+bù
+tongling
+4,153
+silkiness
+1,454
+gintaras
+globetrotters
+beisel
+guarente
+consolatio
+dakshinamurthy
+übermensch
+lacm
+fockers
+121.85
+yellow-faced
+tammo
+majid
+hugs
+t-bar
+shalliburton
+abraaj
+booby
+hypercorrection
+phreaks
+pertinent
+skah
+assaf
+tatawi
+nigersaurus
+plantaginaceae
+bavarians
+aquitaine
+1161
+wargames
+intolerably
+napoleonic
+4402
+coerces
+bluechips
+boruca
+whitening
+1962-1966
+frings
+lettera
+csl
+harline
+apicius
+ccla
+iguchi
+rymer
+bureaus
+69.88
+reformulating
+marts
+3,259
+ubiquinol
+72-arrow
+siaya
+1914/15
+liquidation
+sihamoni
+walshe
+eccc
+lousada
+favoriten
+short-order
+digiovanni
+bellanger
+valiasr
+correy
+gogerty
+brayton
+higher-speed
+simtek
+procuratorial
+orrell
+donatas
+1.038
+obo
+hayles
+saukrates
+batignolles
+borey
+braunton
+gse
+promicin
+chmielewski
+58-minute
+pappageorge
+3,269
+foruhar
+rayon
+waterhead
+goalkeeper
+rolling
+gallager
+epigenetics
+höchst
+chriqui
+4.875
+quintets
+morass
+nationalizes
+90.69
+otm
+6,145
+shumpert
+lo-fi
+muya
+modiri
+vevčani
+arapaho
+counterargument
+remillard
+maatia
+co-chairmen
+downwinders
+3019
+franks
+part-way
+holt
+jaron
+ukrainian-american
+148.5
+8.76
+flasks
+sullenly
+venere
+greenfield
+jabbour
+kirkop
+armouring
+spinning
+khumm
+ryurikov
+falali
+toivonen
+polyrhythms
+sirolimus
+sidemount
+eugênio
+rbgh
+blumen
+gingin
+1.5295
+mulitauaopele
+bigamists
+pollution
+ceramicists
+thiol
+lanczos
+prepaying
+pittodrie
+motivating
+barrelled
+dimmu
+tamp
+ditt
+bashed
+wyer
+timoshenko
+molest
+hypovolemia
+pradilla
+gdr
+māris
+dembinski
+lody
+inr
+zerbinetta
+nq
+rossiyskaya
+750-billion
+sylvius
+calmly
+pergament
+pickles
+0050
+heisenberg
+craning
+grundman
+khreshchatyk
+chkhaidze
+revco
+yegros
+mackay
+hayward
+stenographers
+woefully
+responsables
+paginas
+triggerfish
+bertagna
+affi
+gibberula
+yeohlee
+rajeswari
+rds
+euro515
+ti-83
+adelie
+spend
+83.44
+breck
+sargents
+erskin
+garzone
+dibra
+altix
+coachbuilders
+little-used
+strank
+extrapolations
+nookie
+yoto
+quattrone
+attorneys-general
+cyclosporine
+pérot
+ggs
+0245
+altar-pieces
+80.94
+malu
+wifey
+être
+canio
+khanafeyeva
+clothings
+emergencia
+fatta
+scotteyman
+enchong
+oesterheld
+26-56
+albumen
+turab
+d-pad
+iupui
+filiberto
+bicalcarata
+deportivos
+boosie
+composes
+dilcher
+genève
+cuadernos
+qintex
+arabians
+nuvi
+tarento
+zaoui
+white-tail
+anti-semite
+hofoper
+butaritari
+tultex
+anti-globalisation
+viceroyalty
+accommodationist
+addow
+unearthing
+d'orange
+bensons
+stanišić
+acebo
+squadrons
+ngãi
+sereda
+thượng
+cucuta
+unravelling
+119.28
+interminably
+neocolonialism
+treiman
+volscian
+number-ones
+novitsky
+tauri
+peritonitis
+68.97
+kieckhefer
+sphrantzes
+wassenaer
+scrutinizing
+41.02
+flippant
+droving
+kennedyesque
+servings
+nyco
+ejecutivo
+adjudicators
+mendaña
+arla
+dynevor
+a.m.a.
+pothole
+minulescu
+beashel
+pro-series
+riviere
+ristikivi
+ruck
+peltola
+36-bit
+22-11
+self-reference
+giove
+implication
+45.92
+gangavadi
+71.98
+allemands
+dalglish
+keres
+2,558
+kairis
+aipcs
+bettina
+hasson
+krosa
+daylily
+162.9
+109-run
+rowney
+jauregi
+influencers
+sarangi
+antarcticus
+hoby
+transcode
+fleitz
+emption
+mongkut
+redang
+manjung
+2,679
+db
+informants
+qomi
+eudora
+exempla
+monosyllables
+888
+amazons
+ladylike
+helen
+211-year
+bushenyi
+amazingly
+shapeshift
+500-cc
+carides
+lenghty
+consistorial
+2,663
+wicell
+vye
+mtskheta
+voong
+sprechstimme
+messemer
+wooden
+stapler
+nesfield
+sadoul
+bakırköy
+regulo
+chiron
+hogmanay
+nhiek
+picts
+arsala
+pinpointed
+flagstaff
+cablemedia
+societies
+214.8
+barpeta
+pseudobulb
+kolelas
+ijaw
+milligrammes
+rosicruciana
+daley
+charlone
+funciona
+mpsj
+lumpers
+campen
+self-modifying
+contiguously
+1543
+dazl
+chlumsky
+3,945
+dith
+tassler
+sh-2
+battaglia
+wyong
+ertuğrul
+union
+kučan
+m42
+ghaben
+rosenfield
+chengliang
+tadeu
+ustinov
+soviet-controlled
+steketee
+datus
+qx56
+unhygienic
+callon
+freis
+rf2
+hornberger
+49.57
+sinfónica
+t-26
+appeasers
+arseni
+corboy
+hans-dieter
+łobez
+beom
+12:41
+nasrudin
+paise
+gengler
+starships
+imson
+pro-german
+sagredo
+086
+besoes
+needelman
+benefice
+philharmonia
+rayet
+03:30
+qionglai
+hindle
+pescia
+siutsou
+negm
+gylfi
+agioi
+hibernates
+nimmi
+spurring
+euro585
+quinson
+grandpré
+thornbrough
+iso/tc
+metasomatism
+ozaukee
+matter
+malfunctioned
+unpolarized
+fubar
+unexplained
+bbbc
+opentable
+b-stage
+2-0-8-0
+bajour
+huwaida
+abco
+u.s.-taiwan
+lindgren
+lemenager
+nay
+deputies
+gypsum
+blicksilver
+llanquihue
+kutiman
+jubayr
+calafate
+brangelina
+nakuru
+dollinger
+350,000-strong
+dimon
+complainants
+zareen
+2:34
+soulis
+c.ss.r
+kwazulu
+valjean
+r.johnson
+svu
+retratos
+masacre
+collina
+schoolmate
+leakes
+lukashenka
+elmdon
+grigorios
+pohlmann
+dwsearch6.dwsearch.com
+utmanzai
+galland
+saprykin
+chestatee
+sominex
+wkt
+autorun
+post-menopausal
+limberopoulos
+chun-li
+17-65
+hydraulics
+nantongo
+mid-16th
+cotillard
+albaladejo
+schmetzer
+missourians
+pushpakumara
+tanya
+osnes
+haidara
+7,930
+dejene
+snobbism
+havelian
+di
+zanes
+barrelhouse
+australis
+fedecamaras
+kroenen
+germanic
+aequatorialis
+pântea
+centralised
+re-supply
+nokdim
+jibed
+bakloh
+lotso
+checkmates
+hansung
+bērziņš
+krishnamacharya
+baluchistan
+computadoras
+powai
+spills
+fitzalan-howard
+seebeck
+wia
+212,500
+depots
+weaving
+noongar
+tiflis
+unac
+cussons
+fulvius
+45.66
+regarding
+hornfels
+226-3346
+stahlhelm
+nouvelle-france
+barthélémy
+kalunga
+rotifer
+olesky
+gcp
+sithu
+analog-to-digital
+half-mile
+unratified
+jorgic
+lamarckian
+supaul
+hurdman
+haosu
+indusia
+congregated
+cadaqués
+craned
+balto-slavic
+srms
+avant-garde
+pizzeria
+frusciante
+taradale
+rumely
+subdiaconate
+re-painted
+kimutai
+mlt
+sacramentals
+self-evaluation
+atk
+euphoniums
+two-handed
+heylin
+mordovian
+ecw
+multnomah
+redbrick
+herlev
+manipuri
+rougerie
+koosh
+furnishing
+bulelani
+kyoji
+birdlife
+11-room
+pgp
+sports-oriented
+youde
+mandaric
+publitalia
+news-sentinel
+beech
+americanus
+baytv
+ecg
+thambi
+desperate
+sigismondo
+glider-borne
+taton
+5-kilometer
+overinvestment
+dpp-4
+malabarica
+ζ
+nayudu
+egolf
+overindulging
+asserted
+charcas
+paging
+ryuji
+spreng
+ultra-violent
+dejiang
+chavar
+vats
+berloff
+bugattis
+26.46
+methodologies
+dressy
+kongoussi
+jiloca
+szewczyk
+controllable
+leanness
+naturale
+jarron
+ulbrich
+colle
+wall-mounted
+volksgerichtshof
+thieriot
+201.2
+3-time
+jerilyn
+tasse
+prin
+actus
+genoveva
+osmany
+neworleans
+muong
+aquitted
+magaly
+71.66
+naaf
+frere-jones
+bortolami
+0.25
+winmx
+malt
+-0.4
+segments
+suq
+magnoliaceae
+st.-julien
+abdolabad
+debica
+feldberg
+hand-rolled
+transformations
+appeased
+television
+procyon
+saheb
+contratas
+lobiondo
+1315
+gracida
+deadsy
+affonso
+endows
+dastoor
+insurer
+astvatsatsin
+content-control
+essonnes
+gamle
+tweeter
+broadview
+incluye
+callin
+20-billion
+zarah
+taurica
+stehekin
+68.04
+encores
+eisin
+repurposed
+tacony
+ates
+coronado
+cumhur
+gsheeley
+erratically
+takovo
+ohle
+gierek
+trachurus
+acsu
+artymata
+recommendations
+phrase
+silapa
+120,000-member
+wisch
+mkrusesptimes.com
+karaism
+tottington
+rocketman
+repa
+portici
+inductions
+enthiran
+tenaciously
+multi-band
+firehole
+independants
+trance
+chakram
+dokey
+rimming
+552,000
+hatchway
+pedini
+captain-class
+patidar
+m4a1
+boj
+takara
+bumpings
+917,000
+63.96
+nergal
+kdp
+togar
+2,500-square
+zuid-beveland
+re-exported
+razumkov
+89.2
+critical
+scaggs
+ojuland
+2255
+sgm
+93-79
+christy
+bierman
+asec
+wilds
+griese
+isobutylene
+vohrah
+masle
+kisha
+correspondences
+basken
+frankson
+alliston
+zab
+kjeller
+under-powered
+zubov
+calise
+st
+vaillant
+imagers
+48-page
+morter
+clarksville
+warioba
+kamayut
+huerfano
+tww
+subscription
+sompop
+rafshoon
+hassocks
+.118
+afrikaners
+impalement
+uniglobe
+56.26
+igorevich
+telefe
+yining
+arava
+intertwining
+discomforted
+obere
+noting
+nichiren
+makeup
+alvania
+budgeteers
+cristodero
+goldenseal
+dxe5
+chordata
+upgradation
+hofuf
+yav
+hard-fi
+psc
+ifma
+wilfully
+asgari
+westhoughton
+tobon
+louvre
+valign
+75057,2274
+bushel
+korenica
+7.7930
+verichip
+gunline
+azizur
+toccoa
+revolutionibus
+godbey
+iiib
+utah-based
+velcro
+newmaker
+saide
+jugnauth
+franklinton
+miejska
+muza
+standring
+altering
+sidoli
+oxynoemacheilus
+dongxiang
+inspite
+overindulgent
+birdstone
+kecheng
+monogamist
+gots
+1849
+7,000-square
+3,706
+cappy
+ulsrud
+-5000
+ordeals
+sunday-school
+brigadiers
+malir
+jugendliteraturpreis
+embezzles
+beacher
+snorrason
+algeciras
+jonava
+đăng
+burong
+respectably
+greases
+payla
+lagomorpha
+altes
+multi-storey
+47.45
+yuck
+brandi
+arcminutes
+compaction
+clotted
+105.84
+retire
+zintan
+kalivas
+harnesses
+j.j
+superbike
+settimo
+weisgerber
+belbin
+hibbeln
+hib
+vladimira
+hamari
+pilcher
+carewe
+invasively
+snowballing
+deccani
+guapos
+rebetiko
+piked
+73.46
+fleshes
+niida
+klonopin
+actuelles
+ugeux
+ventrolateral
+firered
+tsos
+45.19
+epper
+schaller
+eldersburg
+kharlamov
+dworshak
+ganden
+penas
+defocus
+gray-brown
+i-35e
+estelí
+coor
+mellis
+clerc
+feresten
+royaume
+classifying
+82-0
+vidia
+bloy
+norrköping
+kabukicho
+jiashan
+argenteau
+antoin
+assurance
+ivone
+shihab
+hage
+taymazov
+kiely
+quandaries
+motmot
+sandalwood
+50-euro
+tutrakan
+1.15
+homosexuality
+supe
+erny
+rianto
+scotton
+anaphoras
+bossis
+cephalosporin
+ornithischians
+135xe
+terephthalate
+elitloppet
+bulliard
+025
+1970-97
+elastica
+nyswaner
+schonely
+hermits
+teleports
+deeded
+polarimetry
+spacefarers
+gelase
+biłgoraj
+hampton
+incline
+dgs
+machanguana
+petkovic
+defused
+snub-nosed
+heater
+muhumed
+liphook
+zubrus
+img
+repaints
+jianlong
+locomotive-hauled
+aec
+excessive
+frucht
+92.69
+gallinule
+tiền
+venturas
+rahmanov
+kasra
+chromosomes
+mortification
+baci
+trogonidae
+achatinellidae
+thanassis
+timings
+klosterman
+césaire
+o'rear
+yelizaveta
+voort
+hcs
+usca
+gjerpen
+multivitamin
+guilford
+stakeholders
+youngers
+serwotka
+kiloliter
+purkis
+zhenping
+chercher
+gustava
+deliquescent
+safety-related
+52-4
+budko
+currin
+45.15
+virginal
+palatinate
+110.2
+0131
+267.5
+burqa
+acquisition
+lifeboats
+anjaneya
+setsetse
+acanfora
+trailed
+pre-doctoral
+u.s.-operated
+caregivers
+mccallum
+heesters
+orquestra
+qanoon
+suweid
+proselytizers
+sailhan
+schortsanitis
+ligatures
+myjava
+wohi
+apeman
+g-8
+whitinsville
+83-62
+39,688
+wangaratta
+aarthi
+dissuade
+linge
+stojanov
+graziella
+zavackas
+pepita
+petrels
+proliferator
+togadia
+laida
+zeuner
+unamid
+słupca
+niemann
+ncp
+ail
+picardo
+smartmedia
+sarcastically
+spaceball
+presupposes
+athabaska
+oculta
+handpicking
+symmetrical
+non-corporeal
+breveted
+fc
+florid
+altivec
+tsuneoka
+2,424
+andru
+hertzen
+astronomer
+wrif
+u.n.-endorsed
+16gb
+polnova
+170.6
+bosna
+43-9
+jim
+dumpty
+bhatnagar
+dedede
+theologians
+goofing
+atomize
+gutenberg
+janu
+wolzogen
+dimofte
+sdp-liberal
+:29
+unionized
+gerald
+ashbel
+boguski
+eisenreich
+helpe
+sanzang
+mazzola
+solitaires
+katakura
+saraswati
+troisième
+glaciology
+severian
+latently
+frontieres
+overrepresented
+frater
+dubbing
+janjalani
+1,628
+crispbread
+visp
+bugaboos
+pessina
+kvas
+1.047
+xfa
+rathbreasail
+kgl
+janya
+beignets
+overfill
+gradings
+130,000-square
+xlii
+noxon
+25,800
+http/1
+nataly
+brooklynese
+1,224
+sadowski
+white-tipped
+gendreau
+eg&g
+half-height
+fulvetta
+cyrenaean
+luftstreitkräfte
+unblocks
+allcomers
+3g
+lumpe
+roxane
+paraguayans
+2,488
+blintzes
+gaag
+bhengu
+laboy
+dark-green
+seceders
+keaton
+derrike
+113.47
+tắc
+pagbalha
+whg
+guangrong
+bangu
+cambie
+moshier
+barjuan
+whincup
+date-krumm
+deskins
+4-29
+poli
+debis
+digenova
+presupposition
+hichem
+1160
+mcraven
+liboro
+weeklies
+witheringly
+slacken
+222-seat
+tomiichi
+htein
+bích
+golfen
+enactment
+eromenos
+varians
+124.73
+premixed
+dhc
+motorists
+côte-d'or
+reanalysis
+valise
+glared
+shaurya
+terminologia
+lynchings
+glucophage
+econometrix
+azfar
+quip
+faulting
+leskovac
+juca
+rospuda
+stoss
+chinju
+titanic
+kettles
+21.1
+shakib
+flatly
+norgren
+nintendo
+lasserre
+savithri
+bombino
+noshir
+syro
+bamidele
+,360
+gershenfeld
+189.9
+devillers
+unhealed
+pipits
+baledrokadroka
+61.7
+bouhail
+vatra
+ss-oberführer
+rosal
+enlargement
+wehmeyer
+uif
+podarcis
+livingstone
+insulin-like
+a.p
+arashiyama
+holsbeeck
+hanchett
+appurtenant
+ayta
+matonga
+soquel
+knutzon
+45.89
+sauropod
+kato
+muffler
+how
+ejectives
+1.5640
+singleton
+drought-tolerant
+royces
+reoccupy
+besotted
+adelstein
+tae-hee
+shuttled
+kamakshi
+bloodedly
+krivokrasov
+81.89
+mesophilic
+rebo
+zoologica
+dissolves
+soh
+clacks
+1943-1944
+aereas
+trashcans
+iławeckie
+re-added
+kisen
+melitaea
+vax/vms
+bagna
+olowokandi
+ginns
+drastically
+stiffed
+wantz
+sinor
+lan
+serowe
+payola
+schoor
+booysen
+jabo
+tongli
+mihtarlam
+schussel
+separatum
+mieux
+jurika
+mangueira
+muwaffaq
+malév
+sexily
+hauls
+93rd
+jonquil
+akvsenti
+karibib
+multi-racial
+psychologies
+i.b.
+lundh
+cecina
+chlorite
+cm
+rudolf
+macroalgae
+redbourn
+epithalamium
+julfa
+farmstand
+kuklinski
+beas
+obligating
+63-3
+tynemouth
+žatec
+skare
+hocus
+t20s
+motorcyles
+hispidus
+injera
+young
+kretek
+penile
+indigenously
+moonlite
+.299
+auty
+acyclovir
+groote
+protects
+urho
+huntsville-decatur
+lavern
+overbuilt
+1655
+tomball
+topgun
+a.e.k.
+oxblood
+pericarp
+sunshades
+6,970
+ngum
+upasana
+malate
+dashiki
+kahramanmaras
+anarchy
+mallock
+spp
+mehr
+k.d.
+watteville
+netrebko
+comsat
+alera
+eckrodt
+mbembe
+nozaki
+maccabi
+antagonize
+niniadis
+p'ohang
+brl
+joesbury
+gliding
+1,832
+duhul
+semi-truck
+valsugana
+infantilized
+kindom
+nurbank
+therma
+teetering
+makhloufi
+seishirō
+fakkah
+bvlgari
+grianán
+gingival
+yogini
+durlston
+faded
+a-3
+chipmakers
+sadullah
+morrow
+arntzen
+pavlovs
+altfest
+leftward
+adv13
+calzado
+iginla
+matronymic
+skywave
+moclobemide
+villarzu
+esem
+mugger
+kennebunk
+convicting
+penington
+jorie
+monterey
+free-tailed
+polana
+j.s.d.
+saladino
+1916-17
+renong
+pardubice
+yanfei
+boggled
+barnwood
+lehnert
+shots-18
+millerites
+pelekoudas
+1,500-page
+spacely
+288th
+statutorily
+ayame
+madiot
+goalies_buffalo
+trant
+brogdon
+cervélo
+30-pounder
+rachniyom
+candor
+dissanayaka
+phobic
+mercs
+bolinger
+petsmart
+dami
+unswerving
+amfissa
+ania
+wiggers
+apostolou
+23.93
+172-seat
+solitario
+59.8
+u-15
+fsis
+sopranos
+romines
+piggy
+tradespeople
+25-man
+schoten
+waivers
+svetambara
+dbp
+badrul
+oratorian
+goldmoon
+1,2,3,4
+sr-68
+santoriello
+xiaoning
+belich
+1986
+luken
+perleberg
+groening
+mutica
+maniema
+motet
+39,583
+recessional
+neponset
+tastelessly
+c-kit
+lumbosacral
+http://www.ebay.com
+esh
+karada
+arch-rival
+dundurn
+anosy
+zureikat
+bato
+2,290
+menad
+inversion
+resolver
+offenburg
+82.50
+radulfus
+oxidising
+cargolux
+scoppetta
+uncollateralized
+adv14
+shilansky
+caipirinhas
+goffle
+rattus
+majoli
+glyceraldehyde-3-phosphate
+competencies
+affixation
+dfas
+rimbaud
+ganei
+reddest
+outhomered
+kindergartener
+antiterror
+mago
+binoy
+aunjanue
+let-7
+arel
+agro-based
+guerry
+npdes
+carron
+weigall
+six-part
+ox-bow
+grafico
+jinder
+heel
+batie
+mccaleb
+r-az
+hurston
+legoland
+litija
+gianna
+livet
+constrictive
+6-dot
+4,175
+vasilyev
+tristana
+dalkowski
+kalibata
+nozomi
+122.13
+hamoaze
+16km
+backstory
+czubay
+benzalkonium
+slavoj
+1075
+88-page
+sign-in
+wazir
+etoys.com
+ieng
+83.61
+spirochete
+asiya
+tomanovic
+indented
+badnarik
+altdorfer
+doland
+lolos
+superintendent
+fortnam
+magnifique
+keable
+secessionist
+ahlerich
+bachardy
+draughting
+kousa
+roughriders
+khenpo
+aerocaribbean
+-05
+strache
+tarjei
+gangsterism
+impassioned
+88.69
+chorzele
+27,750
+kanesville
+conflates
+mitag
+ugs
+ksdk
+82.20
+computerization
+3,929
+flavonoid
+bullfinch
+78.7
+wgr
+sollee
+lnm
+urizen
+bergstroem
+republik
+horsford
+brewing
+capitularies
+63.04
+transcranial
+nisar
+eisenman
+dual-channel
+fundamental
+ludens
+naparima
+wranglers
+6.08
+:4
+euro311
+wiba
+gaeltachta
+cone-shaped
+qiryat
+papageorgiou
+plyer
+vicinity
+mtn
+moomins
+inflammed
+exilis
+brossard
+18.55-mile
+wildcats
+cabigiosu
+3,712
+tolkki
+cnts
+modifier
+pazner
+outwit
+ephc
+edeh
+issho
+ayf
+magarinos
+difference
+75.45
+miklikova
+dogu
+affectees
+96.56
+purpose-designed
+tarnishing
+aliments
+geniculata
+galette
+sulianti
+aminuddin
+mollica
+bbf
+blin
+30-0
+caldrons
+roenigk
+8-time
+laguna
+ritika
+hougaard
+http://www.faa.gov
+grisaille
+coloma
+zbogar
+yermolayev
+helmed
+interactivity
+1871
+1296
+node.js
+antiplatelet
+30.61
+prices.the
+villamarin
+disaccord
+vršac
+turfway
+pannon
+air-breathing
+rueful
+amphion
+ingley
+dct
+manbij
+flypasts
+woodson
+skycity
+alegría
+opposites
+cements
+alcindor
+anteroom
+heermann
+ten-year-old
+trikke
+nonnegative
+catanduva
+feelin
+flitting
+adrianne
+repackaged
+mongiardino
+103rd
+dunan
+hollygrove
+liccione
+partying
+uvu
+non-turkish
+http://www.youtube.com
+camdens
+hooter
+yunan
+bellahouston
+transjordanian
+pitoniak
+moz
+artworks
+extramural
+listened
+fairwood
+ruhr
+oceanography
+heligan
+kessels
+rubella
+reemerged
+misbach
+delacroix
+overutilization
+perurail
+vandalur
+sarıyer
+45-yarder
+lenna
+ex-soldiers
+rompilla
+egnew
+50-3
+revis
+kempton
+ci611
+corzo
+fruit-eating
+dpn
+mugello
+skarżysko
+one-shots
+51-41
+tupper
+jaroslav
+40mm
+homegrocer.com
+gaenswein
+unbeatable
+involved
+cide
+eurythmics
+ionized
+1126
+hashemi
+biosis
+darek
+ōigawa
+traianos
+zabransky
+oslac
+antennaria
+terekhov
+massu
+penni
+netguide
+amarcord
+kensil
+dulu
+abhi
+3,948
+density
+ford@globe.com
+holmdel
+chetia
+caborca
+oscillation
+mastel
+equiano
+almanacs
+4,835
+yabuki
+liveright
+elephanta
+shadwick
+student
+cocker
+viner
+hachijo
+bj
+kos
+abat
+2004/5
+melander
+114-109
+276
+carre
+trini
+rno
+teviotdale
+5-liter
+kentuckian
+rdg
+30.91
+adiyiah
+weltkrieg
+kalwa
+collapse
+gambarogno
+stanczyk
+delphiniums
+grunion
+ceramide
+sergeants
+axolotl
+zoromski
+mutuo
+jaunarena
+socred
+soami
+ingratiates
+yei
+smartcard
+manantial
+xoom
+lloris
+superiore
+renoth
+toodyay
+pozas
+tikriti
+rāga
+mitsumi
+28.86
+orthophosphate
+squalling
+skillsusa
+dentist
+indophil
+groovies
+valdres
+14.62
+ottoline
+feast
+taine
+schlenker
+2.62
+loudwire
+billo
+cybersmith
+seguso
+moting
+niels
+factions
+draman
+sentier
+wrestlers
+highjacked
+self-confidence
+priyadi
+almaguin
+janco
+ainata
+waylaid
+spookiness
+watermarked
+13-pound
+dragojević
+sanex
+hel
+moeketsi
+loyzaga
+marquesas
+1940-45
+minikes
+ambito
+lakeside
+dầu
+18-pound
+bigwigs
+tousey
+steitz
+98.23
+cherkess
+waipawa
+supersymmetry
+heeds
+zatulin
+threatening
+bangzao
+frontstretch
+head-dress
+late-period
+comit
+landholder
+then-world
+mickler
+îles-de-la-madeleine
+winglets
+prek-12
+dcci
+dhap
+lenora
+leu
+veikkanen
+iz
+160-seat
+northwestward
+bulwer-lytton
+naviera
+polyneices
+hanham
+turanshah
+acht
+min-jung
+wcam
+150.8
+evenk
+procol
+zylberberg
+kawartha
+rufe
+105.56
+skötkonung
+piecing
+20-34
+26-week
+frighteningly
+spoon
+ogress
+pastes
+spümcø
+middleborough
+dolly
+ninety-sixth
+100-86
+fes
+ando
+1,271
+avg
+peevey
+arriflex
+yst
+bhairon
+paulus
+bicameral
+chuganji
+tanza
+saca
+boma
+naraide
+48.30
+2554
+vizuete
+quarterbacks
+subgroup
+bkeefe@coxnews.com
+allcott
+marapana
+1989-99
+darla
+jalpaiguri
+medpac
+disney-owned
+nickie
+78.81
+76.78
+shaweesh
+pierer
+suras
+lyngby
+kelvinside
+bolca
+tabung
+rayani
+dalit
+gadebusch
+i-l
+kolodner
+oligomeric
+644,000
+sub-population
+osnabrueck
+falch
+depreist
+76.71
+maresme
+pierre-antoine
+lajoie
+wanapum
+gluttonous
+4,334
+14.1-inch
+albana
+farewell
+alcobaça
+prita
+aterciopelados
+sevres
+high-impact
+squamata
+georg-august
+3,667
+revox
+ruderal
+wicb
+barzilai
+brazeau
+ignarro
+mielziner
+emirau
+medows
+wayu
+dwapara
+scurries
+sportive
+debarge
+jiannan
+28mm
+penco
+hennie
+curteis
+mastronardi
+wayan
+wcws
+1010
+imiloa
+kumaresan
+zhoon
+nereid
+satluj
+greek
+fifaworldcup.com
+seasonally
+hedingham
+theater
+sitemap
+carpathian
+kalutara
+nucd
+paunch
+khuweilfe
+veitayaki
+thorniest
+altaïr
+chinen
+context-dependent
+aragon
+fraker
+wairau
+gakuen
+kd1
+11i
+documento
+werman
+slatter
+2.08-meter
+oil-rich
+vesle
+friberg
+suneson
+dool
+reichart
+masterchef
+59.06
+presbyter
+arcseconds
+groark
+naafi
+ischaemia
+observes
+sanrio
+rm700
+jandala
+baruch
+kmi
+kalymon
+stepladder
+uneaten
+kwouk
+lekking
+lokuarachchi
+tuku
+cortona
+arfons
+hoofprints
+independency
+fragmenting
+kapil
+kuk
+jinhui
+746,000
+yetty
+3,809
+zamzam
+late-1990s
+u.s.-iraqi
+cadherin
+plusses
+joell
+montfaucon
+shiz
+andrezinho
+rochemback
+auckland-based
+onumoz
+rondell
+meows
+southchurch
+barletta
+educationalist
+then-chairman
+121.75
+mafioso
+floricienta
+garpenlov
+bozdoğan
+uylenburgh
+tottenham
+maywald
+begemder
+conservatorium
+nakornthon
+setaria
+uld
+tidally
+sneakers
+luso
+seven-a-side
+oolitic
+sudamericana
+highlandtown
+vice-versa
+sounding
+1.335
+henerson
+u.w.
+kirknewton
+fuhl
+hirth
+dirigible
+oberbürgermeister
+trough
+shinshinto
+i-84
+farooq
+negaunee
+diggins
+elizaphan
+enrobed
+ferndale
+ghadar
+nuaman
+lulac
+tiaa
+sub-prior
+1,656
+100-kilometer
+newsmakers
+.377
+orbiter
+andria
+indoctrinating
+gunners
+anti-malarial
+torroella
+pleased
+dedica
+susanto
+strouse
+vrtiska
+greenspan
+sultanova
+desmin
+gads
+studded
+speziale
+under-served
+scicolone
+buto
+samartha
+karenzi
+stevia
+nioro
+fulong
+http://libertyforelian.org
+exited
+bhusal
+issuer
+kempten
+hénard
+bursting
+volmer
+coldfoot
+a-pack
+krakowskie
+enthusiastically
+doorbusters
+starbound
+birthdate
+kellison
+jew
+enamorado
+31-21
+cinefantastique
+chris.erskine
+leewards
+tesar
+begles
+delvin
+aundray
+dr.congo
+tue.
+d'you
+choto
+jarhead
+ayas
+bnct
+lebar
+shadab
+81.51
+groundwater
+35.00
+1,532
+takedowns
+krups
+pietrus
+seoulbank
+mcgivern
+bartha
+wickedest
+manukau
+midleton
+landgericht
+distasteful
+biologia
+wjac-tv
+društvo
+anbiya
+hazel
+obstructive
+dissolving
+benke
+hydroids
+utahns
+2.40
+lancy
+distance-learning
+vrhnika
+misbranded
+electronico
+12:02
+panou
+kimmerly
+nemi
+setp
+thunderstone
+motorcyclists
+hallen
+ogs
+39.02
+monahans
+n24
+willmarth
+298.5
+familar
+meldal
+deroin
+glyde
+second-place
+darkhold
+70.81
+hartberg
+architecturally
+redacting
+plantard
+fagel
+neonate
+luzzi
+inflow
+nuns
+draught
+chiu
+sceneries
+so.
+mousavi
+toolkit
+crisfield
+littleport
+corridore
+douaihy
+katerini
+salvaje
+40-yarder
+adv04
+pitscottie
+rilwan
+pano
+petite
+didelphidae
+garbajosa
+pelt
+domspatzen
+valsad
+brookeville
+tetrahedra
+everglades
+jct
+1:3
+clady
+skarbalius
+kalanga
+naturelle
+lfo
+troubadours
+1.353
+gritting
+vitrac
+turbo-folk
+mikellnytimes.com
+shama
+dzaiddin
+khargone
+amambay
+catacosinos
+kampuchean
+awkwardness
+anti-christian
+rohmer
+improving
+boot
+mahotella
+melzi
+noema
+damaraland
+mcvey
+fineberg
+beven
+linders
+onie
+sorcerer
+silicates
+lisburn
+rebuttals
+sargon
+narcissist
+udmurt
+hain
+incautious
+blundy
+zaplana
+tavarelli
+diagnostic
+developement
+parrot
+jessop
+102-96
+steel-reinforced
+taekwon-do
+papu
+stember
+bluesmen
+razali
+delimiters
+ettinger
+recapitalize
+homonymy
+burhan
+veysian
+consultants
+deming
+lize
+olymic
+futo
+púchov
+ashbee
+menasseh
+nostradamus
+shrek
+concierge
+69,600
+eeprom
+subwoofer
+stk
+amidah
+drowns
+jayalalitha
+garter
+0.59
+plateauing
+best-preserved
+annecy
+beseeching
+rewording
+exurban
+zhaoying
+bokmål
+bichara
+ramsden
+marseilles
+croton
+13.44
+oteil
+6-38
+10,000-per
+disliked
+tonne
+1995/1996
+gfap
+offputting
+daodejing
+marrin
+tennekoon
+bullae
+authorised
+hexachaeta
+singe
+boardman
+kutschera
+undersecretaries
+rabonza
+trown
+guaraní
+marble
+helper
+torero
+habbash
+6,340
+ruemmler
+laverton
+redone
+leccia
+25-july
+lionhead
+matuzalem
+two-fifths
+abled
+subsectors
+hoketsu
+vasileios
+provisional
+deformities
+representives
+1stlede
+chatrooms
+cacti
+netivot
+microcell
+broncho
+makoun
+sarsgaard
+wackman
+amo
+ayi
+hytiris
+resizing
+ribbeck
+enquirer
+frithiof
+ap.biscom
+fofonov
+ostrzeszów
+tahoe
+1.2713
+bardai
+sozzi
+radd
+florante
+7:39
+verkehrsgesellschaft
+364th
+umetsu
+reelers
+bouphavanh
+udeur
+mencken
+vdovin
+court-martialled
+abasolo
+wolley
+dragnets
+75.97
+hohenwart
+top-rating
+gavioli
+alangudi
+schulich
+bbsrc
+woodrats
+nutro
+archbald
+aun
+omidiyeh
+dts
+diamantopoulou
+1.4800
+okonjo
+net2phone
+harms
+hevelius
+suibhne
+mf1
+ingrosso
+flaps
+shelby
+weltner
+vantagepoint
+11-piece
+allylic
+degli
+europress
+fenical
+marnier
+12-and
+jeanjean
+88.08
+dflp
+linnet
+alghamdi
+belasyse
+longum
+evil-doers
+ahir
+gks
+vank
+maktum
+20h00
+107.51
+chis
+gargi
+hepu
+1.3648
+petitioners
+hickersberger
+saddlebags
+helyar
+gelovani
+wrist
+b.tech
+temprano
+hackery
+maestra
+shirwan
+o’hare
+25.37
+110-foot
+vocero
+artsmark
+lightoller
+paoni
+snatchers
+oryol
+secofi
+smallbiz
+jephthah
+mitrofanov
+isayas
+doubts
+m.a.s.h.
+infantile
+rowes
+proxies
+hfp
+desalting
+schutztruppe
+al-wahid
+hanya
+bharathiraja
+neglecta
+jrp
+boursicot
+21.30
+kaizen
+eisa
+franjieh
+polygraph
+farmwork
+pullovers
+srs
+blasien
+86.19
+wallau
+field-effect
+notts
+krop
+reimagining
+disabused
+jackets
+177.7
+glottalic
+tuto
+pellet
+1:56
+preston
+rechner
+18f
+peppermint
+mafias
+localweather
+pacing
+fasciolariidae
+intro.html
+g-function
+perriss
+uca
+dillahunt
+slave-owners
+miljus
+benussi
+usuarios
+gyromitra
+sungas
+copperheads
+relient
+symonds
+cementite
+plow
+zubaie
+anthological
+chhote
+113-111
+breydel
+turberville
+ssl/tls
+hinkelien
+ants
+sdm04
+afanasyeva
+return
+cuauhtemoc
+hulot
+playmore
+turbochargers
+richer
+excelsa
+kron-tv
+7,214
+serologic
+vaidišová
+rancho
+slothful
+tazio
+loys
+isleworth
+khalifi
+strudel
+2.31
+denness
+shaber
+4,333
+rajneesh
+marginalis
+chako
+talons
+fatties
+unfixed
+elance
+chooi
+1944-1945
+11-seeded
+apurímac
+bonsor
+subash
+scoffers
+603rd
+mujaddedi
+reitman
+altenburg
+brijeg
+wnac
+lpf
+tirol
+kysr
+69-year-old
+macandrew
+vertebrate
+sr22
+gauged
+kural
+samatha
+orthodontics
+arau
+21.13
+ajuuraan
+hlh
+embarrassed
+contestants
+breather
+two-years
+pow-wow
+respirator
+chickie
+pârvan
+.950
+mooks
+custis
+tortrix
+rud-e
+guelzo
+anthropomorphize
+aml
+euro388
+atelopus
+goofed
+talk-back
+tlh
+quantum
+seishiro
+exupery
+symmetries
+1996-2004
+errant
+19w
+martingale
+abdulmutallab
+co-established
+kinh
+xiaolangdi
+geertruidenberg
+14,000,000
+picturetel
+straining
+38.52
+56-lap
+ensco
+nibelungenlied
+conconi
+inga
+clarisa
+limoniidae
+qic
+loikaw
+recoiling
+birthstone
+palaearctic
+bezhuashvili
+banovci
+facelock
+podravje
+kalifungwa
+auditioner
+perote
+mellie
+kisber
+branscombe
+blackheads
+zealots
+meaningfulness
+cabins
+gyeongsangnam-do
+breeze
+blinded
+stoilov
+polreis
+mulata
+uchida
+mythologizing
+chūshingura
+werde
+21-16
+stelescu
+10a-3a
+stylite
+8.04
+lectionis
+shoch
+alcalde
+daht
+all-ukrainian
+chenango
+nesterov
+henhouse
+gijon
+25-2
+m16a2
+guillam
+rinky
+stampeded
+43-car
+number
+airbourne
+1950-53
+berrick
+tepelena
+ayoun
+red-necked
+hurwitz
+korean-born
+front-mounted
+rabbids
+margreiter
+german-controlled
+siouxland
+artemether
+monopulse
+chatillon
+wce
+meenakshi
+hainsworth
+znbc
+re-adopted
+campouts
+rector
+brm
+fdp
+andalucian
+nacke
+brahmanic
+familiarization
+taveta
+gladwin
+thalli
+palmerton
+ruehle
+americain
+2015-16
+kannadi
+superpower
+lys
+podshow
+hager
+mcalpin
+facebook.com
+ryanair
+edyvean
+tampere
+writethr
+kyron
+apologize
+lereah
+terbrugge
+self-assessment
+momchil
+gansler
+well-placed
+155th
+line
+heartbreakingly
+re-employed
+116.12
+kian
+wjla-tv
+jordon
+harminder
+vietnams
+dockwise
+indemnity
+characterise
+shorthaired
+appia
+tsenpo
+sevens
+deborah
+pee
+toujinshi
+padwa
+croissant
+coorong
+angotti
+copied
+yagyu
+tadla-azilal
+steely
+fabianski
+azabu
+birck
+earners
+methyltrienolone
+potemkin
+wiesel
+atran
+delimiter
+bierko
+kobudō
+vallejo
+lipovans
+extrusions
+monthy
+nicklaus
+lumière
+gastrappet
+nakri
+botswanian
+knavs
+esap
+sillett
+darwaja
+parkinsonian
+temeraire
+mumin
+dkv
+tingting
+llnl
+infilled
+4,967
+latsis
+craske
+klatsky
+wesenberg
+densification
+barbarossa
+katanas
+biard
+joho
+aback
+b-movies
+littrell
+restitution
+idiolect
+anthropometric
+wits
+papae
+miana
+acquitted
+stranded
+14a
+katsumasa
+audax
+o’neill
+mukai
+homegrown
+cassano
+mercan
+hindu-buddhist
+daro
+nonfatal
+comenta
+impulsive
+judaizing
+neo-liberal
+poneman
+owing
+19:27
+braybrooke
+hinoki
+inheritances
+vyborgsky
+falsettos
+bessarabian
+mindell
+lodestar
+ryr
+increments
+non-elite
+flonne
+pierini
+oil-based
+terns
+detraction
+pierre
+telkom
+trolltech
+philadelphus
+mcstay
+quadras
+solisti
+matheson
+6.01
+borakove
+ornish
+zaveh
+johnna
+strpce
+vanowen
+octav
+yezidis
+pinkie
+klingman
+corentin
+chalcocite
+perkinson
+miers
+knickknacks
+blackfeet
+glenshaw
+radburn
+kabyle
+safa
+arica
+tuckahoe
+freitag
+tabata
+polish-born
+33.67
+sxs
+poyser
+knaben
+rimini
+9:00
+gunnell
+tameka
+defferre
+benes
+finn
+breauté
+rakoff
+jablonec
+subunits
+aigle
+patitucci
+chilanga
+ability
+29,100
+glint
+cuyo
+griesemer
+havre
+petronia
+2.7-billion
+superimposes
+all-star
+creditor
+6250
+seducers
+middelhoff
+sumbat
+columbu
+sacerdote
+lumintang
+atrocitus
+aromatherapy
+ethic
+cheuk
+ambani
+stenbock
+citypass
+confessionalism
+mulleavy
+willet
+submitters
+z-buffer
+19.49
+decastro
+consilium
+gabali
+myhres
+double-precision
+2005-2013
+grandmas
+provenzano
+leatherwood
+sirjan
+celerier
+comprehend
+a-pound
+hyun-jun
+koce
+pacos
+callers
+nr
+kotar
+vianu
+forbach
+cj7
+ucci
+nabrit
+vuai
+lippia
+moyers
+ophichthidae
+13.59
+rodeheaver
+flied
+tomoxia
+sanitation
+macé
++.12
+sexuals
+peru
+185-member
+tullio
+humo
+himst
+eavesdropped
+castanea
+arbuthnott
+methylhexaneamine
+5:49
+mahilyow
+bennettsville
+djenné
+kief
+zembla
+anbu
+equitable
+saas-fee
+macabre
+zlotnikov
+rexam
+lipsker
+bract
+hilferty
+pettway
+dreamz
+redblacks
+preterite
+richardsons
+bonifacio
+knollwood
+ministration
+wissman
+cable-tv
+hirschl
+hiles
+bellson
+know-it-all
+85-75
+pargana
+horrid
+54-day
+receive
+marchant
+chifley
+k.n.
+costar
+olmec
+clairol
+yuanyuan
+paume
+georgina
+subotica
+expro
+60.29
+boutonnieres
+95.33
+54.5
+autovía
+kristjan
+simbach
+hortencia
+vertinskaya
+dramatization
+reckonings
+expenditures
+binaggio
+roza
+dryburgh
+depressed
+abbey
+1596
+rutte
+eckstut
+1437
+martello
+hands-free
+codice_12
+tyche
+octavo
+throw-ins
+one-stop-shop
+maalaala
+multiethnic
+mitrea
+diourbel
+offhand
+ljungskog
+franchuk
+aarhus
+1,776-foot
+f3
+cebr
+londe
+ricocheting
+tevaram
+southeast-northwest
+psl
+vucetich
+henn
+yantra
+bougouni
+postmaster
+26.41
+mini-comic
+pulitzer-prize
+barttelot
+bakol
+razzi
+jelgava
+crispi
+drennen
+thompkins
+liposome
+malavasi
+queenie
+mugabe
+149-year
+nrf2
+atchley
+nanoha
+french-controlled
+cammaert
+adhesives
+bennack
+merpati
+grandpas
+surco
+bartons
+baxi
+zer
+affirmative
+36-month
+gamlet
+leib
+kwanten
+eanes
+glenanne
+sisodia
+128.7
+virt
+scrapbooks
+longhai
+chablis
+shoeburyness
+cameroonians
+vga
+kiki
+33.3
+terner
+directamente
+régions
+relegation
+sibiya
+taxies
+settimio
+días
+kayad
+matraville
+hindenburg
+komusubi
+alachua
+caramelize
+2.53
+outrighted
+kalavryta
+sutalinov
+www.eelamweb.com
+marimbas
+sieging
+dokki
+blamed
+flagellants
+thodu
+biggleswade
+execute
+transfered
+flyweights
+bombardier
+arispe
+levitin
+c.c.
+sinani
+tuama
+perkovich
+hv71
+herminator
+prince-bishoprics
+inflammation
+backers
+incoherently
+installable
+rafale
+38.24
+brazillian
+portgual
+wart
+zhiwu
+non-ministerial
+rattakul
+plots
+khane
+guerillas
+michigan-based
+d'aubigné
+huddlestone
+gaska
+strivings
+andreanof
+glanfield
+khadziyev
+textural
+zhurnal
+racing
+shavei
+whinny
+koperberg
+hielo
+srila
+distomo
+up-close
+snowless
+coefficients
+volant
+mini-albums
+leioa
+oblongs
+cadwell
+laskowski
+lifelong
+bioland
+hikmet
+23.48
+wadded
+sonde
+enforcement
+ulaanbaatar
+devito
+admissible
+specialising
+wynant
+koyilandy
+mozote
+hawaiians
+wiedemann
+-7
+lebo
+kazimierza
+p21
+hessert
+shobna
+chenglingji
+stolt
+231.8
+discoidal
+fukagawa
+tie-dye
+camero
+arvidsjaur
+bennati
+kataria
+ciarán
+tfe
+lamaze
+fulbright
+nddc
+gx
+masyaf
+hesse-kassel
+ibrahima
+foxley
+eula
+ahane
+monja
+greediness
+throught
+codrington
+tiefensee
+work-up
+mega-city
+sunde
+badley
+miyakejima
+roesmanhadi
+9-for-16
+bibf
+fordun
+s.p.a.
+idaea
+shaymen
+soukhanov
+...
+1/8
+candyman
+pileups
+abiogenesis
+lahs
+cant
+fairly
+low-grade
+mi-17s
+armfelt
+swagged
+junshan
+scops
+ehv
+escoto
+2,505
+trinkle
+27.78
+grujic
+retracting
+monta
+srikkanth
+reentrant
+encantadia
+fourchon
+rodat
+biomaterials
+flapjack
+murrow
+flinck
+street-porter
+barbera
+swimmin
+1882-1883
+jaekle
+submucosal
+garrigan
+1,976
+7.7998
+disproportion
+joliot-curie
+lorimar
+claque
+non-structural
+sports-related
+gobernacion
+muhtadi
+tells
+lmhr
+bois
+0350
+utf-32
+panam
+198.8
+euglandina
+moneytree
+kamacite
+montjuïc
+nishida
+panchatantra
+saether
+pantomimed
+320th
+tailfin
+farcical
+diddling
+purl
+recapitulation
+5-pound
+lymantriidae
+anti-surface
+blandness
+otta
+wilburys
+cornflower
+videocassette
+al-sharif
+northcoast
+nuiqsut
+osea
+relegations
+dgi
+groupies
+best-kept
+enslave
+war-damaged
+verme
+shoemaking
+louisiana-based
+glodjane
+náměstí
+kleeberger
+cleft
+sălaj
+baux
+katte
+taskmasters
+wallerawang
+leibstandarte
+lybrand
+ermelinda
+colne
+avei
+resi
+alahan
+palach
+radmilo
+bennis
+3-plus
+whiteriver
+islander
+fuelled
+no2
+117.79
+e-islamia
+wali
+gundelfingen
+zieten
+mpo
+unprecedentedly
+53-49
+prince-archbishop
+memphite
+theca
+hardaway
+jeanneret
+concubinage
+fromkin
+reasoned
+hingst
+bilo
+showboats
+magazine-style
+pre-dates
+clammers
+germanischer
+2,216
+68.54
+hanadi
+cantave
+disapprovingly
+actinomorphic
+56.12
+ml55
+stress-energy
+cih
+labours
+matas
+luster
+gibert
+kaski
+manasa
+gå
+extremophile
+sharon
+redemptorist
+changcheng
+brockton
+sathirathai
+eadgyth
+109.57
+remedial
+sushmita
+lollis
+disinfectants
+flite
+comrade
+clubmosses
+professedly
+bombax
+transgenics
+9,120
+okun
+hildebrand
+34.9
+mcdreamy
+øre
+2012/13
+6,190
+rankling
+monospaced
+euro590
+groundsharing
+brauchli
+carburettor
+thole
+haggart
+nectec
+opeth
+equivalency
+rahardjo
+lipa
+teymourtash
+leduff
+gneisses
+amadori
+terton
+queens
+buakaw
+gangut
+ceos
+rearrest
+190-pounder
+cemetary
+47.49
+eurofloorball
+bukhoro
+schulken
+dictators
+baboon
+4,150
+nadroga
+aids/hiv
+housemother
+jaffe
+agrahamdetnews.com
+embarrassment
+umber
+monagas
+hiralal
+sherfield
+ala.
+rendezvous
+gunfighting
+trazegnies
+chunli
+jwf
+yafhi
+hypercane
+karafuto
+errani
+devoir
+filled
+svn
+pullan
+envi
+shoof
+anicius
+boucek
+friden
+end-2004
+whoppers
+gourvennec
+no-good
+zygier
+perouse
+fatalistically
+hopwood
+stripe
+130.4
+lipp
+yed
+shpak
+cappies
+ndimira
+.58
+cupp
+hetu
+yeste
+aspartate
+trvl
+2,454
+domingos
+breitwieser
+marash
+kaysar
+davidiana
+jazz/rock
+mr2
+siyu
+suraphong
+intact
+gliddon
+pointillistic
+skurdal
+dunmanway
+hightown
+qoriniasi
+caggiano
+iers
+auel
+9.78
+kurland
+savidge
+baluwatar
+pressly
+osmo
+o-methyltransferase
+pinnaroo
+hine
+prints
+rightsizing
+ngati
+azadshahr
+leveraging
+shiksha
+54th
+nussdorf
+41-6
+thwing
+ken-y
+oatka
+zyzzyva
+shirakawa
+leveille
+prasarak
+38-page
+dextrose
+soziale
+tibicen
+shibe
+intra-school
+splendors
+technophobic
+eig
+ramekins
+multigrain
+34.49
+geels
+bucharest
+1,014
+ananus
+evangelische
+baylee
+filumena
+130.50
+nicholai
+offbeat
+chakma
+harmlessness
+typhoon
+fmw
+shahristani
+38.74
+miniseries
+63-55
+proselytizing
+transmat
+isohedral
+flyrod
+beiges
+viaud
+jahn
+kets
+wowo
+tilfah
+fibular
+md-90s
+strakonice
+jiefang
+1997-2004
+bistrica
+dzongkhags
+velchev
+mylius
+florio
+enzi
+twillingate
+leprince
+cheddington
+karoi
+selu
+fossae
+tinderbox
+sinderen
+adeptus
+rieff
+150,000-member
+arc-shaped
+negus
+benado
+rootham
+phokas
+investing
+redrew
+vidarsson
+wirtschaftswunder
+aikins
+bataillon
+dative
+tahun
+brom
+fnd
+allocution
+groundbreakers
+pescarolo
+dsu
+avoirdupois
+percenters
+cak
+microform
+cereals
+muin
+bata
+toity
+railtours
+axford
+relayer
+karmei
+monomaniac
+tiebreaks
+dáithí
+gearheads
+113.6
+sativus
+onaiyekan
+k-5
+athan
+yatala
+rokel
+non-tribal
+75-cent
+frottage
+nayeem
+narrandera
+shnah
+spillovers
+lyssa
+lambeau
+fulminations
+kreet
+monorail
+rowdyism
+elles
+kállay
+impolitely
+żółkiewski
+contemporaneo
+viscoelasticity
+burcon
+bluebirds
+ratepayers
+condones
+techonology
+showcased
+klokot
+time-division
+nyoun
+christiania
+duomo
+dris
+zamin
+non-real
+naba'a
+holoprosencephaly
+taldykorgan
+a-319
+potentiation
+t'ai
+pasquin
+95.98
+bayburt
+olkiluoto
+morača
+cutover
+hmongs
+bisson
+rother
+214.4
+9961
+jorien
+millinocket
+octane
+caplinger
+pardy
+lrv
+47.62
+percocet
+barnie
+dismally
+perren
+unsustainably
+hdtvs
+deakins
+43.11
+vieux
+unamplified
+1460s
+lamya
+denham
+cumbo
+college-prep
+acrossocheilus
+paarlberg
+koderma
+romoren
+bogonko
+beaus
+lixian
+sharpe
+yentl
+littlefoot
+ashraful
+hinrichsen
+qtr
+cuttin
+(502)
+countercult
+interbred
+supersol
+believably
+anarcho-syndicalism
+nairac
+nostromo
+2,086
+crow-like
+kalmus
+soliola
+kurin
+7-25
+x0
+malkajgiri
+bobrowniki
+modelled
+embouchure
+sulfone
+yook
+yearlong
+dighton
+nuapada
+sojas
+caudatus
+errata
+circumstantially
+horologium
+botile
+prabal
+hagland
+cerretani
+deniability
+epiphone
+highschool
+baldly
+victual
+hoper
+quartic
+biskupiec
+tikritis
+katutsi
+tsvetan
+levstik
+wnba
+tree
+vondra
+lakemont
+9km
+allak
+internacional
+moute
+uyezds
+tôn
+checkley
+cascia
+taskhiri
+fonseca
+crank
+highfield
+jujube
+kouji
+stuber
+assumption
+sensitizer
+chimerical
+pollokshields
+igbos
+deren
+bichot
+high-achieving
+u.s.-venezuela
+repentance
+debrzno
+mậu
+arnd
+milentijevic
+2f
+enviro
+rcarr
+kingdom-based
+ahmadinejad
+973
+bavis
+turnin
+unterwalden
+gifu
+kursad
+baroja
+bosket
+heschel
+mix
+muazu
+yutar
+onlive
+vranjevac
+xxe
+solé
+ohmic
+geteilt
+ferra
+vagueness
+lph
+revalidated
+m2-pk
+lafca
+xaviers
+http://www.amazon.com
+fratellini
+steh
+piston-engined
+khayam
+lwówek
+98.93
+200-run
+14-1
+aerosurveys
+castillian
+22.76
+bergeron
+asteroids
+atteridgeville
+merganser
+59-52
+paintable
+bosi
+ścinawa
+buckeye
+desensitizes
+laferriere
+penthièvre
+armili
+cernik
+petroglyphs
+dibiagio
+schaft
+bryggman
+underpinned
+2-percent
+techcrunch
+iharos
+4-manifold
+belzec
+yoshinaka
+10-per
+blaszczyk
+xl5
+montealegre
+kroeske
+superprep
+cherishes
+winninger
+:2000
+können
+burba
+olavs
+batrachedra
+sinicized
+eco-costs
+52.20
+freaking
+deanie
+commentariat
+alecso
+ex-con
+chephren
+smelly
+charleroi
+load-bearing
+cottesmore
+samora
+photocopies
+stempniak
+horizontality
+85-page
+4-55
+oemar
+misses
+avenida
+achatinella
+belled
+infliximab
+nencini
+177.2
+circars
+genii
+yuanying
+danu
+franti
+poetas
+swarowsky
+shahada
+atule
+112.00
+yedid
+inventors
+re-assessed
+side-scroller
+giobbi
+orono
+commercialize
+mahen
+bagoc
+tongliao
+micronutrient
+75-25
+42.04
+421,000
+mannich
+croce
+cenepa
+o’hanlon
+viably
+vyasa
+kiddle
+oneida
+clawhammer
+solec
+souris
+synonymised
+aren
+sercos
+megamall
+bousman
+cartoonists
+espinola
+sinzoyiheba
+fikse
+littérateur
+bladder
+ganga
+molokai
+masterworks
+skee
+cause
+adequately
+bdv
+synthes
+15-week
+milevskiy
+goldwire
+perczel
+su-wei
+dibner
+rebuilding
+winterflood
+vandermeer
+gna
+eugenol
+heimuli
+75.71
+ntt
+azul
+cannavo
+gedmonsoncoxnews.com
+sherab
+36,563
+clevis
+smoothed
+rd8
+jaslovske
+96-2
+tichina
+80.47
+düsseldorf
+randazza
+tonneau
+jalingo
+aljezur
+blaster
+prodigal
+half-volley
+slipping
+simeus
+sørfold
+longis
+hiranyakashipu
+bridleways
+tankaman
+co-sponsored
+shwee
+time-dependent
+di'anno
+mahley
+5.92
+temic
+55.10
+costa
+michelle
+someşul
+goldenem
+denisovich
+kinderman
+32.96
+sdmi
+khazim
+gamefan
+kosheh
+bonino
+barfi
+brightsource
+kokang
+carbonite
+butland
+dyne
+bge
+5,120
+abadía
+gállego
+fenning
+elah
+b.c.l.
+94-mile
+decreased
+willkommen
+fawning
+mucosal
+mohamadou
+rancid
+ofthe
+75-year-old
+manakara
+ljungskile
+lumps
+hastinapur
+nihk
+mindless
+quinteros
+furukawa
+shengping
+cks
+geminates
+hellerup
+crushes
+asalto
+clariond
+narang
+abet
+silvan
+smear
+phisix
+adamany
+yuksom
+caikui
+sinnock
+fifteen-year-old
+wampus
+kice
+mbula
+marmara
+panavia
+aviateca
+kruszelnicki
+resistol
+electrocutes
+sidarth
+44-10
+batsto
+tilde
+barracking
+vaterland
+murkiness
+safeco
+saclant
+berdan
+poquoson
+22-million
+chunder
+mysticism
+interpenetration
+aytos
+sreekrishna
+declines
+delima
+empyema
+meeny
+mrsnik
+bowyer
+sanssouci
+wavrin
+rometsch
+invoked
+nannette
+rusha
+sanks
+rond
+shelled
+veto
+7800
+éclair
+yubileyny
+hawar
+galluccio
+château-thierry
+myla
+gringos
+maypearl
+tramonti
+1,512
+4-0-1
+wubi
+invented
+thespis
+2,187
+localized
+frylock
+autonym
+marker
+63.35
+weighty
+therapeutic
+murfree
+165-member
+59.60
+penalty
+magneti
+flightsafety
+lanesville
+wasantha
+u5
+gujarati
+akhigbe
+gminas
+disturbed
+literaria
+57.92
+wilk
+migrans
+adad
+labonté
+zejnil
+98.86
+oystering
+yurok
+qirui
+striken
+fishmarket
+miyet
+woodfull
+walkie
+gosnells
+cressman
+jaina
+ozel
+steinbock
+nopd
+ineligibility
+zaporozhets
+ballpark
+105.62
+mouat
+couper
+powidz
+12-to-1
+253.6
+octahedral
+fenugreek
+maratta
+switchable
+oculomotor
+nunes
+magno
+bodiroga
+146.5
+1,685
+rs-18
+marcy
+conforti
+duffey
+misch
+termit
+shep
+albanesi
+raposa
+grauman
+malachowski
+:32
+sarunas
+franconia
+bobblehead
+halting
+d-ny
+29.96
+88.52
+kiloton
+unmarked
+chang-ho
+verrucosus
+kepala
+kerin
+bullins
+hl7
+formar
+'m
+fabris
+j18
+vedeno
+pilferage
+cross-pollination
+www.morningstar.com
+idm
+worx
+canóvanas
+elastin
+wakeful
+marcomanni
+tiring
+sacconaghi
+francey
+południowy
+khitans
+impeached
+107-mile
+torborg
+mada
+lehning
+vata
+24-14
+sproxton
+ordinaire
+saorview
+bradua
+adlon
+2-11
+coluber
+arcachon
+10-of-12
+raptly
+pathon
+sigman
+mayak
+baskent
+realizing
+blackmar
+carabello
+707th
+munir
+yeye
+softic
+jeffn
+nordberg
+wiregrass
+mahdjoub
+hooven
+producen
+marbel
+al-shaykh
+269
+pulverised
+outdoorsmen
+2011-2014
+hoef
+kiesle
+gradwell
+dogonadze
+rufc
+7:17
+révolution
+arvika
+0022
+kaliakra
+intercast
+wimple
+sexualized
+guitarfreaks
+9.92
+hha
+copacabana
+exons
+palombi
+tree-kangaroo
+bearingpoint
+ayuntamiento
+696,000
+ccaa
+deadens
+kashubia
+kremchek
+isetta
+6-inch
+75-74
+ntfs
+hetian
+gaedel
+128,000
+pno
+oak-pine
+boro
+2,567
+thum
+rendine
+mtu
+leanings
+cienega
+hillandale
+fiddled
+briefcase
+foreshadowings
+tuttle
+rosenbaum
+sketchpad
+sommerfeldt
+tactless
+whodunits
+coregent
+ragamuffin
+45-36
+pongamia
+non-perturbative
+dohm
+beaneaters
+obi-wan
+caprioli
+leucotomy
+p&l
+desargues
+coveralls
+ngawa
+laurentiu
+6.625
+molossus
+mahyar
+,630
+mcclarty
+28.74
+kuliyev
+chemosynthetic
+nippon-ham
+posselt
+bober
+anarchical
+ponticus
+faez
+providentially
+47-billion
+velha
+swoopes
+197,000
+9.07
+a7v
+hendropriyono
+63.03
+orchestral
+apostolov
+.99
+mismanaging
+post-congressional
+700m
+inferiority
+letterhead
+zentralstadion
+necessarily
+pleasure
+sheppard
+miles.benson
+sweetbox
+fiba
+rezko
+refectory
+shortcut
+country-side
++0.9
+rgranthamajc.com
+jp
+unusually
+lifeco
+hawes
+bonnot
+8,370
+shushenskaya
+rivetted
+jallieu
+stackelberg
+86.90
+94.32
+mccord
+erivan
+kunes
+crackerjack
+unassisted
+pka
+chos
+demoscene
+parr
+ekimov
+05:30
+schlesinger
+183.00
+hollow
+wcsc
+tnbc
+taranaki
+parkhurst
+ruža
+longbow
+commissionner
+gegharkunik
+kajlich
+wesselmann
+miyavi
+two-time
+ngmoco
+yeshivah
+chengyuan
+jianming
+soshana
+odah
+breizh
+starine
+quartermasters
+963
+rolin
+,13
+sumrall
+sabinas
+bookkeeping
+latisha
+panetta
+on-screen
+dandini
+clockings
+il-10
+zhurova
+fahrenheit
+memristor
+supercharged
+neb.-based
+droughts
+bushong
+scheible
+235th
+demotes
+wientzen
+4:0
+madouas
+makumbe
+winless
+33-year-old
+slave-trading
+woggle-bug
+atzmon
+jahromi
+buana
+peitz
+introvert
+velie
+epitaxy
+garvagh
+dmosin
+sirisanont
+non-equilibrium
+chungnam
+magnetron
+proprieter
+archery
+20.80
+claycomo
+51.91
+spaceship
+matete
+six-disc
+darwitz
+enhancing
+mando
+76.32
+(609)
+2445
+111-106
+ග
+forcibly
+adoption
+railcats
+keinath
+repentigny
+khromacheva
+burgen
+196.5
+phrik
+56.19
+word-processing
+40,000-square
+then-unknown
+czerniewice
+brüno
+xeroderma
+hovi
+olivari
+blastula
+pedroza
+1.4656
+77.3
+de-ba
+betting
+marylander
+euric
+maoxin
+farewelled
+nostalgic
+mohammedans
+threapleton
+scaglietti
+greyish-green
+wongnongtoey
+cobas
+educationally
+danuri
+chiseling
+unescap
+woolgar
+pramanik
+mulde
+palmyrene
+precourt
+119th
+paisleys
+211,000
+compania
+snåsa
+gyri
+garma
+sepakbola
+1804
+devetzi
+juquila
+kenansville
+shqiptare
+srivijayan
+campoamor
+zehs
+km.
+fränk
+obsessively
+subscribing
+ovington
+25.58
+foldable
+mismanage
+mather
+51.03
+shikhar
+uzès
+kościelne
+oldcastle
+arquebusiers
+criticism
+wildbad
+37.56
+lasorda
+ephraim
+timmer
+plus-minus
+krivoshapka
+16-hour
+unpack
+preserver
+sporting
+eiler
+pre-selection
+sixth-place
+dats
+disposition
+122.94
+outflanking
+screaming
+phosphatidylserine
+salaberry-de-valleyfield
+anselmi
+eslāmābād-e
+decapitations
+faqs
+1936-1937
+pickhardt
+tibia
+rm42
+kilbourn
+orri
+97.37
+waterfield
+iiasa
+turia
+barguna
+non-point
+chadd
+handshaking
+tweezing
+12.10
+distemper
+tollways
+adieux
+buchler
+brainy
+aeromedical
+kayunga
+closes
+busking
+mindset
+i-287
+p-26
+kaouk
+vladas
+zavada
+architecture
+stossel
+rotenburg
+iraqis
+umea
+babashoff
+trapping
+euston
+sheley
+lavrador
+monuments
+duklja
+al-bashir
+kafes
+ddf
+monetarist
+wews-tv
+rubens
+62.44
+clarinda
+veillette
+eeto
+kalemegdan
+gellis
+proline
+higonoumi
+bonefeld
+nasty
+conway
+44.43
+flours
+21,900
+junkin
+madanchi
+elevators
+16:19
+negritude
+tagaung
+sw6
+ojjeh
+262nd
+joker
+cusworth
+dixie
+42-year-old
+symbion
+bharat
+utrecht
+i-islami
+marvell
+calwell
+standardising
+cuya
+166.8
+ww1
+öyster
+bouyed
+hentschel
+imbedded
+tribbiani
+rjanjigian
+forden
+duchin
+patpong
+okolobo
+nikolaenko
+kobita
+motorhomes
+apnea
+uhuru
+mini-mart
+bromsgrove
+14.51
+disquieted
+mcewen
+troop
+toshiba
+cultivars
+siva
+endocrine
+yamasaki
+u.n.-assisted
+giarratano
+snavely
+shigeno
+ruleset
+querétaro
+casseus
+thatcham
+norsar
+itajai
+pihl
+visentin
+patek
+jsow
+statewide
+untag
+foel
+kuzio
+heth
+113-mile
+doves
+fairland
+willd
+nazila
+oppeln
+injures
+drehle
+e.
+98.82
+teano
+market-rate
+treveri
+shuyang
+c-raf
+early
+8.0
+chromogenic
+5:04
+maclellan
+reston
+48-story
+jansenists
+bojarski
+legwand
+kasprzyk
+55.9
+prologis
+deleuze
+jamaicensis
+wieandt
+yambayamba
+lakshman
+ileus
+galis
+ässät
+tideswell
+unitus
+ivybridge
+empiricism
+biotic
+93.49
+idora
+raiser
+faizullah
+biltmore
+barbash
+kalf
+200.00
+méridien
+obovata
+wetlaufer
+19:45
+5,115
+mpamba
+carnivàle
+globemasters
+prana
+meis
+stockmen
+dingler
+correlations
+1156
+filled-in
+weihaiwei
+culemborg
+borwin
+scatterbrain
+kenen
+workweeks
+chalkley
+arnal
+interstitial
+munawwar
+physics
+hand-over
+choksi
+catel
+raviv
+roughstock
+473,000
+zwedru
+arafats
+parrino
+corningware
+salisu
+anti-aircraft
+lead-off
+premières
+5.36
+boerne
+ibstock
+shoves
+thro
+pachanga
+urbi
+tvs
+mazinho
+onagawa
+totter
+begonias
+argive
+elusive
+categoria
+østby
+-5.1
+wyner
+bumming
+koranic
+mrkonjic
+kaimur
+traore
+dil
+bemusing
+urgiles
+groper
+fī
+seferihisar
+modriča
+eurogold
+abkhazian
+sadyk
+intercommunication
+38,200
+incenter
+40-percent
+francella
+upupidae
+grounding
+lohr
+ballrooms
+chomper
+voragine
+superweeds
+chanakyapuri
+pacho
+rentokil
+hongnong
+ladinian
+prefatory
+fishtank
+avicenna
+cutaways
+44.53
+1967-1973
+preoccupied
+cmts
+wanxian
+gerbrandt
+f33
+112th
+ketone
+nidal
+totenkinder
+sharif
+14,500
+32,813
+kuvin
+rashi
+kwasi
+dims
+judaica
+lebov
+photovoltaic
+masterpoints
+mosta
+borneman
+bersatu
+şerif
+mattersdorf
+motors
+cartellverband
+outburst
+taynuilt
+tabrizi
+muenchner
+electrophiles
+qadhi
+krzeszów
+petrobank
+assistant
+fauve
+mujadadi
+cherchez
+tentatively
+tehama
+tooks
+near-unanimous
+finast
+0045
+discotheques
+94.28
+baffle
+nhspstot
+200-mile
+flyhalves
+2,772
+rudolfinerhaus
+prioleau
+municipio
+underlayer
+procuracy
+aerogels
+chester-le-street
+respiratory
+gammie
+arendal
+paton
+radley
+bonney
+destitution
+pantar
+724
+amalapuram
+ursinus
+lovelock
+pro-beijing
+organsiation
+15,300
+anastacia
+rozanov
+lumpur
+1314
+residuals
+receives
+schroen
+mlrh
+sanguozhi
+hawalas
+bjoerk
+syreeta
+counterproliferation
+ibusuki
+cerva
+2-lp
+combustion
+bappu
+1522
+drissi
+247.2
+petrillo
+rmartinez
+anoints
+mlj
+2132
+orangutans
+ivanchenko
+savings
+petra
+33.93
+3,307
+comed
+1439
+pirie
+wihl
+queue
+degreed
+rossland
+orumiyeh
+armone
+fendick
+marital
+jeyakumar
+usfl
+feest
+irredeemable
+duben
+iwata
+aisne-marne
+bais
+tanwar
+83-year
+banlieues
+southside
+scrutinises
+koivunen
+brownstone
+wellbutrin
+yevgen
+sandelin
+leader-1
+shibaura
+firefly
+olson
+intacs
+tvoi
+methvin
+gobiidae
+capó
+rusiñol
+peavy
+ezine
+nbcc
+a64
+clotheslines
+1-27
+teaspoonful
+breazeal
+526
+noiseworks
+rzepin
+erratum
+krummenacker
+enlarging
+ditch
+ventilated
+longnan
+paige
+dubrava
+lumbard
+ischigualasto
+moats
+émile
+flickinger
+maleka
+hypertelorism
+cusumano
+dubeninki
+precure
+.235
+768,000
+smoldering
+brittleness
+computerizing
+progestogen
+naihati
+meili
+kalaa
+necesssary
+3o
+centrifuged
+hylarana
+sittichai
+unrefined
+coloccini
+warmth
+janeth
+cockatoo
+yurman
+jianguo
+48.15
+nz50
+hiler
+yihe
+lipetsk
+cugir
+planetside
+fecundity
+wightman
+magincalda
+sjc
+131-92
+dbs
+pijl
+tarawneh
+gotera
+gredos
+dalgliesh
+hilliard
+59.62
+seato
+117.67
+seig
+21.28
+schourek
+dairying
+detroiter
+l6
+organogenesis
+radif
+emails
+185.2
+tammin
+cobs
+jorio
+peshwas
+runtime
+metaheuristics
+ashchurch
+menzer
+persuadable
+kondapalli
+gruff
+louay
+downplaying
+382.75
+simhadri
+sóller
+yuán
+6-cup
+sobek
+skuas
+harvestable
+swellshark
+lancefield
+petry
+betaseron
+nevalainen
+akhgar
+beguiristain
+quiznos
+seropositive
+bruyas
+arohi
+103-99
+mifare
+manuever
+letts
+cambiaso
+diagenetic
+carolingian
+convents
+2,486
+middle-income
+narayen
+pleadings
+cuvier
+25,900
+neblett
+774
+postfix
+480-3232
+corchado
+allé
+strauß
+58.32
+fastpass
+processor
+dentil
+manoharpur
+thado
+abrams
+tug
+fantasticks
+fawkes
+32.00
+cvn
+declan
+44.80
+todovic
+dawda
+ichthyology
+scollay
+platine
+lakota
+chenoy
+zaiko
+gemstones
+reon
+pedro.gomez
+potency
+tacon
+cascar
+96.30
+scarf
+barcza
+jakartans
+bearman
+log2
+hana
+arco
+achrafieh
+ferruccio
+voltaire
+entertainments
+plenette
+turbat
+man-machine
+muenchen
+mayk
+reveler
+serota
+slipcovers
+neolamprologus
+quina
+3,644
+macoris
+3/12
+mashtots
+tsh
+3,102
+narcy
+zampese
+confiscating
+nondisclosure
+sanou
+kunio
+huttunen
+rollergirls
+daraji
+alcoy
+recyclebank
+shahdadkot
+zhiganshina
+poway
+zoeggeler
+awwww
+barichello
+dslrs
+donzel
+patrushev
+kidde
+aloi
+abdurrahman
+insas
+sunrises
+hawkinge
+rabelais
+breneman
+unsuitable
+245.4
+unconstitutionally
+mareth
+germanicus
+ludlum
+suran
+vladoiu
+yasa
+759,000
+mercante
+wishin
+wrathful
+demilitarization
+periodontology
+carduelis
+jevric
+http://www.wfp.org
+karelian
+40.39
+sidelined
+10c
+michel
+gaudry
+3,152
+31,250
+318-99
+flashed
+vaunt
+oswaldo
+mantissa
+adee
+tubelike
+4-1-2
+jinking
+lagdameo
+dongsi
+sabaoth
+65.60
+lafaille
+oln
+shabana
+20,313
+mcglynn
+friess
+150-bed
+shari'ah
+piggish
+smilax
+hussein
+aberdaron
+probate
+tie-breaks
+incognita
+microblogs
+yolland
+humaine
+nyatanga
+unhatched
+mutate
+barancik
+przemko
+blaj
+cogswell
+fiercly
+ishiaku
+buket
+perca
+rampell
+lasithi
+mons
+.204
+coalmining
+polish-ukrainian
+trimurti
+arq
+hirosawa
+krivak
+idot
+rojos
+sorescu
+erzgebirge
+agamas
+jgbs
+ruberth
+aidells
+weifang
+adbusters
+ad.
+pellew
+acústico
+wely
+cooperacion
+welson
+harpham
+anatomists
+ignition
+wertenbaker
+kristol
+10.55
+1-0-10-0
+liebermann
+81.47
+kalif
+landreth
+northwest
+bracewell
+cti
+665,000
+unmanning
+aand
+sevel
+musonge
+16,210
+anyway
+thangals
+amariyah
+alred
+.39
+navin
+3,053
+sanawar
+deposit-taking
+multijet
+heiress
+alberta
+rsv
+potencial
+alexanderson
+kral
+splintering
+tioga
+paisner
+militaries
+1.4145
+henley
+w11
+re-appeared
+radan
+35,000-ton
+silvi
+orkneys
+clavering
+treigle
+wanda
+tanii
+noodles
+knol
+hbl
+tainan
+natchitoches
+four-power
+davisville
+zuckoff
+bannack
+beta-1
+110.80
+satam
+decapentaplegic
+drakken
+npp
+shafroth
+youens
+makeba
+polygamists
+sentimentalism
+f-111
+hdu
+off-the-grid
+berdennikov
+downcourt
+1152
+quinteto
+nehl
+dowell
+multicity
+cluxton
+gorongosa
+grimley
+violates
+anchoring
+one-pot
+oreiller
+corroborated
+semitone
+grodzisk
+1981-1982
+bonnevie
+malý
+imagining
+charren
+kobelev
+phoenicopterus
+minima
+defames
+schleiz
+pereiro
+taining
+struthioniformes
+pliva
+ritsuko
+brasilia
+guérande
+jeoffrey
+farmyards
+85-71
+msp
+0905
+metabolically
+cuirassiers
+shinkolobwe
+rushd
+backrub
+adkin
+najdawi
+frappier
+rg3
+budgets
+40.84
+striatus
+abundis
+steelheads
+desaulniers
+poirot
+bleichroeder
+post-crisis
+1526
+deburghgraeve
+walbert
+q3
+linguistique
+agitating
+pk
+promocup
+karlovich
+bürgerschaft
+nowgong
+woos
+orphan
+pre-reformation
+whyy
+donalda
+beach-side
+duckhorn
+csiro
+375th
+polish-soviet
+brights
+cephalotes
+ethiopia
+cantonese
+pattillo
+53.28
+cheetham
+all-east
+postapocalyptic
+lta
+acupressure
+sporvei
+dwandellsfchronicle.com
+slint
+krah
+peaceforce
+fycc
+euro800
+eurotrip
+csák
+p2000
+worku
+refracted
+laluksola
+vaginally
+1983/84
+koten
+15.87
+persist
+-63
+ancher
+therizinosaurs
+fishermen
+kost
+adarnase
+sakassou
+124.5
+jarlsberg
+oded
+wgs84
+nuzzles
+machicolations
+premalignant
+bijela
+dovber
+sangma
+vallecas
+restrictive
+verse
+3070
+motograter
+erzurum
+banneker
+worm/snake
+quiñónez
+borgman
+inroad
+masoumeh
+kerby
+extraditable
+arielle
+24-seat
+9-1-1
+snarling
+upington
+sediba
+sophomore
+aït
+73.79
+lauterpacht
+dyes
+berkus
+explores
+buhari
+milawa
+kbos
+chipolopolo
+alfonsina
+ciws
+santro
+disatisfaction
+brother-sister
+ciptadana
+kandell
+fazlur
+sandee
+quaoar
+flyin
+fiercer
+okurigana
+inhabitant
+delibes
+gestae
+gummi
+aratinga
+freemanglobe.com
+devils
+tinkled
+,102
+altamont
+789,000
+mccomb
+(212)556-7652
+nginx
+haxton
+hallwyl
+mogudu
+cunts
+adili
+deflections
+166.50
+eucamptognathus
+harmonising
+chikhaoui
+freeman
+.4
+neelima
+bassinets
+vlorë
+ra'anana
+geologist
+rawsthorn
+high-schools
+2.5-year
+krleža
+hirschson
+korčula
+68.17
+fraudulently
+sundwall
+zworykin
+vilija
+alaungpaya
+39-hour
+usareur
+taia
+appropriated
+understrength
+gaeltacht
+strachey
+smolenyak
+haugh
+agraharam
+12-point
+rollox
+nasirabad
+aute
+yabuli
+khalifas
+jasta
+sharpeners
+115.36
+moja
+ntsebeza
+3-0-9-0
+sp.
+alphege
+snowbarger
+bowls
+chios
+silicon
+grégory
+wacom
+12,000,000
+estonian
+analysed
+azlk
+keswick
+gooderham
+choudhry
+bess
+denni
+laserlike
+panta
+bcu
+directed-energy
+kraters
+mcree
+tesda
+103-94
+cerullo
+seyfi
+steep-walled
+furu
+xinyi
+prays
+wildfell
+cofinancing
+binzel
+geller
+heller
+1860
+xiaoshuang
+qg4
+nbaa
+permanant
+gurps
+généraux
+1.4650
+scavenius
+ranawaka
+mulqi
+malvolio
+aee
+cpn
+ringo
+nastiness
+slivers
+36-10
+mesenchymal
+heintz
+maurits
+a19
+dzxl
+vexatious
+forecasters
+lal
+bfu
+lyson
+non-discrimination
+call
+harrach
+boly
+lovegrove
+standfest
+neurosurgery
+bulle
+cockades
+qardho
+pullman
+cantel
+hold-up
+yenny
+epping
+etrade
+orava
+yarrell
+normal
+jarlaxle
+convorbiri
+coconino
+dyno
+legislative
+full-fledged
+thrawn
+bogin
+untersuchungen
+dybbuk
+-39
+pausanias
+pinhey
+acción
+formula_90
+schnook
+1-on-1
+54.44
+preposterous
+fiori
+akratitos
+land-based
+bandi
+neb
+tuque
+sanskriti
+gwaelod
+akhter
+arabiyat
+brimob
+mukomberanwa
+liepa
+photofrin
+equalisation
+petrolero
+meziane
+miracles
+deanna
+ribchester
+mcelhaney
+agoa
+alzira
+türk
+a4s
+xps
+forfour
+virgine
+seiu
+boutter
+reevaluation
+99.05
+girondists
+75.4
+russian-american
+harptree
+wotton-under-edge
+kieslowski
+calcite
+ils
+plamen
+juenger
+coslet
+4,045
+protists
+papillae
+shani
+mazlum
+1970-73
+diarmuid
+gesso
+aydar
+longhurst
+macrophylla
+licenciatura
+magón
+pellens
+classes
+9,880
+dekanidze
+palas
+geranium
+neuenahr
+polideportivo
+dbcc
+sunstreaker
+12:00
+oenophiles
+incarnated
+mchardy
+all-wood
+paratypes
+holkham
+d’oro
+shacks
+procedurals
+thermoplastics
+deák
+manetas
+121.07
+plasticine
+skavsta
+budanov
+g+c
+szkoła
+bullhorn
+metasequoia
+2710
+utgoff
+rocamadour
+mommas
+superclubs
+as220
+marajo
+haymana
+canonry
+juiciness
+dj09
+kerensky
+pambansang
+inserm
+starrett
+n.a.-not
+pavesi
+deodorant
+nanfang
+lagash
+yug
+100.6
+underlayment
+calais
+angham
+3.8-4
+aislabie
+sox
+rangsan
+hemsworth
+howth
+impediment
+chang
+shamkhi
+strahm
+9,920
+sajjil-2
+maillard
+whales
+trashes
+autocracy
+hyun-woo
+evangelised
+quadcopter
+mayom
+verraszto
+kavel
+colonialist
+obiora
+re5
+els
+uncommon
+demolishing
+1624
+action-drama
+dulse
+convair
+pulmoddai
+electrola
+röder
+bosaso
+clubmen
+finchem
+10.05
+evenes
+give
+laithwaite
+corrugata
+surayev
+caimans
+sager
+foes
+wahhab
+2kg
+kordiyeh
+rosalyn
+komara
+pre-1993
+meninges
+simbi
+penukonda
+950,000
+double-stranded
+mobbed
+gerhardus
+boyevaya
+vidarbha
+grou
+eijk
+zanuck
+neuralgic
+retroviruses
+sinkewitz
+jajah
+magics
+peeves
+jovenes
+gulay
+viñales
+stansberry
+14.76
+showrooms
+iowa
+18-31
+annalists
+and-18
+naini
+groundwood
+pre-season
+haneda
+.679
+bastone
+35.49
+milky
+shewry
+sommerfelt
+giggling
+ijm
+cardroom
+hamayon
+iler
+fyra
+puzzanghera
+cogley
+gasparotto
+budgetary
+gusle
+31.3
+odama
+benin
+coachman
+jarvenpaa
+kyffhäuserkreis
+swankier
+tattoos
+castelsarrasin
+kt
+strother
+ultraverse
+rathna
+banat
+toothed
+flammer
+47-33
+mallarangeng
+associateship
+shigemitsu
+stefanidis
+philosophie
+finkelhor
+mar-vell
+njcaa
+doraville
+skinstad
+djajic
+peen
+jawabri
+findley
+additions
+sherquon
+lisnagarvey
+darsha
+knicks
+inflating
+oligarchic
+khuh
+vollrath
+codder
+r.winters
+rosseau
+kambi
+osowik
+.331
+free-radical
+houde
+shafner
+cedarvale
+polynomially
+louis
+manslaughter
+wolvercote
+flintham
+overstay
+foreign-owned
+marenghi
+servery
+foretaste
+incites
+i-16s
+excusing
+refracting
+michalak
+belkin
+opaqueness
+healthful
+myristica
+latirus
+mirex
+.461
+pitted
+swiveling
+shady
+shiekh
+highlighting
+kazaa
+sitter
+thott
+gangwal
+unremembered
+3,050
+bare-handed
+flein
+denish
+na3
+yasuhiro
+dived
+hull-mounted
+inconstant
+ex-professional
+cuf
+phosphorescence
+swiftboat
+consoles
+neurotics
+werblin
+kasymov
+.67
+regularised
+reyno
+shuchuk
+pharmaceutica
+subsidies
+kenenisa
+xil
+5-66
+guthrie
+snipers
+cut-off
+ainun
+leticia
+150-pound
+brung
+value/personal
+chinaglia
+rattan
+rímac
+.2632
+photoelectric
+weissberg
+pyun
+zyryanov
+majstorović
+58-game
+al-fahm
+portville
+euthymius
+embodies
+hermes
+atoning
+wzrd
+dec
+nfhs
+9.26
+rumelia
+micka
+kumta
+reinstallation
+provenza
+ceedo
+ben-gurion
+anucha
+margard
+kammerorchester
+qaid
+1979-1984
+36c
+mema
+tweddle
+krugersdorp
+rupture
+thebans
+louga
+vimont
+wendlinger
+eibner
+marzilli
+holiviero
+kl
+aisa
+27.76
+vulnerably
+kesavan
+kido
+bowthorpe
+sugababes
+23.75
+gemena
+celtici
+sousaphones
+15-minutes
+centurytel
+pea
+linetskaya
+thasos
+gyani
+dezso
+38,100
+castlemaine
+wikisource
+strassen
+ellobiidae
+annulment
+recetas
+gambles
+widell
+tutmarc
+cheval
+pazzi
+turtledoves
+dommage
+makarov
+1.008
+tineke
+lungfish
+ruscha
+jaworski
+torrontés
+intimidation
+bitts
+cerf
+sughrue
+delilah
+cerveteri
+governent
+feronia
+waterworks
+rahd
+cosida
+dallied
+3,376
+st.helens
+75-billion
+erhu
+smithing
+122.12
+fleetwide
+woermann
+quintuplets
+shusheng
+buthaina
+natoli
+disneyworld
+f10
+neef
+sarwan
+misu
+diltz
+schiano
+lautoka
+barcellona
+17-year
+luay
+takaki
+re-distribution
+262.50
+kazuki
+partaking
+genarlow
+gonbad-e
+72.93
+renyu
+obergfoll
+reutov
+miscue
+prophylactic
+87.25
+a-frame
+tranfer
+wherries
+zambian
+2000th
+lidie
+montrealers
+ahmen
+toshikazu
+hongchang
+treasonous
+ultrathin
+tadla
+patricians
+puebloans
+s35
+restituted
+alluding
+198.2
+kummer
+20-degree
+geisei
+phyllocnistis
+occhetto
+theocratic
+vash
+sparsely
+95,000
+6,562
+gordeeva
+chinas
+anglo-celtic
+32-cent
+yakcop
+machaon
+colicchio
+feiler
+23:40
+tullock
+dana
+horcher
+pro-rector
+yuexi
+ryō
+unreasonableness
+65,600
+matsueda
+11.26
+shish
+phealyglobe.com
+squillante
+lamella
+85-million
+vouched
+bachorik
+railmotor
+uilleam
+kosier
+qujiang
+katten
+eprom
+rippon
+agressive
+ryaguzov
+nutritionists
+concensus
+ikkoku
+inarticulate
+leiv
+tren
+new-build
+unconcern
+secwepemc
+deprogram
+hydari
+hajira
+jpeg
+selayang
+krampus
+tonie
+petrassi
+hessey
+pendyala
+28.01
+trai
+lazareff
+senghor
+mentakab
+12.21
+carro
+hennigsdorf
+semester
+worthwhile
+transcendental
+lumia
+conradi
+swamp
+aeronautic
+minus-3
+pollitz
+3,288
+foreign-exchange
+rasshan
+minnedosa
+frontline
+2995
+rezina
+dresen
+gabriel
+cornea
+splendrillia
+1-13
+250.5
+zoh
+animerica
+bacterium
+xiangcai
+afip
+14,164.53
+bruto
+proserpine
+kepner
+mulroy
+tuttosport
+matrikas
+ageng
+starwars
+mussert
+mittal
+flashnet
+filling
+actu
+25,700
+ttv
+23-meter
+50-100
+llanidloes
+wenas
+nimmanahaeminda
+rajhi
+400
+clawdy
+enlistee
+marchman
+boggiatto
+lofti
+bayoneted
+yarkand
+guitare
+705th
+ebionites
+rajmata
+exciton
+kosslyn
+tomasic
+dieskau
+reader
+theoren
+juliam
+kidepo
+press-telegram
+92.19
+backpropagation
+bbn5
+oshnavieh
+powells
+kelme
+1,250,000
+iolo
+encloses
+feigenbaum
+cóndor
+coturnix
+warhols
+bowlly
+suwa
+preserves
+aiph
+pertiwi
+nájera
+barcellos
+6-ounce
+bederman
+non-self-governing
+jiancheng
+110.68
+24-ounce
+downloader
+admonishment
+javanicus
+snezhana
+synder
+plachkov
+winsford
+hiyo
+educ
+hellers
+sein
+71.83
+arkadina
+ext.
+copays
+telesales
+kosrae
+mercey
+u.s.-declared
+chaff
+fudging
+redocumented
+daufuskie
+29min
+stael
+aggrieved
+elgort
+52.66
+tuesday
+solans
+bloodshot
+manitas
+stefanowicz
+diablada
+passers-by
+wojtek
+qiuyan
+ducale
+temmink
+skyla
+quickbird
+ḩeşār
+2.830
+buzbee
+dechant
+moff
+tamanna
+panzerfaust
+rfg
+greenshank
+derives
+jahrhundert
+jax
+fijilive
+scada
+unlike
+amoral
+loge
+3-ranked
+alemana
+kudremukh
+nrhone
+walles
+pathogens
+lindström
+tenmu
+gunda
+unfreezing
+allal
+modern-era
+cotis
+diba
+groundlessly
+-36
+firehall
+lymphocyte
+gottingen
+eyelet
+furberg
+west-south-west
+allegis
+kubicek
+lillehaug
+benamor
+virgins
+vocus
+shilpakala
+tyto
+honeywood
+burgberg
+réunis
+mercantil
+kooyonga
+capricho
+paignton
+hilali
+geomorphology
+derik
+gasworks
+al-hakim
+multimillions
+karmarkar
+serenus
+kensinger
+biostratigraphy
+burghoff
+oyamada
+30,200
+red-crowned
+a.m.-12
+barrionuevo
+sephora
+anraat
+mainsheet
+waart
+magoffin
+convenor
+toponymic
+beribboned
+euronav
+diest
+1,447
+cristescu
+sndp
+venipuncture
+senator
+kind
+sub-districts
+baverstock
+bbci
+eretmochelys
+dmitrii
+disclaiming
+pasewalk
+onomatopoeic
+adtac
+tamblyn
+demerara
+chens
+enja
+buey
+azaro
+breve
+oppenheimerfunds
+shovel
+garib
+9,450
+81.30
+meigher
+putco
+bóbr
+voge
+allegrini
+psycholinguistics
+palike
+touristy
+empower
+clerget
+sumiala
+optus
+cecin
+bgl
+lenawee
+196.1
+riesenberg
+klingsor
+té
+kikaijima
+mlps
+patty
+lener
+all-electronic
+0.18
+maduka
+svilengrad
+nepia
+toking
+italics
+accommodates
+justino
+wily
+lovelady
+kaoping
+conveniently
+22.03
+dizzy
+chandlery
+bigi
+journal-constitution
+113
+lysimachus
+skiboarding
+miche
+cremonesi
+wjxt
+macellum
+t3ss
+hanami
+datsyuk
+westminsters
+holtus
+ten-point
+wasikowska
+hubnik
+sithe
+llandrindod
+exacto
+82-page
+transferability
+cialdini
+19-16
+prematch
+stene
+u.s.-initiated
+doerflinger
+adjuncts
+enkhbat
+alcivar
+wobbling
+bejoy
+2:4
+mse
+shekel
+pc-12
+ducey
+venizelist
+semi-autobiographical
+swooped
+kifaya
+lingyuan
+pyrosequencing
+81-79
+5,128
+massdot
+post.com
+kiah
+despises
+barillas
+warbirds
+rohrich
+16:8
+injunctive
+overanxious
+loosli
+five-storey
+45-acre
+1,621
+capello
+lithological
+sobsi
+wallone
+rostropovitch
+hatena
+81-77
+pokot
+freehold
+nabhan
+macalester
+nuhanovic
+91.57
+nō
+benedykt
+1975-90
+581
+steading
+honohan
+gourlain
+dowa
+apertura
+frescas
+single-edged
+mehsud
+tallon
+isolo
+kaitlin
+ntra
+bendi
+potentiel
+76-14
+བ
+.2666
+if-then-else
+six-storey
+meynier
+administrando
+9,700
+air/fuel
+fellow-student
+fealac
+pulford
+ujaama
+bahariya
+51.52
+mitchell
+thakhek
+nightengale
+boconnordetnews.com
+hamilton-wentworth
+ecologist
+reloj
+cressida
+schie
+padarn
+suguri
+gyrich
+self-control
+risher
+ufd
+butch
+didi
+uct
+paid-for
+stratotanker
+pauciflora
+eighty-nine
+symptomless
+cholestasis
+partit
+bixi
+elgart
+otl
+wildernesses
+rossing
+avanza
+nityanandam
+cassara
+usa-1
+glasse
+emmi
+solaris
+944
+curbside
+59.09
+merseysiders
+boortz
+unrefrigerated
+dexion
+amhs
+bwb
+penland
+brabantian
+saharans
+geometridae
+alza
+borodina
+ventosa
+pagtakhan
+8-to-7
+skynner
+twic.html
+butanediol
+deaf-mute
+1900-01
+inedible
+cariou
+chizik
+westshore
+2315
+karmøy
+acdc
+zvečan
+exxonmobil
+shabd
+febrero
+battleship
+subverts
+ubiquinone
+ootheca
+31.77
+salt-water
+klimontów
+pyon
+,940
+wuji
+salomons
+naïvely
+zaid
+headcrab
+litwak
+bely
+havelka
+asomtavruli
+eulogius
+2.02-meter
+scapulars
+rippholz
+zinzi
+4.69
+enemigos
+works
+2,714
+medianews
+worland
+secundum
+nsfnet
+hergé
+redbull
+mercredi
+shva
+tunes
+fahne
+livery
+schoenstein
+sharkawi
+47.38
+t43
+1-57
+toothbrush
+aeroput
+hayawi
+turnverein
+1.5
+amours
+12:16
+understands
+dagfinn
+deciphers
+2,700,000
+1118
+plummetting
+hartenstein
+colitis
+subducted
+shedden
+stormbreaker
+1,888
+oregonensis
+henneberry
+wimpey
+langenhoven
+colmar
+csrc
+femininity
+decongestant
+eick
+gobain
+pfennig
+iye
+space-related
+granatieri
+zh00r
+insistently
+47-nation
+calcineurin
+4,189
+owner/driver
+anabelle
+kvachkov
+morphophonemic
+albelda
+romanticised
+i-85
+vienot
+mellitus
+para-nordic
+johnstons
+weingaertner
+dinitrogen
+ofek-3
+duguay
+monocline
+nungesser
+two-blade
+aventures
+13,350
+iizaka
+ight
+fistulae
+discua
+voinovich
+evidenced
+petway
+kwanzaa
+dilgo
+siero
+self-representation
+65.88
+calungsod
+lawedre
+ambrosiano
+ramrods
+stradella
+huene
+eccentrically
+xc70
+nagato
+amisha
+karimirad
+zefiro
+granade
+ccpit
+kankakee
+anti-militarist
+reaction
+2.88
+linzi
+confirmation
+guochang
+korder
+barrameda
+maben
+d'information
+denuclearized
+monomorphism
+tumwesigye
+zdrilic
+4mb
+subhash
+barcodes
+loovens
+tranda
+factors
+leopardus
+e63
+chachapoya
+harmonizes
+colgan
+chenes
+pre-made
+ohlemacher
+coloristic
+flip-side
+tochinonada
+powerteam
+naper
+jawng
+reservoirs
+46-foot
+ss9
+terroristas
+woodworking
+http://www.motorola.com
+srirampur
+thomsen
+petrodollars
+cichlids
+corp
+belgrade
+geoana
+babaar
+194.6
+sickeningly
+chettha
+meryl
+196-kilometer
+storefronts
+wismar
+recognisable
+10.08
+18.24
+mechlin
+laneuville
+baghdadis
+larges
+spiv
+carbonization
+totes
+cleethorpes
+lbn
+affricate
+al-khattab
+reamon
+orderic
+beiji
+golborne
+račan
+macrophytes
+cagayan
+songkran
+shendam
+vitelline
+linguistics
+23-19
+medishare
+communitarianism
+disbar
+miskolc
+bédard
+espaillat
+cfm56
+battlefront
+ferrieres
+energystar
+aided
+nonsensical
+sanjak
+xiangxiang
+non-protein
+e-3a
+foraker
+3-9
+odours
+135-pound
+w.r.
+122.62
+mcafee.com
+dezembro
+yokado
+lyon
+hyacinthe
+resto
+1/14
+himarë
+diana
+29.55
+pictura
+bar-b-que
+mucor
+maninder
+hk101
+territorio
+properous
+pontifice
+dugas
+dawnstar
+gainsay
+tábara
+crosslines
+investigational
+formulate
+kölner
+serreqi
+anthimus
+broza
+solenoids
+11:36
+cinemagic
+trellising
+dastak
+miembros
+matterson
+círdan
+timothee
+non-operative
+vonones
+bastante
+anadromous
+546
+plys
+damron
+flydubai
+bxf3
+three-peat
+maternally
+biopiracy
+34-acre
+whalen
+geoghan
+wakeham
+caguioa
+märsta
+47-run
+scoparia
+1.0.0
+artley
+bergbau
+1591
+illizi
+2,655
+asika
+azahara
+abduljalil
+kindergartner
+craterlets
+collegiate
+etiquette
+mulled
+30n
+siripreechapong
+microsurgical
+m-sport
+shukhov
+dior
+selcuk
+anually
+gennett
+bausch
+groza
+boulding
+nuzzo
+républicaine
+serling
+remanent
+gernhardt
+delaporte
+dicle
+jaworzno
+voller
+botanica
+18.17
+figural
+unimpeded
+9.45
+sobh
+edginton
+wooster
+böse
+archimede
+jawad
+begrudge
+76.45
+lyndall
+.534
+panthéon
+gentz
+61.08
+aerostar
+np-completeness
+eider
+kreisel
+caregiving
+alupek
+tulle
+novac
+jayuya
+tann
+jeremain
+634
+dos/360
+eases
+1896-97
+o2
+flotations
+elniskey
+gooder
+257.5
+dollop
+coldblooded
+immovable
+oca
+rubblestone
+boucheti
+goldeneye
+engell
+pronged
+bottlenecks
+nct
+formula_26
+majic
+clase
+vuillard
+souray
+funda
+deportable
+mattlage
+caijing
+sevi
+flit
+tavush
+xk120
+ieong
+shoppertrak
+ijburg
+byn
+carotenoid
+taizan
+oracle
+doral
+sudduth
+apdm
+jikan
+steambath
+15.65
+barend
+chamara
+kirill
+barrows
+eala
+paffenbarger
+auguries
+five-years
+kwalwasser
+deiro
+take
+matchstick
+krisztián
+brodgar
+иван
+clemmensen
+pockets
+kotagiri
+self-admitted
+riots
+dingwall
+sessilis
+icat
+gherardesca
+kâzım
+b.a.t.
+heirs
+l'auto
+anangpal
+plouay
+handcraft
+wildcard
+akwaaba
+pronk
+checkposts
+mā
+uncoil
+imca
+1620
+trappe
+ricardi
+piñeiro
+loar
+ganea
+mamy
+two-night
+pop/r
+hull
+enna
+113.00
+100.52
+,500
+fleadh
+danziger
+patterns
+dallam
+531,000
+rousted
+khalek
+tutuli
+spectacle
+coloradoan
+brioschi
+variometer
+napper
+csxt
+molko
+oxazepam
+fantails
+uninformed
+laughlin
+great-grandsons
+jetstorm
+308-seat
+g-proteins
+frejus
+ndl
+controls
+supernationals
+overnment
+stfu
+mi-6
+kemeny
+1.4055
+olinto
+757,000
+conventionally
+kieninger
+ramic
+nugraha
+3,155
+egberts
+m1-a1
+ltd
+ladinos
+4.9-billion
+l1
+collegium
+microeconomic
+an-225
+2,908
+raouhi
+kūchak
+107.38
+macrolides
+šerbedžija
+stengle
+artemisium
+llywelyn
+concubine
+rudonja
+reyne
+massaging
+flus
+azmat
+gentzen
+fernsehturm
+atimonan
+fouere
+1358
+moraceae
+tyrese
+milefortlet
+xanthidae
+indulges
+sharrow
+transparency
+norths
+propuesta
+staviski
+bronzing
+eppo
+stotfold
+scarfo
+riak
+almer
+cris
+noncombat
+second-line
+opto
+continously
+polet
+grossa
+252nd
+tartaric
+nids
+paleolithic
+nitzsche
+mmol/l
+lindqvist
+222-1463
+crystallized
+kokonin
+fillers
+neoplatonists
+austin-healey
+vipin
+50.02
+155-year
+second-rower
+musick
+stoitchkov
+wanga
+divinities
+otolith
+machian
+christanval
+cielo
+dakovica
+antiparticle
+spínola
+u-68
+werburgh
+33.22
+juryo
+330,000
+agvs
+situated
+style
+pitbull
+fy98
+hardrada
+kahe
+karolyn
+supervolcano
+meulens
+susie
+vladan
+garson
+abortionists
+dragoon
+oise
+bahauddin
+goethe
+converter
+unordered
+thacher
+n.w.a
+constricting
+fabricator
+sleds
+pterosaur
+berning
+anti-independence
+incantations
+lashko
+color-coding
+hornstein
+mazzoni
+collagens
+álex
+jundiai
+tyndrum
+altaf
+a.s.
+korova
+hollings
+brigades
+wooters
+cleavages
+khamees
+brunnhilde
+chievo
+mukhlis
+mbita
+cicavica
+mcwhinney
+72.33
+rumelange
+virga
+dupas
+137.50
+homier
+elizaveta
+hákonarson
+nü
+kiliwa
+284.1
+brosh
+akatsuka
+confortable
+farmiga
+haimar
+risings
+sportpark
+saint-gaudens
+borna
+under-age
+stane
+khansari
+delisting
+pusser
+segal
+totem
+search-and-rescue
+obnossov
+bexleyheath
+tff
+komoro
+caulfield
+jodka
+riesener
+erlandson
+nickels
+datelined
+chabris
+urbanek
+winant
+rodeos
+4-16
+bellarine
+fill-ins
+gharana
+hoogovens
+wisconsin-milwaukee
+heuheu
+maharet
+unmapped
+auslan
+beforu
+,000,000
+khojavend
+mea
+stenersen
+169.9
+oxcarts
+gray
+interception
+chantry
+nadie
+yadel
+longwave
+satmars
+utkin
+hafencity
+vukaj
+amusaa
+speck
+shijing
+wingnut
+guyane
+gallirallus
+ogunode
+aegee
+cheese
+zhivko
+sivagangai
+jowly
+hindy
+pizango
+out-of-place
+emmott
+eutin
+multi-valued
+slappers
+64kb
+alef
+5-foot-5-inch
+sockers
+ghoul
+celulares
+dissents
+pawling
+adriaen
+bouncier
+hamenuchot
+torokina
+heptaminol
+rainmakers
+prd
+incipient
+menahem
+rbh
+tachibana
+hild
+roman-catholic
+norsefire
+0-25
+us-led
+186.3
+preliminaries
+16.45
+basnyat
+(360)
+mednis
+capucines
+fusheng
+cah
+39.17
+biphenyls
+obaidullah
+eshetu
+simberg
+udd
+sensitively
+adewale
+47min
+hajnal
+neuenheim
+39,200
+brienne
+2,442
+depolarizing
+unge
+.361
+152.5
+ruders
+llanymynech
+non-consecutive
+2,853
+so-called
+schweihs
+tiferes
+sias
+.592
+koppe
+arroio
+pathan
+indomobil
+husari
+yannick
+burzio
+mamberti
+jhapa
+mallawarachi
+crompton
+vasconez
+submerge
+enfers
+farabi
+iorek
+novotný
+high-current
+500,00
+prensky
+palmer
+mislabeling
+sundials
+dumbing
+olapade
+hitch-hiking
+poufy
+curti
+verney
+82-63
+spadea
+horseneck
+coeducational
+hawks
+homophone
+commissioner
+dasara
+passyunk
+polyheme
+898,000
+chloé
+uwsa
+shuangliu
+trypanosoma
+mekere
+7:54
+pottsgrove
+colglazier
+withopf
+hendershott
+hassler
+willys
+blackface
+lightbody
+vestale
+laursen
+kiesa
+mohieddin
+verran
+triclinic
+varadi
+guaira
+nauset
+expecations
+48-point
+carbidopa
+26.4
+72-64
+durranis
+bluford
+laced
+goalby
+dlewisglobe.com
+weatherization
+petaro
+shalgham
+pellengahr
+5-kim
+1,802
+lupe
+doubleheaders
+extra-vehicular
+dejen
+hastings
+confusingly
+re-alignment
+faqih
+hasti
+sne
+pistou
+insolence
+3-23
+smed
+3,128
+unflavored
+folkston
+barendrecht
+nuthatch
+14,670
+magezi
+robustelli
+călărași
+pitrelli
+congregationalist
+yelland
+jinggoy
+barcelo
+reflexion
+olzon
+tart
+mabandla
+akinyele
+statesman
+dojos
+botnets
+gaffney
+m-7
+trims
+savary
+bonnyrigg
+17-acre
+usss
+okk
+3,100
+luhya
+72.38
+mm3
+thuwaini
+gikongoro
+11,650
+ryuho
+absorber
+4,751
+jameel
+yusufiya
+koy
+yanchang
+computer-generated
+jblake
+extranjeras
+arbois
+minase
+minorsky
+ibaka
+olympiastadion
+sidik
+u.s.-military
+gethin
+rusty
+firmas
+iliana
+sumulong
+manhã
+uranography
+11/10
+unibody
+setser
+alajji
+outperforms
+40-person
+tricare
+interview
+destreza
+watchmen
+momodou
+fsk
+ruocco
+lecithin
+yantai
+archive.org
+geroy
+acyltransferase
+124.95
+1960-1964
+sinne
+83.32
+armoured
+auricular
+morphologically
+ypa
+finagling
+poltrona
+pakka
+manjarin
+members-at-large
+efstathiou
+dybek
+szalai
+dangerous
+exigua
+hutches
+hirschsprung
+lutz
+i-jhangvi
+rendova
+centronics
+jans
+minatitlan
+swinden
+retool
+guaman
+newsted
+491
+jean-claude
+aveling
+composited
+nasu
+in-fighting
+balaran
+302.6
+silin
+yeargan
+wka
+77.40
+scimed
+ligature
+opposable
+collation
+cunanan
+verlinden
+lubricate
+adrianople
+comedic
+skyhook
+12mo
+rollerskates
+rauner
+montevallo
+philomela
+pushup
+618,000
+6.3125
+roadhouse
+29.8
+foresail
+8.64
+morrisett
+technophobia
+poleaxed
+reddan
+boink
+coronoid
+patscherkofel
+impasses
+opportunities_boston
+margareth
+trofim
+spunner
+artūras
+rufete
+motacilla
+crois
+increibles
+wiley
+lateen
+estremadura
+5,062
+aliaksandr
+studium
+shasu
+zaccanelli
+peripheral
+doofuses
+magic
+man-eater
+maius
+mase
+reasoning
+korsun
+ubl
+ricchi
+manzanas
+3,494
+timbiriche
+hit-and-run
+glofish
+75-member
+premat
+fmvss
+malyshkin
+tejan
+parished
+ayal
+subcomittee
+deckert
+vanyel
+jassi
+edge-to-edge
+amarth
+diliman
+alessa
+báez
+encased
+feuz
+zebrzydowski
+wvee
+transformative
+satanus
+andelin
+liquorice
+66s
+châtellerault
+bluescreen
+lumding
+narrowness
+3.7-inch
+bogues
+czorsztyn
+platea
+harting
+gladed
+brilliancy
+strelka
+31.25
+scots
+pp.
+ariba
+108.38
+sparklehorse
+devons
+seismometer
+frappes
+50.73
+shaman
+grantors
+6.555
+relevance
+aquileia
+2,653
+stockers
+walkley
+95.61
+pictographic
+partnered
+brachodes
+houdyshell
+fufeng
+praskovia
+amicus
+skáldskaparmál
+mtoe
+handelman
+canoeing
+seafaring
+worthington
+89.90
+doolin
+gurkan
+björgólfur
+cosse
+mameli
+white-rumped
+jell
+outmaneuvered
+13,500
+resonant
+outlawry
+rearick
+pierrick
+255.7
+androgyny
+woog
+0-for-23
+kalatrazan
+73.37
+dawai
+foolin
+elliott
+khairat
+carried
+weiße
+fayard
+hira
+pursue
+gallardo
+adv27
+brazell
+unsma
+supérieur
+royden
+saharanpur
+mubadala
+flagrante
+kallon
+libbey
+colpin
+jakko
+ymca
+nikzad
+misnomers
+knockabout
+scariness
+inscrutable
+sedili
+6.25
+polfer
+2101
+diamacoune
+mongodb
+socotra
+ronghi
+regalado
+psychometrics
+seoud
+bellmont
+tyldesley
+ngulube
+dichotomies
+harkis
+tsuge
+gemäldegalerie
+caver
+ughamadu
+demoralising
+bangunan
+oneill
+81.52
+4.42
+magaji
+berrisnytimes.com
+celerant
+inglish
+folly
+31-27
+gerth
+carp
+pakpattan
+torlakson
+15.3
+vegetatively
+89.30
+enslavement
+dft
+cirstea
+cisek
+włoszczowa
+philae
+lott
+tantamount
+slurry
+1,526
+fulgentius
+chicago-area
+enjoying
+kien
+konda
+ishizu
+grims
+saher
+liechtensteiner
+sassounian
+hungarian-american
+geddie
+ciat
+roid
+pundari
+armchairs
+distrusts
+panpacs
+poldermolen
+allaster
+1,800-seat
+49-43
+kirnberger
+al-waleed
+korngold
+bardeleben
+aligners
+2-49
+sahim
+mdlalose
+edilson
+brimstone
+kalakan
+runoffs
+fearon
+vandercook
+claunch
+chapayev
+edmore
+supersport
+doudou
+liddington
+sun.
+amsouth
+bosnians
+rosalinde
+unidirectional
+sugauli
+mastaba
+uniate
+likable
+t-1000
+hexagon
+reba
+2-8-0
+bolometric
+neuropsychology
+acedia
+chlorofluorocarbon
+kouklia
+pasand
+munkh
+69.39
+maneouvre
+mrisho
+seagrasses
+dishcloth
+softener
+swnhs
+mailo
+mmartinez
+racv
+jerious
+hakewill
+supersoldiers
+congke
+embury
+super-fast
+taser
+w3c
+machinima.com
+massi
+liberal-progressives
+pumphrey
+magimel
+mumbles
+deister
+bleuler
+cineworld
+clean-ups
+canonised
+3.11
+246.2
+superhit
+e-9
+abramowicz
+adal
+renegotiating
+scanderbeg
+amityville
+106.99
+fhsaa
+cockamamie
+(802)
+ruiz
+delia
+crude
+elijah
+indycar
+lockups
+semi-infinite
+rdb
+re-run
+björnsson
+76.08
+sabio
+asheim
+935
+acetophenone
+114.74
+pdk
+mimeograph
+cbs.com
+concannon
+hat
+microfilariae
+peda
+meciar
+hoys
+jointure
+protrude
+fearnley
+mischievousness
+wilhelm
+gufron
+lya
+majewski
+siklos
+unmanifested
+khakassia
+hitwise
+motores
+festac
+castrations
+karaszewski
+oishi
+meden
+sanitizers
+guttridge
+dedos
+oompa
+rehabilitators
+ghari
+decius
+johnsons
+saint-jean-de-luz
+soldered
+fuglsang
+maclure
+revenu
+sarup
+marapone
+danapur
+silappatikaram
+elswhere
+sukawaty
+djerejian
+gaustad
+4,356
+telander
+gea
+massey-harris
+10-16
+curveulima
+rospars
+re-called
+latouche
+geant
+mandiyu
+greggii
+tented
+10km
+swiffer
+weeda
+2349
+fire-resistant
+3,898
+22.42
+nielsen
+mccreery
+tail
+piw
+mouseman
+vole
+purda
+contractual
+persecuted
+delisted
+self-professed
+250-meter
+drumbo
+hailston
+celer
+describable
+debasis
+shange
+40.98
+dent
+redemptorists
+leftwinger
+nitrosyl
+hmshost
+chanda
+homero
+feddans
+shootouts
+chemical
+boku
+bellof
+mitchinson
+newhart
+renan
+tianjing
+bequeath
+unbought
+worsened
+cornflakes
+salgaocar
+ipiales
+2.44
+dębica
+wisely
+cpdm
+s18
+schaech
+pieksämäki
+tutu
+lucarelli
+ramanath
+porcaro
+northumberland
+selectors
+baseless
+ss-brigadeführer
+2094
+ewige
+riggi
+acrisius
+asolo
+11.30
+cadillacs
+psip
+realidad
+celtiberians
+demers
+scaled-up
+52.99
+henle
+duramax
+chociwel
+wolverley
+extoll
+ucsf
+montrond
+trickles
+medinol
+degree
+islam4uk
+brittania
+dunfee
+tadamasa
+ethnicity
+sledge
+hardijanti
+everbright
+fecamp
+obliterate
+uluberia
+crj900
+hardoon
+7-4
+nlt
+lafosse
+colbern
+baffinland
+dwindling
+money-laundering
+hodgkins
+lafavore
+weathermen
+stepanovic
+adduct
+bis
+halffter
+bearish
+cfa-apa
+brimeyer
+vets
+wenshan
+husbandmen
+gruss
+unaids
+music-hall
+salil
+ricardos
+touqan
+hooligans
+leiningen
+153.2
+mjällby
+supersonics
+nyamjav
+cloudless
+yesim
+mult
+mini-game
++10.00
+marlins
+1381
+philatelists
+gtz
+yasuji
+maniaci
+weiher
+1,558
+cinergy
+erdut
+barbas
+proviso
+umayyah
+climed
+ouest
+poderoso
+self-aggrandizing
+grant-making
+8.91
+driefontein
+1,234
+leninism
+5.56
+haziness
+arranged
+urfi
+permissible
+operas
+atle
+phipps
+81.93
+peligroso
+branndon
+producir
+changeovers
+wilkening
+marpol
+fibered
+tryin
+huriya
+tagalogs
+carlstrom
+perbandaran
+hawerchuk
+beetham
+etiwanda
+sari
+støre
+pardus
+6,000-7
+fashir
+clewer
+gonnella
+shouts
+gardenias
+bangun
+ajorlou
+wayward
+macys.com
+sdf-3
+551st
+racconigi
+outworked
+kragthorpe
+lalic
+voyles
+342,000
+luard
+renounce
+lafferty
+9:35
+instep
+mcmath
+cobian
+homesick
+dharm
+39.20
+grimandi
+in-world
+gaydos
+stathopoulos
+spratley
+moskau
+lamps
+bioresources
+4,338
+1939-40
+brucke
+kabita
+dittoheads
+hideshi
+gilford
+emigres
+termination
+petria
+songjiang
+self-restraint
+srei
+511-seat
+nograles
+blackaller
+penduline
+littlepage
+59.02
+bochmann
+sabanci
+ba'aliya
+nordwind
+gastropod
+93.38
+marín
+robstown
+nakamichi
+leela
+guillemin
+1030s
+rowles
+neurotransmitter
+re-buried
+anti-de
+inauspicious
+smoak
+minya
+laughs
+immunohistochemical
+protos
+60.15
+hathersage
+dubs
+izi
+luxemburger
+meethi
+registered
+carpianum
+expellee
+fessenden
+expects
+goggles
+fairest
+pro-choice
+victa
+provocateurs
+seoul
+ueckermünde
+debrito
+brokerage
+ebow
+conjunction
+weymouth
+krasnoye
+reysen
+42.45
+wasit
+stadium
+concho
+apologist
+hebbadj
+shortlist
+larra
+cozma
+reponsibility
+hallescher
+metabolise
+tuile
+lmp2
+wrappers
+cockrill
+yorker
+ingrate
+xiaoqiu
+percoco
+jebali
+93.21
+rishawi
+b-movie
+appledore
+mustelids
+tesich
+thumbscrews
+tissier
+government-related
+1o
+discontinued
+jobseeker
+47
+gian
+arizin
+kyr
+philological
+muzaffargarh
+wattstax
+arsk
+dodge
+thunderhawk
+boqueria
+sifrit
+bornet
+turbine-generators
+1883
+becton
+512k
+2mins
+transceivers
+marnhac
+jiujitsu
+inhaber
+solaria
+yourdon
+maximizers
+urango
+harini
+tamest
+cepede
+deprives
+www.usdoj.gov
+boktai
+burgsmueller
+scapa
+masala
+moulter
+minicomputer
+roumain
+nurzec-stacja
+273.1
+euro521
+evel
+1r
+iacs
+csca
+cheek
+duc
+15:51
+shinbutsu
+huwaidi
+franken
+picas
+kanchelskis
+24aou94
+ostrer
+qadisiyah
+ogbonna
+policyholders
+6:53
+arbor
+cgl
+legum
+49.93
+durran
+chorwon
+makins
+vosburg
+holocron
+supply-chain
+wilmut
+ornament
+48.37
+479.5
+ayres
+half-interest
+bacanovic
+kalisa
+masirah
+shajar
+44.37
+pithead
+u.s.-held
+game-show
+xisha
+sittidae
+diven
+sagas
+redirecting
+wanguo
+lombardini
+strawberry
+----------------------------
+breytenbach
+geht
+jagiellon
+x-rayed
+bluster
+mañana
+đức
+siboney
+dacascos
+ixodes
+dunville
+tschula
+yohn
+casner
+84.18
+sigurdson
+dwars
+20-day
+floridanus
+obc
+easterly
+fite
+australian-born
+thresholds
+kayser
+mauling
+manglano
+a.williams
+tayrona
+93.82
+expats
+rocsat-1
+full-strength
+merrit
+137,000
+2357
+multidenominational
+culverted
+audsley
+scg
+al-karamah
+peucedanum
+goldberger
+fuliginosa
+giang
+rhyne
+gristly
+sadducees
+horses
+zócalo
+7-9
+mashour
+ooooooooooooooo
+19-seat
+nmo
+mecom
+rosemead
+kallah
+gehris
+jitter
+gigot
+34-man
+34-8
+lbi
+casal
+sartorial
+9-19
+beneficiaries
+devon
+tireless
+ferd
+maranello
+38c
+122.82
+dionisia
+mvps
+amygdala
+devotio
+hruby
+indigenist
+1838
+zicheng
+calvinism
+47th
+glioblastoma
+rsssf
+96.37
+skylab
+taxonomy
+malachi
+gigi
+exelby
+franklins
+meder
+moggach
+wernham
+venjix
+28.07
+clinger
+vilarinho
+tritle
+37-24
+jagt
+lhuillery
+javaheri
+beyler
+pteranodon
+eestor
+obliterates
+negative-sense
+mössbauer
+veneer
+certain
+premenopausal
+dcd
+gapping
+saqlawiyah
+circuited
+kanth
+stradford
+mackerel
+chukchansi
+nazarenko
+rochefort
+magura
+highbrow
+undiminished
+kakizoe
+radiocommunication
+2,128
+lochard
+lacandón
+96-79
+shiatsu
+plamondon
+mustansiriya
+trouten
+atlantik
+treille
+tightwad
+alceu
+dissidence
+ecoles
+yardley
+psychotically
+uiuc
+chuci
+validate
+seinfeld
+edifice
+transactions
+laudan
+treviranus
+jž
+bushbuck
+foxford
+boxed
+typica
+metre-long
+khumbu
+tbp
+108.21
+cel-shaded
+yavlinksy
+myton
+popeşti
+cargo
+bahtiyar
+syeed
+corps-level
+berliner
+barbeau
+hohne
+vigevano
+karraker
+redfeairn
+14.0
+(909)
+nexon
+gras
+appraising
+karantina
+purva.patel@chron.com
+1-series
+minggao
+skittishly
+universitário
+jore
+perpetuate
+cinema
+manah
+wews
+i0
+9:44
+serenading
+mated
+musks
+zhenxian
+mccreath
+wacana
+sōke
+aeolus
+barbe
+metrosexual
+outpaced
+heathen
+five-seat
+325-pound
+erymanthos
+topoff
+burcht
+rapperswil
+firozpur
+en/
+snarled
+foreground
+stockmarket
+bjørgen
+ignacy
+soberly
+39.04
+29-22
+alderson
+160.2
+kisser
+richmond
+sartrouville
+carbenes
+ovina
+wiring
+27-nation
+66.95
+longing
+almohads
+822.68
+thalidomide
+jastrebarsko
+air-ground
+testify
+caciques
+firma
+bernard-henri
+ta'izz
+tinning
+tate
+magmatic
+sontra
+brádaigh
+a_8
+libor
+levenberg
+internationalization
+inelectra
+reliving
+front-page
+ferretti
+ljm1
+22.8
+disengage
+τιτλοι
+cheapo
+zdrój
+putrefaction
+picadilly
+neubauer
+non-federal
+heren
+saxe-gotha
+ribis
+forcasts
+durani
+kogyo
+aqha
+huleileh
+questionnaires
+lolita
+janklow
+baranyai
+429,000
+sub-castes
+kiriakou
+penfield
+simonovic
+fabulously
+letz
+revolved
+hardaker
+renco
+dugal
+flowrate
+rs232
+1176
+quintuple
+reinstalling
+dimitrovgrad
+prestigioso
+nacoochee
+gruelling
+caister
+996-0089
+1,799
+georget
+co-partnership
+viña
+barca
+solihin
+all-wac
+351,000
+mokbel
+austrlian
+74.41
+kras
+39.88
+kazik
+bebra
+tongguan
+neverwhere
+bendik
+karbacher
+kc-97
+guterl
+yongqiang
+icel
+16-14
+kallasvuo
+fenris
+peire
+provencher
+budejovicky
+ushra
+berrian
+40.71
+11-of-14
+scarver
+bseiu
+digos
+moons
+clus
+claud
+35.26
+uks
+mrak
+31.38
+djakarta
+non-exhaustive
+ir-2
+furio
+platypuses
+gore-tex
+compagnies
+33.19
+snapfish
+reception
+kagnew
+seraiki
+yala
+rubbishes
+63-14
+anejo
+phair
+southpaws
+simms
+deshui
+bauchi
+alaoui
+hanningfield
+bend
+sheeran
+89-87
+kienle
+hesperus
+mahfood
+sămănătorul
+2-for-16
+expiated
+kastles
+mid-1820s
+cuing
+matvey
+cubillos
+trev
+1.3
+iogen
+feerick
+monstaroonies
+sundered
+indigestion
+amateurs
+jumpy
+292,000
+r-pa
+e-7
+wish
+lennard
+pejačević
+5-yarder
+monemvasia
+demoiselles
+cusani
+wastepaper
+jafaari
+ae2
+mochila
+hanamaki
+affectionately
+deinekin
+yungas
+bmac
+creb
+adventurers
+cocks
+gerritsz
+cannon
+katzrin
+bold/italics
+cavs
+dunsmuir
+steinhaus
+31.98
+ghous
+turret
+carmel-by-the-sea
+elektrik
+mohmmed
+ngosa
+salicylate
+pulchella
+ikiru
+kupa
+panyarachun
+94.51
+sr-2
+adhering
+sello
+tays
+labor
+commissionings
+european-wide
+tivo
+ruettiger
+pastoriza
+sanibel
+demogroup
+word-by-word
+yeppoon
+http://www.healthscout.com
+bayu
+bluntman
+ruanaid
+23,400
+isopods
+illegality
+horstmann
+golovnin
+7.15
+transacted
+comas
+inniskilling
+3,235
+pugin
+103,500
+lumped
+furtherance
+xining
+spac
+zaffaroni
+bin
+yushin
+104.20
+117.41
+sibiu
+sainte-colombe
+d'backs
+jawing
+powertel
+al-ahmed
+bhavsar
+mukerji
+chengzihe
+chaoui
+brook
+pointz
+61.9
+nanyan
+lobatus
+right-leaning
+uel
+diorite
+kalikot
+antisepsis
+jakks
+malambo
+oberpfaffenhofen
+rulings
+dimock
+shakeouts
+schottenstein
+prados
+beazer
+michaele
+a-whirl
+taishet
+kossan
+shuker
+plugboard
+tischeriidae
+compactors
+audley
+tidland
+mdbr
+joanna
+yolanda
+2003/2004
+coiling
+performance
+dutoit
+2-hectare
+gurabo
+naum
+detmers
+40/chr
+fengtai
+shyan
+slapstick
+gangrenous
+7-3
+trip-hop
+netscape.com
+apoyo
+whitburn
+boureij
+chaquico
+2110
+gravelle
+closings
+6:00
+hitlers
+blanken
+duffel
+tvøroyri
+cancervax
+75-yard
+clasicos
+blu
+aggravation
+sayid
+pentax
+tannat
+forty-three
+groupings
+jaffre
+88.30
+inon
+muscicapa
+altamirano
+chiggers
+spaten
+ruv
+spinothalamic
+non-banking
+grassless
+gastroenterologists
+tef
+bekele
+collegio
+3/7
+taisho
+labyrinthine
+buzzers
+mccarthyite
+karachayevo
+iztaccíhuatl
+inflame
+biopharm
+maha
+kavner
+mykhaylo
+vilbel
+givers
+seventy-first
+literacies
+flechette
+eckland
+20,000-30
+out-of-service
+chortled
+guest
+paraffin
+1901-1902
+jasień
+willcox
+an-28
+thukral
+nicad
+morando
+sontaya
+l.j.
+2,049
+orlins
+richard.nilsen
+quizmaster
+sternin
+bremen
+chipman
+wsu
+mig-3
+judiciaries
+benante
+sus
+totaling
+duplicate
+dickenman
+27.88
+qingsheng
+meadowfoam
+carinae
+x13
+grasshopper-club
+caohc
+krupp
+tenryō
+atisha
+bokor
+phrases
+pria
+2,055
+candidature
+justifiably
+lummus
+a-e
+baeda
+demarcated
+trilobites
+cfl
+gnome-rhône
+marcola
+socaciu
+outrage
+beregovoy
+partulidae
+legco
+bakhash
+baganda
+hnp
+sarvabad
+nuhs
+seinfelds
+arrigoni
+rohrer
+cowlishaw
+myojo
+santha
+erlau
+worrisome
+demolished
+gradačac
+nanometer
+mammillaria
+thecodontosaurus
+24th
+cuffed
+chaplet
+gasque
+republicain
+berganza
+muthiya
+lysippos
+osmanthus
+fff
+tamweel
+slags
+venal
+jayfeather
+teir
+królewska
+marchin
+gorgonians
+wicki
+donat
+tech-savvy
+wendat
+pastors
+miek
+underachiever
+c.edwards
+ciriaco
+yuanjia
+dubiously
+pre-1978
+bluebird
+perico
+kwisatz
+wolowitz
+u2019
+sonari
+gasbarroni
+2058
+83-70
+haeusler
+turcomans
+dahui
+nyima
+vanderjagt
+teleserye
+gioiella
+turbocharging
+francken
+flog
+gislason
+satavahanas
+arisaka
+neusiedler
+ideacentre
+pakri
+nightspot
+kantathi
+hafsids
+jeyaretnam
+4,350
+28,750
+manses
+laboratoires
+anzack
+schlamme
+caterers
+tournée
+loudenslager
+grooving
+bandak
+beers
+beta-galactosidase
+coxnet
+liaquat
+baziotes
+bmp
+renumbered
+huether
+toqui
+hakes
+digor
+typographers
+contak
+karrie
+pevensey
+deputations
+siminoff
+sabry
+patsy
+dsoc
+chariton
+aaronovitch
+non-muslim
+gehl
+divlje
+veliki
+velzy
+petrona
+naimi
+upgradeable
+quast
+wgcl
+16.86
+zoi
+ladell
+n20
+screes
+uk-apc
+kolobov
+manyara
+robnik
+envied
+jass
+quadro
+barasua
+kawakawa
+munchie
+directx
+techology
+thuja
+76.97
+re-enacting
+wayfaring
+renois
+abs-cbn
+identities
+camels
+inne
+58.07
+segundo
+soame
+3pt
+haddingtonshire
+6-to-1
+amniocentesis
+berriedale
+loess
+bnn
+ashbaugh
+okur
+moroney
+sa-18
+ogc
+troth
+d'application
+landsteiner
+assaulting
+tblsp
+jagriti
+atago
+artform
+gemayel
+rotondi
+iesc
+ncop
+susu
+out-patients
+mercedes-amg
+lagoo
+nadon
+outboards
+exaggerator
+cortex-a9
+protist
+cdn$
+tobi
+boreel
+katsumata
+g.k.
+ythan
+resettling
+foodgoddess
+girder
+ivuti
+heartwell
+padovan
+augsburger
+vice-admiralty
+capablanca
+famennian
+östersund
+idabel
+mid-wing
+a-teens
+saor
+heterosis
+immediacy
+fitzwilliam
+welling
+25,000-seat
+welled
+220-yard
+güler
+gianaris
+wliw
+offeree
+tulipa
+81.00
+51-member
+franches-montagnes
+wade-giles
+funded
+mdl
++5.50
+arsi
+90.28
+faultlessly
+virginius
+bugaboo
+bota
+nanyue
+molla
+rectorship
+toytown
+sinfonia
+royalty-free
+zero-emission
+shiplift
+fallacious
+hibbler
+blackrod
+centralworld
+magdalena
+liong
+lesko
+triângulo
+curtsying
+gabulov
+willers
+re-entry
+cabezon
+amoretti
+wilmes
+edington
+rm60
+aelred
+yubileinaya
+woude
+yuva
+astron
+purgatorio
+traer
+headrights
+spoleto
+hieronymianum
+1635
+polocrosse
+varming
+zarathos
+norbury
+b-4
+tschaikovsky
+asu
+fanning
+backsliding
+governors-general
+onb
+unsecured
+buku
+ruter
+rinconada
+bildungsroman
+ezell
+in-store
+mirdamadi
+firsters
+epple
+balmont
+unhedged
+mystica
+chadee
+damash
+94.18
+eckmühl
+nazarkahrizi
+39th
+maniacal
+aboulafia
+semiotic
+sunstar
+andre
+manoogian
+périer
+retrench
+isonzo
+laypersons
+30-years
+azcárraga
+broc
+65-page
+fraternite
+monosaccharide
+trajkovski
+jožef
+oconomowoc
+peroutka
+peugeots
+latticework
+72.24
+narromine
+sumaila
+winarni
+maryhill
+well-renowned
+108.04
+vysoká
+5-of-7
+observers
+xhaferri
+nimni
+meniscal
+llach
+vatapi
+mühlberg
+lietuva
+lankavatara
+5-0-3
+(805)
+wedgewood
+macadam
+alus
+kopelev
+limhamn
+mellano
+decrease
+kogod
+miskicked
+aleo
+petrola
+1.5-billion
+toole
+valentini
+avis
+deianira
+condita
+adore
+chrysothemis
+hpa
+silar
+boix
+muffett
+heilbrun
+jeckel
+friedell
+ballin
+trombe
+explusion
+hnlms
+wieghorst
+bipartisan
+santore
+coloane
+lotteries
+premaratne
+39.08
+lindbaek
+tacita
+lezgins
+simonova
+gymraeg
+24,200
+channu
+goetschi
+vivendi
+houseman
+ddh
+kaczor
+bosian
+scowcroft
+flummox
+earpiece
+rs-232
+schoenbaum
+ebner
+falerii
+holby
+liezi
+latisse
+o-ribose
+fairs
+anthela
+puglia
+sraffa
+sienkiewicz
+80.67
+maraimalai
+rajendra
+altium
+bermet
+sexualisation
+25.1
+razorbacks
+125p
+staffa
+hohenzollern-hechingen
+courcol
+o'connors
+ayllon
+kahanek
+tulou
+metabolizers
+poidevin
+julii
+janno
+4:17
+abaya
+ulemas
+non-indigenous
+nonexecutive
+besharat
+fiorese
+arciero
+190.6
+ahau
+nakata
+7-29
+sanjeev
+ekati
+gaiseric
+earthenware
+ademas
+ne7
+zabbaleen
+električni
+furcata
+2,160
+bamfield
+2,362
+d00l
+trefilov
+brüll
+42.11
+f-16c
+bronchus
+nectar
+aeroporto
+metal-working
+adv22
+then-independent
+diamonds
+squamous
+25-run
+kabin
+criminal
+fulminant
+gilowska
+chapters
+slipway
+motorscooters
+mitnick
+aldol
+perović
+basemap
+metacritic.com
+eisenbarth
+hussayen
+4,192
+fireblade
+samantar
+lamoriello
+1-0-0
+20,100
+right-to-left
+adley
+استان
+penrhos
+300,00
+bulge
+assumed
+poffo
+reporte
+1264
+macau
+18:20
+forebearers
+brides
+jolson
+pertemps
+themistocleous
+cygwin
+harmonia
+zhongyuan
+mgk
+loiselle
+55-11
+tonja
+highdown
+rampal
+uddevalla
+anti-fraud
+lualua
+distichum
+algan
+6,795
+consumed
+tjuta
+igoeti
+skyhawks
+small
+differencing
+lambrechts
+londons
+2005/06
+three-game
+guzan
+burgdorferi
+n'dow
+hamstead
+headman
+whet
+misbahul
+amnesic
+casualites
+mazagon
+shawhan
+vilcek
+karega
+pentagram
+ingenue
+carnaudmetalbox
+fedorets
+chaisson
+reshuffling
+collocations
+línea
+through-the-lens
+totino
+dirceu
+hypertriglyceridemia
+pcp
+31-11
+20-31
+polonaises
+muratore
+enthusiatic
+metatarsal
+resurrect
+35.70
+theretra
+reburied
+vondas
+kashag
+detling
+f-zero
+maseng
+tyrrel
+46-day
+liebmann
+dimanche
+youkai
+wahkiakum
+addendum
+romeyn
+pingjiang
+114.92
+kawika
+ballal
+lokendra
+unchaperoned
+non-neutral
+pallone
+schnyder
+teodoro
+eridania
+nantie
+arteritis
+imtiaz
+mousepox
+2005-2009
+checo
+qanyare
+hamzik
+confectioner
+kombu
+62.04
+fresnedoso
+bruxism
+pupusas
+parl
+5.30
+toafa
+dalmia
+tozama
+4,249
+trenberth
+luxembourger
+haupt
+adcenter
+1h26
+whaleboats
+11,000-acre
+lascuna
+10/28
+unn
+bashings
+seeadler
+95f
+broadened
+dialpad
+radmacher
+galettes
+13-member
+histopathological
+duffty
+phosphenes
+invalidated
+incurved
+beth-el
+palinka
+johannine
+190.2
+navios
+tumiel
+insistance
+controversies
+drinkard
+invokes
+cbj
+gece
+fuschia
+valtonen
+cabañas
+5,788
+gevgelija
+mechem
+rd-180
+fermions
+hoogstraten
+knurled
+juliflora
+petropedetidae
+0115
+kreizler
+subchasers
+d'este
+cherkassky
+kenard
+viroqua
+filiz
+derriere
+cockaigne
+coleg
+vidana
+semira
+magnets
+stuttering
+trizechahn
+yuridia
+melby
+dipaola
+dundrod
+kidsday
+chassin
+spagnola
+khezel-e
+lehrmann
+santarém
+glop
+mcfarlin
+colleages
+moviefone
+nashes
+zaremberg
+ed-din
+homerooms
+alekseevich
+arctic
+sarāb-e
+druggies
+shevelove
+photoacoustic
+historical
+sideroad
+iakovos
+1-seeded
+kringe
+1623
+effectors
+croad
+armbrust
+ricaud
+teenie
+fies
+yakety
+hundley
+moravian-silesian
+lyot
+reddam
+17.23
+dance/electronic
+whines
+paulauskas
+gipsies
+peckman
+n.y.u.
+tetu
+malathion
+maxaquene
+camber
+ldpe
+long-standing
+sobhuza
+afflalo
+feifei
+wolsey
+kime
+manase
+bilateral
+micca
+curwensville
+fullness
+brascan
+birinus
+nipmuck
+ruppert
+36-38
+varone
+mcbirney
+nargis
+nihonbashi
+9-mm
+tiefland
+culotta
+alessioajc.com
+mahwah
+mcneese
+naogaon
+liú
+canine
+khukri
+tweed
+serre
+m‘neile
+qnb
+swanepoel
+pingpong
+cuyuna
+willam
+4.2-billion
+near-continuous
+megami
+satirise
+320.2
+catolico
+now-deceased
+hoopa
+1,087
+40,500
+asde
+1.3-liter
+calipatria
+jerwood
+instow
+nepela
+flatten
+neuhausen
+arledge
+decimalisation
+isuppli
+luco
+infima
+somersault
+surasak
+p.o.
+melih
+dražeta
+stayed
+sveriges
+harto
+bruins
+kaplinsky
+sticky
+partzufim
+glorfindel
+16-ounce
+pandurii
+.296
+aburish
+setia
+eastlands
+chronometer
+nazirite
+ochs
+cholesky
+haussler
+lba
+guiltless
+lunacy
+shuck
+lnh
+maaz
+1744
+won-loss
+battery-backed
+commmunist
+reddish-purple
+anti-imperial
+witbooi
+38.29
+fultonville
+eil
+1-0-3
+roulston
+hallettsville
+cimoszewicz
+bojkov
+posteriorly
+paros
+büren
+http://www.amtrak.com
+argosy
+nangklao
+lanting
+gibernau
+raincoats
+sandbank
+gobdon
+bickford
+akker
+ovw
+kellet
+melnikas
+sursee
+bezucha
+oluf
+barretts
+mqabba
+neoprobe
+deutsche
+60.09
+recovers
+shanghaied
+missioners
+wadada
+corell
+slinked
+amoebae
+3hrs
+agarcia
+manjusri
+deduct
+suh
+dodgers
+maura
+5.20
+jalula
+strandlof
+caldwell
+chesnot
+alcohol-induced
+larner
+boondoggles
+hornibrook
+autochthonous
+pulmonologist
+formalised
+zweig
+ventus
+cavelike
+3,091
+lonestar
+friedhelm
+265,000
+okuni
+juwayed
+mcgrew
+stapleford
+witten
+upstart
+oenology
+septembre
+afrika
+dearden
+precursors
+maryknoll
+barbourville
+fatehpur
+rroepersuntimes.com
+toolbar
+tahil
+22/km
+goetze
+fomalhaut
+twenty-four
+publiques
+euro415
+480-member
+1,188
+severity
+krsna
+siska
+splintery
+rayyithunge
+furqan
+discontinue
+47-17
+brighton
+weadick
+l'armée
+107.93
+40.74
+reportorial
+27.37
+153-run
+changjiang
+subsumed
+43.22
+hnn
+herschman
+kristiansen
+trafico
+39.44
+arish
+contaminate
+politic
+sabesp
+monsignor
+glinski
+zonca
+jak101
+kvothe
+grandi
+ælfthryth
+disassociation
+ruminated
+no-balled
+24-man
+381,000
+crazylegs
+ermelo
+otaku
+concreteness
+post-modernism
+51.24
+stautner
+deporte
+wellies
+unicord
+huetter
+evolution
+quintos
+ubiquitination
+errera
+aspens
+scarcest
+zechstein
+babkina
+chacarera
+symonette
+kriegsman
+saquib
+leftöver
+formentor
+15-all
+realogy
+reshooting
+woods
+2/14th
+kwast
+tanur
+otf
+palanka
+energy-intensive
+cryptanalysts
+gole
+anino
+4,080
+shikshan
+garvie
+flah
+wegelius
+thao
+blackside
+.313
+koslov
+4000
+hiromi
+off-trail
+vernazza
+mevagissey
+2,446
+s-42
+17-21
+opole
+papiano
+puriri
+frax
+winick
+agile
+bites
+tianwan
+magnum
+saladin
+al-balah
+indomitability
+msomi
+minus-4
+coutelot
+morrill
+al-mahdi
+moorcock
+freehand
+picc
+42-42
+curr
+0.023
+parnu
+costs
+awm
+strat
+vcf
+stylidium
+aperitifs
+boutrab
+golisano
+skowronski
+schuckardt
+factiva
+prosinečki
+curtner
+chauvenet
+mirković
+cogwheel
+uniworld
+state-owned
+acnes
+glenborough
+cristiani
+unseasoned
+verdu
+kaieda
+mahalleh
+mullick
+chunqing
+baldassarre
+toos
+requin
+phimosis
+proposers
+hans-joachim
+frenet
+populous
+mounties
+ramallo
+kolno
+alongs
+comparatives
+woolpert
+crosfield
+escapement
+zerah
+wycliff
+4.87
+laterite
+12.02
+velebit
+consigliere
+megevand
+alsthom
+ayam
+tranportation
+visteon
+niederhoffer
+eisenstein
+ezhuthu
+łoś
+knell
+bg5
+hasanovic
+stoa
+amritanandamayi
+cantor
+eola
+scratching
+brynner
+tendria
+talk
+stenosis
+mockernut
+mimas
+liebers
+sanitizer
+sapho
+xiaolian
+sentri
+lepus
+granules
+miyano
+dzsudzsak
+cebrian
+2-of-7
+landi
+whinnying
+75.77
+sub-camps
+6,000-ton
+open-sided
+wilms
+kabardino-balkaria
+89,000
+soulwax
+122.38
+alfie
+gds
+baul
+policymaker
+0.075
+eight-foot
+52.28
+ill-tempered
+decadelong
+prussic
+fanaa
+shuu
+scrapyard
+shpilband
+iyc4
+kolsch
+holmesian
+pavone
+pretensions
+4-59
+hardwork
+neace
+dhoop
+meledandri
+phocis
+saftawi
+jeanene
+goreau
+palanpur
+warners
+dongcheon
+ching
+bartin
+responsabilidad
+helium
+tuberosity
+performed
+abutments
+1919-21
+compatability
+bliss
+22.63
+kerll
+siendo
+afterguard
+xiaoyuan
+counter-guerrilla
+romalotti
+200-an
+centocor
+holberton
+mosrite
+smain
+stanol
+auschwitz
+tarantini
+kpc
+healthily
+kolp
+kunstmuseum
+sivert
+reits
+munzer
+gabrielson
+charlottenburg
+brobdingnagian
+korom
+49,900
+schar
+elan
+maolin
+l'administration
+ballinasloe
+goza
+97.03
+n.b.a.
+beholden
+udonis
+changanassery
+boyz
+septs
+thusly
+fidai
+sl2
+hammerlock
+hob
+lupa
+benapole
+oates
+36.79
+mirages
+encom
+smethwick
+'79
+huaraz
+jnanpith
+pirongia
+magadha
+vancouver-based
+maricourt
+abdul-aziz
+castrogiovanni
+plucky
+decorah
+faillace
+whipps
+bhaag
+unfavored
+harelbeke
+krusenstern
+sarne
+jungwirth
+okd
+idempotents
+štiavnica
+6.61
+heti
+23.39
+kugan
+allanson
+200-kilometer
+salicina
+duro
+jok
+003
+geneon
+californium
+mitosis
+2,963
+madrick
+595,000
+tamil-speaking
+wickremanayake
+canesta
+josreyes
+water-cooled
+roshan
+universalists
+unimodular
+co-occurring
+banditos
+vikramshila
+hambley
+dipinto
+ekatarina
+bactrian
+48-30
+slitheen
+aggrandisement
+hallucination
+plazynski
+danse
+plaka
+wilkes-barre/scranton
+catabolism
+13,650
+terhathum
+cockermouth
+jiaying
+rostovtsev
+dené
+14.16
+ventimiglia
+egmore
+corroborating
+escuela
+prophetical
+shakiba
+jihg
+franco-american
+snjezana
+ushant
+gladfelter
+cepheid
+bhagavat
+cinnamomea
+parkas
+anglo-americans
+japaridze
+pyruvic
+preheated
+108.65
+glutinous
+lupoff
+zizhou
+treiki
+227.5
+sastrowardoyo
+upb
+i.o.c.
+lov
+junto
+beachley
+mielnik
+lashkars
+silverhill
+3l
+knockoff
+acambis
+britannica.com
+cesaria
+69.07
+amanya
+spaht
+1,248
+connectionless
+backhanding
+-2
+levitating
+furcal
+fanged
+soricomorpha
+608,827
+sanakra
+talgo
+parys
+1937-39
+sweatshops
+rexford
+readymade
+386-seat
+44-38
+retsinas
+slammer
+fourth-round
+1.245
+muggs
+commendatore
+72.89
+647,000
+sawafta
+rtl2
+25-34
+dishonorably
+braybrook
+stuffings
+shoplift
+oko
+democratic-farmer-labor
+loup
+naku
+rot
+unprofitable
+vitalstatistix
+alaami
+pellorneidae
+magdhaba
+overusing
+tudors
+time-lapse
+paul-henri
+demanda
+worters
+48-yarder
+66.04
+aurélien
+adamovich
+castletownbere
+10-to-9
+attalos
+1985-1986
+bettors
+braggarts
+outcries
+chicopee
+unrivalled
+four-digit
+transgression
+merryweather
+46a
+bashing
+temor
+escambray
+coalbrookdale
+37.09
+xiulan
+abrahams
+rivaldo
+maryann
+125-cc
+polluters
+armengol
+aafes
+wiltrud
+heilbrunn
+940
+shamash
+moravec
+jooss
+hybridization
+toshi
+yms
+tunnicliff
+abdelghani
+strafed
+csrd
+xiangcheng
+pyatykh
+non-finite
+basirhat
+ilco
+haka
+batted
+thruout
+inscriptional
+6,920
+five-person
+daubed
+sōjirō
+konavle
+m110
+salesclerks
+mücke
+meistaradeildin
+montanus
+camfield
+poverelle
+taramani
+damned
+karain
+asarco
+reciprocity
+ms&lr
+hoberman
+novick
+mcneilly
+hamminess
+laurentii
+marli
+ctoc
+emersons
+moneo
+udana
+convenant
+grandview
+freesheet
+cordel
+heats
+722,000
+two-stage
+ritscher
+elliman
+regulary
+burkholderia
+napm
+iteration
+vanguards
+euro407
+kozo
+69-yard
+farrier
+reequipped
+radimov
+hindelang
+nasiri
+courneuve
+hmongic
+diaphragm
+kristjansson
+29.32
+secretory
+gošk
+sobule
+balasore
+glasnevin
+wc2006-eur
+exterminated
+princesses
+halliburton
+s$
+achkhoi
+abdicate
+djajakusuma
+nasreen
+macorís
+waf
+9l
+manzala
+promis
+n12
+2,593
+rabadash
+145.50
+haute-corse
+mulkern
+canaria
+bronto
+corrientes
+ainley
+maliuc
+zoete
+lesjak
+kiareldeen
+gamefish
+wortzel
+khayat
+ottinger
+epae
+tutko
+huan
+psychologic
+fcdu
+62.89
+nurbakhsh
+re-scheduled
+4.81
+(562)
+finnell
+romain
+hindfeet
+tidende
+slaveykov
+gosar
+1-for-20
+vasilopoulos
+stunde
+mingjun
+tipoff
+impac
+chusquea
+4,680
+bluebook
+bhichit
+q.i
+hellebuyck
+requinto
+phertzberg@nytimes.com
+godbeer
+banxquote
+co-founder
+attiya
+catchier
+bilboa
+adsteam
+oeil
+chamfered
+vettori
+(512)
+temozolomide
+zeri
+masjed
+turcan
+sm1
+78-72
+cacheu
+p80
+karani
+jacobitism
+wechter
+crossfit
+głowacki
+nullius
+baughman
+linsen
+galvanised
+selenographic
+garcillano
+proscribing
+ploughmen
+feebleness
+yuegu
+hobbles
+sitamarhi
+bracker
+t.c.
+airtanker
+remake
+succinea
+pw
+deeney
+kretschmann
+auchi
+bombmakers
+leali
+abyss
+konig
+breslin
+dawdle
+videoserver
+nifc
+urban-based
+flatpicking
+helicity
+hanon
+homebody
+guven
+hka
+48-39
+tarutoko
+cottondale
+180-page
+bovines
+denisov
+famosos
+maqueda
+carbery
+solara
+garwin
+knifefish
+harington
+clevinger
+dubliners
+subjective
+ecotech
+andreessen
+.262
+zuendel
+klin
+consadole
+catledge
+nathanial
+e-sharief
+hypertrichosis
+9,330
+yī
+electrique
+unquestionable
+darras
+thorsness
+kolon
+torrance
+trmm
+misérables
+sry
+shisa
+floor-length
+multihued
+obsesses
+filipina
+lagrand
+sílvia
+andronovo
+49.27
+gheorghe
+unzicker
+aftra
+areco
+eustathios
+p.e.n.
+merem
+carfax
+101.50
+62kg
+eberle
+merkulov
+mary
+1.3200
+fredericia
+utbah
+400-foot
+caramel
+204.6
+suwardi
+alvarez
+lobectomy
+wague
+listers
+25-per
+identix
+ennoblement
+holstein-pinneberg
+97.1
+meglio
+serreze
+dramarama
+iyc
+wenqi
+galápagos
+t34
+foodbank
+oren
+paride
+huntsmen
+andava
+135.5
+high-scoring
+dnl
+garou
+3.2
+echota
+8,000-year
+hajdúdorog
+maramba
+kaufusi
+majola
+pudsey
+narada
+infographics
+algirdas
+tendzin
+rabanus
+osotspa
+sargen
+gun-toting
+getafe
+devilder
+knauth
+bartali
+coactivators
+al-hafiz
+bdaley@globe.com
+clintons
+egf-like
+westphalen
+94.09
+humping
+świdnik
+ketuvim
+zaca
+juthamas
+maroto
+slovic
+babun
+nicely
+liming
+plutonium
+tête
+karaites
+delays
+reaktor
+authorities
+raking
+rigourous
+séverin
+guedioura
+abrosimova
+pillages
+goswami
+irrelevancies
+adrenergic
+cpil
+http://www.timewarner.com
+formalism
+bluebell
+mutilations
+jisc
+orangeburg
+single-point
+1,177
+hindutva
+indirection
+ezi
+5-for-17
+icer
+16:20
+unemotionally
+bandcamp
+tasks
+jerko
+shimmiri
+aristolochia
+elucidation
+cynfyn
+kunis
+salving
+dfw
+horn
+superannuated
+7up
+angoon
+knin
+foreclose
+geltex
+aéreo
+niekro
+clodhoppers
+áh
+plod
+alfama
+unamused
+darwini
+baracoa
+cyanocobalamin
+bacteriorhodopsin
+sdat
+papiris
+daimyō
+bugger
+cenobitic
+ifis
+78.90
+konis
+cabrio
+manjit
+cianferoni
+autobuses
+32.88
+uthen
+kidson
+130.20
+113.20
+culberson
+meshed
+mangers
+harperperennial
+ndri
+heiter
+hpcl
+yitiz
+khmers
+epernay
+westerwelle
+westerinen
+attenuating
+misdoings
+caloocan
+lamezia
+storyland
+paladar
+tratan
+mcclymont
+ikos
+carstairs
+serpentes
+peithon
+punaro
+bedfords
+yumen
+severnside
+114.9
+yalong
+seguro
+messily
+eqbal-e
+vedar
+0,1
+aswan
+cyanamid
+sheremetyevo-2
+delaema
+rida
+rigatoni
+20.19
+334th
+sundell
+d25
+avvaiyar
+k56flex
+fissured
+93.65
+nazor
+feron
+pareve
+110.5
+109.63
+anyone
+itchen
+microchips
+hipposideros
+1.0-percent
+nalan
+euro627
+flatback
+soung
+eyes
+isam
+mónica
+whiteside
+confront
+kulov
+genealogy
+samnium
+habush
+gpf
+kasauli
+abkco
+gogel
+keser
+jefferts
+3,440
+adas
+nfta
+mayuzumi
+verticalnet
+endoscopes
+autopia
+cotuit
+eisenbahn-gesellschaft
+donee
+mediaone
+beechler
+iwan
+villi
+bashford
+bulworth
+ultratech
+nonintercourse
+cassiodorus
+whfs
+sub-specialty
+hilltribe
+papoutsis
+kičevo
+takanuva
+23-day
+begel
+tingwell
+yoshie
+yopal
+gager
+ostara
+fawned
+toretta
+slovenské
+ohra
+lifford
+recurve
+kibe
+weavings
+3,750
+yadav
+anti-spanish
+dourado
+ments
+english-only
+tiwai
+veag
+enamul
+odontogenic
+shmuel
+frame/s
+makira
+dayne
+covert
+centauros
+microfluidic
+6km
+taínos
+benderglobe.com
+legislations
+late-night
+pietrangelo
+34-36
+self-reporting
+smacker
+troi
+mcrae
+blaye
+muhyiddin
+fritters
+ybarra
+tambourines
+˚
+konvicka
+pasqual
+dfp
+428
+59.03
+sutan
+spoonfed
+aiga
+nagore
+benjarvus
+drenched
+vient
+ma15
+brynhild
+sperimentale
+nouhak
+angiographic
+sears.com
+shinmachi
+birdsville
+tumpel
+schafik
+khidoyatova
+casp
+idealistically
+bancocidade
+sogn
+harkonnen
+effectivity
+illig
+leans
+sarkin
+braugher
+rimantadine
+diga
+anesthesiologist
+bonfanti
+iptc
+84.05
+effectives
+playmate
+teluk
+muccino
+equitized
+africana
+kabiligi
+ascanians
+cuprate
+attritional
+eu-3
+trans-tasman
+hoeffel
+outpoll
+voicebox
+gomis
+tolkin
+adrain
+overpoweringly
+77.28
+bulblets
+sportswriter
+aniconism
+simion
+2.145
+naoto
+heden
+junkers
+income-generating
+long-sleeved
+deshazo
+meggers
+83.72
+hesam
+multi-stakeholder
+luminance
+crepe
+wo
+ilkhom
+colliers
+riebel
+lidder
+lgm
+dramatizes
+silpa
+subramani
+tamarac
+kirsanow
+ushaw
+documentos
+2entertain
+two-bladed
+r.i.a.a.
+matsudo
+jackass
+104-91
+mcpartlin
+neuen
+batch
+yanjun
+vauquelin
+chargaff
+inam
+cafferty
+nightingales
+cinquanta
+corday
+grabin
+incremental
+error-correcting
+6061
+glasswort
+radwimps
+lacuna
+2,862
+amitābha
+abah
+apprehending
+seleznov
+41-41
+nyctibatrachus
+ielemia
+zhaxi
+readback
+hentoff
+post-doctorate
+hellenism
+skroo
+colmáin
+d'hôtel
+ataque
+100-kilometre
+lophophora
+tonle
+saff
+pober
+badly
+boolell
+drawstring
+jahriyya
+pentagrammic
+seap
+pedestrian
+boedo
+wian
+madiha
+241.4
+cambion
+devaki
+wallingford
+paterculus
+cowpox
+bystřice
+spuriously
+yehuda
+minding
+ehresmann
+sopor
+laser-guided
+zveno
+zamoyski
+chanceries
+bouira
+eegs
+lr
+cineplex
+padmanegara
+ri0
+etherton
+49-percent
+chauraha
+firova
+addition
+single-person
+mahugu
+comala
+politican
+kotaku
+stephania
+subject
+legre
+angers
+kuriyama
+dreamtime
+dolpa
+warshavsky
+vilayet
+gutzon
+lide
+radicalize
+fallows
+proscar
+asahi
+ddr
+hepatic
+stadelhofen
+mangham
+marzban
+burras
+ahoy
+amanus
+o-ring
+tonus
+gvozdenovic
+agazade
+polyarthritis
+self-destructs
+67.78
+får
+vittek
+spews
+bronfenbrenner
+benzion
+hamidian
+l'institut
+orosius
+minigames
+doki
+eckankar
+1.1930
+jabeen
+busko-zdrój
+eighty-four
+harwell
+panagarh
+disputing
+substituent
+pomerol
+equilibrio
+pleasley
+hel101
+cholecystectomy
+saddens
+tausug
+rajić
+hyperlinks
+icaf
+returnee
+asociaciones
+ikoyi
+ngo
+2-10-2
+wigs
+kreuzes
+engstrom
+brandino
+1987-1988
+är
+2:18:47
+demobilization
+70-90
+singer/bassist
+damanik
+serratia
+smg
+drest
+mado
+bantwal
+unexploited
+apatite
+vorlon
+namely
+ryton
+54-kilogram
+lobkov
+iliyna
+europas
+portugueses
+fluoresces
+i2c
+maurel
+breastshot
+benet
+qedra
+salinger
+extrapyramidal
+remini
+mogg
+ring-tailed
+haute-provence
+ying-jeou
+milham
+1-4-3
+88.56
+imad-ul-mulk
+idola
+5:50
+figuras
+déjeuner
+spurrier
+re-emergence
+64.11
+malefactor
+categorizations
+wierzbica
+kansai-ben
+mccarthys
+dogubeyazit
+covidien
+placid
+osieck
+.3
+venstre
+restrepo
+schwerin
+defiant
+panjin
+encantada
+150.4
+wpw
+waithe
+valve
+stine
+sundhage
+dakheel
+99.83
+conjunctiva
+assange
+gardneri
+flxible
+hiwada
+hilgenberg
+crede
+tarkwa
+idan
+karlis
+vasubandhu
+malebranche
+poisk
+cohane
+verbenaceae
+constantinople
+romesh
+houbraken
+rohee
+dziak
+non-delivery
+dumpster
+stroller
+136.75
+chindori
+circulates
+inkerman
+aultman
+ettesam
+1.4-billion
+angioplasties
+ecton
+wilfley
+zodiarts
+beras
+weening
+arrupe
+4.8-percent
+quek
+sihasak
+1054
+mccamant
+aten
+springbok
+oberleutnant
+auton
+pallida
+24-person
+ftse-100
+wannian
+hewas
+hamlett
+holocaust
+meadowdale
+elnitiarta
+sandtown
+motiveless
+300-350
+secretaryship
+6,030
+etchant
+bettesworth
+dabbs
+lagniappe
+scawen
+joselo
+rxd8
+planetesimal
+geologically
+clendenning
+lahinch
+myrick
+anonymously
+fichtelberg
+flees
+ssu
+vladigerov
+halvorssen
+ouanna
+yangzijiang
+itm
+zorlu
+handiwork
+bajrami
+florens
+72.4
+43-13
+scognamiglio
+raptures
+turangi
+knesset
+tollman
+prisoners-of-war
+brucellosis
+ubiquitel
+poznan
+yanming
+ossorio
+ceu
+probiotic
+650,000
+quislings
+1.965
+coderch
+tiempos
+evidente
+unkindest
+ajayan
+plaintiff
+sōryū
+kingstream
+tintagel
+playboy.com
+cluelessness
+eunan
+megatech
+1846
+curies
+raids
+phul
+brézé
+bloomers
+m&c
+isotherms
+.612
+rs
+białostocka
+boase
+unselfishly
+neuro
+require
+kilfedder
+unfused
+x-33
+hdac
+pan-asian
+leonardus
+krzczonów
+sesh
+mun2
+bottisham
+départements
+142.7
+kanjani
+micromanage
+eurasiatic
+brimage
+carlen
+lekë
+kahimbi
+snare
+overspent
+71-67
+24.58
+harari
+watmough
+105.5
+top-up
+joiner
+aperta
+sarcoplasmic
+jago
+intending
+djanet
+zámky
+impassively
+a8l
+abdelhadi
+subfield
+wini
+39-member
+depretis
+tringale
+medusahead
+derisory
+50-story
+1,150
+pachysandra
+camondo
+resealable
+escadrille
+birim
+165-foot
+mancusi
+stetsenko
+2.15
+tjiwi
+dahisar
+27.91
+otc
+664
+caerphilly
+khaksar
+55.2
+sex
+renly
+deyan
+molden
+ifil
+dubious
+marinac
+1,322
+sarana
+usambara
+symphoniker
+publica
+precent
+winiarski
+bostonnais
+renuka
+roque
+misplays
+jassan
+sucessor
+coursen
+1988-92
+grimsbury
+punditry
+coila
+asst
+vcard
+beutler
+arnor
+unhesitating
+kohima
+nabaa
+fatted
+5,911
+fetches
+llambias
+rozan
+hauran
+seeded
+120,000-square
+dif
+datelines
+kabah
+addenbrooke
+sancho
+mnf-i
+bishopaccountability.org
+muratovic
+mek
+61.28
+misterios
+yamaoka
+luxehills
+anticlericalism
+33.86
+absolut
+ehrlichiosis
+xorn
+samarinda
+gummo
+shahara
+uglješa
+superannuation
+upper-secondary
+etches
+alexy
+lauro
+stratovolcanoes
+mechthild
+108.64
+allectus
+ornellas
+essendon
+deflecting
+westfall
+less-than
+state
+bayville
+life-time
+anglicans
+507th
+loison
+patricide
+lymsleia
+widmark
+squier
+apercus
+kamer
+iaaf
+euro107
+humoristic
+editorial
+candover
+venues
+hageby
+jebel
+barraud
+enniscorthy
+31.81
+dykeman
+zambra
+foregone
+puppeteering
+gammerman
+bullwhip
+yagmurdereli
+bridelia
+lozada
+seeberg
+pustovoitenko
+maisto
+chapulín
+atiśa
+bacrot
+cruger
+qf5
+shirreff
+bax
+widgets
+maquiladora
+unsanctioned
+tokaido
+herrlingen
+gallacher
+futureheads
+burgomaster
+verifiability
+yuyu
+blázquez
+animas
+amico
+spycher
+rheingau
+892-2996
+pisum
+m.o.d.
+microbiome
+78-page
+square-foot
+tufted
+obra
+berraj
+5.125
+nyum
+waitaki
+shihata
+attingal
+saphire
+kreig
+vlj
+burgenland
+boze
+manchaca
+qu'un
+brewin
+http://www.ge.com
+triangular-shaped
+polytheist
+eyster
+tvk
+bipeds
+fichardt
+0.275
+karīmābād
+p.o.d.
+sunrocket
+25-april
+kodo
+maisky
+37.44
+cotterell
+cassel
+upswept
+redujo
+12-of-18
+grigorij
+kettlebell
+shendu
+innervates
+sensacional
+ningaloo
+madness
+sherry
+82.05
+oscarcast
+baksa
+euro528
+1,811
+cayon
+bravissimo
+parti
+wigger
+pavol
+over-all
+90-pen
+dicosmo
+c-5s
+palipehutu
+tegula
+rh1
+categorical
+brians
+stanifer
+jonkoping
+adherent
+hornsea
+stimlje
+2007/2008
+bakayoko
+omino
+supercab
+allsorts
+buckler
+devein
+koehler
+panayotov
+shireman
+tore
+martucci
+nationalize
+167.1
+makwanpur
+fremantlemedia
+neocortex
+nauruan
+prayerfully
+fa'alogo
+wry
+allscripts
+newstead
+akhal-teke
+shinshu
+kaganovich
+17-second
+4:20
+crash-landed
+69.45
+villaviciosa
+charna
+ghneim
+ramsammy
+louro
+reenacted
+kornati
+sickly
+government-run
+viraj
+54.69
+fumaric
+australians
+7-eleven
+uncial
+32-minute
+superstrings
+richards
+swineflu/
+lappas
+powderhorn
+demitri
+hoshide
+lützow
+105.20
+euro-2008
+portrayals
+kapit
+eckard
+javornik
+optometry
+44.20
+detabali
+detour
+salee
+immunomodulatory
+mccartin
+pilchard
+neerveli
+matura
+ulrichs
+51.10
+ukraina
+whewell
+pillard
+scioscia
+amorous
+ascomycete
+farceur
+paiz
+siby
+lopburi
+almighty
+whitewashed
+masback
+step-free
+noches
+bandora
+promozione
+retroperitoneal
+fleetness
+hausch
+16:32
+klauer
+stiftskirche
+benz
+knef
+tamkang
+finbarr
+junri
+merivel
+gyeongsang
+abcp
+parklands
+paska
+v9
+aéronautique
+29-aug
+boag
+righters
+demarcating
+penalities
+yunfei
+eigsti
+hakerem
+illam
+necropolis
+marshalled
+bokar
+thomason
+kortrijk
+holdrs
+u.n.-brokered
+respighi
+marlow
+equalize
+greenhut
+silversword
+970,000
+kirscher
+alicea
+shaver
+gaitonde
+inns
+34-yard
+novellist
+1076
+sechrest
+frankenthal
+safiabad
+homophonous
+28-12
+noffke
+56.02
+moderate
+lowrey
+chernow
+xingwei
+iccn
+reciprocally
+kasikornbank
+europaeus
+47.72
+30-year-old
+darine
+prune
+pengshui
+3am
+putes
+1,125,000
+mideksa
+yearend
+pathologically
+noncancerous
+robotized
+chillianwala
+passions
+louca
+dati
+cunnane
+shulz
+lafico
+scr
+rentech
+pillows
+euro418
+gaoyang
+plimoth
+gambia
+mengual
+casals
+mohanna
+nehzatabad
+tuneup
+stratojet
+seepage
+8:58
+unichem
+churchwomen
+1915
+kao
+areopagite
+basidiospores
+cisowski
+monachorum
+margaritaville
+hewell
+retinaculum
+bucker
+rohypnol
+lam
+blood-borne
+2-cafu
+youssoufi
+wag
+budki
+mini
+kolbuszowa
+blick
+rival
+itself
+lube
+prisons
+962
+dificil
+r22
+borwell
+gcw
+jubb
+1.408
+minor
+y-block
+viacao
+maroondah
+tamburello
+diyatalawa
+conflictual
+uka
+verandah
+25a
+pocas
+black-and-white
+expropriations
+businessmen
+davitashvili
+preannouncements
+gik
+carpooling
+entertain
+wilkinsons
+18-to-34
+tarakinikini
+70.83
+116.39
+kempi
+negroponte
+melungeons
+busang
+noncash
+lamberton
+onesimo
+prohibit
+three-years-old
+hurlford
+brocaded
+apia
+19-63
+kline
+sonando
+astropecten
+rikshospitalet
+2,668
+198.5
+golkar
+scones
+7603
+garance
+nonvolatile
+pettygrove
+jughead
+nih-funded
+stimulus-response
+ceoe
+.287
+burkhardt
+vining
+tinterow
+precociousness
+wirelessly
+jolopez
+83.16
+postdoctoral
+zénith
+hanney
+whodunnit
+sneva
+sulami
+platonov
+pro-active
+naibari
+out-of-work
+iso9001
+eskenazi
+okayplayer
+harwinton
+5-for-14
+maser
+aleskerov
+oxidants
+yuhong
+mogae
+ls1
+nwr
+ambient
+9-mile
+zaphod
+256.2
+oncotype
+lithgow
+sagesse
+connecticut
+schunck
+koans
+dolphins_signed
+alf
+lifesaver
+ejected
+sadleir
+u.s.c.
+f91
+hougoumont
+nadj
+19.65
+fowke
+narrow-body
+interpretant
+zac
+evi
+otg
+139th
+pank
+tutto
+afghans
+gash
+aprons
+kacy
+belva
+costantini
+107.56
+eaglin
+sándor
+chateauguay
+tường
+testes
+furuya
+l5
+civica
+nozze
+slow-witted
+defibrillation
+covasna
+agis
+cavendish
+440-yard
+ndr
+morr
+prescribers
+tanabe
+interlopers
+buckhannon
+leloir
+xiangyu
+deceivingly
+non-caucasian
+galotti
+utis
+marie
+dann
+aboy
+messmer
+shalash
+coracoid
+namara
+1h03
+millwall
+18-to
+kinnelon
+sh-51
+corporación
+kerviel
+lalith
+necesario
+hojas
+77.70
+wastebasket
+naos
+corgi
+avgas
+subtheme
+platon
+haglund
+eyesore
+shuli
+crackheads
+15km
+18-kilogram
+zurabishvili
+mobi
+pegi
+gija
+bethenny
+margined
+muamba
+cunhal
+haveri
+on-the-go
+oller
+difficultly
+stuffit
+pipkin
+gyratory
+speaks
+palatial
+lorain
+french-built
+constanta
+hepatosplenomegaly
+ronel
+mavrommatis
+retrorocket
+toumani
+gollob
+94.14
+taggants
+ifriqiya
+toporov
+109.37
+reentry
+iriki
+pernell
+high-dose
+satchmo
+loopback
+clearcut
+palou
+95.02
+grindstone
+manesse
+lübbecke
+800-meter
+58.2
+roughy
+tsitsikamma
+trotskyists
+xiqing
+co-defendants
+stirrer
+gousis
+khüree
+pappert
+daingean
+obsessional
+mytouch
+wh
+vinko
+fereydun
+motzkin
+rivas
+embarass
+corazzin
+j4
+liveliest
+pellman
+2,990
+debbouze
+insistent
+tattler
+mielec
+moles
+on-time
+1300gmt
+santaniello
+succumbed
+eshop
+13.40
+mac-mahon
+amatus
+77.67
+hccc
+state-by-state
+enderle
+preempt
+rheinmetall
+mifid
+27m
+pamphilus
+ungu
+go-karting
+beml
+yeow
+huipil
+fellowship
+bhat
+toadying
+omotic
+xeloda
+goole
+trouton
+comitatus
+astarloa
+fitzalan
+idles
+boateng
+tayseer
+residents
+batasan
+hornik
+esteva
+memex
+guárico
+uhse
+carota
+gozo
+tanah
+sardinha
+defoor
+dischi
+ilma
+unown
+vgo
+90.1
+silverlink
+huichols
+.374
+denneboom
+natasza
+regularising
+overstretching
+retb
+gessle
+flyi
+coolio
+abducting
+97-91
+somsak
+rijker
+upshot
+tsarevich
+hindraf
+forró
+hdax
+5,791
+immunities
+mitsuko
+inspectors
+gajurel
+folmer
+fregatidae
+nonrepresentational
+koshiki
+29-percent
+dredg
+inoki
+m-100
+dargent
+kewal
+2.4-billion
+healton
+guiyu
+exacting
+ikke
+cyriacus
+16.50
+sail-driven
+prototypically
+askmen.com
+kine
+frizette
+supkem
+fode
+stranzl
+wegter
+killanin
+bartholomeusz
+equaled
+5566
+roule
+200-kilogram
+5,000-watt
+virslīga
+beisner
+noeline
+vysoké
+preclear
+marang
+schickedanz
+1.570
+sestri
+31-23
+thaliana
+pinklon
+chokwe
+formalize
+ncc
+ryne
+.197
+first-base
+spatially
+masoud
+kemet
+cancan
+hurban
+swimwear
+uranium
+modise
+meriem
+zukas
+challenge
+τα
+kuando
+48.10
+ozo
+haxhi
+speeches
+retransmission
+gaven
+paradyne
+1640.4
+fostering
+smíšený
+shishio
+steinar
+gendo
+3uz
+347th
+alluded
+trondhjems
+kazakh
+arclight
+24.86
+qiongshan
+technocracy
+funkytown
+osteria
+hohler
+reduced
+next-generation
+celebi
+hypoglossal
+charmy
+dubos
+alodersptimes.com
+judy
+seligman
+paquete
+xiàn
+asaro
+machine-building
+first-of-its-kind
+1-all
+parah
+ultracompact
+marlen
+people-to-people
+28,250
+subpixel
+sunset
+region
+phoumsavanh
+non-active
+yodels
+genitalium
+kazuko
+samlee
+yuehua
+terayon
+staatsgalerie
+485
+oddsmaker
+perrino
+229.8
+ohno
+villedieu
+2,282
+tufnell
+4.6-percent
+ressalat
+konstancja
+gilbert@globe.com
+leist
+ngaoundéré
+plyushch
+gaily
+scorn
+tuyết
+beknazarova
+justiniano
+hodgman
+ervand
+aldobrandini
+green-yellow
+stemple
+asssociation
+christkind
+ten-team
+1.11
+1963-65
+m15
+1,671
+slite
+guffaw
+guacamole
+cliffjumper
+tribal
+germanisation
+yanshi
+mythe
+romanticists
+oppens
+half-hours
+re-published
+jaishankar
+knup
+alamodome
+ttcl
+garath
+mul
+greaseball
+wiencek
+impregnated
+burghal
+totta
+hadhramaut
+khadzhiyev
+mimic
+8,445
+riklis
+machinists
+iowan
+muhajirs
+mannequins
+kurup
+7,720
+o'tooles
+exome
+lifebeat
+winkelmann
+interdiction
+starzl
+guitton
+invictus
+cyanogenic
+text-type
+corlett
+naju
+jordin
+bagai
+gearon
+misclassification
+sumsum
+meggett
+ebers
+maldutis
+29-july
+appenzell
+110.03
+godfrain
+interenergoservis
+toivo
+chasselas
+abdellah
+coludata.co.uk
+bommel
+rumex
+kasich
+planetout
+mladenov
+diran
+matsumoku
+inherits
+well-behaved
+hiri
+coarsened
+ridenhour
+ballroom
+llegada
+carra
+chūzan
+oldfields
+chainrai
+mustached
+scie
+13-page
+owari
+cyclopean
+thuingaleng
+gabriela
+levies
+verkhoyansk
+fruta
+mouris
+tiglath-pileser
+orientalism
+anachronism
+istra
+jean-daniel
+39.07
+krautrock
+contraints
+pboc
+petropoulos
+holdback
+1902-1904
+ghudayer
+sauros
+ratiocination
+christ-like
+pre-reform
+pelado
+sinoe
+rammelsberg
+büchel
+mreiss@globe.com
+trevecca
+hugest
+voet
+shuko
+settignano
+andresen
+enlargment
+nemax50
+starkness
+saenuri
+shorewood
+7,270
+cheevers
+yamanashi
+sheikdom
+maximin
+infantry
+chhaya
+repede
+njokuani
+abukhater
+keratomileusis
+fedorov
+t&g
+rahil
+szydłów
+emanated
+motherboard
+essex
+mahajanga
+vyakhirev
+nadina
+datta
+pechman
+nahed
+livers
+roundup
+masseter
+xaviera
+moretz
+döblin
+norimitsu
+leister
+dianabol
+pirithous
+yuejiao
+henshaw
+jdsu
+eisenhardt
+macsween
+non-aryan
+clinches
+halleck
+ivano-frankivsk
+thibert
+aiya
+out-dated
+2.300
+cocke
+khachatur
+desario
+curvature
+sigurd
+mezquital
+pagano
+nichirei
+whiling
+psychiko
+leksands
+liongson
+zahler
+aahing
+wantagh
+tercero
+yichen
+akiki
+arrives
+nativist
+seedbank
+a_20
+iast
+learner
+ildefons
+santanu
+fanhouse
+medunjanin
+plaats
+capoue
+hagadol
+bericht
+bertha
+1132
+mll
+jpmorgan
+nonideological
+replaceable
+base-pairing
+cobbs
+wigg
+levoy
+jeffry
+wettlaufer
+484
+dpik
+oduber
+deke
+vicroads
+snowballed
+n55
+corks
+khyber-pakhtunkhwa
+cultivates
+shell-less
+ellipticals
+irbesartan
+1,131
+melodramatic
+fendler
+posit
+parrsboro
+mbira
+penda
+silicones
+vialli
+mramba
+42-run
+jovovich
+windfall
+postoperative
+mohan
+mima
+internalised
+us-70
+holme
+gasholder
+murtada
+niedernberg
+erdoğan
+caponiers
+weakfish
+bowery
+6-yard
+0213
+amīr
+móna
+ameobi
+choon
+aftergood
+iasmina
+metallocene
+mid-north
+0:50
+irtysh
+stranding
+volhard
+shipborne
+idrizi
+wartberg
+setyadi
+duquenne
+kardinal
+systematis
+depok
+warehime
+gurnett
+djombo
+9-million
+bumin
+lihong
+savas
+krzynowek
+edgar
+wrks
+renunciation
+3,583
+1329
+profited
+deviled
+broxtowe
+moli
+banon
+_____________
+natasa
+lhéritier
+sugi
+rejected
+62.92
+college-educated
+sairi
+defrost
+barragán
+night-long
+pime
+vastus
+creusot
+mutes
+batiz
+septal
+waldrom
+ashkhabad
+faute
+gelatin
+level-4
+fantin-latour
+meenas
+gemany
+adjutant-general
+positronic
+brassicaceae
+topsail
+armd
+alemania
+rakib
+reward
+94.0
+ets
+ohe
+sieraków
+kirsch
+lindegren
+mutations
+s-t
+bricks
+cumnock
+danos
+1237
+liaocheng
+samperi
+4,482
+tondi
+krecke
+misbehaviors
+laloux
+pfaffenhofen
+enfoque
+homothetic
+miljan
+halogenated
+handelsbanken
+cgs
+goggled
+idv
+153.7
+115.55
+katar
+36-6
+pufendorf
+moschetti
+zoltan
+d'italia
+1891
+inter-urban
+1588
+publicar
+mkiszladenverpost.com
+tonks
+ascheim
+30s
+μsas
+marchfirst
+brende
+chowdry
+cliches
+satisfactorily
+vocals/guitar
+aspirate
+cannings
+tsum
+mfdp
+lynbrook
+1890-1891
+co-pastor
+villeret
+hudur
+60-story
+campine
+eleventh
+integrates
+raden
+mtetwa
+puhar
+damnation
+9-pounder
+sanjuan
+outgrow
+walk-through
+neyra
+sergeyevich
+76,000
+aps-c
+huneck
+transdev
+escalates
+església
+schizotypal
+bjorge
+markets
+klukowski
+briza
+barlach
+student-centered
+priok
+futch
+clinician
+sattur
+3,865
+arcgis
+zinkhan
+kpp
+workgear
+blames
+mips
+hollers
+bumptious
+zimbabawe
+dalberg
+figel
+chögyam
+acuminatus
+scroll
+renato
+third-tier
+95-93
+jo
+topouria
+côn
+spritz
+respite
+64-52
+silim
+normie
+feit
+males/females
+kapa
+isabel
+espen
+romagna
+yemenia
+rynchopidae
+västra
+riven
+rakitic
+burnhams
+intergrade
+georgeson
+bandhana
+2000-year
+linkers
+jari-matti
+desforges
+assara
+vicuña
+rucci
+volkswagon
+divisor
+hayslip
+sowetan
+sharm
+o'davis
+teachtaí
+bammer
+7.6-magnitude
+chaouchi
+10:42
+l'oreal
+bachem
+superchannel
+frowick
+motassadeq
+boneh
+playtest
+nonetheless
+mutinies
+snnpr
+guayaberas
+pilgrimage
+42.2-kilometer
+aaronsohn
+crowdfunded
+slowpoke
+headmasters
+opensolaris
+toothpastes
+dantzscher
+yusin
+bambu
+bphil
+lddc
+tripple
+---------------------------------------
+renationalised
+semion
+32.95
+duckwitz
+urgings
+regmi
+schauder
+qd8
+cremation
+o'donovan
+akiyuki
+niyazov
+borek
+adaptability
+metcash
+googler
+simsbury
+bharti
+sayres
+coca-cola
+saachi
+rippers
+commmission
+huiyong
+srih
+chittaranjan
+jasperse
+opala
+nahe
+markis
+compostella
+taeb
+debaathification
+uep
+matilda
+plagiarising
+10,800
+32,917
+tarapacá
+monsun
+aequi
+guyon
+hormonal
+15.54
+kroons
+flinn
+91.07
+overstocked
+kvalheim
+tysfjord
+500-kilogram
+ancar
+amobi
+cruck
+basilar
+soundstage
+sankhya
+walcker
+wscr
+assailants
+hiruma
+blambangan
+safecard
+rigged
+giroux
+ricarte
+viudas
+courant.com
+thyne
+speier
+jugs
+iovine
+topline
+exemplify
+ambrosi
+rewriting
+15:32
+roedean
+hedeman
+ockrent
+nondrug
+mecham
+nimit
+avar
+bailin
+spayd
+cubbyhole
+orense
+leonhardsen
+riotously
+232-year
+tressor
+hammams
+partee
+9-4
+qingzhu
+mrtt
+composers
+piranha
+nozizwe
+sesostris
+skaat
+inoculation
+hyperfocal
+1.65
+kronur
+ordet
+14.30
+harardhere
+doobie
+storz
+kwh
+dcfs
+teutoburg
+gaviidae
+pini
+hyperdrive
+thaat
+1999
+peromyscus
+springburn
+kluwe
+ulster-scots
+marroquin
+prealps
+biagi
+raider
+morococha
+bxb
+550,000
+preservationist
+forscom
+katasila
+romper
+elek
+numb
+folino
+teardowns
+assignations
+floaters
+kuniko
+cycleways
+2158
+arikara
+cortright
+rikki
+sequestrated
+wouters
+9,550
+40,000-member
+comano
+łąki
+caron
+offshoot
+soju
+kneller
+kasumbalesa
+maxes
+tojirakarn
+wansbrough
+phenotypical
+beltrami
+contralto
+povo
+kik
+westy
+jackyl
+oldershaw
+lazica
+sachsen-anhalt
+homeschooling
+varon
+wellsburg
+opiates
+91-86
+flier
+ay
+arkema
+khayr
+topweight
+brackus
+seadrill
+pan-africanist
+spondylus
+kolbeinn
+gunder
+minatomirai
+sakthi
+xlvi
+faughey
+marcellinus
+shuns
+embeddable
+timequest
+bodrov
+iln
+folo
+38,750
+perspectiva
+54.38
+snohomish
+61st
+muthappan
+sempione
+m.f.a.
+yeremin
+reworks
+biliran
+eckermann
+80-km
+eustachian
+tcp/ip
+insead
+briccetti
+98.87
+deeply-forked
+alagic
+irate
+powerless
+cdelgado
+mewtwo
+brigantines
+laparoscopically
+non-original
+59.4
+38.21
+saviours
+adaptable
+enigmas
+1,382
+tokes
+laureus
+baudhayana
+zaslow
+herten
+non-wrestling
+sherwani
+galaxity
+hazama
+nasser
+bishopthorpe
+hypocalcemia
+bertman
+edgard
+gobbledygook
+rafiqul
+aye-aye
+p.p.
+accommodating
+monay
+belcastro
+thunderstreak
+tritium
+recaredo
+doze
+61-48
+patwa
+autopsies
+76ers
+90.33
+simpang
+sormovo
+irwandi
+rdlead
+blink-182
+sanielevici
+dravecky
+krummholz
+madis
+icd-9
+low-speed
+maarouf
+michelini
+brandeis
+tisin
+muzaffer
+consulates-general
+opsis
+schofield
+1.77
+scrappy-doo
+uyangoda
+baronia
+pelada
+7,560
+valentinovich
+54-37
+kosdaq
+microflora
+laparoscope
+adamson
+,78
+3,512
+1960s-70s
+coagulants
+expendable
+shubha
+bleeders
+esq
+hardie
+wilde
+tukaram
+baiano
+pika
+esterman
+28-year
+caliphs
+vitals
+materi
+gibt
+gen
+keitany
+deepest
+4,096
+domovchiyski
+d'amérique
+cosmologist
+eventuality
+wadhams
+hagström
+59.18
+mandane
+haufen
+conurbation
+toeing
+manhattanite
+zoon
+bight
+offence
+rapides
+kozhemyaka
+veselinović
+arthroscope
+28-18
+nostalgia
+microcircuits
+untethered
+4x
+o'rahilly
+wik
+qassam-2
+renal
+2-100
+cozumel
+turnbuckle
+wrongheaded
+rabbe
+cabaniss
+brigandish
+surkhet
+grande
+selon
+aghlabids
+2,487
+yeltin
+halkin
+eight-wheeled
+pittis
+non-denominational
+sip
+scuppered
+al-hamawi
+estenssoro
+nonparticipants
+tenancingo
+randori
+expenses
+1:17
+parimutuel
+deneuve
+marcinkiewicz
++23
+mi.
+mofo
+domestically
+ruffalo
+świętokrzyski
+gurun
+hormando
+charte
+succeed
+maximizing
+salomão
+entheogenic
+berwickshire
+timbering
+cumulatively
+baseboards
+1988-91
+flashpoint
+grabica
+postech
+bombarda
+9:30
+sugisaki
+37-27
+fraley
+microglial
+g-csf
+tibetan
+oh-58c
+sustentable
+chatuchak
+24m
+surtees
+biehler
+jingles
+buraimi
+latimes.com
+interleaving
+sweitzer
+pierced
+wedman
+single-bit
+juergensen
+ramon
+snuggie
+trans-atlantic
+y.d.
+gips
+prize-winning
+ignatov
+lamberhurst
+26.10
+muqata
+m.p.g.
+finch-like
+togiola
+fengyi
+lauca
+klumps
+cubilla
+92.99
+pay-per-click
+bernardi
+-53
+tegid
+poignantly
+ccc
+skwy
+bertran
+jiguang
+inglesa
+3par
+cuprous
+collard
+spraggins
+7,125
+aetiology
+vashadze
+skype
+comune
+covance
+velizar
+maenas
+smaïl
+weightlifter
+perversely
+pasir
+squeal
+stanborough
+weekend
+2-point
+nkole
+ruptura
+steaua
+foecke
+skywalks
+irmãos
+uthai
+repressors
+kidrobot
+cico
+blucher
+lawbreaker
+jawbones
+gel
+ue
+wesel
+hadrosaurs
+qisas
+takedown
+high-fat
+alebrije
+edessa
+7,550
+variedades
+interhamwe
+124,000
+dibble
+acoma
+copenhaver
+lrs
+codice_45
+lemonde
+ksbw
+ichinohe
+lehto
+belizaire
+single-day
+qa
+1.5345
+drew
+mattioli
+characterizes
+bolivares
+letzten
+z80
+akiko
+handler
+chouf
+alphastar
+.603
+cleaner
+limandri
+teilhard
+magistral
+pillayar
+1,958
+5,460
+117.60
+dysrhythmia
+diene
+anabel
+tacy
+lallo
+pinki
+bednarek
+microprocessing
+wibowo
+sazi
+janne
+pardini
+stylized
+crummey
+handshape
+saxhorn
+23:45
+dorrie
+raschke
+sigchi
+luria
+alpha-beta
+demagogy
+11-a
+moonlike
+consumerq
+masakazu
+cestari
+rutley
+non-champions
+behra
+solahuddin
+lyubov
+majoras
+pangeran
+.324
+jawbreakers
+symbiotes
+45.7
+klimova
+graf
+sapari
+tanard
+greenpoint
+robine
+masato
+1.64
+wsb
+non-operational
+icef
+juking
+qabatiya
+hachem
+lostprophets
+nadzmi
+a-390
+enshrinement
+galli-curci
+crondall
+screamo
+dahlin
+zizic
+abyek
+rudong
+kirstenbosch
+disassembles
+1895
+philidor
+revealingly
+lorica
+firebrands
+3:52
+gotse
+multimodality
+aaker
+malaysian
+96fm
+auroral
+formula_72
+2,398
+.574
+sapulpa
+nixzmary
+southwest
+asturias
+3.60
+government-operated
+razorbill
+stallkamp
+arnobius
+scriptorium
+bertin
+fossen
+189.6
+ilbert
+geertruida
+sarwat
+unlikely
+thudding
+hussy
+maxi-series
+kladno
+vinayagar
+sprayers
+,15
+68.74
+offenbach
+rehmer
+vert
+newsasia
+lanfranc
+72/3
+25e
+hornnes
+pastrik
+fogler
+varel
+rescigno
+завод
+pumpkins
+1901-02
+110.08
+boost
+tackles
+transrapid
+paw
+duvet
+euphorbia
+70-80
+madior
+duprez
+ballykissangel
+tegan
+toreros
+mrn
+abided
+zbakh
+tonale
+ashrae
+strzegowo
+ms-dos
+jinyun
+mid-eastern
+finstad
+dedé
+jawari
+maspero
+lazaret
+d'industrie
+72-65
+windesheim
+vaud
+murrays
+hälsingland
+lusophony
+artaphernes
+macdougalls
+buoying
+mangonels
+kaeng
+89.0
+triki
+player-controlled
+5,525
+soylent
+30,100
+scheme
+muckety
+menino
+emanuele
+enflo
+lachelier
+beddau
+blue-chip
+globo
+pajama
+105-98
+stained-glass
+gurgaon
+krome
+laois
+littlebrook
+paraconsistent
+favrile
+sweetmeats
+bouckaert
+dereliction
+gezim
+zhōng
+havenstein
+psychedelia
+hennes
+karczma
+videos
+24/7
+akkas
+edelstenne
+tension
+maliksi
+zindabad
+karatzaferis
+rot-weiß
+ridgewell
+suitable
+uchinoura
+defensio
+zall
+brst
+tawila
+classy
+218.4
+wayn
+ecotourists
+fantasizing
+cardone
+balakhnichev
+peripherals
+slouching
+80-room
+hercegovine
+mythtv
+gunungsitoli
+mukundan
+redevelop
+preretirement
+treaded
+fujitsu
+15.05
+rotoscope
+mbr
+vitrenko
+3,195
+sender
+gryphon
+menses
+armorican
+moolah
+maḩmūdābād
+7,500-strong
+leiston
+ewer
+nankabirwa
+toungoo
+braemer
+914
+geaves
+mayday
+mckennitt
+115-foot
+376th
+paeonia
+boulter
+petitjean
+al-amin
+kołakowski
+69.83
+saskin
+advertisements
+human-like
+henri
+graynor
+35.27
+roves
+rossville
+çaykur
+jatte
+incircle
+deserto
+vehd
+saull
+gruene
+kiff
+pekin
+berro
+islambouli
+goodlatte
+osovnikar
+120.93
+corbucci
+todd
+handels
+borodulina
+linkups
+infringed
+nihilistic
+bonta
+milinkevich
+ivanauskas
+dighi
+3-match
+6:08
+synopsis
+superparamagnetic
+gymnastics
+metrocards
+hochevar
+husted
+sture
+jibli
+emerging
+giveaways
+ellam
+mytton
+raunch
+fernet
+sketcher
+e.a.t.
+melany
+specimens
+maximov
+nayif
+ebdane
+zakkai
+sar
+siddurim
+baratta
+ginell
+haryanto
+kazuaki
+24.88
+58.76
+ottmar
+cheerily
+bechtolsheim
+kurban
+carmella
+alagi
+farer
+christmastide
+firebird
+acerenza
+marignane
+illusions
+anastasijevic
+copepod
+sannita
+brings
+inder
+20-6
+vtel
+aneha
+dalmarnock
+boulez
+52min
+99mtc
+poydras
+re-admitted
+xbl
+glutting
+moneymakers
+starsailor
+quranic
+whittall
+chunga
+bas-relief
+lepistö
+fourth-season
+altanta
+renala
+sunjong
+nerdrum
+luftman
+clopping
+shoigu
+onel
+bryden
+zwickau
+memorable
+transcanada
+setapak
+taproots
+seedier
+skadi
+quar
+whiton
+m10
+saidullayev
+eastburn
+associate
+seguela
+18-nation
+terceiro
+moslehi
+76-67
+regi
+meets
+sonatine
+ullevål
+meinke
+mulawin
+dziennik
+potawatomis
+ruapehu
+secrète
+mpsa
+dinagat
+dial
+confuses
+assessors
+kucova
+48-mile
+montesa
+dalmellington
+bruene
+kppu
+almira
+vajra
+eira
+tawhid
+sikota
+martika
+salvageable
+10.88
+jaksic
+grucci
+hiryū
+ninds
+ledeen
+erj
+cbr600rr
+99.24
+blue1
+snp
+annualised
+tuten
+cegb
+lihd
+parecen
+eichengreen
+howaldtswerke
+codice_35
+ohms
+8192
+one-touch
+agreed-upon
+rooflines
+dayspring
+banality
+new-style
+sclera
+349
+lestes
+cesis
+hfmd
+raturandang
+proposed
+wiesbaden
+knishes
+kalevipoeg
+igda
+hannant
+satisficing
+gangsta
+jahan
+childline
+98.08
+lamphun
+price-fixing
+pepeng
+pcdob
+pigmentosa
+blackford
+oiler
+gandia
+osculating
+abyad
+rohack
+mahi-mahi
+northernmost
+explosively
+shumway
+brugghen
+joints
+sncase
+ajanovic
+ueshiba
+restyling
+solorio
+high-efficiency
+gaap
+cineraria
+rösler
+p.h.
+qinghai-tibet
+rewritten
+elik
+lafleur
+layback
+marvelettes
+atik
+daoguang
+90-minutes
+meschin
+korpi
+demagoguing
+lissauer
+preempted
+mcrea
+evan-thomas
+exponent
+angostura
+lieutenant-commander
+chumming
+scea
+1sec
+accrued
+programma
+cassia
+orthographical
+saughton
+toghrul
+2:52
+huselius
+alric
+homebuilt
+toufik
+jeer
+mineo
+low-born
+forelegs
+culbert
+enterococci
+sezer
+górzno
+andromedae
+numerous
+kynikos
+toothaker
+ballinger
+siddall
+http://www.odci.gov
+88-86
+meyrink
+g6
+guanches
+sacci
+otterloo
+gafoor
+300-man
+ecologic
+huguang
+joust
+azamat
+kaufer
+30,500
+52.53
+1,670
+twiddling
+l'oeil
+ampol
+sheyenne
+sufficent
+bobrovsky
+papias
+paller
+game-tying
+overpass
+nyt15
+chalcis
+lomu
+bisping
+polyamine
+correctives
+entourages
+sopka
+juba
+conspired
+morauta
+sunbursts
+aeronautica
+mex
+octamer
+aryanto
+svart
+nerius
+slp
+plunks
+non-uniformed
+supernaturally
+balicki
+command/service
+double-crested
+ballgames
+jarosch
+lupron
+kuznetsky
+69.16
+73-60
+multimedia
+aedt
+strzelce-drezdenko
+gasser
+benteen
+pache
+testamentary
+sixty-six
+hispanist
+catacombs
+badong
+54.85
+nauti
+cib
+learn
+frazzled
+neftchala
+256.6
+post-standard
+flatulence
+antic
+slidre
+rhianna
+béni
+zisco
+murtagh
+biehl
+she-devil
+bodger
+biozone
+c-murder
+unreliability
+efimova
+lothlórien
+13.17
+borten
+calcagno
+salmond
+42.28
+leninabad
+genitive
+pact
+foz
+bodrum
+euptera
+u.s.-protected
+dijla
+119.25
+yaverland
+1,290
+vuckovic
+malcomson
+sleaze
+32-game
+gwadar
+takezo
+yahara
+philarmonic
+itaru
+banpresto
+247.7
+unprinted
+khomeyn
+ghalenoei
+time-frame
+campden
+diabetic
+handoyo
+leclaire
+23.88
+willingness
+hub
+lall
+riseborough
+scooch
+27-18
+shinto
+marcelli
+severinghaus
+isparta
+toppmoeller
+chng
+oxygenate
+gajon
+preslar
+lancie
+soliz
+jijia
+corby
+ceiling
+free-space
+friedrich
+xincai
+3,216
+amrohi
+castlemilk
+wadleigh
+nebula
+ancoats
+30,000-a
+prevnar
+post-vietnam
+one-time-only
+peralte
+jnana
+shirocco
+maramureş
+aráoz
+banffshire
+goodlettsville
+re-conquered
+schrader
+delavan
+baggier
+high-order
+mazzilli
+owl
+ramping
+fronczak
+promontorium
+arh
+polysindo
+ashai
+sagdeev
+82.13
+occultist
+deadman
+manisa
+9:47
+landreau
+totters
+cames
+qayoum
+abode
+37-29
+banasura
+immobilized
+shirtdress
+zero-point
+icee
+stroughter
+shib
+defend
+insertion
+avie
+abecassis
+arcati
+hyères
+1,971
+anti-feminist
+aneth
+gunga
+.23
+papar
+rodic
+nine-season
+yahaya
+struger
+perversions
+formula_120
+one-month
+tetsuya
+andechs
+kinemacolor
+calceolaria
+cofferati
+adk
+clevelands
+ustye
+lupone
+1938/39
+xerf
+106-103
+alsek
+chua
+unwholesome
+entscheidungsproblem
+yuichi
+#f
+self-aware
+teg
+dossari
+monetarists
+finaly
+pobeda
+astaire
+redden
+candies
+dfg
+1,155
+ketbi
+benadryl
+tammaro
+madalena
+inc.com
+lizzi
+10-party
+widsith
+boilly
+birdwatching
+2,750
+eyeshield
+06
+stoen
+mologne
+berset
+multireligious
+custoza
+mior
+0.115
+cybil
+943
+punjabi
+texas.
+cleanth
+aulnay
+kilmeade
+5,354,629,000
+reer
+intermuscular
+phagocytes
+bowering
+bouverie
+rehash
+15-to-20
+sawtail
+hoops
+opt-out
+rungkat
+wielgomłyny
+netflix
+mira
+dhuri
+knip
+alpini
+druzhina
+cocytus
+basic
+123-year
+mesrop
+v/stol
+roughly
+t-7
+spiderweb
+palancas
+jianwei
+non-ethnic
+collaborators
+thiocyanate
+#p
+whitting
+octoberfest
+barbadian
+xtr
+59-44
+gofraid
+tyronne
+pearling
+nobutoshi
+shokan
+kumamoto
+29.89
+3-32
+varadhan
+decreto
+frauenberg
+m.f.k.
+prestes
+sadrists
+deann
+remediation
+64.01
+mapasseng
+lengua
+buchi
+sparkle
+courtroom
+gaspipe
+gilt
+1.2805
+antiharassment
+marita
+mingeon
+seedhill
+neinas
+scown
+52.84
+45-65
+alemán
+messineo
+olujic
+non-athletic
+trimbach
+linha
+aggression
+dagblad
+ecologie
+garhi
+carpel
+arduous
+yono
+104.46
+josia
+multitaskers
+grybauskaite
+harmonix
+spectate
+heffner
+11,722.98
+rhynie
+wissmann
+tacuarembó
+novoselov
+kaul
+gallian
+courmayeur
+wsee
+russakoff
+74-gun
+colchicum
+chambermaids
+pokagon
+hutongs
+cfu
+ngos
+arao
+hairdressing
+bogza
+mid-sized
+technip
+grail
+erebuni
+738-foot
+kalule
+plattenbau
+waushara
+yasunaga
+brynäs
+kocatepe
+benites
+phytoplasmas
+calathes
+gyger
+escape
+bernsen
+posession
+thi
+77.87
+theaetetus
+93-94
+günzburg
+8.20
+sección
+selley
+jánošík
+bearded
+world-building
+minier
+perosa
+lưu
+southerners
+24.78
+historische
+spago
+sonderegger
+mnenie
+pssst
+lumar
+psychotherapeutic
+roby
+mellat
+palustre
+newar
+tame
+wnew-tv
+e-e
+jax-ur
+oesterreichische
+settles
+watu
+________
+145.1
+rheinischer
+lyster
+stillington
+kovach
+autor
+annfsu
+plosive
+discovering
+duadji
+3,172
+panel
+160,000-strong
+rcck
+tempier
+csob
+sadeque
+executes
+stockholmers
+tonantzin
+volha
+babble
+ptg
+lilburn
+guérin
+daisey
+sucking
+murr
+c-97
+charlap
+eslöv
+210.9
+autres
+tempesta
+briar
+kugler
+tevatron
+mdri
+orientable
+kadena
+sanitize
+hyperventilating
+61.25
+mclernon
+assasinations
+three-layer
+lahiya
+didgeridoo
+ranevskaya
+gurgel
+0-to-60
+oberwald
+ql
+antezana
+totten
+wednesay
+nanny
+curson
+role
+hallow
+incorporate
+pterodroma
+seussian
+gofer
+shahabuddin
+18.09
+nu-an
+bower
+ntihabose
+proteam
+meilen
+annetta
+american-arab
+alstodt
+sherbini
+elad
+geiringer
+hamid
+gohs
+drouet
+gaula
+narf
+surburban
+carruth
+0130
+nafeek
+bălţi
+trapnell
+nordan
+mustansiriyah
+70.15
+g.w.
+sn
+nurburgring
+47.44
+folk-singer
+høyanger
+mnla
+free-fall
+133.2
+bradman
+pintu
+jihen
+nonequilibrium
+mokolo
+otago
+feelies
+donoughmore
+1.3920
+27p
+scrabster
+referendums
+yunshi
+havisham
+bloated
+amira
+ekrem
+borgu
+tirivavi
+tubifex
+electrodynamics
+ocb
+troye
+41.22
+toldi
+giuditta
+defatted
+scarpitta
+reigle
+blackshaw
+pirke
+ikia
+80-a
+arbitrability
+pre-colonial
+theropods
+140-foot
+chunqiu
+78767
+laidi
+1984-1985
+uncorrelated
+ntozake
+classification
+cotey
+furred
+tonsorial
+mingay
+booterstown
+caunes
+podoloff
+longyang
+bgea
+morewa
+charles-françois
+eight-sided
+wiśniewski
+samenuk
+llorenc
+strew
+illubabor
+lašva
+duisburg-essen
+raia
+kilindini
+.630
+2,556
+retuning
+roseto
+adaes
+procured
+monoliths
+rostow
+waqa
+2005-2010
+ajhl
+culme
+69-93
+40s
+tintic
+cabdriver
+propulsive
+settsu
+23-0
+karayev
+alving
+chuntex
+lobbe
+varlet
+tasnim
+forwarded
+pragmatics
+fleischmanns
+ravidass
+news
+qadhafi
+cleri
+sarah
+mstislavich
+nextdoor
+okemos
+rkelly
+komagata
+54-18
+prezzo
+pierpaolo
+trumpf
+halyards
+niboro
+1883-84
+boat-building
+wargny
+dropback
+schalke
+ringtail
+quinsigamond
+andong
+standers
+choephel
+dunkerley
+doomben
+jimenes
+sessoms
+carpetbagger
+revolucion
+farideh
+muff
+byong
+camatte
+5.11
+recency
+timişoara
+harchester
+huels
+emplate
+martensville
+aversion
+eroding
+rj
+nagvajara
+zia-ul-haq
+esnal
+akeelah
+numerus
+tomos
+abbasids
+6.05
+139.99
+mediumship
+castanopsis
+laparoscopy
+voreqe
+schroth
+decidability
+stereograms
+cizre
+investigator
+arterioles
+yellow-crowned
+acess
+venti
+coverages
+tradicional
+4,000-year
+estriol
+cber
+thermometric
+ganley
+audry
+518
+inoculating
+sarıkamış
+callies
+galia
+capsize
+comines
+neighbourhood
+acklington
+hurani
+systematized
+aicc
+nephilim
+gonbaki
+definitions
+adventuring
+theary
+sagua
+jovino
+lazarov
+greider
+chappelle
+euro85
+ministerio
+opengate
+levein
+irfan
+heerenveen
+győri
+hathout
+brocklebank
+sadecki
+contextual
+four-on-four
+1/f
+e-2
+early-1960s
+s.a.t.
+overspend
+godfried
+81.10
+zipped
+geospatial-intelligence
+unsanitary
+santhals
+indian-administered
+clanged
+guro
+96.35
+seadogs
+13.04
+atomstroyexport
+aliker
+ameca
+affianced
+3,640
+cyriaque
+sweetland
+dieter
+jet-powered
+zassenhaus
+zoldan
+blahnik
+nerlinger
+dietz
+stricker
+gjensidige
+20.70
+blond-haired
+troms
+504,000
+communicate
+laconian
+shafayat
+tr7
+mwintot
+departamento
+field-programmable
+levelt
+watchet
+4,144
+faze
+one-liner
+xeric
+afterimages
+kalpoe
+zhenli
+rampaged
+cyberonics
+lugal
+assemblée
+wieferich
+shondells
+thudson
+starmaker
+siput
+réseau
+reaffirming
+aronde
+lacaze
+syrnola
+bashmaq
+handson
+helmholtz
+9.500
+brutalist
+youth-led
+partidos
+conductorship
+degabrielle
+hashimzai
+henchman
+helwys
+storin
+ehrmann
+goshu
+off-loaded
+useable
+billenness
+adonais
+clucked
+bullseye
+qixi
+harming
+1-stroke
+37.19
+foge
+dysmorphia
+hlt
+embrace
+fortunata
+mmh
+wlosowicz
+rehabbing
+stabs
+folz
+salicifolia
+68.92
+47-42-80-44
+rusko
+innere
+jacquard
+4011
+numerously
+o'heir
+hlaing
+yuja
+egersund
+alfonse
+metropole
+marie-joseph
+rijs
+velama
+peptidases
+reysol
+pre-1970
+rarick
+sparta
+1938-45
+lau
+fatiaki
+tali
+bajar
+bingbu
+11.69
+mangas
+torino
+konstantinova
+gitner
+landzaat
+esp
+64.69
+yemma
+heavenly6
+owego
+14:55
+leaming
+belozersky
+berberian
+paraphyletic
+chillisquaque
+janam
+tölz
+bunta
+taastrup
+umenyiora
+boulware
+namdar
+ckm
+duale
+samjhauta
+kand-e
+nyikal
+euro255
+reassured
+kempegowda
+euro378
+mediant
+pecoriello
+2000ad
+torbjørn
+funjet
+riskiness
+aperol
+fays
+yongjian
+zamudio
+pisuerga
+mardell
+mop
+aepyornis
+baifa
+dillane
+klibanoff
+rissington
+jeongjo
+w15
+sicot
+4,180
+swordfish
+modernised
+caserta
+bents
+stoneman
+artpop
+110.23
+aerodyne
+snow-capped
+milenko
+pueblo
+garmon
+t-type
+waddel
+back-up
+d'banj
+miccio
+short-billed
+statured
+14.07
+geltman
+fantasias
+26,000-mile
+arps
+lakefront
+sohan
+doone
+32-pound
+kimonos
+frade
+55.02
+overcompensated
+remove
+manometer
+bataga
+munz
+controverisal
+sasayama
+bramshott
+2890
+ferranti
+asiana
+yauch
+18-23
+wahine
+sanas
+harawira
+affably
+4,000-word
+chono
+platero
+databanks
+moistening
+colombano
+rohirrim
+blaustein
+slann
+brehaut
+congolese
+gertner
+lift
+electroplated
+konkola
+apprise
+exegete
+pho
+1959-1963
+119.65
+mazhan
+resistenza
+buji
+sapir
+shap
+kashruth
+16-percent
+parentscoxnews.com
+straight-six
+5,960
+kipner
+24-8
+viremia
+iphone/ipod
+endre
+baxters
+congratulations
+fouls_new
+weserübung
+lunula
+ganor
+tipa
+cogburn
+vanlandingham
+10-square
+recondite
+tub
+potyvirus
+wisecracked
+tahirids
+ropati
+hardiyanti
+lenkom
+cibernético
+khonsari
+kostadinov
+khial
+anjan
+nowata
+assan
+indifferently
+iltf
+mediapart
+saccades
+dobkin
+armendáriz
+wiseau
+disrobing
+chojnacki
+27,100
+heritability
+lonoke
+kosai
+1,361
+thermoacoustic
+b-34
+funayama
+malila
+raef
+letten
+122.64
+hanafi
+zumbro
+batalla
+beban
+weldon
+marpa
+under-25
+manono
+edición
+neuroactive
+xliv
+92.80
+mathiason
+greenfields
+gravis
+lysogenic
+headlines
+resurrecting
+rocard
+goiskoye
+hamil
+charmouth
+csbc
+chidamabaram
+steenburgen
+landrith
+registries
+carracks
+kohsh
+mullaithivu
+ferdinand
+ojibwa
+schraeder
+zimonjic
+sails
+spilman
+orestes
+heinle
+winmar
+agasi
+ducruet
+2378
+tiste
+diebenkorn
+exhibitionist
+1322
+callouts
+kabloom
+right-winger
+mze
+giftware
+frs
+eunuchs
+tabarak
+winnipeg-based
+intensive
+simko
+hagas
+kusakabe
+reinvigorated
+galligan
+142d
+thirsted
+beniamino
+66-32
+abstain
+ents
+jwg
+nchr
+trechus
+43.33
+teraflops
+9/11/01
+daptone
+mahajan
+guzzetti
+nedc
+295
+91.29
+beret
+audiovisual
+nibali
+homeomorphism
+ostrogoth
+uhlfelder
+d-il
+abscissa
+swopped
+leal
+tariceanu
+parnelli
+pesti
+deliu
+vemana
+dhirschman
+100-billion
+zweite
+stealthier
+1:33
+http://travel.state.gov
+pms2
+hayase
+watusi
+frigerio
+qinhuangdao
+1st-3rd
+rugge
+basauri
+electro-harmonix
+aeolian-skinner
+weaponization
+szwed
+tobias
+workplaces
+zaporozhsky
+lone
+dtmf
+amphitrite
+hanza
+106.91
+kraeutler
+roig
+skillet
+abdulai
+liiva
+vanasatidya
+malampaya
+squandering
+77.9
+treblinka
+cross-media
+hidatsa
+zouch
+precipitated
+haiyan
+grieving
+haleva
+ilayaraja
+shafrir
+mallot
+pelle
+retina
+gulgong
+1884
+hirscher
+annette
+maths
+cherryvale
+72.81
+re-emerges
+dursban
+provostship
+berezina
+jumanji
+lyudmilla
+ndikumana
+kantele
+256.4
+izze
+bougainvilleas
+broncos_signed
+jovtchev
+masterly
+ilkka
+sekope
+thahir
+armpit
+chotanagpur
+hemu
+finnegans
+kimhae
+becquelin
+westbus
+itj
+dimaio
+otters
+mittelman
+superphosphate
+variadic
+11,000-point
+beltransgaz
+1349
+bula
+spectacular
+paley
+acrimonious
+turney
+mins
+uch
+highest-peaking
+thymelaeaceae
+251.1
+peizer
+sjöberg
+sidecars
+chuck
+pro-polish
+cherney
+cropping
+tzemel
+gigabit
+bloc
+kashiwada
+246th
+mechanistically
+overachiever
+lari
+capuana
+montedio
+shipmates
+rotates
+bcom
+jeddore
+iolanta
+brek
+andrade
+tenneco
+morningside
+pyridostigmine
+wander
+tiel
+zongtang
+niggly
+42.08
+shahak
+relapses
+kukkiwon
+srx
+whelp
+alvanley
+ridiculous
+protogynous
+mansyur
+teston
+boros
+erck
+heiji
+tulli
+18.4
+curlicue
+bouncers
+2,648
+geoscientists
+1.3622
+kornelia
+rumple
+menora
+wynford
+gerstel
+118.44
+1.495
+centerpiece
+tabatinga
+ritzau
+5cm
+simplot
+50-64
+information-sharing
+mcbroom
+cvl
+riblja
+idaho
+ladakh
+17-person
+jalilabad
+frano
+gattari
+narahari
+saiyid
+hard-of-hearing
+unconformity
+tahr
+bhavnani
+herders
+ngae
+impresario
+tekke
+raafat
+aars
+embalse
+madalyn
+thornthwaite
+questrom
+glipostenoda
+ambushed
+rs1
+ngok
+scarsella
+794
+courtauld
+sohawa
+overdubs
+interprovincial
+network-attached
+morbid
+229.2
+wheldon
+rectangles
+delved
+hoar
+ilk
+6,765
+on-premise
+callan
+ifmsa
+mcilvaine
+axel
+voicework
+shakas
+hires
+hrádek
+naha
+samarraie
+breedt
+whittell
+competitor
+marmot
+obrovac
+darkchild
+resham
+.391
+yanagita
+biosynthesized
+kvamme
+obsequious
+heftye
+timurids
+xanthippus
+hypermedia
+vollstedt
+algonquins
+malita
+saurimo
+dprk
+cleartype
+33-28
+sampath
+yozo
+papuan
+otello
+43.68
++70
+ruihuan
+boqor
+afrl
+beyazıt
+viorica
+shalchi
+shunya
+203
+restructures
+amstetten
+estatales
+abildgaard
+16/km
+sportcity
+groep
+missie
+terrapass
+quirkiness
+calama
+22.62
+terrie
+buback
+freefall
+wynalda
+giansanti
+shrimper
+endiem
+bq
+hammerbeam
+head-butting
+crueler
+erskineville
+esther
+occom
+fromstein
+gallien
+pitt-rivers
+pākehā
+inacceptable
+sharqi
+scat
+widely
+ethnography
+agm-88
+haywards
+pereda
+australes
+kapoeta
+réis
+birkner
+4,332
+saint-saëns
+hubcap
+carna
+second-unit
+banhos
+anaylsts
+mikulin
+wgn
+barbours
+vianden
+33-pound
+stauf
+spadework
+arcelor
+bratunac
+mewat
+administratively
+goofballs
+garnerin
+appro
+nelo
+45-18
+5.35
+naoroji
+aliza
+chaban-delmas
+hore
+donosti
+light-harvesting
+asoka
+femina
+corroborate
+du'a
+rhymers
+meakin
+playmaker
+necbl
+liha
+2/3
+hubal
+embayments
+guseinov
+piermont
+52.00
+cmml
+gotheborg
+stoichiometric
+stellate
+counselors
+17.09
+hippisley
+24.32
+miniaturised
+golog
+ullin
+mfume
+lysimachia
+88s
+wavers
+eassy
+shochu
+novarro
+chek
+analysts
+lssp
+kaunitoni
+prevalently
+accumulating
+1.474
+medianoche
+sanitarian
+biologist
+bhi
+tonga'uiha
+théorie
+fortuné
+crazies
+faruq
+riada
+sabres
+fq
+kway
+unitarian
+elsmere
+shann
+reelections
+pryderi
+chy
+wetsuit
+dirkschneider
+gissing
+wartburg
+kursat
+farthings
+ctci
+stomakhin
+inegi
+riptide
+kagalovsky
+1.71
+epcc
+bhimber
+adenoidal
+belsize
+water-related
+nochiya
+donerson
+saturated
+xar
+ranu
+belches
+livgren
+biktimirova
+emster
+boumediene
+machuca
+lyhoog@nytimes.com
+ternium
+stocksbridge
+karyotype
+dalong
+26.31
+15.00
+messel
+maisonette
+lazy
+kirkfield
+woosung
+cauayan
+2008-present
+2,981
+santanas
+evert
+civita
+nahimana
+autonome
+prik
+krahulik
+ciocan
+boiled
+122.24
+bases_rollins
+1.88
+3790
+barnette
+70.95
+mamoulian
+hanshaugen
+sicco
+schoettler
+bernes
+olestra
+ghostnet
+krippendorf
+woodchuck
+muisca
+derailments
+chebeya
+perzel
+architettura
+sulcata
+fromn
+ferres
+arafiles
+apro
+manan
+cscec
+formula_92
+somjai
+principally
+cowbell
+broughty
+jorginho
+sts-129
+hanieh
+yangsan
+450m
+murch
+trimming
+r.e.m.
+kibitz
+200-1
+demonstrator
+16:52
+huell
+bistros
+million-selling
+ghose
+sukh
+makiivka
+pavić
+gaocheng
+0-0-0
+butterwort
+tropicana
+1h
+nashi
+02-13
+5,260
+panjsher
+sectarian
+ambiguity
+haryatna
+high-born
+agri-business
+steeply
+mid-90
+xeelee
+7in
+debauchery
+bogush
+theophile
+libéral
+amavisca
+puppeteer
+tma-5
+amok
+wingmen
+nicaragüense
+ponsor
+comico
+schwam
+stalement
+burgstaller
+roto
+buttonquail
+zega
+sordida
+antioch
+apnoea
+vardalos
+11.66
+wew
+superioris
+projections
+vignerons
+d'hondt
+well-served
+bress
+10.92
+cookouts
+gewalt
+poyraz
+cybersquatting
+kohtla-järve
+link-up
+portes
+lyga
+rd2
+waterboarded
+gilan-e
+efeo
+nevele
+mkhatshwa
+1.4405
+vpi
+nazari
+canna
+malays
+aan
+modric
+herning
+inhumans
+wbab
+nyaung
+gaveston
+chalon-sur-saône
+6,700
+repot
+purse
+arthrogryposis
+56.63
+vedro
+aylward
+mugging
+muiden
+cetes
+unumprovident
+mengxun
+anti-saloon
+camrose
+quintanar
+dickey
+long-tongued
+conaghan
+classwork
+kathi
+ludemann
+cozy
+shameem
+www.boeing.com
+andrić
+ten
+actuelle
+krylon
+hips
+bobetko
+kanhopatra
+agassa
+poohs
+77.52
+http://www.newscientist.com
+mengfu
+peyote
+endnotes
+alga
+xyz
+indogate
+kurshid
+119-110
+neykova
+levchin
+grundhofer
+swallowed
+monoid
+linyi
+moosally
+gingers
+bigchampagne
+makran
+marihuana
+engrave
+nabiyev
+75-pound
+karnak
+chippa
+lathing
+kauper
+financiar
+267.8
+habitability
+1858
+kozara
+favish
+thanet
+bastida
+sandre
+periodontist
+einsatzgruppen
+eyebright
+boyacá
+vacuum-tube
+mengen
+chilingarov
+meja
+3,085
+narrowbody
+belliveau
+60.13
+hectic
+maulbetsch
+uksa
+furriers
+paisius
+felicito
+inzunza
+postfight
+andthe
+amoah
+borġ
+10,670
+coutino
+horno
+bardawil
+pdgf
+cavemen
+curthose
+nambour
+aaron.curtiss
+txn
+bgi
+daybeds
+foxconn
+wilhelmstraße
+.857
+tynes
+hennemann
+curatorial
+s.a.m.
+65.58
+aylen
+22.46
+830-mile
+shimla
+devastated
+11.48
+zeiler
+laus
+palatability
+dirrell
+sint-truiden
+low-slung
+senglea
+cornhole
+defenders
+iwamoto
+seck
+2,7
+ruth
+microclimate
+faoa
+u.s.-saudi
+rocío
+baraha
+maravilha
+hānai
+raju
+allergies
+woollcott
+nukhayev
+teetotaller
+lexuses
+traminer
+huesca
+4/0
+infocom
+cherokees
+otay
+aked
+huangfu
+guicciardini
+ponturo
+przemyśl
+département
+jalouse
+vancity
+bonici
+debrett
+3-manifolds
+kachkar
+2326
+imparato
+burstow
+essington
+3-31
+nautiloids
+agali
+5,995
+chieh
+mukamal
+grandage
+conceive
+au$
+9-25
+chequers
+takraw
+hadži
+pusat
+ascanio
+hayato
+ev-1
+23b
+llaneros
+levandusky
+behrman
+irianto
+ryvius
+287.4
+42-36
+etsa
+wira
+methylated
+thredbo
+gelett
+behala
+investigating
+lpb
+eisenbahngesellschaft
+wabi
+whedon
+vampyre
+lightburn
+endeavoring
+srikanth
+adelsohn
+seeders
+enik
+nanumea
+fails
+crewman
+amurri
+plurinational
+michelito
+tabai
+wèi
+westminster
+tantalize
+paetec
+piezoelectric
+spgfld
+alagh
+hillsdown
+hilux
+bi-lo
+bibs
+revaluate
+zeeman
+boatright
+touch-and-go
+vanbiesbrouck
+bei101
+flocks
+spotify
+brandman
+giraldo
+wagiman
+solís
+thoracic
+mughar
+rally
+hops
+dorsten
+whacked
+masatoshi
+adenosine
+pezzini
+pushchairs
+schiferli
+seven-page
+escorting
+chicoine
+3-track
+collision
+mashpee
+schaus
+regu
+ngala
+aslanbek
+perdita
+wirayuda
+mcwade
+gotovac
+magnesian
+watercolourist
+giordana
+qyntel
+burak
+drakon
+sukowa
+cordless
+myx
+poalei
+vagan
+hetch
+mahomet
+polten
+sakie
+nakauchi
+qinqin
+vonteego
+fos
+munenori
+fudd
+bundesverdienstkreuz
+clutches
+iazyges
+lisan
+romero
+asesoría
+chuchi
+savov
+27,000
+larijan
+steadward
+rent-seeking
+denars
+mortlake
+calker
+misapplied
+renovations
+kakori
+mangoes
+schaick
+zhor
+kaanapali
+oprawa
+calfed
+e-book
+misbah
+arma
+58.02
+inscribed
+prolegomena
+schering-plough
+straightened
+koyama
+prejudices
+nanashi
+jarve
+sobbed
+edmondo
+1.4732
+kambli
+sahaba
+hardhead
+philippoteaux
+canam
+sinfonieorchester
+piller
+ambling
+prempeh
+tikvah
+group
+2,5
+isg
+chubut
+gunthardt
+yakemenko
+mubariz
+vivarini
+mahdavikia
+bakhmina
+gadaffi
+75.30
+valoret
+vision
+crystle
+abbell
+rowans
+63.98
+bokhary
+priboj
+acsf
+handcrafting
+johnes
+maipu
+simputer
+scalia
+laconi
+bushkov
+ges
+ōba
+callsign
+346.3
+http://www.napster.com
+kristie
+lifesong
+elmardoudi
+penicillata
+domani
+monopolizing
+freydberg
+21,800
+carrawell
+rovuma
+suddha
+masterplan
+strupp
+anchoress
+viropharma
+3,817
+palmas
+rerecord
+basedow
+munnar
+leszczyńska
+nt26
+barisan
+jakie
+fairer
+franchisor
+porch
+italia
+27-26
+facal
+dargie
+helly
+lipkin
+125.30
+h5ni
+iecc
+gloser
+arborio
+170.00
+catlin
+carouse
+1909
+brehm
+kashgaria
+mainstreams
+sadaka
+virtue
+anti-zionism
+mariscos
+europeen
+guugu
+flyboy
+melewar
+intervener
+przybyszewski
+ambleside
+tceq
+libancell
+thin
+34-year
+barbosa
+aaw
+pen-names
+penola
+ultralights
+selinker
+herria
+201,000
+espressos
+hillpac
+tanjay
+sqn
+1,000.00
+lait
+welchman
+hapag-lloyd
+conquista
+vevo
+nawan
+asphyxiated
+lasagne
+scariolo
+tussled
+milene
+fenstermaker
+maringa
+clarion
+radulf
+8.80
+ciccolo
+trance-like
+aprica
+mardel
+tomahawks
+riad
+putins
+pitchwoman
+lawgivers
+menasco
+salir
+22.25
+debt-ridden
+beylerbey
+vva
+pelisson
+ishigami
+damary
+vinten
+swindlers
+no-huddle
+touting
+facet
+gr-1
+golczewo
+blissed
+zuo
+weisselberg
+24,250
+glyphostoma
+sfuentessfchronicle.com
+wainberg
+hermosilla
+hoku
+govigama
+enman
+gizouli
+robley
+mcnicol
+ishockey
+bielmeier
+quance
+euro135
+tokio
+whangarei
+finepix
+bgmea
+atsuko
+nobunaga
+touraine
+129.32
+sunderland
+chronicling
+haislip
+denken
+placidia
+thermador
+hebraica
+f/64
+needle-like
+glaeser
+urquidez
+katica
+.508
+milliliter
+karti
+arigato
+biopolymer
+lavar
+fifth-round
+820
+powerbroker
+balgowlah
+wackett
+fishlock
+hoepner
+smeaton
+hixson
+kettani
+walem
+crute
+disgustingly
+mojadeddi
+romik
+trunks
+76s
+howlers
+dentists
+bods
+chayan
+goldscheider
+200h
+feeny
+morrocco
+lintels
+kharoshthi
+mixx
+filtrate
+bilinear
+haslar
+chamestan
+threepenny
+ice-skating
+remarked
+germplasm
+kimathi
+2,432
+thonier
+dirac
+lengthens
+paget
+stjerne
+sheriffmuir
+tmenov
+split-level
+kapsis
+eriko
+thixotropic
+mastroianni
+beya
+rustling
+kanamycin
+irineo
+19-time
+schwinn
+murden
+portend
+c-130j
+doubletree
+leptin
+gergawi
+grado
+rbm
+propublica
+derating
+shakehand
+afro-colombian
+furyk
+30-storey
+physiatrist
+nikah
+wloclawek
+tuberosus
+beadle
+icmr
+unrealizable
+andina
+eldoret
+javeriana
+tcd
+fjetland
+51.00
+hospitalizations
+al-qādisiyyah
+hadjer
+41.17
+nightlong
+nikayas
+qifeng
+drobyshevsky
+guofeng
+critiquing
+decrypted
+alagoano
+ebbesen
+themata
+barahona
+success
+2,340
+providenciales
+dalo
+apparently
+keki
+iconoclasts
+krab
+figueres
+hkifa
+hairbreadth
+rastan
+l-a
+beaker
+vujtek
+well-appointed
+yogananda
+staviyski
+sloshing
+(900)
+surrogates
+9.05
+majesky
+breathability
+zetra
+threadless
+gourd
+cuervos
+wurth
+27,000-ton
+regatas
+busy
+jase
+madritsch
+savage
+55-second
+flour
+ceramic
+fisc
+buran
+infighter
+autographed
+7two
+cyclamen
+99-mile
+31-30
+shimoga
+rivesaltes
+shield-shaped
+wristing
+adrianus
+woosh
+saltash
+bowart
+u.s.-produced
+ribic
+tulja
+stecher
+rmaf
+heir-presumptive
+dubuffet
+lokomotive
+portables
+witkowo
+84.54
+p-12
+stechford
+prokom
+dne
+sanzin
+marani
+barson
+calcula
+unpick
+bufo
+perses
+ahlert
+nxd4
+cultigens
+osteopathic
+odense
+atzo
+helldorado
+kotarou
+weak
+camarillo
+arcosanti
+3mm
+dardania
+leper
+abednego
+polytrauma
+anglophobia
+relph
+psyops
+rapel
+jekabsons
+single-shot
+70-57
+prev
+24-13
+priego
+voltron
+vararuci
+raffael
+schiavone
+farflung
+77.24
+moldovenesc
+daultana
+transbourse
+nishiguchi
+pomerium
+musō-ryū
+trifecta
+nalley
+82-77
+searing
+euro297
+occurred
+cleaving
+americium
+glandore
+cúcuta
+ahdab
+metz
+daypuck
+kariobangi
+fuding
+communed
+constiution
+251st
+askin
+dirie
+götaland
+sheep
+achill
+nforce
+riverkeeper
+yasuaki
+atoms
+amplifying
+2,326
+qualms
+kirstein
+chima
+tniv
+yantian
+eskandarian
+affinities
+çalık
+mastro
+caustics
+bierenbaum
+homeport
+payerne
+sour
+internals
+topiary
+yachats
+haliday
+subprogram
+dansk
+ees
+ekiyor
+198th
+autonomous
+traumatized
+provenance
+778
+76-76
+dunaferr
+kaliamman
+chittagong
+undying
+tyagachev
+farrah
+benali
+i.r.
+oughta
+kirriemuir
+tamoil
+all-aged
+watani
+lusignan
+himmelstein
+deild
+d.m.c.
+sofield
+ayro
+mishkin
+ceratopsian
+obertas
+mjhl
+chinese-made
+weißenfels
+28.62
+sk1
+pncc
+bruntingthorpe
+vafþrúðnismál
+rom-com
+lamelas
+buprestidae
+thumbing
+200-horsepower
+bisland
+plzenska
+matteoni
+oronde
+11:41
+asanidze
+yuhas
+38.73
+pillowy
+mid-1st
+honesto
+castrillon
+qayoom
+chuter
+orangeville
+dungan
+medo
+denzongpa
+taun
+brahms
+jennette
+6,890
+kuqa
+semi-elliptic
+sprinklings
+41.45
+63.05
+mutara
+ketil
+moncada
+rauschenbusch
+katsounotos
+art-2ndld
+donglin
+callihan
+fruitcake
+provence-alpes-côte
+schoolmarmish
+windschuttle
+pending
+oxonium
+fte
+detectives
+hominoids
+namor
+bouncing
+pentachloride
+joads
+mistrusts
+oceaneering
+bocar
+1,275
+bhaskara
+tiac
+aberfan
+ξ
+routh
+wait
+2,692
+raynham
+salade
+shyamal
+aerith
+accelerometer
+kontras
+polene
+concludes
+laetitia
+couriered
+dalem
+60.92
+nakorn
+genoino
+nayi
+quarryville
+myagdi
+kawamata
+recitalist
+v7
+oberholtzer
+unavenged
+etchmiadzin
+unveils
+chesa
+atwell
+adandozan
+competitiveness
+tisco
+württemberg-hohenzollern
+kombinat
+keelback
+thundercat
+messous
+maricle
+kappei
+zisser
+ruhullah
+uges
+penfolds
+floorpan
+blm
+makenzie
+fark
+zimbabweans
+himig
+val-de-marne
+1.35
+yachting
+tutorials
+supandji
+astigarraga
+actinium
+stimulation
+114.60
+magazinet
+wahconah
+public@nytimes.com
+wilner
+allocation
+upliftment
+corser
+ōme
+latin-american
+frontwoman
+aiha
+tjallingii
+rastevic
+gillmor
+otherworld
+exley
+sahrawi
+ōtaki
+nucleotide-binding
+meckstroth
+m.p
+304.3
+nett
+3.7-meter
+34.81
+muselier
+krasnoyarsk-26
+three-stage
+guile
+carreiro
+jazira
+124-nation
+taeng
+manaos
+magnetars
+47.41
+fada
+coronets
+glcs
+klown
+fee-for-service
+kohlman
+atropos
+gothicus
+rectification
+rukum
+ezatullah
+tutone
+wolfriders
+v-10
+spidey
+epperson
+picholine
+14.85
+glenns
+biotechs
+96-yard
+wurtzite
+flocking
+traje
+mouli
+medico-legal
+mustang
+seplan
+50-1
+baré
+dussehra
+gatsalov
+al-houthi
+brillantes
+wolmarans
+kakapo
+dice
+kiske
+furloughing
+spitefully
+paektu
+orzechowski
+gyeongsan
+pietilae
+bendable
+dyle
+prance
+tardy
+shafiei
+mutsumi
+3,965
+first-cousin
+canonisation
+47.64
+tatarinov
+2001-03
+yolo
+koyukuk
+gipson
+mid-10th
+darré
+1.6038
+34-page
+9,999
+bayonne
+despatie
+plac
+ampco
+sangachal
+catháin
+ipads
+peeples
+pavitra
+immelmann
+gauja
+fair-play
+ivany
+ardabili
+manoeuvered
+skippers
+palettes
+metropolitanate
+bigwood
+nsdap
+kaixi
+ietf
+50-70
+selloff
+taebaek
+lambot
+haemorrhages
+chinatowns
+ehsan
+acquaviva
+sigurðardóttir
+stutterheim
+chimbote
+1231
+radcot
+holyland
+jabareen
+cayuse
+zemke
+452-meter
+carnot
+sarofim
+beal
+bonebed
+chapar
+metallers
+kozlowski
+appears
+shesol
+ra4
+molchanov
+kuroshio
+zier
+milonga
+56-34
+yukhary
+muhanna
+plummeted
+98.32
+aire
+fibra
+stoked
+emote
+low-hanging
+czaban
+centimetres
+pliant
+bituminous
+gratuities
+shobhana
+ashur-uballit
+pallavicino
+rocka
+cholet
+jebalbarez-e
+weyers
+jangmi
+carnivorans
+gjoa
+glukhov
+bramante
+trescothick
+luchs
+bucentaure
+anger
+agrihan
+shammond
+zealous
+gotbaum
+oracene
+caspit
+t17
+emzar
+ver
+scenes
+jabotinsky
+activalores
+frindall
+actresses
+tyska
+sistina
+ranching
+bulleen
+premiering
+acne
+cincpac
+koppikar
+urdangarin
+8i
+ligthart
+olinda
+54.10
+33-hour
+navigators
+hatemongers
+meteorites
+silverfish
+albopictus
+leaches
+bahamontes
+techsoup
+cristofer
+alyea
+frahi
+farecompare.com
+eugenie
+artthielseattle
+astralwerks
+batata
+takugin
+r&b
+btg
+11/18
+yosef
+ο
+bloodshed
+saffron
+mant
+ferla
+yarang
+altanmia
+1,421
+8088
+41.96
+9-for-15
+antipodean
+bordick
+anzus
+lynds
+village
+independently-owned
+alpes-de-haute-provence
+raaj
+singulars
+rebollo
+societatea
+8a-3
+2-2-0-0
+remoto
+profet
+ehrenberg
+“
+kusnadi
+1977-1979
+l'aviation
+toski
+telematics
+non-arab
+landrieu
+81,500
+bravos
+boazman
+nfk
+confirmable
+a-sun
+shh
+haemodialysis
+brittney
+1985-88
+19-10
+vitelic
+neovascularization
+knudtzon
+birthe
+menne
+pochhammer
+tr3́s
+shirzadian
+pinnate
+perumka
+brucie
+halil
+35.65
+moderated
+roshown
+scheibler
+raisina
+ramsauer
+kaczyński
+efaf
+archæology
+miltie
+rachis
+hutabarat
+penetrating
+siggi
+laie
+zubar
+perlmutter
+devoutly
+sweigert
+leavenworth
+newcourt
+madagascans
+4cast
+incalculably
+weirather
+16-run
+palatinus
+eszterhas
+ecgbert
+crassus
+sirion
+morishima
+98.77
+oef
+stern
+hversu
+chanute
+bojinov
+babylonian
+106.35
+threats
+homologated
+g50
+chrysanthus
+compas
+tapajos
+cachaca
+ammanai
+omac
+schuldiner
+honeycutt
+tantrum
+liluan
+seven-part
+methil
+plus-3
+surprise
+sukabumi
+quirkier
+waat
+leija
+jacco
+gastroparesis
+almirall
+moerdani
+infields
+ohba
+confict
+watley
+dispense
+stipulate
+orleck
+hennessee
+clontarf
+conways
+mohapatra
+kedai
+c&g
+suppressed
+knaggs
+huffer
+dwarfs
+khondaker
+ashur
+alasania
+nadal
+abebooks
+yuejin
+2,112
+arndt
+hallstrom
+basshunter
+re-designing
+23-percent
+184th
+short-haired
+kikinda
+feuilletons
+signalers
+interspersed
+sandiacre
+bowlus
+pelts
+phosa
+hultsfred
+orgyen
+688
+tomcat
+braunston
+néron
+gnostics
+hapag
+leapster
+lillet
+tomeing
+commoditized
+toft
+91.0
+poweredge
+al-hirah
+68.63
+goreme
+non-south
+91.69
+arachnid
+minurca
+tsutomu
+barrena
+o'brian
+40.94
+erinle
+three-goal
+catlettsburg
+caco3
+165,000
+shadowing
+eglash
+gashes
+106.26
+7.0
+unsorted
+brainin
+bahadurpur
+ydr
+sporkin
+korengal
+reaffirmation
+cobia
+subsea
+60-some
+l'express
+ayden
+varga
+10-gigabyte
+folktale
+coryton
+ciernik
+ep1
+18-29
+wgbh
+cholpon
+skrzypek
+brasília
+electroencephalography
+rwcl
+gullette
+commiseration
+ibaraki
+g-dragon
+acacio
+grandiflorum
+furthering
+condi
+tappeh
+uncleaned
+an-12
+grullon
+tubs
+dcn
+cabiao
+vimpelcom
+gunther
+1710s
+azuay
+sts-134
+perturbs
+3.77
+christofer
+annoyed
+ovalau
+mm/year
+ferber
+homebuyers
+bwitched
+downturned
+3-96
+shichahai
+stur
+26-19
+tomaselli
+assams
+unl
+fetcher
+anglo-american
+pirjo
+hildesheimer
+1-49
+11:31
+alexandrium
+182.8
+zachodnia
+inkwell
+dulling
+moroun
+larina
+siltronic
+univocal
+gambit
+convolution
+6,590
+interpolates
+yves-du-manoir
+alī
+kiler
+thaxter
+wiriyapong
+herk
+gorakhnath
+0.69
+clavus
+ex-confederates
+in-studio
+lanatus
+jeavons
+oyashio
+solubility
+cambay
+inglese
+41/m
+83.20
+ghannam
+16-all
+dinko
+loxley
+jaywalking
+superspeedways
+fountainhall
+grosmont
+glasswork
+haugan
+aermacchi
+spolia
+spaz
+garney
+u.s.-indian
+estep
+wijnand
+vé
+talaash
+yamabe
+waja
+tarab
+cjad
+newsmaker
+tai'an
+16:56
+22.55
+32.23
+karman
+modher
+boboc
+gamezebo
+adairsville
+shoemakers
+banaue
+bty
+vanyar
+vieja
+catawissa
+mobilicity
+cane
+bursts
+polydore
+angulos
+crotona
+meanwood
+forgan
+dealul
+real-valued
+clouse
+fabulist
+382.00
+aconite
+62.82
+vikas
+spiegelman
+albuquerque
+known
+kichak
+221,000
+poliakoff
+parwez
+oshi
+praxiteles
+nara
+pared
+wasfi
+dioxane
+coxcomb
+quintesson
+05-06
+serhane
+thamnoon
+margus
+amazonian
+deadspin.com
+asaa
+euro587
+marve
+kunming
+pre-taped
+seatrain
+elahe
+woza
+94.96
+tourist
+893-8252
+karamay
+sinclair
+zo
+barnea
+minelayer
+nightwear
+psyches
+euro413
+dundry
+oilfield
+13.22
+tarmugi
+telescopii
+northiam
+non-australian
+yarlung
+havdalah
+bizmags
+greenhornes
+desperately
+full-duplex
+harrelson
+chovanec
+kilpatrick
+docker
+22th
+ḳ
+speen
+brokers
+velu
+flamsteed
+bassists
+peros
+cctf
+1,665
+densiflora
+estrade
+backups
+53.34
+gussoni
+brigada
+davia
+skąpe
+coelestium
+telepiu
+christiansted
+cervi
+nikolić
+chunk
+vicepresident
+college-conservatory
+pira
+ruina
+florea
+nyuk
+indexed
+underlining
+coulommiers
+limn
+kajikawa
+berguedà
+schea
+lindenbaum
+geoghegan
+qixiong
+hairong
+pantherophis
+sumardi
+haplotypes
+cagsawa
+acelino
+boley
+59.66
+u.n.-funded
+gnoll
+sępólno
+kibunja
+lórien
+agbo
+5,778
+stuffers
+110-acre
+fleurs-de-lis
+www.cnn.com
+vaults
+infrastucture
+aflatoxins
+nourredine
+sebeih
+foreclosure
+akagi
+calcitonin
+deism
+chaqa
+charissa
+tonelli
+rajna
+visnjic
+737-400
+creaked
+sinkholes
+placebo
+8:45
+mandarina
+tenali
+eruptions
+dingling
+dantis
+slowdown
+5,132
+aprd
+swanö
+bookfair
+retracement
+crumples
+cornutus
+78.59
+i.p.
+glogauer
+placa
+underfire
+jaraguá
+armaggedon
+ujang
+gueu
+crocketts
+salafi
+gayana
+acfta
+xxxi
+agranulocytosis
+lizana
+mvk
+adp
+ghez
+galatasary
+bisulfate
+superpole
+rosenblatt
+teacher
+cambridgeshire
+bulbophyllum
+416,000
+rouf
+steelers
+pirkanmaa
+pseudouridine
+zeilinger
+huffaker
+v-16
+devitt
+yongming
+20-bit
+109.62
+penned
+kensal
+signify
+deakes
+topping
+542,000
+racked
+120mm
+flameback
+microcarpa
+vasilisa
+fjaler
+kbp
+leutze
+18:14
+terron
+bigness
+laiseka
+rausseo
+x.
+excello
+renzi
+konaseema
+loosed
+faucette
+garaufis
+corey
+fezzan
+high-bypass
+jaideep
+moenkopi
+52.38
+palatucci
+6x
+opiliones
+2,265
+minnette
+honeycreeper
+grenville
+brüning
+inape
+isaan
+abita
+11-29
+riff-raff
+off-broadway
+ghostface
+techno-organic
+asphodel
+walkabouts
+tiankai
+kontic
+sebak
+bioinorganic
+42-5
+heppner
+sultanganj
+assignation
+99.26
+latini
+1946-48
+movingly
+holsinger
+425,000
+electroweak
+yuanshan
+charlois
+moulmein
+manohara
+hydronuclear
+deminers
+.55
+cheraw
+calamagrostis
+3-103
+deck
+72nd
+flashlights
+rafidia
+armonk
+luz
+mearsheimer
+nagayeva
+hagrid
+vanzetti
+unlawfulness
+euro491
+wrested
+gurdal
+squirm
+abebe
+influencer
+p-63
+reseach
+cushman
+meadowview
+passo
+90.22
+rieckehoff
+woerle
+exomars
+redesigned
+gaudiani
+comédie-française
+steadman
+wbz
+bleeckere
+richbourg
+dayparts
+stadio
+orangey-pink
+unostentatious
+jibreel
+submediant
+grown-ups
+izingolweni
+beale
+five-dollar
+benn
+gfis
+equivocal
+15-year-olds
+shatrughna
+questions
+limbers
+ngiti
+arcimboldi
+roadwork
+pancyprian
+passi
+macchiaioli
+detargeting
+khwa
+dunsfold
+pujol
+septoria
+coals
+12:45
+shenk
+tommorrow
+mahram
+maati
+electrotechnical
+4th
+naushera
+a28
+retrogression
+bourlet
+braylon
+chevanton
+cristea
+abbadi
+uttermost
+pmqs
+ranat
+hoggs
+monopolist
+sissach
+valderrama
+nichimen
+haditha
+lingual
+dango
+górny
+azoulay
+negocio
+buoyantly
+naram-sin
+5:40
+agnello
+nce
+60:40
+mfs
+millichip
+talhah
+nittedal
+suparat
+gumilev
+patronages
+sparafucile
+dill
+depatie-freleng
+38.63
+dark-coloured
+palatine
+bertell
+lasala
+kyuss
+sciuridae
+rufai
+audio/visual
+giacomin
+15-5
+rozic
+verbo
+cornpone
+radar-guided
+lesioning
+krauts
+scuppering
+orebody
+danilevicius
+landless
+38.85
+quikbook
+datolo
+texel
+rudos
+mental
+kaggwa
+flagpoles
+guangyi
+jrd
+blotching
+morath
+orthetrum
+jiachen
+15.38
+angol
+abusers
+m-25
+paulton
+westonbirt
+tailcoat
+barto
+menuchin
+cmip
+dialling
+multichoice
+codorus
+videodrome
+photo-journalist
+reductions
+goyeneche
+carrée
+topchik
+hrosenfeld@timesunion.com
+wahabism
+108.63
+diatta
+600,000-square
+guindo
+bigamous
+govea
+midwifed
+mateos
+okkas
+plainscapital
+litre
+doneraile
+rehydration
+ivalo
+cimex
+adedayo
+ani-men
+oidor
+ryukyu
+stavrakis
+pcsl
+spaceway
+fecal-oral
+4,130
+8,891
+spearmint
+uppal
+cmt
+nezzar
+louganis
+vilniaus
+clonaid
+kubu
+tailwheel
+118-109
+so-yeon
+bérulle
+untarnished
+loquat
+rehabilitations
+effi
+sulieman
+casanare
+purani
+skids
+fiver
+magleby
+elwell
+herrich-schäffer
+afoul
+bicyclist
+csrs
+conveyor
+ilopango
+bradlaugh
+star-ledger
+pileus
+furano
+petascale
+canberras
+irati
+zoghby
+0.006
+phile
+woda
+soaped
+dombivli
+wohlmuth
+441,000
+ludek
+0.26
+bulleid
+twenty20s
+reefs
+mikhal
+thorpe
+spaccia
+flag
+voortrekker
+chagrined
+mcluckie
+perik
+obis
+monechma
+dyuh
+renold
+minchin
+swanning
+kaqchikel
+coolest
+lueck
+0715
+3-130
+fatimids
+4,434
+shishya
+layoffs
+concolor
+spry
+sx
+yersinia
+mknobler@ajc.com
+debera
+benna
+aicha
+109.24
+kielbasa
+gvc
+niyamgiri
+prospering
+umpc
+kalbarri
+awdah
+1950-1952
+erving
+homsi
+36.46
+republike
+25-19
+skdl
+34.67
+d'angleterre
+perur
+michiganians
+changi
+forerunners
+101-mile
+lavatory
+additively
+miser
+b-66
+ohlemeyer
+vold
+inherently
+trackpad
+yasuhito
+winnings
+rallied
+cavalierly
+brailsford
+bethke
+endospores
+zweden
+basili
+ausbil
+retromarketing
+nevoso
+28.09
+cantarell
+heliornithidae
+6-for-15
+somdej
+manipulatives
+lystra
+inactivated
+yellow-footed
+cosl
+daddario
+eldrick
+ejp
+ruffians
+sawing
+kociu
+svatos
+wetherspoon
+ambres
+73.66
+comair
+ayat
+finnegan
+linquan
+mérimée
+unleashes
+bartek
+urse
+uncontrollably
+14-play
+venia
+disappoints
+ariad
+kosayodhin
+unsubstantial
+isdr
+maurya
+m-88
+nagaya
+intendancy
+taurog
+jussilainen
+hanin
+tutela
+bread
+42.8
+gossel
+vyazemsky
+wigeon
+barkan
+5,220
+menils
+dorna
+a151
+miltiadis
+sudhin
+k-96
+expatriated
+wattisham
+monotheistic
+12-strong
+crosshatching
+abandoning
+incineration
+siffredi
+whittled
+b.c.e.
+11,450
+dominos
+bodmin
+jansson
+telemedia
+birnam
+stamm
+sledgehammers
+vynnychenko
+amenábar
+thygesen
+dicynodont
+9.46
+dure
+woodhoopoes
+faizi
+maroni
+břeclav
+cernak
+iwa
+pxe
+से
+valido
+sevareid
+maag
+135-member
+chiusi
+ndash
+ntia
+nabba
+taja
+staatsbibliothek
+brunius
+media
+hovin
+skyterra
+zanjanrud-e
+caetani
+south-eastward
+celli
+radna
+1706
+67.76
+celly
+branscomb
+shivaram
+hemanshu
+forza
+august-september
+shiodome
+nebra
+monthly
+lehane
+compete.com
+picula
+obligation
+dudinskaya
+ndungu
+janetta
+3,660
++6.00
+at-home
+junaid
+kalypso
+www.medicare.gov
+maussa
+proof-of-payment
+andriamanelo
+geblawi
+q101
+menopausal
+enlightener
+bowlen
+berezovski
+discordant
+blatt
+fabray
+ahip
+46.80
+synthesizer
+allendorf
+giel
+shackleton
+eka
+salevaa
+hagiographer
+yaudheyas
+kivas
+156th
+deminer
+clubhead
+eastview
+bunkley
+presumedly
+tranby
+auxiliar
+chips
+kfar
+maoz
+neuropsychologist
+changu
+toukan
+red-black
+swamped
+hittable
+microelectronic
+psilogramma
+koptsev
+britsh
+dou
+semiconscious
+lamoille
+peshitta
+faithless
+ifb
+kleinkirchheim
+5-series
+cptichng
+drakenstein
+gimenez
+contrive
+gajapati
+6,500-home
+fiszmann
+starsia
+illuminations
+delbarton
+munchkinland
+underneath
+are/were
+mozal
+u.s.-europe
+küster
+reconnects
+hofmanova
+claycourt
+quint
+landaluce
+matildas
+34.31
+kjelsås
+accedes
+intercepts
+dancefloor
+spoilsport
+sun-dried
+housemaids
+crappie
+warba
+emond
+huegun
+taponier
+storm-petrel
+1.8-percent
+biodiesel
+chuckle
+neckermann
+dietert
+karamana
+rambouillet
+riversleigh
+peridotite
+magnetism
+takadanobaba
+operable
+lenca
+sanka
+jorgelina
+sthan
+eklund
+mielno
+frowein
+coalwood
+samsudin
+capaci
+boelcke
+prisk
+beitz
+viktor
+mulindwa
+clocker
+tui
+rarity
+acetylcholine
+creaming
+pi02
+romancing
+frauenstein
+medievalist
+wolper
+sidin
+retlaw
+poyner
+tgn1412
+tongrentang
+sochi
+einstein
+moron
+77-minute
+yodlee
+tykwer
+ferlito
+insanov
+krusiec
+kf8
+3,243
+2950
+kornegay
+schweizerische
+fateless
+podil
+flamboyantly
+maraba
+waddling
+rugia
+mozaffarian
+yohane
+yiftah
+prearranged
+mertajam
+sulking
+unknowns
+aquaculturists
+warrego
+39.36
+noncommittal
+1,484
+fourth-tier
+31.82
+anine
+dhanda
+altmühl
++80
+mammoliti
+euro178
+moniquet
+steinegger
+madhura
+euro279
+riese
+ahisa
+etoiles
+celam
+kadoura
+here.the
+salvaged
+frilled
+6-2-1
+queenscliff
+shahidullah
+flandin
+tsd
+keadby
+hifu
+96-97
+600-billion
+trevino
+lassana
+haris
+paleosol
+sitti
+mongezi
+khosru
+hanumangarh
+100-strong
+jacobethan
+contributed
+chawinda
+aecl
+polka-dot
+chapbook
+caniff
+54.78
+kountouris
+grotnes
+hailey
+1.676
+unstated
+aulenti
+sentimentalized
+embassador
+onkyo
+ls9
+massri
+maps
+39.26
+personalities
+ante
+voussoirs
+hashalom
+contee
+dallaglio
+plo
+epochs
+nioka
+208th
+hebdomad
+dorning
+.635
+concolorous
+mccurtain
+gurlitt
+cesium
+aiswarya
+dunnyveg
+inter-group
+picerni
+qabazard
+yasunari
+fastidious
+hallion
+waling
+tollo
+escapist
+whitman-walker
+sdio
+anau
+matheussen
+farmhouses
+gami
+stramonium
+pseudobulbs
+celestand
+outdraws
+guangde
+kroll
+104.60
+surliness
+35-38
+sano
+moundville
+indicted
+handwritings
+reiko
+paroxysmal
+canonists
+børge
+shapingba
+08/15
+sainte-rose
+mirafiori
+prog-rock
+viharas
+misbehavior
+alino
+akitsugu
+razzouk
+zhengyue
+seeds
+railmotors
+anesthetists
+panteion
+snapper
+konon
+drama/comedy
+morishige
+eighteen-month
+ekstraliga
+potholers
+crytek
+catacomb
+swarms
+debuchy
+greetings
+eshmun
+landham
+perkes
+walras
+razz
+yami
+117.07
+pitifully
+spooled
+sidibe
+senoia
+raben
+67.31
+saúl
+domaine
+dorahy
+freighters
+farnham
+stadtschloss
+ruwa
+riber
+huguenot
+non-motile
+sulpicians
+3-for-7
+godward
+24-episode
+5:16
+gramajo
+mohani
+graduating
+vibrissae
+shubra
+1,112
+devard
+kochi
+170
+3,453
+non-indian
+deathbird
+papelbon
+crt
+navigate
+impersonate
+.642
+rotc
+ætheling
+cotton-spinning
+calydon
+falco
+2501
+armada
+24.77
+marittimo
+stankiewicz
+frenay
+hron
+then-recent
+ogunkoya
+sub-dialect
+imitators
+sith
+creación
+non-living
+globalize
+stiegler
+sciortino
+riggle
+landfall
+araripe
+self-distributed
+vences
+n-2
+guimba
+zourabichvili
+unter
+aohr
+plasa
+brettell
+cresco
+harmfulness
+24-pound
+shermer
+sitoli
+elphin
+bobbs
+antikythera
+sakaki
+hirobumi
+weathered
+multi-function
+backwardation
+peke
+lockinge
+isitolo
+diat
+cobleskill
+sudders
+whisper
+sakurada
+comida
+vicepresidente
+swishy
+enlivens
+slovene
+alvira
+7:08
+mandela
+f
+fermenters
+ribet
+þe
+ivel
+punahou
+112-run
+87.54
+from
+muello
+63.82
+villaneuva
+gellius
+madla
+182-seat
+brahmi
+matyushenko
+birthing
+stonehaven
+sparsity
+lisowski
+ambros
+imatra
+pucará
+30-ish
+tutchone
+bonnard
+khatemi
+rueda
+comfortdelgro
+47-28
+noisettes
+aluminum
+chink
+genaust
+sterckx
+hollingworth
+erbach
+bellido
+4-0-18-0
+berkous
+5.06
+tobita
+carshare
+courau
+mable
+sidaris
+females
+postclassic
+fella
+avoda
+sextette
+cronyn
+burgan
+ferree
+eval
+skaf
+2-0-15-0
+11,000-foot
+cerea
+medes
+yc
+nacc
+prelaunch
+stand-ups
+seibald
+plant-derived
+roser
+2,764
+biocentrism
+champenois
+isserlis
+trimble
+multi-religious
+overdo
+babied
+diphthongization
+appen
+jaganmohan
+mu'awiyah
+cross-national
+schalow
+entrega
+belkhadem
+imbangala
+sakanyi
+oobleck
+calpain
+papists
+zereoue
+exile
+al-nimr
+thokozani
+c-61
+nonmembers
+perturb
+neile
+lapdogs
+6,940
+meriel
+nhlpa
+3,627
+unlobed
+samui
+botanico
+adopter
+duin
+neocollyris
+2414
+greenscreen
+budaya
+neasc
+copiepresse
+hapi
+baystars
+10,900
+cairn
+co-opt
+vuth
+stapletons
+kempers
+amphib
+lowensohn
+tally-ho
+4,708
+disinterred
+martić
+finnessey
+run-on
+morgenstern
+wabash
+player/missile
+quickbooks
+1.039
+reigns
+millbury
+dahiyeh
+eglises
+schmognerova
+unconvinced
+gramick
+ethologist
+phv
+tappan
+f9f
+rhemuth
+dumas
+vire
+yogācāra
+kryvyi
+rosanero
+multigraph
+armouti
+clava
+awry
+2,220
+australia-wide
+waterlow
+phoon
+erysipelas
+mannarino
+floridis
+obrecht
+olszanka
+remunerative
+limosa
+woodhouse
+10p
+al-ghazi
+qadura
+supersedeas
+personifications
+kolchuga
+hofstad
+ambushing
+bettany
+metabolife
+aatish
+1660
+lesbian-themed
+shillings
+quraish
+prebendaries
+ukiyo
+8pts
+trinket
+royalism
+kardec
+furnari
+7:13
+keto
+180.9
+bisection
+67-66
+germanist
+feher
+31-year
+thinnest
+jeschonnek
+baumol
+terfenadine
+1,710
+bakeoff
+kaohsiung
+maximilien
+igala
+ostroff
+supergirls
+transformacion
+intiative
+aslef
+savaiko
+taxpayer-funded
+zilberman
+buczynski
+imperceptible
+buttercups
+hhuntleysptimes.com
+santosa
+saracens
+teapot
+tallest
+anurag
+american-israeli
+mezzotint
+1812
+johar
+1,625
+opler
+foremothers
+javagal
+swanson
+lyse
+four-team
+73.13
+residencial
+stockholm-based
+unpayable
+33.02
+12:08
+yuriev
+seisuke
+vinerian
+flagstone
+humanoid
+donyell
+ousts
+plan
+slayton
+21-count
+prithu
+microrna
+gorakh
+51.81
+chandrasekhar
+carefulness
+marcouiller
+28.93
+mercilessness
+cf&i
+igors
+dysthymia
+incredulously
+muhajeria
+chamie
+357-2700
+ostrovsky
+thermometers
+al-rabi
+impairs
+villanelle
+secluded
+30.97
+aranzubia
+defi
+stroger
+aguadilla
+hermetically
+immokalee
+ipswich
+kiprop
+deepened
+37.53
+1.565
+46-6
+perempuan
+late-model
+two-unit
+fdr
+piątek
+delucia
+höfer
+shiratori
+94.02
+13-horse
+bozeman
+windling
+terrorvision
+lenhart
+situationist
+bintang
+thameslink
+hallenstein
+mullahs
+wd
+ba633
+gundem
+hatt
+thoubal
+mcit
+overreliance
+372.2
+avaj
+chittering
+lovre
+inbreeding
+katsura
+kawecki
+tock
+payyanur
+añasco
+concertino
+chillun
+roundelay
+dorval
+srodman@globe.com
+transeuropa
+spilotro
+ntagtop
+jelisic
+naruto
+outworks
+signing
+cousin-in-law
+tattered
+gosen
+afanasyev
+sereno
+henceforth
+spanky
+hirlap
+henshall
+gover
++35
+chatterers
+coagulopathy
+ozzy
+nesmith
+takagaki
+anatolakis
+pewee
+sullinger
+élite
+khadim
+ijuin
+cássio
+morely
+dózsa
+anisian
+junkets
+scrambler
+spiky
+baoulé
+holowka
+whap
+d'anvers
+acquatic
+78.4
+98.49
+mantrap
+polywell
+alliot
+byc
+meckler
+affordance
+arianne
+byo
+9k
+yuvan
+manukian
+faisali
+shevell
+aftereffects
+forlán
+zx2
+tienanmen
+killer7
+f-84f
+mechanisation
+mordecai
+breillat
+fifty-eighth
+wideawake
+odesser
+semillon
+beedi
+kaneda
+nourdin
+mohannad
+époque
+hazm
+iopc
+messan
+89.46
+planting
+hermaphrodite
+natália
+kitch
+nikolsk
+97.61
+laslo
+20-hole
+sneak
+sego
+mansha
+savvier
+fredi
+strangles
+codata
+jarque
+5-game
+leus
+carnegie
+walling
+leibnitz
+greenwalt
+wazirabad
+siwon
+megaresort
+oneda
+lunching
+numi
+arthur
+ifsb
+hwadae
+paint
+2061
+croatan
+šimić
+marylise
+ecke
+consciousness
+shuttlecraft
+microscopically
+19.20
+antitheft
+ndume
+marzouk
+images
+benbecula
+unconstructed
+fremont
+coefficient
+plumed
+2.765
+jiedushi
+coronilla
+houchin
+22-song
+renormalized
+1,232
+miley
+stb
+surakarta
+topham
+chikarovski
+then-prime
+kulübü
+vague
+ceremonial
+aeras
+awa
+gum
+główna
+xinghai
+transmutation
+konen
+9,135
+huaren
+enteritis
+velin
+162-game
+touhy
+soul/r
+masked
+nasidi
+cannonsburg
+u201che
+remez
+mit
+skopelitis
+perquimans
+appointing
+overshoes
+guyanese
+stalks
+vingtaine
+yamauchi
+pig-like
+licentiousness
+electro-optic
+vloggers
+macor
+kiến
+kanyenkiko
+toka
+boschker
+bantams
+9.15
+burghausen
+mezieres
+janjua
+elling
+paramahamsa
+binny
+136.3
+suta
+inner-west
+durrow
+wellow
+twelfth
+babyz
+buchenwald
+swarup
+sorrowfully
+norex
+keningau
+shebib
+uhr
+bouse
+sauma
+o&w
+43.32
+1983-1988
+6-string
+gaidukevich
+jesuit
+freese
+trays
+levern
+117-mile
+sausalito
+cauliflowers
+dromio
+ouaer
+saka
+chinantla
+raisbeck
+maximianus
+gjerdalen
+flowerbeds
+136,000
+muchmusic
+likhachyov
+dsr
+sharmba
+nyala
+sabriel
+wanne
+u-boat
+hazi
+netters
+militare
+rla
+drawstrings
+inhumanity
+40.4
+tammer
+iqrit
+gaar
+56.21
+dupuytren
+guider
+carabott
+asparuhov
+matapédia
+thunderheads
+melisandre
+seguridad
+tiptoes
+2.
+orientation-preserving
+perfects
+srt8
+hejazi
+bsm
+kaleem
+khosrau
+qarase
+chassahowitzka
+hostilius
+120-volt
+2,771
+3,659
+supriati
+dongting
+howitzers
+hersham
+46-47
+bárbara
+bodai
+eyehategod
+lexicology
+oliviero
+mvd
+crispy
+zavaroni
+firaxis
+sherrington
+accepting
+yegor
+greenspace
+tangyuan
+relativistic
+shoreland
+thorrington
+weltlich
+shushi
+cellnet
+profiled
+jinhai
+webinars
+petzl
+quotient
+q-dance
+sobremonte
+meropidae
+breaza
+theyskens
+oscuridad
+bionda
+a.f.c.
+buccleuch
+starbreaker
+willmott
+wonogiri
+shavlik
+joëlle
+postdate
+feckless
+kendrapara
+1.4613
+eventide
+semipermeable
+mnisi
+rostenkowski
+zarghun
+mahnke
+tiant
+consolidates
+thurow
+hoso
+dá
+landform
+mimico
+shanower
+kamenev
+dillinger
+ikast
+5e1
+hegeler
+damdin
+artemus
+helliwell
+mesocyclone
+66.143.36.10
+mazdaspeed
+yazata
+takayasu
+euro374
+arshi
+oogenesis
+leventina
+patronato
+intelligibly
+manors
+burdeau
+state-of-the-art
+siat
+12-valve
+duverne
+2,069
+frauds
+77-66
+beblawi
+sherwoods
+glushkov
+repercussions
+magne
+khamisiyah
+firewind
+podobnik
+megaman
+porfolio
+pruth
+shurtleff
+1085
+fx35
+stephans
+rasputin
+bombers_signed
+liveryman
+1,291
+hardcourt
+finnish-swedish
+travessa
+shocks
+zat
+lilliputian
+papercut
+advisers
+singing
+antiaircraft
+pankratz
+i.com
+haigh
+daboll
+elisavet
+seasonable
+boraine
+main-neckar
+maidens
+northeast-10
+examining
+ewert
+sakka
+repertoires
+distributed
+dzhugashvili
+frilly
+granges
+gracefield
+younghusband
+omura
+khazraji
+methicillin-resistant
+508-yard
+sigarms
+lunghi
+miskin
+eighty-seven
+jagex
+wastes
+yoichiro
+22-run
+gomati
+goulart
+vinca
+advertizing
+thorn
+maloku
+terres
+expiratory
+aldrington
+marlton
+14.49
+woodyer
+pouqueville
+enviro500
+space-age
+ldc
+arnaud
+prehispanic
+then-modern
+lamadrid
+agere
+green-light
+cyla
+class-action
+savostyanov
+conspirator
+hazelrigg
+antipathy
+agwunobi
+gonson
+shinnecock
+escribio
+koellner
+by-8-foot
+martti
+arauz
+zubkov
+raceland
+blystone
+françaix
+rasted
+bieger
+gamp
+bonannos
+speleothems
+england-based
+boukman
+1676
+1970-75
+stansel
+westie
+freundlich
+6.37
+caressa
+mallarme
+gianmarco
+4.5-meter
+45sec
+mehreen
+concertedly
+13.07
+prak
+4-101
+kittanning
+61-18
+46.03
+170.2
+16-track
+eknath
+tissa
+acridine
+chryse
+aristeas
+timezones
+omloop
+mandil
+inverters
+opendocument
+thyssen-bornemisza
+asian-pacific
+i-205
+magoon
+lesi
+4,830
+hazebrouck
+armonica
+rauluni
+facio
+eschatological
+donepezil
+goodge
+micho
+tdrs
+escorpión
+dinklage
+qni
+ecuadorans
+midwifery
+jpm
+german-owned
+jegede
+puyat
+villaronga
+unflappability
+rihani
+temping
+soundscape
+a49
+baudillon
+stovepipes
+bronzed
+guaiacol
+e17
+saiget
+kallis
+803
+maskinongé
+cme
+yakama
+funkadelic
+zayante
+varie
+46-year-old
+cup-like
+maximilian
+actor/singer
+1:28
+bm
+982
+0.63
+ballistae
+khoa
+eloff
+2257
+stickland
+ruwer
+500-page
+finlayson
+kud
+ginanjar
+580,000
+chrysoritis
+uhde
+re-apply
+mischer
+gjenero
+free-roaming
+espresso
+swilcan
+harriette
+renewables
+postmarked
+orczy
+re-establish
+4,092
+berzelius
+upcott
+auspex
+gulped
+repeal
+unenthusiastic
+nureddin
+48.42
+970s
+krth
+kera
+dongdu
+1424
+besta
+amarasuriya
+ktvi
+skippack
+ixa
+candar
+thomism
+uncolored
+zantac
+arashi
+rakugo
+nordseewerke
+snips
+golspie
+ravidassia
+jayam
+saint-roch
+bledsoe
+woodbine
+1.5470
+jotwani
+tinkers
+bamberg
+grimaced
+propos
+tir
+bruguera
+logitech
+10,000-square
+polistes
+undiscriminating
+waldersee
+azmil
+caviglia
+mejer
+hybris
+harral
+kaptol
+2093
+instruktori
+dogsled
+chaharmahal
+evatt
+signis
+gordon
+kutz
+erbil
+ictr
+anstead
+gaspereau
+snfu
+choque
+dribbles
+wsdot
+cial
+oficios
+weger
+galaup
+rubbi
+24,800
+braunecker
+seacliff
+suckled
+refiners
+asylums
+babrak
+taarabt
+honeychurch
+28.53
+zine
+hoodlums
+drake
+schleswig
+2-meter
+26.2-mile
+89-83
+centimeter
+diode
+revisions
+wcr
+81.6
+kudo
+phoenixville
+bayoil
+ejaculatory
+1,460
+magrino
+phonetics
+jedrzejczak
+stukley
+neutrophilic
+aruba
+uecker
+summers
+all-professional
+96.18
+jazz-based
+helix
+rabel
+slalom
+shepardson
+johana
+washed-out
+eckbert
+wateree
+jordanian
+stellaris
+pranab
+bégin
+dhr
+laudadio
+persaud
+1.5-2
+yamato
+skloot
+legged
+798
+117.94
+post-1967
+getaway
+sauer
+ansara
+elizabeth
+nsaid
+pawnbroking
+laibon
+orthopedics
+shares
+glub
+18.32
+landsvirkjun
+prizefighting
+liban
+exstein
+noort
+charusa
+dihydroxyacetone
+rastus
+1060
+yohr
+2.50
+impaled
+recuerda
+barss
+2,179
+http://www.myspace.com
+elvira
+furong
+chyhyryn
+scutaro
+iraqna
+abouts
+esterhuizen
+paanch
+41-million
+ara
+burrinjuck
+chidananda
+becasue
+neymar
+castigating
+md
+2,042
+pawf
+gdi
+conscript
+56kg
+nayong
+100-page
+47.22
+118.16
+dma.org
+surif
+74.35
+barnavi
+uncharacteristic
+leboeuf
+billable
+lumonics
+poi
+visualising
+agros
+sciame
+icaew
+roxburgh
+napkin
+cuppers
+hazan
+mula
+connivance
+pretender
+kf3
+muir
+4-3-2
+gerrit
+dvdirect
+bessières
+alexithymia
+missiles
+toyokawa
+64.23
+sydal
+daji
+distaso
+vorpal
+nawzad
+kannada-language
+ifill
+13:38
+mobiles
+twinjet
+bundesmarine
+63.50
+kmbc
+bamboozling
+started
+fixating
+lambertson
+poblana
+mohanan
+amylopectin
+murals
+742,000
+summery
+86.55
+neuritis
+18:34
+zemo
+boulos
+aestivalis
+coper
+pro-vice-chancellor
+ventricosa
+225.4
+carlton
+beyblades
+geof
+bills
+pious
+euro450
+prowls
+ranco
+90.58
+guar
+kaloi
+asuman
+bulwarks
+amoroso
+choudhary
+freshwater
+arisaig
+mangum
+muh
+takahito
+faida
+sultonov
+coryat
+yubo
+tungabhadra
+gunnii
+pogrebin
+lstreeter
+damane
+tuckasegee
+ය
+2,946
+tiph
+heritages
+gebhard
+ghazan
+gilberd
+120-person
+gedz
+70.5
+deusdedit
+11.02
+collarini
+kaylene
+verbandsligas
+chiemsee
+sofware
+harbutt
+lissy
+then-sister
+chipps
+swordplay
+propiska
+neo-latin
+briana
+6,425
+8.82
+antrum
+84.9
+echeverry
+redeye
+t7
+flea
+shahl
+eichberg
+41.28
+bulfinch
+gelek
+salcido
+sandwicensis
+2u
+weicker
+derekh
+laws
+tch
+15/2
+brocato
+tyndale
+year-long
+jahren
+daiyu
+miettinen
+emira
+decidua
+hiroden
+150.92
+meixian
+ktck
+bigod
+jean-nicolas
+zeyad
+retract
+15k
+racemization
+1,700-member
+hinchinbrook
+bosacki
+compétition
+aur
+ploiești
+redevelopment
+tomé
+riffraff
+thedford
+cavagnari
+kremlinology
+mutasa
+1919-1922
+palmistry
+interiority
+zasulich
+86.37
+boudella
+stonewall
+remodeler
+abdula
+fossett
+raff
+backsplash
+fusee
+bomback
+african-born
+seleznev
+imhoff
+35.81
+whitney
+tambling
+narasa
+dororo
+yekaterina
+hyer
+tohra
+lubero
+ladha
+occupationally
+dispensaries
+kalkara
+marte
+zastrow
+andrée
+middle-east
+alcock
+oriana
+bhamjee
+giffnock
+wagnerian
+58.08
+nominator
+websocket
+takers
+turramurra
+afpc
+snicket
+1,940
+cojones
+graeme
+schoolroom
+berchem
+usovich
+doko
+isiro
+swingin
+greenalls
+gearóid
+recombinant
+afran
+silversmiths
+euro328
+deever
+crawl
+rogow
+propitious
+toxemia
+kinte
+martita
+sonjay
+drigo
+lizanne
+stolberg
+nonnative
+atha
+water-logged
+low-drag
+.392
+mexicos
+shayn
+bi-metallic
+sahraoui
+scofield
+sleepwalker
+cytochrome
+gatete
+ephrat
+giambusso
+autoexec.bat
+muasher
+pork
+shipbreakers
+falardeau
+sculptured
+bancnet
+loose-knit
+whyatt
+delt
+djn
+tsair
+dobroskok
+euro157
+joli
+u/a
+r.a.f.
+midrand
+hedrich
+non-bailable
+sterol
+trucco
+schloegl
+fleet
+goldenthal
+bikar
+institutionalise
+plíšková
+mstrkrft
+30-50
+lupinus
+geddes
+taketa
+134.5
+non-explosive
+giulianova
+wisborg
+standin
+money-lending
+barle
+pianto
+boulet
+gün
+belina
+loyalism
+voivodes
+heavenward
+reiche
+cyric
+pa'i
+kwale
+1989-2003
+hattian
+escarlata
+wolfers
+gueugnon
+clamping
+haraldsson
+programmers
+socialisation
+saritha
+beak
+walser
+setsuo
+230.8
+genel
+gerada
+argumentative
+mobarak
+convalescents
+distances
+accidente
+said.the
+krane
+calbert
+plantae
+puigcerdà
+xffx
+118.80
+heidsieck
+wium
+lujack
+neshat
+roindefo
+weatherboarding
+pulsejet
+consultative
+arzallus
+çubuk
+automotriz
+romanichal
+samouds
+euro599
+chuo
+update5
+halász
+fols
+driskell
+bangsar
+maziarz
+ivaldi
+veganism
+ugas
+flame
+persha
+okas
+forward/center
+pro-pain
+torell
+pederasty
+ambohimanga
+96.5
+vaux-le-vicomte
+x264
+8,485
+ill-treated
+schweik
+leavin
+32.15
+cornelia
+home-state
+scheibner
+bcbg
+textual
+decepticon
+r.p.
+1980-1992
+fontanka
+140.9
+edgerton
+mokokchung
+tiresomely
+ozols
+boomlet
+monistic
+duesterberg
+uno
+bessbrook
+mergers
+kyo
+goerne
+corroding
+7.61
+boeri
+112-mile
+stede
+roski
+ceylinco
+harford
+kuerti
+yobs
+orthez
+duaner
+langeveldt
+1,270
+boreholes
+nakamori
+balears
+yearbooks
+whizzed
+13x9-inch
+hansons
+nabbp
+spots
+awaz
+baoshan
+breaststrokes
+11.88
+13-race
+toi
+mnangagwa
+reunidos
+larbert
+nathar
+3,824
+casanova
+lysed
+slains
+asadullah
+neverfail
+parashah
+accountable
+eighth-largest
+ngũ
+awls
+sunhwa
+shoehorns
+transits
+greats
+positions
+anglia
+besmirch
+29.0
+3p-9p
+119.20
+supernaturalism
+yavatmal
+mapai
+tardes
+strontium
+veblen
+-47
+greed
+rosaleda
+caginess
+dacus
+loof
+tskitishvili
+anti-rightist
+bocock
+bilali
+m180
+rosabeth
+matins
+voislav
+1,339
+225.9
+aldonas
+epitestosterone
+travnik
+sigh
+cystic
+wilcannia
+wartkowice
+2,231
+hayseed
+maroleng
+meaux
+perreau
+squadron
+genotoxicity
+trixi
+enciclopedia
+4-79
+mesac
+assiut
+second-rank
+hlaváčková
+otx
+370z
+karimba
+ehrenburg
+pinching
+klesse
+raybould
+raptor
+alienware
+karygiannis
+tsuga
+videodisc
+matsukawa
+unlevel
+accidentes
+khirbet
+insitution
+hillbillies
+79.94
+vibal
+decommissioning
+cuong
+cjhl
+landgrave
+orkla
+cascada
+koochiching
+rehkopf
+septuagint
+muricy
+5.8-magnitude
+handbell
+devotions
+garcinia
+impersonators
+warmley
+towell
+10-2-1
+mcilhenny
+besart
+buffetted
+adeem
+myothit
+generalizes
+bisset
+assesment
+sanjaks
+pilfering
+qalqiliya
+3-and-0
+mullis
+gangnam-gu
+m.b.a
+grabbi
+36.25
+foresaw
+bahsh
+superflat
+necco
+derisi
+messick
+routiers
+kenitzer
+hajbeh
+moqtada
+toldo
+vapi
+dastardly
+potton
+amiraults
+debuted
+unequivocally
+.254
+gagah
+kolbotn
+yadlin
+molecularly
+reatard
+sangerhausen
+lavillenie
+iyer
+haristeas
+unced
+tufah
+raylene
+lajitas
+holdeman
+aimee
+yuya
+yerburgh
+ensnared
+radioed
+top-division
+subas
+tracing
+122.66
+2236
+rva
+tcr
+chauncey
+farman
+laotians
+invisibility
+dodds
+ston
+inferences
+detuned
+inhabiting
+mahra
+precedence
+braose
+portland
+fergusson
+zinder
+islamophobic
+moabites
+tegmentum
+freaked
+kołczygłowy
+usada
+hypnotized
+grilli
+itkin
+anamika
+ct
+carmax
+parsnip
+htert
+ailey
+robeson
+1353
+zhifang
+5-8
+haut-rhin
+82-game
+2,053
+x50
+elgoibar
+smetona
+abercynon
+yokohoma
+gaff
+ivinskaya
+osteocytes
+marginalia
+disconnections
+myriapods
+tical
+rabbitohs
+grcs
+romanticism
+scarcer
+myammee
+lid
+oleanna
+cazale
+colpitts
+decadeslong
+djalil
+zarif
+700th
+wissen
+carrott
+oximeter
+recitatives
+senturk
+rapeseed
+leftism
+nettlefold
+mass-transit
+xxv
+koya
+mansbach
+subh
+woodgrain
+near-monopoly
+zing
+heisbourg
+nicolao
+power-hungry
+rdv
+mirpur
+sinon
+shepard
+juanes
+shoed
+moina
+mawhinney
+palacios
+zbąszyń
+postura
+debra
+autin
+butty
+640-acre
+milieu
+415,000
+sleepyhead
+sinkor
+pivara
+fascell
+rawlco
+esops
+struthiomimus
+aquan
+co-curriculum
+dansby
+rohal
+fakih
+genomic
+minoxidil
+senji
+27.64
+wielgus
+distrital
+imprisonment
+carneal
+1/0
+mayet
+200sx
+whitbread
+commodity
+citoyens
+conasauga
+10-men
+i-57
+yenan
+pister
+khaldiya
+submitted
+marienbad
+kippers
+danti
+iriaf
+retrosheet
+hildale
+emancipating
+novicki
+fatsa
+quentin
+galya
+maotai
+harvard-westlake
+1910-1911
+masharqa
+wintersmith
+29-9
+putzel
+cedrela
+ghata
+chemometrics
+klumb
+danner
+thrones
+case-by-case
+faggots
+connectome
+mekhennet
+ob.-holding
+cugat
+phosphogypsum
+agrícola
+keuning
+annaud
+110.90
+imaginationland
+tiao
+azathioprine
+pevek
+tuason
+yeshaq
+netanel
+beverages
+shevtsova
+kanharith
+stussy
+callard
+shalgam
+souvlaki
+1/40
+hbm
+busk
+nightriders
+curves
+murayama
+douse
+harsco
+leoš
+słowacki
+combatting
+38-13
+spenard
+3,458
+haraam
+javiera
+bugloss
+leininger
+burgoa
+figure-of-eight
+9.50
+leke
+sebutinde
+fox-affiliated
+long-shot
+cregar
+acylated
+matricule
+ex-convicts
+vance
+15.43
+hamesh
+acrl
+garovaglio
+rocksavage
+wirraways
+straitjackets
+clapped
+duick
+71st
+sajak
+habashi
+wavevector
+esche
+malofeyev
+53-day
+petn
+varietals
+prodromus
+katsuji
+monedas
+non-believers
+kikuta
+unedic
+hejira
+brominated
+tucker
+outlines
+barbet
+bozzi
+triste
+inventio
+ciak
+frustum
+bushrangers
+cebull
+30e
+semirural
+mboma
+charleton
+octogenarians
+insectoid
+18:35
+rozaje
+choudry
+breakdancing
+nephi
+gannon
+falin
+gimmickry
+unsympathetically
+plaything
+hernani
+72.0
+fish-eater
+reks
+casely
+dalil
+hildesheim
+curtright
+typewriting
+3mb
+magahi
+wurzels
+cabochon
+shabo
+lachuer
+anstee
+kwan
+audiobook
+cocozza
+conerly
+milacron
+yanqiu
+marcolini
+zimmers
+yegua
+merka
+coltan
+versaille
+thumba
+whau
+ungrounded
+zygotes
+delancy
+st.james
+holton
+wearer
+ussc
+bieszczady
+astronomical
+chapo
+sext
+mcgahee
+nott
+comparée
+shahu
+buehler
+canadensis
+incorporated
+actuar
+ulliott
+absence
+caux
+economias
+marmosa
+asiacell
+wilcoxon
+ocotillo
+perfringens
+instants
+4-cd
+znaimer
+tridentine
+sternwheel
+carnac
+rhymesayers
+kavallerie
+capsian
+tiken
+disarmed
+piatco
+ennerdale
+agona
+23-strong
+consulte
+tarawih
+lian
+sonographers
+e.s.p.
+junko
+kerdyk
+781
+lytham
+46.38
+stimulants
+sprue
+rcsc
+green-colored
+lippert
+firstar
+tostes
+crausher
+chauvinist
+reunify
+copos
+95.1
+airier
+264.2
+s-200
+transamination
+sécurité
+jabarah
+1884-85
+enon
+baffin
+wöhler
+sherifi
+al-farahidi
+meredov
+aschehoug
+segregated
+mutoscope
+retroviral
+oilworkers
+invite-only
+broadvision
+niman
+editor-in-chief
+parumala
+paris-dakar
+marbella
+subventions
+tsyplakov
+euwe
+yehudah
+2,856
+uncaptured
+gangbanger
+rapids
+jafarabad
+seyval
+flowstation
+aot
+enezi
+saitek
+3,610
+cataplexy
+vils
+city-dwellers
+kirkuk
+rmbs
+ankaragücü
+trendall
+reichswehr
+inundate
+webcasters
+hi8
+.61
+vernons
+coffey
+licensor
+pagemaster
+croque
+1,975
+tarvaris
+arianism
+sheasby
+1,700,000
+rutayisire
+ilebo
+muromets
+citrus
+leviste
+468th
+ragg
+borat
+auditor
+cadf
+sadiki
+hemangioma
+hcps
+ogrin
+dephosphorylation
+iv-a
+shabir
+tizie
+glarner
+undertaken
+non-speaking
+1,119
+alloys
+rocheleau
+shafilea
+st.louis
+486th
+1,355
+phetracha
+antwain
+astounds
+tarnstrom
+midsections
+nagui
+spiner
+laffnie
+reenlisted
+renews
+garlin
+rachlin
+100-quality
+26-nov
+takura
+ryū
+selenium
+zenkoji
+carvel
+26.50
+middlebrook
+3-piece
+111.2
+brāhmī
+oposition
+leuchtenberg
+sit
+czerny
+locales
+ibex-35
+muad
+10-12
+musante
+seide
+leight
+unlistenable
+semiperimeter
+rouzaud
+35,300
+hanifa
+fullen
+vaitekunas
+deurali
+scanty
+emcare
+inarticulateness
+ozdemir
+hodin
+moquegua
+matriarchs
+hosiery
+semantically
+bonnies
+yule
+0.104
+nefertiti
+droits
+mfk
+miralles
+venetic
+concatenation
+piddington
+1969-1970
+tapwater
+písek
+theistic
+asaluyeh
+cliffwood
+commins
+undermines
+interspace
+samant
+200,000-member
+dollard
+shuteye
+4.96
+magalhaes
+moscheles
+62.34
+helin
+weizmann
+b10m
+4,690
+armorial
+sonetti
+hitlist
+osijek-baranja
+eckert
+tiro
+24.41
+7,840
+skirmish
+10.56
+rascally
+ogunbiyi
+cubbie
+aboriginals
+kathyrn
+rothenstein
+unzipped
+tapetum
+perusal
+inflexion
+gloss
+pcos
+seven-figure
+mainboards
+plant-like
+0.425
+nansan
+nadkarni
+alejo
+dogtrot
+chuikov
+bechtle
+10019
+four-turn
+karne
+casolaro
+labine
+lefse
+26sec
+limeworks
+dagong
+25-1
+östergötlands
+panabaker
+ludwigslust-parchim
+dominicans
+boulogne
+irish-speaking
+alkiza
+viselike
+hanneman
+altona
+nyte
+goyim
+179.7
+bronchiolitis
+xmb
+s-6
+prognostication
+cfco
+caban
+boozers
+deputy-governor
+iciness
+cluefinders
+misspellings
+bioses
+base
+dolgellau
+gyllenstierna
+visx
+narcotrafico
+sogamoso
+knightstown
+79.08
+breconshire
+hettangian
+echard
+crispian
+prineville
+gurls
+wsfl
+ten-pin
+maecenas
+tetravalent
+arabkhaneh
+hippeau
+footless
+102.80
+lifelines
+pomes
+scirpus
+recess
+pawlawski
+5,005
+acteal
+tremeloes
+microfilaments
+moneyman
+woolworth
+bonami
+15:30
+subbase
+quadrupeds
+visiters
+alishtari
+lettings
+a.d.a.m.
+günther
+szymanski
+ambo
+amanuensis
+unfrozen
+77.38
+cvr
+floorless
+taguig
+wytch
+mackendrick
+rioni
+iihf
+givenchy
+jpt
+debouches
+calories
+qinghe
+signaller
+woud
+currumbin
+boulevardier
+socrate
+vignettes
+fishhook
+fitz-james
+maluku
+bort
+danelo
+cusped
+naziism
+tighter
+brahmanandam
+gammarus
+spectroscopic
+halal
+villaseñor
+ktul
+esler
+ladwp
+lazing
+labat
+stoyanov
+sm3
+rm150
+paraphilia
+addax
+damselflies
+giff
+tekapo
+kikwit
+mudflow
+prattville
+wayland
+106-mile
+nephrectomy
+davson
+kullen
+lalla
+translation
+tss
+periapsis
+honorato
+14.000
+interrupting
+poisonous
+garridos
+ekomoloit
+fruehauf
+wintered
+terachi
+6,450
+tavener
+ahab
+picturized
+33-1-53-05-76-50
+abutting
+granqvist
+bn
+klemperer
+perri
+loosing
+tours
+carisbrooke
+ayyadurai
+centroids
+biheiri
+fabricas
+herzogenrath
+wagt
+rothfels
+4-nation
+autotrophs
+liakhovich
+09-10
+bassiouni
+sitara-i-imtiaz
+graw
+ulu
+out-group
+enam
+oci
+lintao
+artman
+mesolithic
+głowaczów
+713-220-2000
+porchester
+wkrc
+barkley
+perfection
+zeppo
+arrogantly
+stachowiak
+97.99
+x7
+50mm
+meseberg
+quilters
+lemche
+carnesale
+ordensburg
+bolt-on
+shayna
+huhm
+jayme
+alt
+keiji
+hautzig
+unmarred
+atag
+20.74
+peafowls
+goodluck
+sarabjit
+swindlehurst
+member-at-large
+35-yard
+nyassi
+mbayo
+shōgi
+veco
+untempered
+masduki
+oppresses
+opportunities_vancouver
+26,042
+xircom
+hypervisors
+5,950
+hundred-year
+andys
+earthling
+euro313
+styx
+759-0190
+zamarons
+beaconhouse
+2900
+73.44
+1,700
+all-metal
+effervescence
+often-cited
+8-david
+pensonic
+euro20
+glencross
+denby
+right-of-way
+true-life
+a.d.
+dass
+baltin
+rinban
+popieluszko
+huldah
+ralte
+gravestone
+procurements
+newent
+krautzun
+meagen
+99.77
+morace
+tuvia
+reza
+oroya
+saitta
+25-years
+laurent-désiré
+nikolishin
+29.07
+sayadi
+tserkva
+bna
+1988-2000
+75,600
+post-impressionism
+7.04
+tomasa
+rangers
+derogative
+joscelyn
+yaniv
+hardwar
+sandrine
+radko
+steady-state
+107.77
+1.3682
+opération
+reprogramming
+seybert
+henrythenavigator
+180-day
+crosser
+télé-québec
+1976-1984
+invacare
+redemptor
+engkanto
+57.55
+112.12
+spellers
+oenophile
+multi-touch
+highhandedness
+hoofdklasse
+polsby
+outmanoeuvred
+tingstrom
+standings
+time-limited
+iterators
+sonorities
+lajcak
+dette
+hereditarily
+rădulescu-motru
+detto
+vasek
+amiel
+markedness
+vagans
+gbu-12
+mandaeans
+harrumph
+pc-based
+faryal
+dreaper
+pessimist
+paolini
+sympathy
+kinglist
+musea
+apcom
+frosted
+alabaster
+emulsification
+ribosomal
+kvashnin
+na-dene
+slits
+tangmere
+harun
+mattioni
+emilion
+harbinson
+anderman
+kinescope
+radhe
+graafschap
+sharenow
+chanticleers
+scythed
+47.83
+einziger
+grrrr
+nhq
+thorsson
+železnik
+7,975
+d'état
+waistbands
+nautilus
+bhoot
+summable
+pangkor
+drinkable
+re-packaged
+farsi
+overpasses
+222-8879
+lucian
+93-page
+fanjuls
+vaiko
+clunking
+jedinak
+tenney
+appiani
+street-level
+savia
+nordqvist
+brace
+gis
+advisability
+rende
+86.14
+second-in-command
+atenco
+1951-1955
+dimple
+bakau
+digicube
+reinventions
+levitas
+24-mile
+hadassa
+notated
+www.southwest.com
+hueys
+bigleaf
+radfan
+pasquino
+18.18
+treves
+tiptoe
+aliu
+pauk
+rrw
+hobby
+terisa
+bogged
+yaagoubi
+teledrama
+caleigh
+dabs
+tocca
+hyrcania
+antegren
+washougal
+roca
+esbjornson
+derated
+adelia
+grubs
+runs_biggio
+99.34
+jerboas
+oorschot
+by-elections
+right-half
+merryl
+ρ
+fluttered
+orteig
+7b
+sahat
+gratitude
+donnersmarck
+non-parallel
+mtk
+plumbago
+bulbosa
+neukirchen
+4:35
+93.59
+62.6
+quilvio
+abrazame
+esmaeel
+adjustors
+unsatisfactory
+723,000
+pentlands
+beezer
+perforatum
+13-foot
+amalienborg
+glass-steagall
+westair
+berane
+speciale
+tongs
+gstreamer
+pelephone
+xiguang
+unpacking
+klier
+hōryū-ji
+oak-hickory
+pauleta
+ponza
+36-32
+especially
+insectivore
+cecchetto
+hungry
+organotin
+hansraj
+manush
+olmeda
+cohost
+blagov
+reser
+51-16
+batiste
+faido
+udoto
+theodosianus
+1,149
+pozz
+barri
+knows
+83-80
+endoscope
+mondelo
+elving
+customs
+reja
+fusar
+doraiswamy
+pragmatists
+volutidae
+renehan
+fur-bearing
+baksheesh
+o'carroll
+scheidt
+grave
+east-northeast
+tomoaki
+oberhavel
+allott
+-02
+airballs
+gehring
+fgb
+64.62
+une
+18.45
+08:45
+södertörn
+jibanananda
+peene
+idamante
+squillace
+kurrajong
+shawnees
+silsden
+piquancy
+rinzin
+grinde
+suffern
+kārlis
+anthracycline
+intravenous
+dharapuram
+ascs
+altun
+pharaohs
+acrostic
+steeping
+1,700-year
+thirst
+8-square
+annakin
+aipo
+215.4
+avec
+reconverted
+rebelliousness
+overbill
+interrogatives
+sansa
+pleaded
+snapdragons
+ruwe
+hualon
+savić
+phosphoprotein
+popovers
+woven
+it
+e-reader
+homoeroticism
+abound
+blabbermouth.net
+nania
+synchronise
+alten
+doder
+2002is
+eschuett@woh.rr.com
+13000
+cuvee
+supervising
+tradenames
+pyrethroids
+grassmarket
+valdimarsson
+crate
+metzer
+taunggyi
+pibor
+rachell
+administer
+hopkinsville
+trlicek
+luftig
+vertus
+mousses
+swilling
+sulfonation
+korfmann
+muret
+minutely
+interactively
+crinoid
+end-points
+sapwood
+genbao
+crossan
+pyrene
+hollandsche
+honk
+railfans
+buñuel
+zamano
+argentines
+jelusic
+ficklin
+3.52
+jumaine
+hambre
+busemann
+colosimo
+248.7
+surland
+hanoud
+2,297
+satyananda
+daniloff
+colt
+rafaello
+somes
+taisei
+dolars
+weaponised
+comunicacion
+elsmore
+6:07
+zadek
+humanise
+cruft
+gussy
+tamburro
+red-billed
+gaucci
+gerolmo
+iavarone
+jingmin
+sanader
+hidaka
+athole
+canaliculata
+polygamist
+kwinana
+salif
+fankhauser
+receded
+multi-county
+cumhuriyet
+scudder
+reconcile
+shirvington
+leopardstown
+katia
+cantele
+hartheim
+131.8
+forty-fourth
+5.5645
+xianyi
+chestertown
+sinton
+head-coach
+sharlet
+strominger
+cogan
+minne
+lodigiani
+mithraeum
+fokas
+damayanthi
+11:29
+locations
+matho
+plainsmen
+4,281
+comprehensively
+seles
+darlinka
+3060
+zepce
+haugsrud
+duhuk
+doukkala-abda
+196.8
+sergueva
+phage
+filegate
+j2me
+shura
+martigny
+hadžići
+719
+monse
+microstructural
+loewenstein
+somozas
+grigios
+headstock
+eois
+formalizes
+semi-continuous
+leporello
+kalema
+schwarzschild
+methley
+skidded
+berresford
+63,400
+nebriinae
+imt-2000
+19.08
+trinchera
+financings
+millikan
+kanematsu
+jedlińsk
+hogenakkal
+danijel
+4-6
+chersonesus
+batistuta
+1.4281
+bonifacius
+breidenbach
+ath
+manufacturing
+forearmed
+spellissy
+v&r
+75.54
+stanze
+27,200
+finnila
+carillons
+polancec
+iffhs
+21-6
+swirled
+belper
+ur-nammu
+bilgi
+ilkley
+hatalsky
+appin
+bandan
+koufax
+grammer
+semisonic
+adie
+35-0
+russells
+cami
+comptrollers
+esselstyn
+eymerich
+cna
+north-northwestward
+solely
+cleva
+coleford
+3,926
+cordoban
+islamically
+mbilinyi
+funereal
+qamar
+dillion
+sqdn
+millersville
+vittor
+decamps
+westar
+zuev
+campaore
+windspeed
+opciones
+kangwon
+lillestrøm
+alkorta
+comissiona
+1-for-1
+45-31
+gródek
+milnes
+cutups
+vatten
+ollantaytambo
+qiuhong
+fruchter
+2c-b
+74.76
+talkback
+makkah
+wrack
+vestibules
+magnanimously
+crocodylians
+addoum
+purplish-brown
+mastocytosis
+diva
+disparities
+franking
+ivig
+eriq
+sexist
+33-percent
+foust
+jxi
+arj-21
+magnetohydrodynamics
+e
+1,515
+lagunilla
+paramananda
+simpson
+converging
+urrutikoetxea
+eureka
+1800s
+fasso
+4-1-3
+nibbler
+edgren
+luthier
+visi
+inoculations
+bequia
+stiller
+hardworking
+30.87
+fleetcenter
+saterland
+nikolaos
+einon
+đujić
+poweruser
+sanli
+zhizn
+carquest
+tit-for-tat
+thorning-schmidt
+batali
+1-888-698-6397
+163.50
+zohbi
+cristopher
+violations
+sanskar
+bajilan
+acupuncture
+léman
+dunfield
+sabbaruddin
+1925-26
+phiri
+whites-only
+71.88
+sobs
+3,145
+17,174
+manganiello
+greenberg
+delan
+chucklevision
+alumal
+unbelievably
+gapyeong
+heydari
+joghatai
+westralia
+20pts
+nmos
+singhs
+rwalker
+seagal
+81.3
+klawitter
+arrays
+perstans
+djelkhir
+jacor
+bruticus
+asian-american
+kiyohide
+kyakhta
+ridgefield
+caxaro
+400/800
+napaltjarri
+kerman
+dalman
+ivanjica
+t.a.t.u.
+non-emergency
+anti-bourgeois
+damjanović
+.2667
+aghor
+theodelinda
+crash-lands
+pyre
+dukas
+stonewalls
+hayti
+yoshiko
+reconnect
+kentville
+phosphorylation
+edmeston
+griechischen
+uncork
+lbbw
+thun
+mooca
+shanhai
+eclairs
+mourey
+mcelhenny
+17,000-member
+würth
+harshbarger
+dinha
+chronique
+milliliters
+reichstag
+seethe
+varroa
+hatzis
+cimaron
+exotics
+http://www.treas.gov
+ugulava
+kazimir
+homeaway
+daybreak
+waterslides
+munshiganj
+61-day
+grealis
+seveso
+p3c
+katsuie
+noncritical
+46.9
+mcelvaine
+synaxis
+reciprocate
+regions
+lunk
+annise
+29-6
+go
+şereflikoçhisar
+durvasula
+rhodesian
+6.67
+7,100
+kristovskis
+estrangements
+brigand
+stateville
+badea
+jesica
+kundera
+15-hour
+idrija
+600-seat
+ef1
+gaz
+ntsu
+hiranaka
+levin
+rosco
+99.30
+earthshine
+olimpia
+onomastic
+rawashdeh
+sukhov
+adderbury
+depopulated
+representive
+ircon
+sauger
+lever
+dimaria
+33.97
+91-11
+hulu.com
+wame
+porto
+diversified
+piute
+x68000
+lewinksy
+76-62
+bootleg
+deserves
+riegl
+calculos
+ximénez
+vannucchi
+macshane
+kaffee
+atlantida
+nappi
+hymnwriter
+cili
+somkid
+cantabri
+observateur
+acknowleged
+tuberculous
+hanover
+underscores
+shut-down
+yandel
+labounty
+silverbird
+bozak
+grohn
+e-khumri
+virginny
+retela
+taimali
+81.94
+2go
+pietrasanta
+emboldens
+conductivity
+381st
+limehouse
+reifer
+tkachev
+firmage
+munem
+trilogia
+macfarren
+1,457
+mrinalini
+qakh
+1832
+louisianians
+kulikowski
+rectifiers
+admonishes
+solium
+pathanamthitta
+piekarsky
+iy
+kangai
+nistorescu
+j'onn
+dispersion
+waterman
+unarguably
+sorimachi
+memri
+rhaeto-romance
+lightness
+226.2
+championed
+taayie
+groat
+srinu
+urinated
+spurrell
+queso
+marusa
+ulmen
+nzo
+oaf
+12-10
+elysée
+collectivised
+predictable
+paisal
+video-game
+teutonic
+aurally
+popovski
+d.gray-man
+wef
+megha
+thereunto
+ozamiz
+3-36
+maddaloni
+tannhäuser
+yuv
+shangqiu
+3,832
+appeasement
+dudu
+zosen
+birdo
+hansom
+152.3
+elevator
+sundov
+72.30
+18-34
+jahalin
+dragi
+nilakantha
+zacharski
+whitehorn
+theophylact
+flamand
+fogleman
+espacial
+aujourd
+purnima
+2w
+392.5
+rombo
+supandi
+pfäffikon
+ninety-nine
+parkville
+semi-conductor
+racey
+jairam
+italy-based
+geisenberger
+skimpily
+nuke
+gurmit
+biomedicine
+parminder
+ghotbi
+shizuoka
+feltus
+tololo
+eduards
+1.5950
+703-551-1033
+two-front
+fourteen
+snellius
+ponciano
+8.66
+odjfs
+insulae
+10018
+kaleb
+apasco
+2,200-kilometer
+ragovoy
+evolvability
+showy
+harlin
+leipzig/halle
+mannix
+durgavati
+screenwriting
+khav
+roki
+opondo
+ව
+inler
+kharaz
+ponderous
+clippinger
+fullerton
+apso
+virtualisation
+mitigating
+grosskopf
+mulgoa
+underrepresented
+ruthenberg
+princz
+narvik
+remonstrants
+jadid
+walli
+hungama
+streptokinase
+cete
+lilliam
+flown
+53min
+gasbag
+5.76
+thirumal
+sikes
+obstruction
+meteoroid
+euhemerus
+obregón
+.240
+porthcawl
+geocachers
+kechil
+mowed
+millard
+berean
+digitel
+musyoka
+aerially
+tentative
+demong
+amicis
+beaux
+carotenoids
+emerald
+province-wide
+karka
+d’angelo
+enclose
+indexi
+gizenga
+ishoyahb
+notations
+knape
+vivar
+ring
+gamoneda
+reregistered
+lleras
+familiarize
+multipole
+czarnków
+baeckstroem
+żytno
+saxitoxin
+esses
+ninkovic
+fidal
+jadwin
+rentier
+ulvaeus
+callie
+kuiper
+presdient
+b-1a
+pernelle
+worldpartners
+chacin
+nssa
+marham
+telsey
+over-population
+helnwein
+restatements
+recapitulates
+svoboda
+betamethasone
+suzuka
+0655
+d'or
+satpathy
+jarrard
+reduces
+kwara
+cales
+parmenides
+nipple-areola
+sudjatmiko
+washash
+ouaddou
+rbd
+allocating
+3,397
+leeze
+ammonia-lyase
+4.57
+mashaie
+yupeng
+spoe
+english-speakers
+azerty
+colza
+mycena
+seq
+homestay
+arsenijevic
+voar
+jalla
+snoopers
+bonfoh
+thamirabarani
+gelatinous
+tresnjak
+1-aa
+jugo
+adorn
+derose
+8020000c
+tabesh
+ouroussoff
+subbanna
+waiouru
+tosteson
+assou
+iolta
+10.22
+gameshow
+wittington
+blo
+rexrodt
+aucun
+huiqin
+creeper
+after-effects
+re-established
+rwr
+2,000-mile
+paskaljevic
+outmatched
+jingbian
+strangling
+ragdale
+lippi
+tuber
+zionist
+satisfying
+enquired
+beaurepaire
+unfalsifiable
+doubles_grudzielanek
+saber
+sloshed
+100-run
+shivananda
+cooma
+447th
+goldmacher
+mckerrow
+1,632
+ekd
+mudstone
+bio-inspired
+bure
+ryane
+communications
+valérian
+menocal
+team
+montoursville
+lovobalavu
+bester
+matranga
+y.p.
+10:11
+murambatsvina
+dyspepsia
+halin
+1956-58
+mooradian
+theists
+bassano
+subnet
+120-millimeter
+vucinich
+apocalypses
+fifty-seven
+keker
+ispl
+pfäfers
+techfest
+steffin
+milbrandt
+shridhar
+laggardly
+rubini
+84.34
+110.36
+austro-hungarian
+leora
+enger
+janjawid
+rōjū
+89.91
+widdershins
+wavey
+evile
+esam
+26-17
+douroux
+pinch-runner
+110.25
+madhyamam
+4-0-3
+oat
+mycerinus
+roucek
+9
+persell
+euro339
+dramatique
+42-32
+110.9
+6-furlong
+27.4
+tamborine
+goalkickers
+knsd
+ghaggar-hakra
+refract
+8264
+csupo
+laugier
+euro318
+khanqah
+life-form
+winehouse
+impeding
+gutka
+turlington
+lyakhov
+74.54
+m-34
+astorre
+expressed
+weismuller
+zhuh
+bohm
+nationally-televised
+dinobot
+ialomița
+pwint
+656
+khaira
+kelham
+dauger
+reidel
+daowu
+dombi
+co-ownership
+ghadiyah
+lera
+charites
+mammalia
+fille
+preskill
+krylatskoye
+models.com
+mondory
+brentford
+haushofer
+ram-air
+kenichi
+mazzolini
+undergone
+l'espérance
+profibus
+robbers
+walkover
+traipse
+rsheid
+ksor
+virginica
+nitinol
+bulging
+54.6
+nos
+greyish-white
+followill
+2,133
+akali
+morshead
+vina
+trans-pecos
+entrenched
+radjasa
+beyerlein
+zomi
+8.00
+kishkovsky
+fsb
+weatherhead
+i-680
+innocents
+bawdiness
+952
+502d
+u.s.-venezuelan
+dachau
+polese
+72.99
+pls
+kathmandu
+aspac
+binnig
+revaz
+deserta
+xanthophylls
+inched
+pundak
+encumbered
+electrical
+jackals
+swerling
+castlerock
+clunkier
+biodiversity
+euro44
+18-wheelers
+anti-whaling
+sacerdotalis
+yeda
+romantically
+caerlaverock
+logroñés
+eagleman
+buske
+twelve-inch
+karkh
+sonsini
+dwyer
+cincinnatians
+reeked
+parken
+bassingbourn
+20.5
+chinned
+one-eleven
+tergesen
+okal
+annamite
+180.4
+dagerman
+guttmacher
+mon-sat
+topical
+watkiss
+nonessentials
+milford
+shafran
+sylvian
+kashubians
+gilan
+fractionating
+samarasinghe
+routings
+oryxes
+sterols
+reenacting
+hyeon-su
+shandon
+hipbone
+african-american
+bajić
+cherundolo
+yuki
+duquesne
+catalogus
+authority
+shave
+malcontents
+gusseinov
+frontispieces
+mirabile
+alloa
+herodotus
+canuto
+syenite
+87.36
+peabody
+pather
+scheinin
+rm24
+8,000-point
+pocasset
+lupillo
+surapong
+typewriter
+22.13
+stayman
+hultin
+857,000
+corleone
+welby
+xbox
+ekam
+oruzgan
+baopuzi
+pentatomidae
+endit
+71.17
+vasseur
+fruitlands
+39.4
+2,500-meter
+msl
+counterpunch
+cezanne
+muzito
+titrations
+bhlh
+klimke
+toben
+eóganacht
+emendations
+subdivisions
+1-dec
+minky
+heenan
+carragher
+frechette
+benavidez
+vice-rector
+gasp
+enoggera
+angry
+downdraft
+a-mile
+phytochemical
+devaux
+entrepreneurialism
+slec
+chedi
+wcrb
+mids
+goodmans
+archivio
+cine
+delegación
+bln
+nucleosome
+castagnoli
+estrin
+barrand
+audiological
+.44
+jacked
+3,127
+americo-liberian
+oyu
+luthiers
+tremont
+fizzes
+cex
+theologies
+novi
+azhwars
+trenord
+interchanged
+aedile
+2,074
+lavielle
+navigable
+irongate
+aviram
+badheaders
+sikorsky
+gibril
+huffingtons
+ryabtsev
+alsace
+gsn
+flyertalk
+whitewash
+su-24
+upazilla
+liva
+keyworth
+ercot
+26.22
+mulching
+evs
+kassapa
+twin-engined
+cybc
+65-nanometer
+recessions
+kaisheng
+caughley
+93d
+hawkinsville
+ten-thousand
+bustamente
+well-endowed
+10a-9p
+330-pound
+mica
+lebbe
+self-determined
+langfang
+c-terminal
+mouse-deer
+uridines
+reuniting
+hirschbeck
+mastan
+conleth
+122.0
+130m
+719,000
+lyonpo
+stavropol
+depraved
+zero-knowledge
+afterburn
+cincinnati
+abbs
+bassoons
+kentwell
+jothikumaran
+aerbin
+kluay
+281.3
+747-200
+2,000-yard
+problepsis
+bredahl
+vp3
+iws
+effeminate
+mmv
+remapped
+hevel
+über
+pattinson
+secretes
+grendizer
+lueth
+mpla
+hushen
+weiss@globe.com
+sportback
+excreted
+subframes
+mahendran
+sinematek
+juravich
+wholesaling
+misbehave
+catskill
+72.39
+constituion
+serially
+bothrops
+unceremoniously
+bostonians
+bakkies
+obwocha
+faryar
+racketball
+parkhomenko
+chimu
+copperhill
+caravanning
+jezzine
+karpets
+flory
+jouni
+tontons
+jcbc
+l1a1
+screw-pile
+luccin
+88.62
+vap
+blowed
+scallions
+geran
+kimberley
+rekha
+parcham
+tigress
+30-odd
+flys
+medininkai
+dystopian
+upp
+2.8-liter
+euro335
+lightbourne
+redistributes
+oratorical
+irit
+michiyo
+grein
+laville
+discarding
+shirred
+tytler
+stellin
+blaine
+09:15
+kura
+thresher
+ifzal
+zhenyuan
+troughs
+yasue
+55-year
+39-7
+ukwu
+cisplatin
+ahmedabad
+kaambakhsh
+alamein
+123rd
+simca
+eihei-ji
+shelden
+megatrend
+zohaib
+isec
+nicoletti
+clitoris
+43-6
+widnes
+killi
+jorunn
+avolar
+6x6
+ushered
+balal
+almirola
+leskanic
+tatchell
+80-90
+1.3790
+nordland
+spikkestad
+passion4purity
+schauenburg
+simplicial
+keiichi
+grueninger
+tsoo
+410-mile
+130.6
+danke
+fives
+audi
+guanche
+bookmark
+rubberstamped
+appraiser
+43,000
+kirishi
+34-16
+pinch-hitter
+voiture
+mid-2030s
+heterotopia
+integra
+seamlessly
+kikongo
+molts
+83-58
+saci
+pertains
+mahjong
+jusco
+beta-adrenergic
+typeface
+382.5
+omigawa
+throughputs
+burnaby
+abranches
+arthenia
+albariño
+wmji
+kerli
+1.69
+sigurdardottir
+saward
+jergens
+tayy
+957
+athani
+handpicked
+principalists
+oguta
+sergii
+nonimaging
+polaris
+avdic
+porlier
+usna
+wral-tv
+nodar
+spoonman
+minutes
+foner
+jiaozhi
+ahk
+r-rated
+53-member
+bobbye
+28.26
+guanacos
+venkatsai
+stoicism
+ordzhonikidzevskaya
+10:28
+bwaw
+churchs
+cañadas
+cocom
+211.3
+pinschers
+abbasabad-e
+funakoshi
+washable
+254.8
+luminous
+vuh
+maroc
+panpipes
+118.67
+matcham
+oligopolistic
+rosat
+166.1
+farrior
+airfields
+supertall
+emmanuele
+ncr
+aina
+nwpp
+regehr
+belur
+4,101
+63.01
+j-class
+brack
+vaccaro
+semiautomatic
+undecided
+conflating
+gurukula
+shrivastav
+geats
+psychotropics
+klesken
+1990-present
+patients
+ollis
+mx-5
+kipsiro
+cassone
+harami
+nuttin
+shekhdar
+smithfield
+munros
+nankoweap
+impemba
+parses
+manacapuru
+sihao
+f-104
+par-70
+zepa
+dorsally
+unccd
+season-by-season
+fliegerhorst
+8,000-foot
+tateyama
+dragoumis
+veneno
+steinfort
+hrabar
+muthana
+oleśnicki
+a.b.c.
+4.6-billion
+pyunik
+181.9
+l'hôpital
+megan
+legong
+marinho
+bhawal
+breckman
+1.5645
+gvrd
+townlands
+overheating
+stewartstown
+monrepos
+corinto
+pasquet
+jakšić
+murong
+269.2
+labyrinthian
+seven-member
+marwyn
+vangaalen
+barkett
+redhawk
+parameshwari
+leaf-like
+egco
+bombelli
+trematodes
+dislodged
+aali
+analyzed
+mauch
+eviction
+dhemaji
+fazzani
+confers
+jilib
+agglomeration
+otto
+glut4
+meyerbeer
+góry
+9:5
+therme
+.0304
+northcott
+25,833
+treaties
+31-million
+volpe
+216.5
+2.1-million
+philopappos
+lafd
+tohari
+yellow-throated
+atsumi
+falkenburg
+sox2
+50-minute
+symmetrically
+geyi
+d'marco
+wtvx
+bridgland
+kanang
+21:45
+new
+chichvarkin
+filter
+akech
+magha
+dolgeville
+totp
+choroidal
+zerbe
+irish-catholic
+17.85
+powerpc-based
+midships
+community-acquired
+arnone
+estrellas
+beechcraft
+horstman
+physicality
+nagarkovil
+dobelle
+ixnay
+serviço
+madhan
+cdks
+14.19
+fiances
+ulema
+mavs
+europium
+familiarized
+pinecone
+motorcycle
+calophyllaceae
+cadogan
+non-theatrical
+28-9
+wabasha
+łęczyca
+thring
+amet
+sought-after
+ballynahinch
+prospector
+whiteboards
+schmitz
+pacts
+habano
+ofc
+starwood
+bitburg
+moncoutie
+hillyer
+iacovou
+miklós
+ginsburg
+13-second
+halka
+euro466
+filton
+aquarion
+wangchuck
+trabelsi
+nemsadze
+sud-est
+9m
+pez
+unburnt
+spread
+czerwin
+lower-seeded
+croup
+himes
+fixable
+hertzler
+shaving
+male-only
+duckenfield
+eurowings
+249-seat
+nold
+bihac
+rsk
+udm
+sokn
+sands
+schnarrenberger
+frösön
+-110
+cruised
+troglodytidae
+rufinus
+cholera
+alkaloid
+diphu
+suntrust
+totila
+tallil
+narcis
+funen
+guadagnino
+boomerang
+revo
+ironworker
+cinegrill
+allon
+contraptions
+chisanga
+yanet
+lording
+sassaman
+kalervo
+spanish-speakers
+aforesaid
+freudenberger
+carriage
+unreservedly
+strands
+voyaging
+underpowered
+thunderchief
+repolarization
+thibadeau
+chitralada
+3,4
+rajkamal
+semifinal
+chukar
+cervone
+.77
+protective
+destour
+zhytomyr
+winesap
+seshadri
+mid-engine
+hakala
+antropología
+deltas
+chazz
+53.84
+sesar
+deadness
+10,500
+10-2
+performa
+louhi
+massardi
+dharmakirti
+digboi
+brébeuf
+umfcci
+693
+17:42
+fratini
+shapeshifter
+dmso
+tanrich
+chadwicks
+opéra-comique
+aninat
+hartmut
+herbivores
+an-148
+cumhaill
+42min
+myhrer
+macmaster
+sancristobal
+slot
+electrophilic
+al-durr
+glenavy
+honorum
+carlse
+60,000-man
+idrus
+komercni
+dollarization
+inforum
+drinkability
+11,739
+tauras
+adrover
+hinderer
+meyerowitz
+lyrique
+boarding
+bredar
+matthis
+single-precision
+lvov
+bluiett
+aurignacian
+astrophysicist
+mutability
+pheromone
+nasr
+ancaster
+wręczyca
+katerine
+klehr
+blackbirding
+overlea
+four-voice
+cuffs
+51.67
+growden
+indang
+postured
+kalumburu
+aubrac
+767,000
+grimaces
+euro373
+nyahn
+dzmm
+司空
+saomai
+27-9
+copernican
+paraplegics
+file-system
+105.73
+foolish
+9.43
+hoofers
+róbert
+vinberg
+decoupage
+jepson
+gudem
+lagisquet
+1,021
+tanabata
+ethics
+kavakci
+florendo
+pagoda
+7,520
+barkun
+raspberry
+nadhiri
+m&mr
+roht
+professor
+norvir
+rony
+zerbst
+vce
+bessho
+4/3
+comeng
+st.thomas
+kittiwakes
+vasishtha
+17-over
+korsten
+deci
+werchter
+perubar
+pinilla
+gurvitz
+aes256-sha
+1.5335
+ecclesiæ
+0-6-0st
+gwadabe
+mardas
+selo
+oet
+2,831
+grandstand
+vari-lite
+3005
+janie
+5.08
+savicevic
+bellum
+bujji
+waggonway
+trepca
+katzenberg
+tostado
+åström
+laffoley
+east-central
+karakul
+phao
+thiopental
+randles
+52.41
+unstuck
+ahmadi
+naima
+paleography
+castleisland
+5,030
+janat
+castile
+dreadstar
+ecoregions
+watain
+chiti
+techteam
+sanmenxia
+whitewood
+551
+tosi
+bipartisanship
+1,106
+czechoslovaks
+rampaging
+cheniere
+križ
+calvello
+crownland
+peacemaking
+echagaray
+formes
+anggun
+bolden
+mahachi
+snowbasin
+marsoc
+rivron
+gershkovitch
+bossey
+willl
+0,467
+panhala
+meghalaya
+fania
+turboprops
+88.28
+banishing
+weaponry
+sahadi
+131.1
+short-lived
+rowell
+massimino
+litvínov
+etruria
+apprehends
+reaud
+steijn
+grantor
+kowiesy
+graddy
+overcook
+road-racing
+phf
+hardbound
+trashmen
+gijsbrecht
+olav
+sentai
+crypto-jews
+motley
+alyrob
+fasciatus
+becca
+screwvala
+aguadulce
+cream
+ccdhrn
+priori
+leyland
+netscreen
+danilova
+mobilizations
+hirschberg
+played-off
+duetting
+seiðr
+lovric
+monowai
+alms
+deividas
+skit
+91.38
+telphone
+ioannidis
+d.ii
+burry
+zlatan
+oceano
+libba
+smashers
+irsay
+343
+crommett
+middle/high
+subhas
+cator
+hemenway
+wok
+breech-loading
+i-88
+stronach
+rocketing
+rondonia
+michoacán
+eker
+2003-05
+meatpackers
+headhunter
+helicase
+sonata-allegro
+teucer
+pattanaik
+panayotis
+radr
+re-christened
+maceió
+punongbayan
+cro-mags
+pressure-sensitive
+283.5
+negations
+kant
+nijjar
+edgecliff
+farnood
+overcharges
+operculum
+karthikeyan
+physician-assisted
+dzor
+freetown
+sciorra
+arcola
+sanhedrin
+tinamou
+sitawaka
+mtas
+wattled
+rains
+sembcorp
+jobi
+oski
+roborough
+versicolor
+feitian
+yeta
+formula_93
+labeouf
+new-generation
+draftniks
+jerkers
+salak
+spygate
+paracompact
+hatkoff
+grandmet
+d'andrea
+marketed
+leafy
+vacanti
+sultans
+qpm
+gcd
+minero
+grajal
+cabofriense
+49.46
+terracotta
+sagan
+e-waste
+catillas
+zeelandia
+insignia
+2,891
+kwangmyongsong-2
+steenbergen
+miseducation
+dorina
+smug
+ko-d
+froedtert
+ampules
+froud
+osamu
+madly
+shafiqul
+muddied
+aww
+beckstoffer
+1959-1961
+shawlands
+katinka
+mcu
+44-run
+nav1
+morbidelli
+barnas
+jack-of-all-trades
+prince2
+beissel
+rhinolophidae
+downline
+paulien
+disagreement
+one-fourth
+exaggeratedly
+investigators
+43.86
+hossen
+blu-rays
+testthis
+responsiblity
+urena
+mukasi
+saussy
+gavardo
+bovelander
+63-day
+cave-in-rock
+20-4
+zar
+tongan
+macmanus
+mouche
+40-37
+hanawa
+malware
+rimfire
+spumante
+borngen
+primitivist
+sturluson
+watco
+lodin
+clarey
+euro234
+polyperchon
+tuur
+rhapsodize
+257.1
+lekaj
+chistopher
+zahrani
+7,350
+anandji
+48.63
+rewards
+daytrippers
+jean-pierre
+paleographically
+marples
+peelings
+co-opting
+shakhtyor
+at-bat
+magnitude-7
+angan
+ha-chinuch
+soffen
+sheilas
+lipton
+gwarzo
+1,1
+odierno
+990,000
+charlebois
+situ
+maylin
+bazak
+51-1
+lopilato
+psychosynthesis
+dhenkanal
+cheapie
+kineton
+hardshell
+71.86
+ontario-based
+albayrak
+photopc
+1-70
+cmo
+pietersburg
+varkala
+squeamishness
+gj
+4-52
+exchangeable
+qc1
+smutty
+aerials
+wallington
+userbase
+shantinagar
+goldline
+ricken
+kluczewsko
+kamark
+queenborough
+stayaway
+w/m2
+ex-us
+affiliated
+22.04
+calcification
+fahan
+ventricles
+castroman
+opal
+khwarezmid
+rpr
+bergson
+egm
+companions
+womanism
+riffian
+668
+detained
+2-0
+guilherme
+wolverton
+ulich
+gerin
+anbe
+.282
+1,458
+priests
+seney
+45.3
+maviser@globe.com
+597,000
+fontoura
+lukšić
+213-933-0185
+ligaen
+tsuda
+agori
+zampa
+creepin
+traktor
+berdzenishvili
+paro
+5-17
+fix
+scruton
+outlawz
+ström
+iliya
+littlewood
+jalisco
+fetching
+ozoliņš
+samari
+143-pound
+ryden
+batenburg
+stiver
+nutritionals
+59.98
+democratically
+desecrations
+musicland
+accel
+amberley
+overprotective
+46-39
+ccca
+looted
+freamunde
+srbijagas
+mashek
+physick
+hanni
+121.40
+mühlhausen
+alderete
+acyl
+wallia
+kishwaukee
+lotty
+ricos
+67.06
+appe
+rocky
+muneo
+prévert
+buderus
+sabat
+buc
+swiergosz
+jangled
+influent
+igoogle
+iui
+kalma
+strauss
+sartine
+bwalya
+bemrose
+structuralist
+eletricas
+period
+sigurðr
+vitali
+porthleven
+top-three
+kościan
+ilocanos
+5.9-liter
+parishat
+pickup10thgraf
+coinciding
+fffff
+schlessinger
+cryptochrome
+morphism
+breadwinners
+91.4
+gmr
+less
+ingredient
+jiggle
+sinochem
+steelmaking
+ruysch
+informercial
+abayomi
+jjimenez
+boni
+low-molecular-weight
+krauchanka
+visayan
+laurer
+noncontroversial
+moosewood
+pahalwan
+11:38
+nightrage
+keek
+popham
+prodan
+.468
+tài
+struthers
+poletto
+vibrational
+freetime
+kaniuk
+giannis
+autobiographic
+5,393
+iradi
+effiong
+khoshk-e
+melrose
+boneheaded
+piplica
+intruders
+105.50
+706
+copthorne
+jus
+verón
+20,625
+iberdrola
+5.49
+voltmeters
+89-72
+omonia
+krass
+palić
+stoupe
+four-engined
+uea
+l-shaped
+şavşat
+untelevised
+175th
+coffeyville
+agitprop
+rorapaugh
+baddeley
+b-92
+deescalate
+meq/l
+sweepings
+ciscar
+myoporum
+221.2
+lehighglobe.com
+troelstra
+bergrin
+heads
+friday.the
+wriothesley
+ratched
+cvijić
+68020
+kingnote
+glumly
+tentaculata
+342nd
+mayuko
+dardanians
+moshiach
+farrell
+vivero
+buckland
+recessing
+codices
+mercker
+hadj
+start
+fighter-bomber
+adamishin
+euro370
+whispering
+gsas
+bresnan
+jeria
+support
+vincit
+35-36
+oph
+gilbreath
+5.6-billion
+nation-wide
+underhanded
+milicic
+bochco
+flippantly
+104.97
+octuplets
+awadhi
+lavis
+rosenbach
+higher-performance
+trysts
+18.000
+bakhtin
+zappers
+sidepod
+guruve
+3-for-5
+cyberian
+jyj
+kewell
+adv23
+haematocrit
+pop-punk
+mchinji
+officals
+hellawell
+guixian
+tradoc
+tenrikyo
+afar
+arguable
+opinión
+teklogix
+nucleic
+vafa
+woendi
+ion-exchange
+jonnie
+industry-based
+kemira
+hypoleuca
+coquelin
+nefesh
+stranger
+yoked
+saratov
+greener
+easels
+proszowice
+riyo
+e22
+uglesich
+horlicks
+blest
+woody
+zgorzelec
+2,618
+52,700
+serrurier
+anarcho-punk
+wilstermann
+senioritis
+248,000
+lhakhang
+ouazzani
+agrochemicals
+emre
+calabash
+usct
+debnath
+crowne
+cancelled
+breithorn
+lippincott
+bunkyo
+tired
+bled
+heylyn
+ostberg
+réalités
+osorio
+cgap
+werling
+baisya
+larnach
+daresbury
+ruperez
+weekdays
+vrml
+psers
+troopergate
+bedecked
+kleppe
+archips
+1976-81
+wonderboom
+second-leg
+avin
+even
+andreyevna
+84.60
+buqa
+quivira
+lovastatin
+uspd
+bugnon
+berezutski
+koteas
+mazzuchelli
+32-time
+tarong
+smoketown
+opat
+consunji
+mugunga
+mariga
+ftp-moi
+ʿalī
+perfectibility
+scrabble
+facilties
+sub-commission
+atsunori
+eltron
+verrazano-narrows
+6,015
+subducts
+numismatist
+relaxed
+nami
+2,360
+ranomi
+folk-songs
+firths
+enantiopure
+melcombe
+pashtunwali
+38-30
+alcobendas
+ecoregion
+grimthorpe
+inter-school
+chaplinsky
+yijin
+saopha
+ortho
+tamarkin
+chmelar
+tangipahoa
+morpurgo
+5.3-liter
+4.5-billion
+zadra
+tarja
+.544
+28.82
+xuwen
+qanda
+859,000
+toreadors
+sí
+eviscerated
+tayer
+bdo
+phonolite
+re-working
+142.1
+homoerotic
+thill
+hossein
+76.44
+purr
+briefings
+seven-car
+megafaunal
+bamattre
+mazinger
+tullman
+umgeni
+truglio
+sex-specific
+majesta
+tuatha
+mid-sixteenth
+quang
+712,000
+tanith
+signup
+flophouses
+tortue
+razing
+cunha
+promus
+karsh
+kladovo
+sexed
+rock/heavy
+index.htm
+corleto
+junayd
+mittelfranken
+clustering
+sarazen
+logansport
+ergin
+paradox
+karita
+nailbiter
+margaret
+edmonstone
+beachill
+shepway
+padrão
+aeon
+bonucci
+out-take
+evzen
+maturities
+lynah
+post-modern
+aventine
+naxi
+devic
+reyburn
+gompertz
+euro129
+iwelumo
+naomi
+hampshires
+bijedic
+20c
+lori
+virunga
+farin
+zebak
+shkp
+floorball
+62nd
+wreath
+substorms
+luuq
+fermata
+cnac
+flotation
+bailment
+lcci
+3,588
+115.05
+third-person
+twin-screw
+22.02
+broadlands
+poulter
+afca
+emits
+kredit
+dugit
+ballyshannon
+400k
+44.62
+then-wife
+reoffending
+manhood
+undermine
+dismore
+vengsarkar
+brutalising
+nurbs
+oyebola
+kṛṣṇa
+ljube
+engrossed
+gahal
+ramabai
+suti
+workington
+biofeedback
+taipower
+44.72
+ágoston
+okkalapa
+voletta
+schreker
+cristyne
+ramprakash
+1,803
+200-hectare
+tettleton
+rollergirl
+cadfael
+tix
+cnlt
+sbaa
+enthrall
+treadwheel
+wagh
+streptanthus
+midwife
+juive
+packet
+willingen
+sidelights
+newsarama
+exhaling
+clay.robison
+ctvglobemedia
+sympathisers
+ibero-america
+haakan
+not-guilty
+filosofia
+arch-shaped
+.564
+54.94
+160kg
+kardash
+protuberant
+fabrega
+liebeck
+joran
+uresti
+veche
+minustah
+infest
+anouma
+vpl
+hajri
+tatopani
+baehring
+super-team
+lely
+bayar
+tifr
+thither
+knecht
+post-mao
+chavo
+kondrat
+sankranthi
+slutsk
+mincey
+boggs
+galante
+scythe
+bekri
+malolactic
+leptis
+gouais
+202,500
+myeloproliferative
+bobsleigh
+zev
+white-label
+70.02
+warley
+medquist
+akayev
+compartmentalization
+pavan
+5.80
+ouverture
+zucchini
+makó
+cantillo
+smelting
+mid-october
+37-mile
+kearton
+kunstgewerbeschule
+harclay
+gandel
+spore
+cuccia
+1188
+temporaries
+1985-89
+history-making
+puter
+non-western
+anna
+qalqilyah
+astruc
+32-strong
+nsw
+greco-bactrian
+interconference
+niceties
+restylane
+thir
+jut
+hennings
+shahroudi
+1-of-10
+coochie
+bashers
+cascadden
+shirou
+cross-coupling
+shaif
+newdow
+chilaw
+1,320
+géricault
+h.i.v.
+containments
+upbraided
+gunnarsson
+gruesomeness
+hares
+104-run
+gerardmer
+flighted
+qijiang
+fundraiser
+country-influenced
+golosov
+mathu
+holohan
+falwell
+hik
+rippe
+taiwanese
+65-mile
+malartic
+communipaw
+sweaters
+aadvantage
+lavagirl
+abdusalomov
+func
+hamdeen
+seminoles
+polehinke
+kiên
+kejora
+golpe
+bloodroot
+transitive
+allmendinger
+2.795
++1.0
+esslemont
+bregenz
+gravitates
+unbilled
+lukashenko
+barany
+ilunga
+expatriate
+3,141
+44-171
+vodkas
+29.06
+12-part
+fowzie
+boyles
+schempp-hirth
+playtesting
+replicated
+jaroslaw
+nagri
+farnborough
+arghandab
+house-building
+godrich
+94,000
+stumpers
+low-paying
+pudovkin
+34-1
+enarsa
+daverio
+resents
+fenghuang
+taimyr
+wenhao
+95.66
+1,664
+caulerpa
+vaught
+19-bernd
+wbbm-tv
+tarentum
+initialed
+b-standard
+bowmanville
+bucarest
+kodava
+gennifer
+mobilio
+litkuh
+egeria
+galaz
+ardgour
+pils
+network-based
+begg
+bridgeton
+nevland
+objetivo
+mateer
+sensitised
+piailug
+appealingly
+glycolytic
+weekslong
+mattina
+chroman
+loret
+bambrick
+keeffe
+mabrey
+alaska
+compo
+eswaran
+193.3
+clevelander
+ah-64
+ankeny
+devoutness
+hippotion
+o'loan
+ploceus
+martial-arts
+debbah
+buggers
+anita
+sergas
+kesher
+shaul
+muggle
+twosomes
+3.05
+suriyothai
+portaferry
+kushnaryov
+nastro
+dottori
+xdr
+cuckfield
+ibirapuera
+mid-1979
+ulek
+damar
+00:01
+radicalised
+spliced
+leprosarium
+r.i.p
+stepford
+downsize
+akashi
+buonomo
+528,000
+30-mile
+mangaia
+amies
+trajanov
+scanjet
+geithner
+suao
+cá
+strahan
+egotistic
+patched
+pedagogical
+hinda
+kurtwood
+semicircular
+800-square
+huby
+kanjira
+myeongjong
+low
+babaji
+stinks
+lilongwe
+nappies
+dimittis
+nation-states
+johner
+gloried
+dessel
+gimcheon
+yima
+salihu
+banciao
+30.23
+re-reading
+kusari
+shalonda
+howlingly
+hathi
+sorman
+kukunoor
+www.zdnet.com
+buteo
+beanie
+husk
+rieti
+lorraine
+beckey
+khazaali
+stepnoski
+boeing
+olsens
+wmr
+klochkova
+chastanet
+33.48
+siauliai
+annuar
+craven
+region-specific
+893-8330
+gulags
+scarfing
+mandoki
+böhmer
+calabrians
+pteridophytes
+fujiyama
+koufodinas
+schmoozer
+ultra-modern
+lihb
+neurobiologist
+havet
+1737
+1977-80
+faku
+67.90
+stringfield
+bpsk
+pitsea
+massee
+4,760
+carignan
+laun
+jakobs
+1991-1996
+giddiness
+menands
+28.45
+cocoa
+llwyd
+maddocks
+shaozhong
+gauthier
+abruzzi
+prototyped
+cheesed
+13.95
+iops
+extensibility
+medisave
+agil
+air-sea
+colonise
+standedge
+persiwa
+willeke
+outdoorsy
+munsey
+soyer
+kapos
+frisbie
+accomplishes
+cochairs
+346-9867
+hairbrushes
+grawer
+rehobson
+wahishi
+necw
+konev
+oxymorons
+6,430
+2,980
+togawa
+examines
+jarad
+stomatology
+bargo
+keshi
+catalona
+ried
+lincicome
+kwakwaka
+eroei
+olhovsky
+pulite
+taleqan
+jstor
+xingbu
+1:57
+dazhou
+3,801
+4-89
+str
+vorpommern
+gradient
+marwood
+arques
+iboe
+nafta
+igwe
+electrocution
+nonnie
+jeld-wen
+72.45
+passersby
+brahima
+55-acre
+lanett
+16.96
+zero-order
+ordnung
+pku
+foos
+kilty
+cliftonville
+2801
+cardo
+sinology
+chokchai
+yasina
+20-30
+derbyshire
+east-to-west
+endō
+shikishima
+thrillers
+jihch
+exactly
+16-time
+canpress
+unsuited
+20.60
+mohadessin
+loma
+khairil
+voodoo3
+emtriva
+90-day
+korakuen
+maxxis
+thorwald
+33s
+gisaeng
+coração
+recharger
+mataró
+yay
+478.5
+rugosa
+cybernetic
+reintegrate
+smashing
+cibinong
+193-kilometer
+francina
+shinbun
+lasswade
+1.132
+kneale
+borini
+moderno
+samadi
+defeasible
+tay
+voulgarakis
+nazification
+warwick
+strano
+3,500,000
+sadaharu
+searchlights
+cherryville
+biochemically
+spencer
+lamda
+coetsee
+gion
+diazo
+komineft
+affiliation
+benjamín
+maracanã
+garefrekes
+averts
+sedan
+inter-marriage
+harrodsburg
+depositers
+kohlrausch
+klaiber
+zimeray
+entebbe
+jada
+roundleaf
+cleome
+targu
+jovanka
+bannock
+blumenfield
+refuting
+pre-series
+stirred
+souf
+choir
+pydna
+banditism
+innovated
+jenette
+machimura
+anamorphic
+hachim
+francois
+doring
+understudying
+vincenz
+caespitose
+maxine
+kovačić
+screven
+sequinned
+legacies
+zambonis
+hessa
+globalism
+cubeb
+zehir
+njie
+ketuanan
+asesinos
+wyomissing
+engulf
+ephriam
+priceline
+yvonne
+villus
+97.29
+designee
+thick-walled
+afters
+15-9
+79.7
+ezzell
+deferrals
+kolchin
+peçanha
+hoond
+increase
+allevard
+unitrin
+tubers
+cabeus
+skywriting
+mingkwan
+hugi
+energon
+issa
+76-0
+blachman
+redeveloping
+scorchingly
+surbiton
+gratus
+106-93
+48-43
+asahan
+geivett
+trigraphs
+5.37
+nidra
+rancic
+whorehouse
+tubas
+bosons
+odum
+raincoat
+aidhne
+randalstown
+braille
+catocala
+gaviiformes
+1.5900
+berube
+darrowby
+robbe
+carchemish
+ōjin
+apron
+pampulha
+sets
+sub-bands
+tyce
+last-ever
+enamelware
+u.f.o.
+brahma
+succot
+trans-mississippi
+pinfall
+miggins
+abdulgani
+oira
+50-41
+wdfn
+circulated
+kreisklasse
+cold-hearted
+.349
+15,240
+e-r
+2,119
+boutris
+smidt
+kajukenbo
+lme
+175.6
+thisday
+bmontgomerysptimes.com
+vanzant
+toughill
+atapuerca
+octopi
+bluetones
+seasick
+aboab
+klep
+peroxisomal
+sadar
+problem
+arnfield
+goneva
+broxbourne
+eurosong
+städte
+paolozzi
+villanova
+4-foot
+olum
+mout
+140-2
+mardikian
+projecting
+esps
+carville
+972
+bhalla
+recruitments
+gamefowl
+illumina
+94.43
+doddridge
+corduliidae
+chanyu
+helpdesk
+petrushka
+panaro
+acid-fast
+joggins
+usque
+bizhga
+gumuz
+1934
+loudhailers
+bazaaris
+gp
+jacanas
+see
+kerber
+eatzi
+marez
+hamath
+ballantyne
+tidiness
+fork
+portulaca
+249.99
+nabateans
+remotes
+24-9
+neonatologists
+467.5
+djurgården
+defaults
+corman
+all-you-can-eat
+pupillage
+grod
+tirone
+repossess
+medium
+psychophysics
+svet
+severini
+lamyaghri
+kaiseki
+o1
+malevolent
+ceng
+prama
+tsorona
+2,342
+-----------------------------
+96.01
+widtsoe
+51-month
+antispyware
+28.3
+straightaway
+498
+sobyanin
+nappes
+109.41
+aimco
+ozomatli
+disassembling
+bisutti
+vaporization
+parizeau
+fargus
+freelander
+kvarner
+biwi
+macmonnies
+huiwen
+tamilakam
+nitpicky
+cytochromes
+lewitzky
+volochkova
+maguro
+01
+pique
+zulia
+gepids
+birdland
+proodeftiki
+middle-of-the-road
+copper-plate
+caloy
+bension
+goiti
+pcna
+gandon
+26,200
+vannelli
+akinci
+xuezhi
+obuchowski
+99.89
+gurus
+sebelia
+reattached
+gender
+heartens
+wna
+sayo
+marines
+pande
+narba
+phertzbergnytimes.com
+steht
+tigray
+piatt
+coromandel
+encaustic
+emrah
+mantelli
+comfortable
+shareable
+90-yen
+fimmel
+six-wicket
+6.04
+waxwings
+tolling
+railtex
+fire-breathing
+planigale
+http://www.state.gov
+kauniainen
+career-low
+tapes
+tévez
+galleria
+sino-american
+daladier
+emry
+depature
+232.00
+45,000-square
+pielmeier
+darby
+yoba
+bahmai
+5,845
+pro-independence
+salvaging
+buckie
+battistone
+ragheb
+krow
+screensaver
+40.000
+mahmood
+stunted
+o'neal
+ikim
+codice_21
+okcuoglu
+slawson
+hamami
+podis
+malayalam
+setpieces
+steindl
+sirk
+overcomplicated
+adults
+u.n.-sanctioned
+doublemint
+mimamsa
+kuklenski
+ballooning
+peetam
+dunera
+nikolopoulos
+jelena
+al-qazwini
+4-pounder
+chernobyls
+ising
+quyền
+tanneries
+carme
+inter-racial
+code-breaking
+disorienting
+ill-health
+schulmerich
+rossica
+gossipy
+200-mark
+podu
+oakwell
+lebanese-american
+aqel
+fanjoy
+cabarete
+penteli
+arthroplasty
+outcaste
+jacket
+nadeam
+malitoli
+ibiza
+jailbirds
+chuka
+cordiality
+ntpc
+ambedkar
+shaba
+indradyumna
+multi-car
+recio
+39,000
+sequestered
+pétrole
+sahl
+fairman
+whether
+comfortably
+overweight
+cerros
+heliotrope
+3.0-5
+munni
+3,999
+25.83
+skillz
+dannenfelser
+high-resolution
+chinguetti
+oly-2004-doping
+wholesale
+shantaram
+counterdemonstrators
+bricket
+nanya
+sensi
+95.35
+tight
+philosophized
+attiko
+rumphius
+perfetto
+borwick
+hawker
+keong
+pen-and-ink
+parman
+jurnal
+longans
+sakvarelidze
+hurtles
+mason-dixon
+zhaozhou
+bruck
+böcker
+mild
+cobell
+1961-1963
+narrowed
+shgs
+rawk
+kolkhozes
+kalar
+marteen
+skuhravy
+tonalá
+etchings
+mannheim
+nantais
+mcnamaraglobe.com
+elfers
+5100
+vaster
+eating
+torrents
+constructor
+dunaway
+arambulet
+16-man
+fragile
+merceditas
+lamport
+mainbocher
+103.92
+krohn
+bloomsburg
+hinkson
+clunker
+spivak
+busek
+hairpiece
+two-legged
+keen
+nosebleed
+excitable
+precolumbian
+daytime
+oakford
+wegereef
+iaapa
+cuchillo
+98-89
+ochowicz
+viereck
+vientos
+ashlie
+stunned
+mjr
+webkit
+311.50
+implantology
+freih
+pulavar
+trainman
+11:20
+airstream
+fuat
+magy
+kokorev
+mazda
+383.00
+vickers-armstrong
+ahmadov
+leessang
+anti-violence
+glandular
+prefab
+kitti
+rcw02
+scenographic
+cranston
+119.30
+aleandro
+inconvenient
+59.68
+39-02
+dashkevich
+24-36
+strikeforce
+bonkers
+traveller
+hancox
+sciences
+stroboscope
+chili
+bombe
+kranish@globe.com
+virk
+witchu
+maroochy
+lahaina
+(513)
+safdie
+franciscana
+anttila
+falkenhausen
+vernonia
+frhists
+holdings
+lerma
+published
+predisposing
+colônia
+nadym
+klaffner
+attenuated
+bathhouse
+49-day
+hausler
+nishnabotna
+livres
+tdx
+lvii
+stained
+17th-19th
+gonne
+mcentire
+airconditioning
+grumblings
+tmb
+walkie-talkie
+43.73
+winterized
+whitebeam
+postum
+walzer
+mamitu
+corporator
+68.00
+anastasiou
+rugumayo
+benzyl
+noon-6
+75-87
+70-30
+accomack
+106.50
+dvi
+yunjie
+nonbeliever
+soundness
+5-minute
+totipotent
+investrust
+gleick
+merl
+dbcp
+111-100
+galawa
+josipović
+neft
+nosewheel
+2,629
+baranagar
+40-16
+cave-browne-cave
+bownes
+uphams
+jubera
+1cup
+41.42
+osias
+reinga
+co-led
+cognizable
+pélissier
+wino
+buguma
+dahdah
+vahanvati
+elastomers
+merula
+trolley
+epilogue
+inscribe
+abyan
+reagh
+schulhof
+2-63
+lolek
+frontmen
+98.98
+disentanglement
+inescapable
+loubier
+zugzwang
+dividend
+achelous
+songkhla
+yeoville
+scrivener
+knox-johnston
+amada
+wronski
+debts
+pink
+socarides
+germar
+sanghas
+nicobar
+dongcheng
+valcheva
+mollifying
+jargons
+jounieh
+vulvar
+scud
+prohibitionists
+ledrew
+text-to-speech
+7-day
+tors
+wittmann
+kypros
+hieroglyphic
+fatullah
+nigripes
+limnaecia
+nalliah
+34.86
+42.02
+rastaq
+polyomino
+uric
+baykal
+morihei
+ullmann
+30.47
+vauxcelles
+.321
+jsdf
+euro325
+one-carbon
+rajoub
+anti-chinese
+69.65
+maïnassara
+fifteenth
+čačak
+mantuan
+wawa
+trailing
+perjure
+selwood
+jerricho
+spouse
+bundesrat
+bagoas
+euthanize
+siptah
+amandus
+cramton
+dorsetshire
+pirkei
+nck
+ebsa
+revolts
+saids
+balcatta
+alpiger
+talish
+modicum
+komaki
+glycocalyx
+glehn
+manimala
+spodnji
+krajcik
+embong
+schatten
+nakahara
+nonexistence
+re-form
+3-73
+propensity
+96.28
+ceal
+numbed
+anthopoulos
+vrindavan
+economistas
+bowling
+offences
+helgerson
+sagina
+cajigal
+devising
+newquay
+far
+fertitta
+golondrina
+shrewsbury
+jdh
+gowan
+judicial
+blomfield
+okitundu
+tschumi
+fadilah
+lipsius
+tatari
+schönebeck
+hypopituitarism
+ilmenite
+calabrese
+97.45
+shouters
+1826
+shavo
+forefather
+satakarni
+pentiti
+ze
+lonnieb001
+1.4440
+althing
+tahp
+christer
+lilt
+jmg
+ryamizard
+luciani
+imadi
+perpendiculars
+lenhard
+singakademie
+colorizing
+weinberg
+jaring
+dupont-columbia
+ryba
+runestones
+delvalle
+10-metre
+cruiseferry
+jervoise
+40,000
+tridens
+roqueforti
+drone
+lumpinee
+19.68
+10-9
+dohc
+distributor
+chunren
+viernheim
+nazira
+gurtz
+rigors
+peppas
+cleemput
+holness
+12.51
+nahem
+rafal
+rené-robert
+rouleau
+5percent
+29.75
+compensaciones
+hurtig
+piston-engine
+chengalpattu
+rhill
+gokwe
+ductile
+nwl
+warbird
+vimal
+arijan
+hirakawa
+nakawa
+all-electric
+abish
+kunisada
+baneasa
+crs
+intermune
+bambusa
+arbovirus
+jawa
+last.fm
+empty
+107.37
+sarre
+angul
+coalpit
+51.31
+antheridia
+q-tel
+shkumbin
+mesua
+biocatalysis
+inverarity
+cottrell
+grossly
+acgme
+safai
+tramping
+glenlyon
+disastrously
+rithy
+hulked
+vennochi@globe.com
+conexion
+moishe
+teddie
+uncooled
+mezuzah
+fetch
+16000
+impersonates
+cherone
+digard
+khalifman
+piri
+kleinenberg
+firetrap
+bindra
+25-plus
+makahs
+mandlate
+tightening
+velan
+aguinaldo
+prasad
+témiscouata
+subs
+knock-off
+repatriation
+tanglewood
+outsprint
+nima
+isc
+thought-provoking
+a32
+kym
+tricon
+1,824
+imaro
+paulse
+2217
+reliefs
+eleventh-century
+mouly
+cazaly
+yoshitomi
+creeds
+desensitization
+obn
+ngan
+climent
+warton
+derivable
+miwako
+82nd
+damaskinos
+bordas
+refresher
+bertus
+ji̇tem
+hortensia
+ohain
+unversed
+hafner
+larralde
+conformant
+libration
+lawi
+scdp
+human
+joeckel
+genuflection
+brasington
+lpm
+danane
+boryspil
+compston
+ophrys
+illi
+bevan
+sansaricq
+17.13
+suhrawadi
+stephanopolous
+penhoet
+falconí
+brushfires
+drepung
+meritocracy
+défense
+gaijin
+butka
+tiananmen
+sviatlana
+plinius
+klonsky
+hunahpu
+dacoit
+41.44
+video-conferencing
+spinsterhood
+yerushalayim
+belladonna
+bodhidharma
+recensions
+chevrontexaco
+culti
+kellas
+manaka
+programadoras
+sort-of
+puncture
+obliquely
+holkeri
+coiffeur
+piehl
+4,091
+rountree
+glance
+freemason
+84.2
+bonciu
+squares
+neuters
+328
+q7
+11:56
+seven-volume
+business.com
+borrowing
+darmstädter
+caplin
+seiffert
+aedas
+jgp
+dwain
+whipper
+596,000
+coloniser
+harryb
+radiopress
+nuernberger
+sadako
+fanck
+eliurus
+engelland
+0.225
+voorschoten
+xiamen
+topographical
+mcmullen
+chairman/ceo
+zhifei
+stortorget
+euro295
+conness
+haath
+straziuso
+ndanusa
+second-last
+itoen
+56.59
+kring
+cherkasy
+west-pakistan
+sequi
+megillat
+clerides
+114.29
+geiberger
+seop
+lightermen
+prsp
+loopt
+waffen
+monophyletic
+camlann
+aud
+1,588
+stegen
+kasukuwere
+cleated
+tjong
+dmcneely
+aradhana
+abuzz
+gabin
+kok
+byohrn
+scarring
+geraci
+7.6251
+concierto
+krem
+parow
+hazelhurst
+leposavic
+90m
+45.8
+helicon
+bajammal
+pomare
+packhorse
+34.71
+cp/m
+mayewski
+sumangala
+tshatshi
+xalatan
+hypolite
+chet
+hvc
+outworld
+bulnes
+masorti
+second-stage
+bluish
+11.95
+swynford
+matanga
+gaviota
+pakzad
+edegganssptimes.com
+101.71
+asriel
+ccb
+bandpass
+g.e.m.
+motyka
+encroachers
+dwindled
+chicontepec
+villanueva
+silvey
+insure
+beechy
+leyte
+mansare
+osages
+lanuf
+procession
+433
+278.6
+wingecarribee
+dejeu
+ramachandran
+parvus
+multiplexes
+22.61
+schenkman
+alh
+11:52
+cascabel
+linzer
+bagher
+145th
+slovak
+dracaena
+norihiro
+kanni
+98.05
+waldenström
+vouchsafed
+lexical
+reinhardtii
+sephardim
+hardstaff
+double-crosses
+jigga
+8.0-9
+stefanovski
+iole
+february/march
+faeldon
+escort
+anti-fascism
+morakot
+modernaires
+hetac
+seamlessness
+mcneeley
+makowski
+thse
+kastner
+syntroleum
+g-man
+moed
+kindly
+vernard
+gif
+guglielminpietro
+1-71
+broadheath
+bostra
+aamar
+bazaine
+d'arvor
+pyote
+212.3
+208.3
+kicks
+metrocard
+feissel
+strype
+qigang
+thrombocytopenic
+idols
+computer-assisted
+3.7508
+homeowners
+incurred
+plancus
+duroy
+midpriced
+chart
+pop-rock
+25-kilometre
+euro596
+licra
+shariah
+stereotyping
+bremberg
+deceitfully
+poincare
+montone
+equable
+1,959
+(352)
+headlocks
+jamia
+patchway
+sewering
+giselle
+doctoral
+renunciate
+54a
+deacy
+joyrides
+sniveling
+arambula
+papilionidae
+woodlee
+sephia
+suleimani
+viollaz
+switch-off
+archbishops
+kamiya
+avlon
+siriusxm
+churchland
+salcer
+maduekwe
+subvariety
+mcgeoch
+7.7320
+kotra
+annapurna
+mega-hit
+pluralization
+geraardsbergen
+simenon
+tikes
+cuttlefish
+gorrell
+42.49
+orthoses
+elastics
+acrobats
++1
+wacker
+wimpish
+krumbach
+sismondi
+lancaster
+yelwa
+eta
+bârzava
+tti
+euro580
+alacranes
+littledale
+glentoran
+oskarshamn
+onlooking
+nathalia
+luceno
+westlock
+21.90
+wierzbno
+vascularization
+zenta
+binningen
+pashtuns
+shecky
+derided
+etymological
+chanhassen
+cannistraro
+solli
+unforgotten
+2232
+ree
+17.47
+fifty-fifty
+melcher
+1,593
+benedita
+faia
+magnificent
+sp-1
+chrysippus
+tribulus
+nosanchuk
+paczynski
+sabre-toothed
+163
+emmit
+tarusa
+siegelbaum
+muslim-majority
+septic
+point-to-point
+rosarium
+south-asian
+songe
+ambassador
+parkstone
+hughs
+richebourg
+diarmaid
+48-7
+alwin
+154.4
+phrenology
+j.k.
+emasculated
+83-68
+iwendi
+al-khwārizmī
+indo-persian
+trigere
+prebuilt
+eisai
+dimpling
+hiberno-norman
+1545
+ecostat
+devatas
+sprague
+cultivator
+bayfield
+x-prize
+pope-hennessy
+905,000
+garside
+chubby
+dalling
+kirklington
+nurhadi
+lishchynska
+helongjiang
+yeosu
+hongye
+8.28
+maximization
+portlandia
+niculae
+bullit
+sweelinck
+sinker
+muhammadu
+pentathlete
+16-storey
+1986-1989
+craighill
+resistor
+second
+tak
+pontificating
+2pl
+kanzi
+pakdasht
+misquoting
+dokan
+truckstop
+seasonal
+herre
+guran
+griesbach
+56-46
+battisti
+and-3
+a.d.d.
+hattner
+ljubco
+richet
+rossiya-24
+122.30
+ipra
+hoosic
+philodendrons
+chinuch
+admira
+ias
+visva-bharati
+mughul
+cobble
+30-23
+ulugh
+morristown
+jharia
+mccorkell
+probursa
+onofrio
+ballygawley
+rivarola
+gavina
+blackbutt
+ikram
+rapino
+organ
+100.39
+rezoned
+vare
+livadia
+y2
+l'espresso
+scaccia
+syntek
+legendarily
+judiciary
+burdette
+mische
+sdram
+perrott
+tubbercurry
+autocrats
+darłowo
+zain
+defences
+saltire
+najim
+mand
+iriani
+yuzhno-sakhalinsk
+mankato
+chechyna
+gbaya
+kamenz
+regrouped
+afterworld
+hamilton-smith
+zaht
+u.s.-pakistan
+petropars
+,800
+prostrated
+heliconius
+ercolano
+barths
+72.87
+wou
+kangavar
+dahmani
+boffin
+schubart
+humpbacked
+antagonism
+identifiably
+lacke
+trunkful
+shaffner
+ary
+sins
+shunryu
+kondō
+41.84
+deichmann
+wantonly
+kitsap
+nicotero
+validus
+eang
+petyr
+luthi
+proceeds
+live.com
+shardul
+buckling
+zaunbrecher
+west-end
+trava
+http://www.johnkerry.com
+kawz
+legalises
+goal_new
+re-invented
+but
+cheaters
+hsung
+intellectualized
+arocena
+przyłęk
+oltmans
+subterminal
+memari
+hornbill
+djinni
+constition
+phylogenetics
+vladislav
+nyorai
+netanya
+nabakooba
+tagsatzung
+most-watched
+gilmer
+kubaisi
+deurne
+aqqala
+classically-trained
+ahlgren
+harare
+furst
+unjaded
+145-17
+aves
+cw
+stadshypotek
+spanked
+kibbee
+4,226
+hentgen
+selna
+frasco
+wanstead
+dōsan
+tisanes
+tumwater
+reinstate
+augustin
+oeste
+isbn
+naoki
+satyavati
+chappaz
+danseur
+senese
+9-pound
+bachelor
+fotheringham
+sedar
+clearheaded
+slabs
+astrophysicists
+24.49
+beecroft
+arja
+palestro
+cartierville
+toot
+mentalist
+foxboro
+tejay
+nicholson
+charlet
+canners
+galabru
+bangabhaban
+ezam
+turnhouse
+agwai
+o-2
+32.71
+kurvers
+86.36
+kusuo
+keshavarz
+cacos
+ferey
+015
+moans
+raimond
+vetra
+dushyanta
+bitten
+zapper
+x-20
+tangkhuls
+sheinbein
+urdinola
+balaban
+craioveanu
+vrch
+72.50
+dmci
+medications
+truesdell
+patagia
+brinker
+multiplets
+enishi
+jejuni
+hammouda
+loporchio
+gandhipuram
+obp
+bharatiya
+ariva
+medicago
+hasbaya
+isotopy
+ghafor
+schwarzburg
+logwood
+o'shea
+bbh
+cpas
+156.5
+julavits
+refilling
+berton
+maestranza
+wetterich
+kasdan
+a340s
+auchterlonie
+lutetium
+miraz
+kulbushan
+niyo
+ruhlen
+camas
+transferase
+krucoff
+adversative
+peacenik
+juggles
+mauritz
+queercore
+plodding
+mothballs
+unworked
+golob
+ambivalently
+kunti
+mcmahan
+murugadoss
+disfavour
+seay
+stoessel
+koh
+strathaven
+incomprehensibly
+bertolotto
+visvanathan
+cfdt
+l'état
+terreros
+2.2-percent
+2319
+glom
+siefer
+1.855
+benigna
+ramesside
+unió
+90.21
+1:07
+haeberli
+latifolia
+warder
+njanji
+wacl
+sallah
+12-hours
+klee
+dilettanti
+subtexts
+vener
+tongzhou
+lattanzio
+catrina
+begoun
+täby
+hayono
+smiting
+oumarou
+ioseliani
+wageningen
+visalakshi
+condolences
+hardies
+http://www.storaenso.com
+.406
+unrests
+melmoth
+30.15
+3,118
+swollen
+wesermünde
+towneley
+hiaa
+arsenals
+kober
+azarian
+duesenbergs
+rabbenu
+vissi
+bhala
+wasswa
+kollidam
+bielefeld
+nfb
+iafis
+atar
+mynci
+qh2
+bajulaiye
+jaragua
+razorlight
+kfyo
+kerns
+sarafiyah
+126.87
+d.e.b.s.
+shepilov
+jayasundara
+norful
+baseliners
+bronfmans
+ammonoidea
+geophysical
+quintus
+cassiel
+arnis
+assir
+shiraz
+blackledge
+neo-kantian
+vinokurov
+40-10
+gefitinib
+afzaal
+candamo
+female-to-male
+paevaleht
+schopp
+sylvie
+val
+sherri
+suryani
+4-82
+queenan
+kyoshi
+janowitz
+aksyonov
+lovecraftian
+bourdillon
+coltish
+nasmith
+eschen
+hoshin
+eluard
+earplug
+multiuse
+princesa
+salkin
+650th
+holon
+.289
+18.53
+behera
+1.4050
+zimbra
+javorník
+close-up
+marquardt
+volkers
+economico
+aurangzeb
+muhs
+buriganga
+saginaw
+23-10
+whiteheads
+s.w.r.d.
+vyacheslav
+patrizi
+furthermost
+antunovic
+gimnasia
+baylor
+peap
+rohner
+somaliland
+burtynsky
+halli
+blasko
+raiganj
+rangiora
+tomko
+kumgang
+postions
+quannum
+indaba
+godshill
+buzsaky
+vasos
+belitung
+bouts
+kichwa
+fumiya
+katihar
+yoshitsune
+emberley
+kocbek
+herzeg-bosnia
+candelon
+ac&w
+allia
+clervi
+killam
+shigellosis
+bohlman
+sepinwall
+intergrated
+muttenz
+noppen
+experience-based
+vmc
+astrud
+7.6-million
+bequeathed
+screenvision
+interlock
+hatun
+paulaner
+bousada
+geliang
+quintessentially
+rests
+faiello
+transfixed
+berges
+bounder
+gimondi
+overal
+record-tying
+radulovich
+olancho
+pwr
+márquez
+middletons
+dae-jung
+dorodjatun
+pkg
+dico
+patersons
+stanislava
+dki
+tangut
+keher
+69.79
+cliver
+macarthur
+ttd
+oba
+boatman
+hackwork
+mosisili
+butterfish
+brogli
+с
+gertrud
+spinetail
+tingling
+350-mile
+316.5
+gyude
+top-billed
+jundiaí
+seremaia
+1,874
+fitzhamon
+112.46
+davoren
+494th
+12
+christoph
+law
+pardo
+evarts
+no-hit
+rags
+teesta
+verleger
+pikalyovo
+pohela
+kipkemoi
+pizzo
+oravec
+push-to-talk
+hazeldine
+geise
+bramo
+unshielded
+script
+14.71
+apricot
+corti
+abridgment
+13.61
+hollimon
+freshens
+leaflet
+guarnerius
+cholecystokinin
+liberta
+königliches
+hardys
+minimoog
+adenan
+sollefteå
+garegin
+homeside
+clostridium
+janatha
+1224
+mīrzā
+y-dna
+high-society
+1788
+angle
+hagiography
+gurdial
+todmorden
+predetermining
+degenerates
+hawkweed
+genro
+crying
+lisle
+doomsayer
+masakatsu
+tarjetas
+jong-suk
+retired
+maroun
+vic-20
+oden
+septi
+namgyel
+trahar
+maruthi
+dunkin'
+hackborn
+unsupportable
+equis
+adhikari
+autoclave
+fingerpointing
+harbaugh
+barbeques
+bleiburg
+pharmacologists
+karakol
+dastjerd
+olfactory
+sunnhordland
+dimebon
+fellowships
+tiatia
+charming
+radke
+maleate
+beenz
+tafataona
+knipfel
+nh7
+amiruddin
+borelli
+alemu
+5f
+nałęczów
+dizaj-e
+63.2
+kilovolt
+bearsted
+krabat
+indignation
+f-27
+bouris
+structurally
+ambition
+orange-yellow
+chrudim
+zagłębie
+eminescu
+schilchegger
+scuffs
+mid-infrared
+strokeplay
+imerys
+valls
+39-year-old
+mapusua
+isvs
+16-over
+11747-4250
+finegold
+optronic
+landsbanki
+hillar
+mentality
+hahk
+mtsu
+sukar
+lashinda
+boehmer
+43-29
+shafranik
+d'alessandro
+quinon
+thew
+33-4
+biggest-selling
+marcet
+caloosahatchee
+wassaw
+pre-1996
+dála
+arrol
+f.s.a.
+embroidered
+invid
+itinerant
+mihdar
+microgreens
+tuni
+nitrification
+oly-2004-aus
+mallipo
+follow-up
+hennadiy
+well-accepted
+slipshod
+rajeev
+lukaszewicz
+carpeaux
+g-20
+75-64
+pittendrigh
+nafusa
+mimulus
+76.0
+aabb
+batcho
+daimlerbenz
+iulius
+hirundinidae
+peñafiel
+papuana
+letteratura
+doer
+2,228
+unprocessed
+paises
+florentia
+appaloosas
+51.35
+jested
+hardisty
+saw-mill
+krs-one
+lantieri
+64.68
+faren
+sejil
+friede
+gerlich
+9-pounders
+oleg
+dadang
+100.9
+acero
+lindsley
+venoms
+chooses
+bâ
+vladeck
+mccs
+jipeng
+1h06
+breamore
+donà
+bunche
+ltl
+mhealth
+silverbulletday
+feudalist
+carm
+formoso
+orianka
+45.18
+g.v.
+makarim
+5,808
+inter-colonial
+370.4
+deep-level
+year
+multi-directional
+nympton
+chiung
+egungun
+phocea
+leendert
+miraglia
+meretricious
+hanooti
+hierarchal
+akintola
+genshaft
+gagovic
+euronews
+tabet
+hailie
+brathwaite
+lorado
+banpot
+lopp
+908
+glorioso
+mcquaide
+ardh
+akasaka
+gulbarga
+withheld
+contaminant
+bronee
+82.38
+earthwatch
+creches
+grants
+stos
+elmbridge
+radio-friendly
+authenticity
+straightedge
+iles
+warid
+410
+circumvents
+dictionaries
+65s
+reval
+turkcell
+member-states
+chairman
+beri
+gumboot
+mikako
+dominating
+4.31
+suning
+mangini
+bayravand
+mngadi
+haladás
+naturopathy
+crossbreeding
+stump
+cedarburg
+michiels
+brest
+exhall
+improvisatory
+nubile
+mmogs
+re-signed
+1687
+40.46
+catlow
+bruyne
+mccrae
+shamburger
+e8
+goodin
+tansley
+cavaglia
+f.sp
+kraftwerk
+match-ups
+delux
+wl
+abbreviated
+estrogens
+23-inch
+qinghou
+d-beat
+adds
+king-hall
+tannic
+lukko
+hoang
+rajbhandari
+rao
+bagamoyo
+stucco
+ballybunion
+massless
+inflected
+0.44
+sofie
+meanie
+fractionally
+nbp
+282.8
+information-based
+anamur
+fow
+kassim
+rudo
+.271
+abdol
+pappo
+baoku
+100.88
+partings
+fijación
+xuewen
+hasenfus
+avalance
+hyatte
+seremban
+disgustedly
+21st-century
+venados
+kamarajar
+akano
+reimer
+24-27
+shiri
+bmd
+49.23
+fermo
+chitengi
+diebel
+āqā
+onoe
+facchinetti
+41.63
+glenfed
+戶部侍郎
+cristián
+compiègne
+rush-hour
+manchester-based
+stanlow
+negress
+hairier
+glass-making
+59.22
+bellini
+2:0
+meidling
+uamsho
+quixotic
+russian-ukrainian
+52-story
+gielgud
+salmonellosis
+cotan
+mailing
+aloys
+hela
+hornpipes
+tahm
+jorgie
+corrine
+non-integer
+turritella
+euro690
+pac-10
+less-expensive
+chiloe
+http://www.fsis.usda.gov
+westborough
+cylons
+one-word
+nesrin
+euro18
+joice
+tullaroan
+tveitt
+barzel
+smfg
+khen
+nós
+treleaven
+kollmorgen
+courtier
+linbian
+anca
+asbjørnsen
+fengchao
+purushothaman
+hospitable
+mironova
+mowlem
+63,500
+52.60
+gécamines
+folias
+86.91
+milf
+europe/africa
+insipid
+mostert
+1-rustu
+worseck
+widthwise
+buah
+recitation
+71.59
+doue
+dijeron
+phonetic
+suck
+everquest
+mcgillin
+4.8-magnitude
+s-league
+southwestward
+xc90
+brantôme
+jtag
+schletewitz
+swauger
+conker
+natarajan
+1,794
+paugussett
+walkathons
+bifluoride
+yeddyurappa
+derviş
+anacapa
+walken
+droplets
+strachan
+cowin
+đinh
+khunjerab
+hovenden
+anatolic
+roques
+carretto
+doyne
+zelma
+bannister
+bar-room
+stared
+10.89
+copulatory
+wanja
+3/15
+hartlaub
+rmn
+unseal
+variant
+zuleika
+karsums
+slayers
+2,152
+restarting
+grayer
+aviacion
+changfu
+latifah
+chiyoda
+scifi.com
+bekaa
+feick
+rdm
+cocaina
+dolmetsch
+auckland
+yeremeyev
+secura
+kado
+marthastewart.com
+ciatrick
+conspecific
+krukov
+ampera
+montagu
+palestinains
+chillum
+nizwa
+220.1
+kanwar
+51-yard
+kōya
+barshai
+approved
+1,724
+guentheri
+advising
+fürstenwalde
+kazura
+midgate
+ouanaminthe
+turbi
+busi
+dikshitar
+1981-1989
+exposition
+buckinghamshire
+559
+one-third
+adminstration
+generalfeldmarschall
+puggy
+leberecht
+pro-arab
+hayfield
+jatun
+spanish-french
+reichsgraf
+mojmír
+memoranda
+45,750
+imbibing
+estados
+jyväskylä
+gazettes
+bindings
+schuman
+interchangeability
+perrot
+milenge
+mureithi
+labelled
+137,500
+colborne
+hajuj
+diversos
+programs
+73-year-old
+naess
+pols
+charbel
+displeased
+electrokinetic
+piecrust
+wikström
+thesaurus
+arzuiyeh
+harris
+disjunctions
+odissi
+2012-2013
+steverson
+incognito
+clews
+availabe
+sela
+hematopoietic
+dodaf
+co-published
+borowczak
+robbins
+kolya
+renfield
+25.27
+retusa
+vitiate
+hella
+aidi
+116.79
+authors
+smidge
+guindi
+most-visited
+sibon
+mouth-to-mouth
+édouard
+nemanja
+sage-grouse
+sensus
+0055
+556
+kingsgate
+irelander
+cashmere
+tollett
+magnuszew
+36.76
+inose
+aimlessly
+shayessptimes.com
+firmicutes
+chipboard
+trans-pennine
+surfwatch
+burruss
+jankelowitz
+sabit
+sportsplex
+hyvonen
+sternum
+wiss
+canards
+301
+emilian
+polyvinyl
+myrdal
+sloatsburg
+sunninghill
+bjørnar
+meetinghouses
+fumihiko
+adumin
+reread
+exhilarated
+harlequins
+caoc
+penclawdd
+wuzhou
+transoxania
+mspears@globe.com
+12-turn
+ziviyeh
+zwilich
+alang
+nyada
+renneisen
+wickens
+osier
+millwright
+ririko
+win-loss
+triangle-shaped
+cavuto
+nápravník
+36-12
+dragonlord
+rebeka
+apraksin
+oresharski
+emmick
+comparisons
+gallup
+rankuh
+komando
+saehan
+dickinson
+tho
+nhem
+taz
+15-hectare
+slpp
+maghar
+43.37
+lawfirm
+bridgette
+gaba
+ate
+jahidi
+zos
+yuzhmash
+buttel
+salesmen
+bearden
+single-particle
+adjusted
+browser
+boardings
+iesu
+lavaggi
+polacca
+fnla
+boldrini
+sharonov
+self-handicapping
+gcf
+kalju
+shoffner
+huhhot
+69.08
+ancestress
+beeny
+rossellini
+beefs
+ethmiidae
+dumaguete
+popocatépetl
+period_1
+37.14
+levothyroxine
+1.72
+fttp
+sreekumar
+finidi
+labelling
+yirol
+black-footed
+15-car
+ben-my-chree
+macveagh
+lobban
+yori
+băneasa
+jeebies
+sillamäe
+31.9
+countercharges
+simister
+grecos
+conahan
+bilba
+stevenston
+venglos
+bunthorne
+1,818
+conmigo
+empyrean
+produnova
+newble
+persians
+express-news
+shass
+huaiguang
+xiahe
+sori
+bilibin
+msosa
+densa
+suckow
+snra
+jongg
+frankweiler
+asteria
+mycologist
+ledge
+arrah
+ajuonuma
+alsace-lorraine
+leintwardine
+gyfun
+xiufeng
+anno
+1376
+heroclix
+headlined
+implicate
+porur
+traffick
+forged
+zarka
+predock
+gunrunners
+ostby
+arc
+countersigned
+ucar
+krepinevich
+cabri
+francoism
+kraai
+swanston
+capacitor
+iriver
+1,200-room
+alphans
+50.50
+abhorred
+exo-k
+brissenden
+supercuts
+markevitch
+valensi
+quiere
+tripel
+karaikal
+circumvented
+txema
+subordinate
+nisreen
+illustrators
+sarpaneva
+obfuscates
+quintal
+anti-intellectual
+145-kilometer
+drummoyne
+qutang
+sportist
+quarterstaff
+35-plus
+50-man
+alispahic
+novye
+ivashov
+konovalovas
+8,833
+pornchai
+13-round
+insein
+disambiguation
+svanberg
+neustar
+pennfield
+plutonian
+altgeld
+horia
+250m
+noriyoshi
+13.10
+misdated
+judaism
+lammi
+9-yard
+unpolished
+attentiveness
+zahrobska
+cowparade
+megawati
+cill
+bci
+islamism
+odesur
+magilligan
+maadi
+mišković
+ambitious
+afr
+4,230
+nadelman
+terminated
+mckenley
+crozat
+sufi
+2,564
+kasraoui
+speltz
+outrebounding
+12-1-1
+youzhny
+langone
+stalactites
+kkn
+26c
+muzzle-loading
+50.11
+jiping
+łęg
+olkhovsky
+ashulia
+tpn7
+erling
+ganji
+succesfully
+apis
+morella
+singgih
+fbm
+52,300
+tremolo
+shewanella
+rasool
+zhihui
+reaccredited
+graviton
+casino
+secularism
+2.66
+perucho
+bobby
+burglaries
+vistula
+resonantly
+1487
+juxtapositions
+insufferable
+isho
+xiaoming
+wilshaw
+bottesford
+energysolutions
+janamorcha
+perceptions
+88.50
+trippler
+chipettes
+3.69
+chim
+lings
+windeck
+1:27
+uncompensated
+galleys
+oppal
+dilating
+periodnone
+hamburg-based
+chillout
+1.2-1
+questionably
+lexisnexis
+electropositive
+bridget
+2.75
+buick
+affixes
+invasiveness
+acfic
+maybeck
+tolay
+maslamah
+vladimiro
+takur
+tihomir
+wust
+teashop
+reducers
+valle
+importantly
+back-end
+kehrv
+kazimi
+adventuress
+shion
+coflexip
+srp
+shibutani
+re-aired
+.658
+adriel
+solicitude
+ede
+robey
+eua
+ohrp
+marillac
+gabites
+sanfeng
+kiri
+nieland
+mercedes-benz
+allai
+hinnøya
+badruddoza
+450-seat
+blanche
+salm-salm
+qizhi
+abulfaz
+dorylaeum
+feuerzeig
+mzt
+dewy
+elaraby
+pirogov
+nakia
+federica
+buist
+codjia
+ardais
+viswanathan
+large
+shakeout
+regillus
+haberl
+gesundheit
+northwoods
+localtalk
+pre-adolescent
+roscius
+7.5-magnitude
+taraka
+nyambi
+vetulani
+stuard
+biting
+d’affaires
+38-27
+sämisch
+adams-onís
+murska
+skira
+linna
+berchtesgaden
+bio-medical
+hawken
+segas
+muge
+reigned
+jono
+ptm
+0425
+64-member
+mattar
+headly
+nebulae
+1,022
+stanislavski
+wanley
+multipoint
+ameer
+teagan
+hbcus
+trouble-free
+bamenda
+late-1960s
+abil
+malagasy
+hanggang
+initialing
+xenophobe
+tobishima
+534
+drakulic
+walram
+nicks
+naung
+véhicule
+paddle-like
+useco
+777-300s
+07:30
+mellowing
+cofer
+top-scored
+edye
+skriker
+krobia
+observable
+detrick
+comox
+dennen
+cronin
+januario
+stronsay
+treni
+camenzind
+bamburgh
+hanuš
+aereos
+ripken
+yeller
+najjab
+caldo
+imparja
+radhika
+vlore
+oversaturation
+ariosophy
+waukee
+entreprenuers
+46.10
+hrudey
+long-tail
+0730gmt
+86.12
+kilcommons
+arnette
+hoosiers
+intermarry
+32.91
+mmwr
+sellafield
+brownridge
+ceramicist
+sverrisson
+vorgan
+6:38
+suey
+212-921-2008
+tschetter
+gwersyllt
+gilster
+87.01
+handclap
+takeno
+ministates
+erebus
+well-liked
+ishtayeh
+snakelike
+pezzotta
+cinemascore
+argungu
+banim
+turdidae
+aramboles
+minisode
+79.92
+ibraheem
+gallop
+seff
+mehk
+junius
+.0198
+274.3
+airheads
+unibail
+5,048
+goldrush
+calvisius
+brugada
+16.00
+exista
+barquin
+letterfrack
+arabesques
+dániel
+ulcerative
+prabhupada
+antidiabetic
+5:34
+eddleman
+gachibowli
+woodpiles
+meinem
+stanislav
+tryall
+109-103
+kghm
+superted
+l'orange
+http://www.navy.mil
+nlp
+s20
+londesborough
+turcotte
+63.06
+kaushambi
+ironmaking
+canadense
+muslimeen
+nov
+operatically
+beschreibung
+adelsheim
+physiques
+carita
+1814
+cossette
+co-management
+severely
+sassoon
+koraput
+every-day
+seven-game
+j-6
+mid-4th
+wlib
+pyin
+recognised
+terminuses
+sato
+garri
+hamsa
+mesker
+ocean
+amphipods
+6.09
+tsen
+dhq
+wussy
+logies
+blocky
+hindemith
+lukins
+90.9
+julue
+poderosos
+8.56
+resultado
+109-107
+bix
+luchetti
+xiaoshu
+market-garden
+oksanen
+mansehra
+.824
+zmax
+albeniz
+111.4
+golfweek
+blaenavon
+cyclassics
+mattapoisett
+platel
+seven-story
+falt
+revenuers
+barbarez
+mainz
+hoofddorp
+babeldaob
+llandysul
+deeter
+kjus
+sunspots
+24-july
+warpaint
+39-21
+.727
+schützenberger
+penella
+8gb
+bottomless
+houlahan
+shahed
+wuttke
+802.1
+osei
+hojatoleslam
+62.11
+mirrabooka
+hyper-v
+threave
+massasauga
+m855
+mogaka
+bux
+bialosky
+checkmate
+loran-c
+qaanaaq
+62.96
+empidonax
+10:43
+inter-house
+flutist
+tommorow
+alsina
+bino
+tritos
+relieving
+strugar
+58-lap
+curtsy
+yazov
+chowhound
+scarboro
+morrisonn
+fund-raisers
+illustra
+19-strong
+kailuan
+flanks
+tel
+caloric
+lehr
+koulen
+ingests
+majelis
+fú
+kindelan
+foda
+kvaerner
+scooba
+goal_montreal
+mindelheim
+sylt
+oncogenic
+120-107
+234th
+salamina
+webzine
+komitee
+ebbsfleet
+notches
+joll
+chéng
+légion
+morto
+ddis
+foodgrains
+91.86
+jobim
+ence
+kamasaki
+noelia
+gushes
+o'donohue
+smyly
+detalles
+polri
+pury
+ballow
+2.05
+electrochemistry
+serenely
+15-chapter
+paran
+manavala
+rickards
+hemel
+akemi
+hein
+guitarist/keyboardist
+highly-rated
+blemish
+ballina
+appended
+refki
+g-15
+maslow
+dantzig
+unrelentingly
+440-square
+potito
+macaddict
+rabiu
+oundjian
+3,853
+stirnemann
+jasinowski
+cataluna
+pdf
+a303
+circumnavigations
+vivos
+dimmer
+68030
+countermoves
+motherboards
+circuit
+iheu
+tlatelolco
+arras
+12:36
+kneeling
+pbp
+neeley
+legia
+kagetora
+affleck
+declaring
+http://www.tamilnet.com
+moresco
+cyrrhus
+dockworker
+biopsy
+acp-eu
+bandit
+pledge
+hermosillo
+nixonian
+1,916
+climer
+farfan
+mursili
+0611
+pirner
+cundiff
+smallholdings
+drillings
+unitedglobalcom
+hever
+dongpo
+wyou
+abayas
+mounts
+mateus
+bijleveld
+rouzbeh
+chirurgical
+institue
+krenn
+11-storey
+csa
+frausto
+unaware
+dainis
+denyce
+r1b
+hiring
+chievoverona
+2-0-13-0
+narth
+ishimaru
+flanders
+overheated
+drogobych
+23.00
+toaster
+matafale
+fossas
+ziwei
+pelmeni
+lalit
+perin
+oryzias
+trowbridge
+72.53
+espinho
+high-elevation
+siak
+luaus
+dant
+abeer
+motorbuses
+larissa
+mortgage-backed
+pot-limit
+xxvi
+takehiro
+kups
+eita
+durational
+sombart
+jushin
+112-foot
+ochamchira
+eluding
+hauswirth
+disfigurement
+esmtp
+l'opera
+(708)
+doonbeg
+marxism
+berimbau
+kain
+34.20
+slickster
+14-inch
+tabled
+balconies
+wcl
+suprachiasmatic
+hyperspeed
+dvd-ram
+265.2
+kawaoka
+stashing
+picache
+2,881
+l-188
+ncte
+echolocate
+1947-1949
+curwen
+eskandari
+fast-acting
+leschyshyn
+syre
+yangxin
+1968-75
+sashti
+henckel
+aley
+belsky
+on-ramps
+oswiu
+apocalyptic
+shōchū
+beinlich
+ostrager
+luti
+flux
+yekta
+dominici
+orthogonius
+arachnology
+06sec
+levington
+iserlohn
+returner
+yorubaland
+seir
+kunce
+duplicitous
+kilij
+kanosh
+valli
+akinfeev
+bruzon
+outspread
+delavekouras
+rainsborough
+volador
+two-fisted
+lawspeaker
+clásicos
+newsworthiness
+pedersen
+gillan
+baladi
+microwaveable
+sehra
+h1
+espuny
+priesand
+maryland-delaware
+h9n2
+barbuda
+sps
+onigbinde
+radish
+kendall
+nappanee
+sex-related
+gepetto
+victim
+ji-eun
+roessner
+vala
+vlaming
+mygalomorph
+immunosorbent
+pucheng
+30.07
+thubron
+kohs
+qaiser
+confederación
+nils
+quijote
+sbsm
+atay
+ekali
+awabakal
+1,928
+shokoofi
+leptotyphlopidae
+tassos
+earth-616
+palliation
+afrotheria
+ත
+russoniello
+theise
+car-15
+89.12
+d'italie
+facta
+teferi
+peonage
+hanga
+avos
+flushable
+hamazon
+klusener
+arapaima
+staithes
+pattali
+conder
+skyfall
+markar
+license
+50,625
+hydrological
+stis
+copper-nickel
+rattanakiri
+marc-andre
+zarrabeitia
+rock-wallaby
+öztürk
+mcpike
+o'hara
+nyström
+niskayuna
+spitak
+benito
+j79
+fashion-conscious
+dorothee
+interruptions
+1-quart
+61.01
+observatory
+pedrotti
+primeira
+batran
+22km
+muonio
+cpuid
+viridis
+giyani
+owaisi
+proportionally
+71-56
+http://www.aap.org
+huyghue
+köchel
+pough
+mcgonigle
+bevbeckham@aol.com
+temur
+cub
+citigroup
+osage
+ukuleles
+szubin
+mantiqah
+ngodup
+sukmawati
+theorize
+organised
+lightbulb
+bottai
+keasey
+maddog
+chamberlaine
+medallion
+700-word
+wormed
+bongiovanni
+42.33
+diversey
+proinsias
+cablecom
+comoé
+menedemus
+173rd
+uberaba
+2436
+muircheartaigh
+yeamans
+spirig
+symptoms
+anti-monitor
+boimatov
+lakhan
+goldwin
+radiosity
+1.5130
+1.2-mile
+thoas
+kohinoor
+setup
+kiwifruit
+ingela
+50/50
+bloodline
+andreychuk
+schembechler
+tothis
+vironia
+pittoresque
+geomorphic
+sharaa
+rejuvenated
+progamme
+famvir
+romance
+strives
+manteau
+626-member
+benden
+gyges
+boatwright
+lunch
+parbold
+ostendarp
+102.92
+bladers
+aadmi
+sossa
+99.90
+banishments
+amoudi
+vitch
+weissensteiner
+carneiro
+solidos
+flattops
+aldgate
+metahuman
+13.33
+quilico
+o'regan
+nalis
+gyor
+madson
+maddow
+illicium
+43.94
+hand-in-hand
+federalization
+ciudadela
+amranand
+tongva
+maimings
+ohene
+weinreb
+megaships
+shimokawa
+whom
+scholtz
+françois-rené
+single-photon
+13,000
+4,402
+guodu
+godflesh
+katai
+orienteers
+phoe
+iffat
+chongxi
+pollner
+ghirlanda
+11pts
+guilbaud
+sl500
+congenital
+joannis
+illés
+yacob
+aragats
+cvd
+leopoldstadt
+kaltenborn
+14-15
+vancouverites
+statilius
+epinions
+4,322
+shett
+vorapin
+143.1
+elaborate
+.18
+thon
+sambuaga
+quartermain
+hitiris
+shogan
+ig
+semi-synthetic
+billiken
+musculus
+reformative
+octavius
+timetrax
+remigius
+70-75
+kissasse
+tadawul
+zurbriggen
+herbie
+byproducts
+coben
+cosmography
+germain
+pommard
+term-time
+hematopoiesis
+cctld
+ghader
+two-letter
+tburr
+hasanabad
+panoply
+topcon
+indore
+35-meter
+elejalde
+record-high
+12-person
+avaldsnes
+potanin
+creeps
+high-traffic
+montluc
+llenos
+patios
+sauchie
+authorize
+ahora
+respuesta
+haukland
+accoutrements
+guisset
+yorkville
+3,574
+chancey
+gewogs
+kolathiri
+ital!and!off
+staphylococcal
+telesystems
+hetrick
+schaaphok
+mettle
+horwell
+germane
+souces
+mille
+tosafists
+kathie
+selecta
+calcium-dependent
+nigger
+henneman
+dunărea
+7:22
+shonibare
+m83
+hermenegild
+20-5
+robbo
+http
+culvahouse
+pittsburghers
+shimizu
+stjepanovic
+brix
+favata
+zhong
+kendrell
+trefethen
+vibratory
+byberry
+http://www.naacp.org
+187,000
+francomano
+godfrey
+despising
+mh-60s
+szymczyk
+embroils
+schelklingen
+ad-din
+newtownards
+plethora
+gremolata
+hoogland
+spackman
+lycan
+89.29
+bellegarrigue
+leesburg
+repulsa
+math
+checa
+ve
+8,840
+nurmahal
+capable
+altafaj
+5-6th
+irrationalism
+phenylalanine
+sandaun
+step-siblings
+unfeigned
+5-77
+63.6
+maus
+crosshead
+norling
+anastas
+2,227
+chesnokov
+1281
+al-gharafa
+4,423
+19.9
+nawash
+6-of-19
+akhmedov
+survivalism
+ringaskiddy
+kilmaine
+convenient
+91-81
+sweeter
+drennan
+re-energized
+marks
+expectable
+nines
+youk
+cotonsport
+creaney
+28-million
+sharetsky
+f-111b
+powderfinger
+abduljabbar
+sassy
+gussie
+pluribus
+dallal
+hawpe
+whymper
+messagelabs
+non-turbo
+australopithecus
+53.70
+mesoeucrocodylian
+multibeam
+kruegers
+linderoth
+ditching
+9-73
+a9.com
+cottier
+construction
+fakhri
+otr
+koury
+velden
+povoan
+shellman
+54.88
+talksport
+kujawskie
+programmable
+nascimento
+onagraceae
+merriam-webster
+siuslaw
+lawman
+ioane
+inter-connected
+tado
+sedki
+euro910
+dover
+0915
+hnd
+respectable
+guera
+mosquitoes
+reviews
+safronov
+ziona
+balladares
+gietz
+havern
+wellstar
+or
+dyfnwal
+muttlebury
+glave
+rcl
+muntasser
+117.48
+descant
+blockships
+commodification
+71.24
+strassmann
+bofi
+ciani
+spins
+hinai
+1.47
+däniken
+twirled
+retiring
+berroya
+nederlands
+6k
+headstone
+4:3
+alain
+zanette
+chadderton
+mucyo
+molland
+duvivier
+83.35
+westpark
+barstow
+90.65
+hesler
+shifa
+baranek
+eradicators
+systemization
+gask
+semi-regularly
+northlands
+descendents
+liashenko
+xenu
+wertmuller
+genetical
+gessert
+c-9
+combinatorial
+pomahac
+stauffenberg
+avigdor
+dogus
+negotiators
+shirshov
+hajong
+embryonal
+clingy
+glenville
+kamarupa
+cycled
+tootie
+schongauer
+66.31
+promisor
+tabernae
+wallwork
+droped
+kep
+opvs
+sabis
+varvara
+atieno
+kahuzi
+40.31
+champs-élysées
+58-47
+gesch
+loney
+lotharingian
+american
+clambakes
+ardbeg
+analys
+hinkley
+bissel
+craigieburn
+madkins
+phoebus
+rangoni
+cgwic
+ghedin
+240-million
+higbee
+hometime
+affeldt
+tregoning
+baluk
+38.23
+mayah
+bilham
+machine
+5,013
+sds
+sonarpur
+fiorucci
+forbearing
+crypton
+qb
+broadfoot
+non-interference
+wome
+4,570
+chaumet
+christenings
+chalices
+telopea
+3850
+heavy-set
+pristava
+soerjadi
+para
+during
+anglo-german
+hdr
+rebay
+regularly
+cooperates
+puck
+tortorici
+nenê
+interviewing
+ventureone
+10-of-17
+re-invention
+cwilliams
+nassiri
+alums
+coogler
+saeng
+39.28
+pediatrics
+termez
+112-111
+interdependence
+cabildos
+kiveton
+torridon
+3:27
+leading
+212.9
+navantia
+brookesia
+balcomb
+ngonyama
+ancelotti
+galore
+wyborowa
+amalfitano
+500-acre
+oscorp
+ponceca
+rafay
+jazayeri
+bosnak
+coby
+benachour
+overgenerous
+shipworms
+khorgam
+kawthaung
+o.s.s.
+bishnu
+kreisau
+sorana
+icab
+unblinking
+ickworth
+turkcan
+lindahl
+therion
+mobilcom
+colwick
+aliyev
+sunburn
+depletes
+reengineer
+heikal
+dimmest
+angaur
+cleanest
+chekhov
+saadeh
+roces
+brannon
+martindell
+niram
+6-track
+strindberg
+kurzman
+coppini
+109.83
+arlberg
+damaja
+caradja
+olividae
+fibulae
+ugaritic
+paramakudi
+reema
+evenki
+northleach
+neylon
+holburne
+sweetheart
+mascaras
+disk-like
+lancre
+c-myc
+wknr
+minimality
+qtrax
+balma
+tercios
+30-month
+merisel
+tungar
+toadfish
+mongie
+foudy
+katsumoto
+46.25
+reneses
+readmittance
+besos
+zenterprise
+ichijinsha
+62.91
+nimi
+taiex
+pasteurized
+3,631
+triples_jeter
+biopesticide
+porfiriato
+schnapps
+mgs
+pipelines
+non-government
+cockerel
+nextgen
+wjbk
+1985-1988
+wahl
+alr
+chemainus
+middlemiss
+noiret
+liro
+supriya
+russborough
+zarak
+folashade
+nokes
+champneys
+kum
+carrot
+debentures
+moehler
+belete
+burtonport
+mermen
+innerchange
+lukman
+1972-76
+bridgford
+bicoid
+189.8
+hemopure
+feterik
+retail
+roelof
+1998-2005
+responsiveness
+buzzsaw
+gerow
+girls-only
+loathed
+sexwale
+mausers
+stańko
+ohafia
+science
+hurunui
+provençal
+chidchai
+teaching-learning
+25aou94
+pascoal
+aird
+bethel
+enrol
+adegoke
+bosak
+romesco
+heawood
+jrcc
+alumnae
+raymundo
+pame
+smis
+dujarric
+morbius
+milltown
+gnostic
+bittering
+he-aac
+dronacharya
+2,819
+reelection
+arrellano
+delma
+judyhearstdc.com
+antediluvian
+1.8250
+otherwordly
+sugeng
+recruiter
+dekalb
+hieroglyphics
+jüri
+drebin
+babas
+hovhannes
+triage
+2/6th
+ltu
+splendida
+ayts
+asiaweek
+226.9
+brimin
+78-65
+euro552
+burov
+aiz
+mamie
+freescoring
+topock
+gughar
+ewart
+jianrong
+six-and-a-half
+drambuie
+mcclintic
+pondo
+nkabinde
+texte
+vassell
+fnm
+shelbourne
+youngbloods
+culkin
+koci
+bessler
+http://www.fema.gov
+rawlinson
+6700
+thiruvanathapuram
+bisri
+gaule
+tanduay
+thus
+gritschuk
+freiburger
+175.9
+remote-controlled
+munyonyo
+59.38
+jenoff
+felicidade
+42.62
+tsentr
+tichborne
+undemarcated
+ucp
+bjoerkman
+memoirists
+overdesigned
+2v
+argall
+eskrima
+mozingo
+succumbing
+ergometer
+kolodziej
+undp
+artem
+fanolua
+dickens
+1.4893
+betwee
+doppelmayr
+74-25
+archerfish
+damia
+fossils
+aeolian
+moonee
+gisco
+nyuh
+arbeed
+copsa
+offertory
+melioidosis
+severinsen
+44-second
+borowski
+asotin
+fukutoku
+ashtray
+smelliest
+gourgue
+wargo
+uddin
+transitioned
+mixtures
+fert
+bugbear
+xj220
+braathen
+drms
+d'ailleurs
+imutran
+teleoptik
+nopal
+omra
+bhavesh
+heathcliff
+muggsy
+lenina
+macugen
+perithecia
+coolgardie
+four-storey
+maarib
+p450
+2161
+fedorchenko
+whittlesey
+thüringer
+apollonian
+whbq
+makfax
+antel
+sultry
+busseto
+boléro
+genocide
+landmasses
+antietam
+hammond
+tekturna
+outtake
+zenia
+aljazeera
+kiosks
+researcher
+newly-born
+hakobyan
+chatterer
+deglaze
+d’italia
+freja
+guitar
+1336
+choqā
+nokesville
+olso
+moss-covered
+of-3
+cimbri
+meman
+bilaterals
+burk
+cimon
+nouadhibou
+hervey
+co-branding
+diwali
+thean
+64.27
+earth-3
+dreesen
+khoroshkovsky
+molo
+bononia
+unanswerable
+jiyong
+saigol
+purveyor
+capoten
+outspokenness
+falsity
+cabin
+caisson
+neopets
+cebuano
+beta-lactamase
+outraising
+shorea
+chele
+matchpoint
+columbite
+15.81
+1996-2002
+counterstrike
+douglas-home
+etosha
+heaphy
+owarai
+grandy
+batres
+ambiental
+churchward
+succoth
+sc.
+musumba
+rflp
+boskovic
+campgrounds
+procup
+2,843
+castonguay
+conae
+morrish
+copelin
+margaglio
+argenti
+elitserien
+51.96
+shoes
+pachelbel
+johnette
+97.93
+mauthausen
+believing
+ogilby
+v40
+said.he
+starfruit
+frankincense
+devaraj
+airborne
+entrench
+21.5
+dysregulation
+underlings
+dramatist
+tenley
+necesarios
+minored
+31.56
+tropp
+96.11
+nixons
+pirot
+d'abidjan
+kasas
+mudug
+ridgecrest
+pantomime
+heitmann
+re-purchased
+delphinidae
+nzerekore
+makarenko
+pllc
+wilkesboro
+zn2
+gutt
+n'dou
+248.2
+klugh
+colorless
+zabidin
+blastocyst
+danang
+rattazzi
+22.9
+pleso
+450-meter
+crisanti
+splined
+sten
+17.20
+khadka
+bidets
+60-3
+laterally
+soberness
+kotin
+bgs
+velachery
+göktürks
+palestina
+0210
+characins
+unterkircher
+nabarro
+llona
+munchen
+sween
+yacub
+silverjet
+meles
+magnitude-3
+glob
+stoner
+hadoop
+readily
+payable
+philadelphian
+0-2-0
+44.60
+aarej
+yal
+suspect
+peary
+d2h
+lactase
+mcgonagle
+těšín
+3,657
+ambiance
+37.08
+caetera
+nf-board
+officeholders
+risso
+dukla
+adzharian
+atgms
+grabby
+nationhood
+championship-winning
+beijing
+included
+ultranationalists
+7.93
+kernohan
+overabundant
+37-cent
+oberman
+rosaiah
+nobuyoshi
+halmahera
+provers
+80186
+aucoin
+malayala
+eight-part
+saidel
+290.5
+82.66
+bling
+fignon
+aebersold
+1581
+inoculates
+lro
+peashooter
+rogan
+aniko
+agoraphobia
+spectrometers
+ubaidullah
+news-times
+bëor
+inpe
+maryborough
+srivilliputtur
+muhsen
+thakurgaon
+existences
+zim
+overwhelmed
+clofazimine
+public-health
+réserve
+alfalah
+atua
+seven-yard
+gangadhara
+nytsyn
+dammam
+sillago
+frishberg
+waistlines
+dealbreaker
+funabashi
+clinopyroxene
+chul
+adelskalender
+brilliant
+16-day
+finestra
+strombergs
+ishikari
+anthropological
+non-mormon
+karangwa
+interconnectivity
+26.23
+wsh
+drohan
+latifundia
+handicraft
+nalin
+curiousity
+ovo
+rusconi
+tickles
+intifada
+enma
+charmander
+quarterbacked
+unah
+5-cell
+3,498
+zermeno
+2,901
+inchbald
+4501
+functioning
+giat
+ne3
+lettre
+flashcards
+biomarkers
+hesham
+bellace
+maddox
+miskitos
+telia
+3-5-2
+civilisations
+skeie
+541,000
+0.36
+sundsvall
+108.19
+thymidylate
+norgaard
+leodegar
+fannin
+7-13
+chaiken
+caloun
+.273
+40.41
+brancaleone
+jiggles
+kierkegaard
+neon
+yavana
+vigorous
+wildland
+karnow
+adger
+bahnhof
+wwdc
+feasterville
+outed
+alh84001
+25.91
+rochat
+149.5
+virani
+tributyltin
+fanuc
+abdoulkarim
+47-mile
+hks
+untuk
+bistrita
+gowarikar
+162
+great-great-great
+1-800-759-8888
+raphael
+double-track
+nationaltheater
+loescher
+njps
+carburetted
+singo
+.676
+orangefield
+apprenticeship
+orp
+inro
+jrr
+ochotonidae
+undercliffe
+supped
+seiki
+chungui
+aimtc
+bragg
+marquetry
+38.06
+salivate
+tunebook
+fxe6
+flickr
+buk
+nevermore
+w9
+hamidullah
+thursdays
+welsh-language
+omnigo
+120.61
+educationists
+chunfang
+3-bit
+hooshang
+cycleway
+suin
+kasi
+ritalin
+söderling
+dubček
+adik
+brunken
+hooke
+sandino
+1,086
+scottoline
+trutv
+euch
+sankrail
+buffy
+4.51
+edgerrin
+metrotown
+guye
+clarridge
+chromed
+makhtal
+episcopi
+schonfeld
+marib
+nasdaq100tr
+1:37
+xilai
+goldsmiths
+dholpur
+paternalistic
+disassociates
+bucherer
+lucidi
+.063
+stables
+ripen
+.248
+abolished
+phenylethylamine
+scx
+'78
+bruja
+ruppin
+torlot
+jemal
+bottlebrush
+silveira
+maxwells
+riyadh
+fence
+mirabal
+gennet
+garba
+sulander
+2.57
+bản
+garbarek
+haisman
+lethem
+ningwu
+thalamic
+perfecta
+brestois
+bellhouse
+stoltman
+vcjd
+gopaul
+schabowski
+olneyville
+faina
+jole
+uppercase
+120.20
+carve
+daunte
+mcquillan
+eruv
+7,260
+hitparade
+proto-algonquian
+mangammal
+apoel
+gloc-9
+fireballing
+meddings
+extramarital
+vingtaines
+nicolle
+21-61
+maging
+khidr
+dtrace
+damieh
+rocket
+feloniously
+rockstar
+bse
+samuel
+rolton
+millien
+wickstrom
+107.82
+tuna
+zhenglong
+sinusoidal
+seconding
+17:54
+threeboot
+76.10
+kyawhtin
+montserrat
+106.44
+13.27
+men/women
+sluiced
+mouammar
+glasscock
+fabian
+linocuts
+carribean
+1870s
+issuance
+tübingen
+somerford
+ansible
+air21
+paine
+hominem
+habanera
+puttin
+aburto
+alman
+m53
+jagdish
+527
+nautch
+mitrofan
+nystedt
+rominger
+6715/64001
+dinardo
+salahudin
+deputising
+redacted
+1.4677
+roslyn
+simaruba
+plainclothed
+huntford
+finnjet
+localities
+bonded
+cypriots
+zaoralek
+sandner
+woe
+1,200-square
+satisified
+durians
+birkenau
+akka
+barberini
+fajr
+chambering
+rigamarole
+108.45
+2348
+kathimerini
+gland
+insufflation
+schrödinger
+assistantship
+⅝
+whores
+senecal
+barbu
+kanokogi
+short-distance
+mid-1993
+mcleod
+rfs
+wartime
+72.69
+polynesian
+troo
+stormer
+zon
+pyramids
+sediq
+5-to-2
+purvanchal
+hydrazine
+1,173
+10-ranked
+lena
+totemic
+chinta
+antibullying
+sfeir
+commencement
+dislodge
+afrasiab
+blackmon
+185
+rajpur
+pavoni
+lucis
+betraying
+kwakye
+silambam
+presenters
+20.16
+antaeus
+panamericano
+dairymen
+kerberos
+lucette
+beltway
+reinvigoration
+behe
+náchod
+fundació
+blagojević
+grendel
+displease
+capadocia
+18-minute
+gemzar
+phulbari
+woodrell
+netanyahus
+patriarchate
+concession
+bugendana
+trofimoff
+duckling
+jiyao
+tamper
+vhp
+saint-honoré
+belshina
+alphaserver
+eighty-ninth
+destructiveness
+drizzles
+széchenyi
+marike
+laurant
+14:07
+pilley
+selbach
+fan
+arbour
+krishnamachari
+kinds
+nougat
+elderberries
+chanteau
+49,500
+metrostudy
+micro-level
+weekender
+maithili
+beggen
+talesh
+chertoff
+7.66
+berlin-based
+acidifying
+burchuladze
+hoehl
+2-year
+ptuj
+kakizawa
+299-seat
+aghaboe
+1:47
+relenza
+hershberger
+71.96
+jomsom
+kpis
+heat-seeking
+lututów
+tantalizes
+milverton
+spey
+godmen
+diagram
+ramada
+gribbon
+631,000
+concentration
+under-equipped
+clausius
+serdinov
+rhizomorphs
+kendallville
+interpolating
+medveds
+luarsab
+ae
+lora
+shiyu
+sundlun
+500-year
+laurentius
+mtna
+ribbons
+nickless
+kernighan
+centeon
+muzyka
+griffiths
+timecards
+grocer
+ivanenko
+kurihama
+krafcik
+enquist
+dogo
+schmaltzy
+anachronistic
+visibly
+lutatius
+liberalis
+zlomsowitch
+inflamed
+rcc
+tc2
+.644
+golod
+1,544
+željezničar
+93.74
+artc
+agatston
+856,000
+pelling
+galvus
+openness
+film-making
+72-71
+v.smile
+brosco
+florax
+kinderhook
+beitun
+dibono
+1,503
+turfs
+gorlin
+ptdins
+hallowell
+8min
+siprnet
+friedrichshafen
+guillame
+davits
+providing
+33.31
+kentridge
+sicilia
+mungoven
+bhakkar
+phuket
+legends
+bena
+sparr
+households
+sufa
+censoring
+musart
+tool
+benzopyrene
+1.8-litre
+demetriades
+anti-apartheid
+weintraub
+perforations
+melgren
+impartiality
+hiley
+huitlacoche
+arrestees
+muis
+judges
+anne
+mehanna
+lazily
+hedberg
+49.97
+patois
+afterparty
+hasao
+mida
+allandale
+long-established
+guia
+.0621
+stilbene
+morrie
+sheehy-skeffington
+blander
+hypervelocity
+403
+mofid
+mathisen
+psv
+two-cylinder
+kidds
+dose
+heeger
+polyplacophoran
+dobrica
+niagara-on-the-lake
+foresee
+snia
+sawbridgeworth
+1.171
+167.00
+farrait
+schoenhuber
+ese
+regularity
+96.33
+1,446
+p.m
+13:07
+tattenham
+v-6s
+pittsfield
+airdrop
+hlavac
+durkan
+wtsp
+hichilema
+yaowapa
+1.1875
+55-49
+kragen
+ratri
+5-iron
+vars
+daniella
+76.35
+1.07
+larrosa
+carini
+465
+voivode
+silyl
+brahmā
+kushk-e
+empowered
+dawid
+aumentaron
+giangola
+simonton
+game-winner
+chargeoffs
+vsp
+toughie
+wrongness
+atina
+staffenberg
+skarsgård
+slung
+hierarchs
+cki
+vitolas
+nostalgics
+dismayed
+devouring
+460,000
+arimaa
+shenzhen
+enounters
+tarantulas
+jentsch
+brame
+konger
+smith-dorrien
+perast
+kirillovich
+nardi
+42sec
+pumila
+teda
+enterocytes
+chowking
+aḩmadābād-e
+2820
+gurland
+feraios
+.067
+dhok
+hamstringing
+ile-ife
+excepts
+whelchel
+vice-minister
+theophilos
+3.7996
+doumani
+unconference
+abbacy
+20.2
+radislav
+168-billion
+1951-1972
+hostesses
+bolesławiec
+merlakia
+salvadora
+exaggerating
+nineveh
+khayyam
+haysom
+1230
+lamasery
+weakly
+hohs
+disquietingly
+shangzhi
+meatballs
+tulu
+gilula
+ostallgäu
+relocating
+jenkyns
+dhoj
+zubayda
+mrad
+mosholu
+252.9
+1102
+stradbroke
+warstar
+paterfamilias
+dtf
+chamond
+lala
+savoring
+waldgraves
+baguette
+mulroney
+120.50
+knarr
+nailsworth
+75-ton
+snootiness
+scafaria
+ceahlăul
+aiko
+leek
+r2
+aivars
+counterexample
+waipu
+yuta
+fmv
+rizzuto
+192-nation
+sangheli
+edries
+poltical
+anoint
+repast
+tarsier
+mpshe
+edu-ware
+menston
+upj
+serkadji
+stickney
+moctar
+scoutmasters
+bizarrely
+belenenses
+tuco-tuco
+trailside
+amburn
+flattering
+snowstorm
+air-conditioned
+95-degree
+grondin
+astrophysics
+phantoms
+shuri
+arp
+reichskammergericht
+statesmanlike
+.70952
+astro
+shibu
+wishmaster
+townie
+leccinum
+redshirt
+halftimes
+newsfeatures
+homfray
+arefin
+bip
+82.44
+chapola
+spiderbait
+europeanized
+amergen
+52.03
+full-width
+ophiuchus
+sanglah
+471,000
+mankin
+sehnsucht
+subiya
+rear-projection
+docbook
+xml-based
+nalwa
+2wd
+odious
+aglow
+passionately
+bps
+marić
+linji
+merksamer
+paup
+fctc
+tolan
+----------------------
+panithan
+butcherbirds
+gore
+manucho
+countrified
+coagulated
+indologists
+ausf
+heligoland
+4wd
+sematech
+skein
+gallowgate
+12-foot
+tuebingen
+2037
+:95
+sexta
+zamsky
+munyasia
+amaxia
+clann
+bav
+salei
+n/a
+sakon
+pryde
+bosson
+latzky
+toastmaster
+bsv
+0-for-11
+art-historical
+navigare
+nyit
+parikh
+burgh
+cotten
+8.69
+ncbi
+underdiagnosed
+cb
+splattered
+tukur
+pedreira
+1.091
+asia/oceania
+4:1
+amisom
+32,607
+non-actors
+pinzón
+2.30
+fenchel
+48th
+judex
+baris
+unisexual
+mondego
+containers
+plant-based
+khattar
+dreher
+dhanapala
+makindye
+35.97
+norra
+ajai
+two-woman
+taxidermy
+smothering
+68.28
+ceballos
+oopsla
+haekstep
+ambil
+1966-68
+padilla
+slott
+knifeman
+arguelles
+6.13
+pyeonghwa
+crosslinks
+enhancers
+semi-deciduous
+jamesville
+332.3
+innviertel
+coppenrath
+llave
+maxis
+onesteel
+klecko
+bipolar
+sundaland
+unanimously
+naif
+fascist
+selles
+autopolis
+shumeiko
+yipping
+nymphomania
+armfield
+honker
+hunger
+h-2
+kawari
+blasts
+fozzard
+physiotherapy
+handphones
+left-wing
+cierra
+4,037
+princen
+skymiles
+insupportable
+segregate
+keothavong
+3,266
+captaining
+potlucks
+obvious
+jsp
+787-9
+dark
+singly
+beerbohm
+netting
+1,637
+7.9257
+grüne
+hereof
+guodian
+preocupacion
+gowon
+99.59
+functionalists
+unacquainted
+ianto
+seongnam
+planetoids
+epsilon
+viejo
+acetylation
+noville
+midgley
+14.94
+regained
+kgosiemang
+mondavi
+vacek
+gombitová
+sistema
+elands
+split-off
+kekulé
+loudy
+shoemaker
+grib
+rezillos
+lubomir
+neigh
+diligent
+lampang
+reagans
+prejudge
+pearses
+bufala
+בן
+foti
+fan-favorite
+vos
+valatka
+dedovshchina
+chetrit
+wardhigley
+frederikke
+jeremies
+soulcalibur
+ghatge
+7-foot-5
+hanim
+radclyffe
+jurors
+hesitating
+preelection
+distributional
+luchi
+misa
+miskito
+babyface
+thiprote
+polizia
+athletissima
+houshang
+luisao
+dallek
+smeets
+haggai
+brooktrout
+48.94
+pallis
+qiyu
+boltz
+kracauer
+rf8
+midnighter
+roskill
+wabaunsee
+uja
+kinect
+kheyl
+formula_38
+90mm
+tianshan
+otunga
+athenais
+mingzhu
+jhk
+thursdaynight
+tàpies
+3,879
+karylle
+13,000-square
+dargo
+fouhad
+operates
+lawfare
+phan
+sub-division
+restructing
+1970s-era
+arrhidaeus
+comoros
+mutter
+aredia
+trickey
+gencher
+1.54-mile
+liquors
+jiva
+kanton
+870-mile
+blon
+mileage
+http://www.twitter.com
+sabc
+chloroplasts
+mouwafak
+seya
+shafarevich
+35,208
+summitted
+leighs
+truco
+lüthi
+mohideen
+bryant
+ethane
+elsecar
+lacierda
+commandment
+parthian
+wildcatters
+smagorinsky
+avey
+gunawardene
+terrigal
+grand-duke
+nannan
+12/13
+a340
+anfia
+85-73
+igatpuri
+opstelten
+o'kane
+cygnets
+t.o.
+devotes
+vlamingh
+tularemia
+vliw
+thsrc
+dhara
+wenping
+hainaut
+laertius
+radbourn
+tamilselvan
+zarand
+devol
+timana
+road-trip
+government-wide
+kompania
+treasury
+shefi
+paradoxes
+attendre
+levente
+nyingchi
+3,130
+ellena
+loamanu
+1217
+wentian
+yasumi
+8-part
+straaten
+grrr
+decarlo
+créole
+gwe
+wtvj
+brimsek
+nonethless
+orenstein
+tripplett
+blinks
+detestable
+keiretsu
+virtuosic
+makhijani
+panhandle
+knot
+stigmatising
+braunsberg
+383.10
+biscop
+cuív
+cherveniashka
+samoset
+walthers
+botley
+bloomingdale
+wisecracks
+vs.
+6800
+clardy
+huzzah
+sayon
+puttkamer
+menjivar
+obaidul
+csh
+forn
+63d
+nyt
+1800gmt
+aeci
+orofacial
+gradacac
+pratten
+compartmentalize
+densha
+laches
+bettison
+rektor
+matías
+albany
+ogilvie
+giantkilling
+casablancas
+vacantly
+photographed
+oeg
+prevails
+narveson
+pickton
+ngaire
+pretexting
+tarpaulins
+murstein
+salars
+ampad
+a2a
+grappasonni
+hallucinate
+broil
+baleswar
+reko
+philpott
+agamotto
+tasek
+drottninggatan
+seek
+tacit
+chrysanthemum
+ktbc
+abueva
+gobelin
+bingerville
+:17
+concrete-lined
+philipse
+benjie
+swedes
+buhay
+132-page
+argenbright
+placing
+invertebrate
+cervenka
+plectrum
+progresses
+tanerau
+trelles
+rupam
+boudria
+hooray
+riparian
+schillebeeckx
+saint-maur
+khwaeng
+abaoji
+azumanga
+pjanic
+pankisi
+fatmir
+o'sullivan
+wickware
+ketevan
+dialect
+depth-first
+lhari
+potapovich
+sikri
+brett
+dinga
+stela
+uncp
+aetos
+weekley
+shimamura
+witchhunt
+megapixels
+obote
+getup
+meroitic
+telent
+misspells
+denverpostbloghouse.com
+astrobiologist
+somm
+whitehouse
+fuchsberg
+one-time
+amu
+bemidji
+openwave
+24.55
+lunch-time
+sursum
+loliondo
+poème
+abderahman
+hype
+lewitt
+higher-energy
+evo
+liem
+hayslett
+o.p.
+.394
+lampwick
+artioli
+baring
+kieron
+potiphar
+hnin
+direct-current
+utdc
+saddleback
+half-angle
+pushiness
+pro-nuncio
+silverheels
+czambrano
+gastrectomy
+111.12
+marianna
+propellerhead
+dauphiné
+9.550
+pinerolo
+involving
+ginger
+(703)
+st.-petersburg
+#cccccc
+kurzer
+mizoguchi
+wiser
+zvyagintsev
+http://abc.go.com
+oesterreich
+complexe
+tarea
+32.01
+dendrobatidae
+cláudio
+taveuni
+orvil
+mischka
+kwadwo
+bocker
+psionics
+400-kilometer
+marajó
+pasteurizing
+buber
+bisexuality
+rebeldes
+d'albert
+115.64
+headbutted
+espouse
+furuseth
+66.01
+sgu
+madueke
+kampia
+cherub
+alastor
+tangkas
+dittmar
+cosenza
+1971-73
+vjekoslav
+molests
+wurrung
+sharmaine
+15.79
+neeper
+andrez
+roaring
+larusso
+preinvasion
+procreation
+runestone
+idyll
+overeating
+94-86
+trocaire
+video/dvd
+teasdale
+getae
+1900
+hanford
+coccoid
+pyithu
+saptari
+kfir
+cloudbursts
+bisch
+38-20
+smuggles
+backpage
+goldfields
+borkelmans
+petro
+marías
+1530gmt
+ajanta
+élodie
+squashing
+kragujevac
+gleim
+superconductors
+abourdeineh
+westerwaldkreis
+saliba
+44.89
+establishement
+overalls
+gaviotas
+beliz
+preclearance
+pookkal
+kormos
+islamique
+manger
+shoja
+kw
+12.31
+willoughby
+damasco
+showery
+goldsboro
+overreacted
+konz
+prohibitionist
+108-run
+dtr
+counterpunched
+wins
+totenberg
+chahdegal
+byrant
+33.63
+spoonbread
+nts
+lindenmayer
+starye
+gps-based
+namjoo
+jessup
+asfaw
+ornamentally
+dusautoir
+buginese
+tmds
+dialectically
+misoprostol
+nuisances
+afinogenov
+garrel
+coronet
+monsen
+68.70
+ebata
+okhotsk
+rebuttable
+6750
+solden
+oryem
+seven-season
+92.53
+kopylov
+ruched
+hersley
+traumatizing
+bandipur
+scrat
+fingertips
+hsrc
+cccc
+prosauropod
+vermelha
+lutzow-holm
+samaya
+recycler
+brunsbuettel
+preventable
+ngwenya
+sousse
+lakandula
+answered
+aggressors
+regarded
+lofa
+copé
+lyne
+törley
+11th-century
+independente
+zomo
+kornacki
+natgeo
+alkalines
+galymzhan
+fumetti
+hirelings
+derome
+himmelfahrt
+birks
+victorville
+antagonised
+margolese
+financers
+76.54
+co-king
+uwais
+menville
+verb
+zctu
+venit
+iju
+tourister
+67.94
+fuerza
+mahasu
+pwba
+undac
+20036
+sedykh
+u.s.-trade
+giacinto
+hallak
+inconsiderate
+carillo
+claudet
+carpathians
+kinglet
+onondagas
+fiaz
+forgetful
+hengbart
+chera
+o6
+sideburns
+14.29
+petrit
+spohn
+metabolized
+wissembourg
+1.122
+redflex
+gloria
+kerim
+conococheague
+tvnorge
+03:00
+105-run
+dating
+fact-checking
+magothy
+59.29
+cobos
+crunchyroll
+sidex
+delino
+6:06
+10-bed
+avner
+zeiger
+rocca
+tetrameric
+shamarpa
+petia
+steed
+functions
+sadriya
+pleating
+anzen
+capitivity
+guiler
+tiree
+blessig
+2,243
+plus-size
+wd40
+chełm
+reith
+reopro
+smad
+brandler
+ricki-lee
+paradigmatic
+56.97
+pseudoprime
+ment
+tughril
+cendrawasih
+confiscatory
+abelisaurid
+arundhati
+nom
+ignore
+497th
+16:07
+mesurier
+dungeon
+chandra
+22-26
+viejos
+monmouthshire
+jebediah
+mandich
+cibalia
+koed
+27.79
+barbazza
+fiddlehead
+aimée
+goldrich
+mitchelstown
+ghat
+yellowstone
+flub
+wadge
+britannique
+rhinorrhea
+dizzily
+bioelectronics
+paleoclimate
+thiên
+bohunice
+banky
+hemispheric
+heckerling
+musts
+shas
+salmson
+tulia
+vassa
+marie-madeleine
+ljajić
+cassowary
+killion
+114-run
+novo
+kawachi
+animality
+gawaine
+goldy
+seaport
+herda
+seiter
+konishiki
+linhart
+therocephalians
+tromba
+kaempfert
+first-year
+leprino
+loewen
+azathoth
+kaise
+dino
+cake
+szkutak
+breiðablik
+78.57
+private-sector
+jizan
+drafted
+milanov
+mim
+genial
+workdays
+josef
+unmercifully
+379.5
+822
+update-1
+wsyx
+paved
+baharestan
+protostar
+y-axis
+vanderpump
+blinked
+delicias
+cots
+lepore
+79-79
+cloudiest
+rutog
+plas
+cheriton
+denmarks
+boscobel
+49.06
+senhor
+1976-83
+chestburster
+miscible
+airheaded
+leonberg
+allamah
+gorgon
+comfrey
+78.02
+ravno
+224.1
+gonaives
+tabou
+sex-linked
+enforceability
+electrician
+aravirta
+adjacently
+.667
+régiment
+oppositions
+bangs
+saves_nen
+basdeo
+all-sky
+anytime
+deixis
+statkraft
+quasar
+carozza
+barbasol
+vojnović
+copping
+coleby
+lieut-col
+dhf
+163.6
+crume
+tsibliyev
+blue-headed
+satchels
+ralliers
+mokri
+cernăuţi
+wytham
+gamin
+bonnanzio
+engiova
+733,000
+dolomites
+aceite
+53kg
+rosenau
+upholding
+elimia
+113-seat
+in-use
+whitegate
+stinchfield
+panji
+mixture
+dumbness
+pairc
+ndlea
+appelfeld
+1953-1955
+lakwena
+115.65
+doyt
+housesitter
+canada-u.s.
+pluma
+aroldo
+textually
+seyyed
+jih
+moviedom
+jenco
+128.11
+ill-considered
+shrank
+scarbrough
+340.5
+ignacio
+transgressors
+35,000-strong
+mulcair
+manzoor
+damrah
+4:03
+cgiar
+xibe
+bkh
+mumuni
+michaels
+donder
+maslennikov
+panju
+out-of-tune
+8500
+zbc
+ishola
+oakleys
+qualification
+dandies
+rearwards
+millsap
+rebab
+kesler
+ofrecer
+garageband.com
+ughelli
+hanvdir
+phillipps
+guarnieri
+cedilla
+damehood
+dwór
+x-43
+heydon
+huiyuan
+redgum
+stumbo
+onramps
+harmonicas
+mouette
+vologases
+lyrata
+iskenderun
+newsweek.com
+goalies_los
+caramelization
+rebounder
+dargaud
+stock-market
+singhji
+kirker
+segundos
+iks
+abaga
+99.60
+t-64
+smyth
+wimsatt
+venting
+friendfeed
+refrigerated
+e.t.
+geopolitical
+manthey
+bimodal
+verger
+bebek
+fladgate
+dingers
+saxe-lauenburg
+subchannels
+579
+3,129
+military
+shari'a
+1,335
+lufbery
+bourquin
+sl-1
+grójec
+tarpan
+59.27
+bhaderwah
+gaoh
+ltg
+unforgiven
+itaipu
+taichang
+glucowatch
+penleigh
+d'elia
+pugu
+apical
+74-yard
+catostomus
+talulah
+dejoria
+terceira
+tywi
+passage
+21.21
+staden
+aissa
+slight
+woundings
+slobs
+barisone
+haugesund
+shammi
+mawanella
+bandama
+kitano
+ctu
+vagenas
+e11
+d/l
+velickovic
+disbarred
+option
+tarmizi
+37-run
+mattia
+820,000
+antti
+swigged
+aluminized
+soli
+stepbrother
+33.30
+yudhoyono
+pota
+74.45
+bozsik
+1_4
+lattuada
+ferrostaal
+burgi
+panserraikos
+oberhof
+llanwrtyd
+subarachnoid
+croaky
+botting
+mountie
+taggart
+titán
+sheddy
+albion
+sapara
+chalk
+3.74
+husseini
+finegan
+sweepers
+comércio
+québec
+afflicting
+30-39
+hotcakes
+fourways
+trabzonspor
+pwyll
+lajous
+lampe
+internationalists
+invensys
+32,250
+yeongjo
+commensurately
+marudu
+sheckley
+cloppenburg
+großes
+tjs
+aseptic
+lekan
+veterinarian
+127.50
+130,000-strong
+niedecker
+crofting
+domhnall
+deshayes
+kktv
+dukedoms
+suiters
+freemarket
+pinballed
+fathom
+electable
+falbo
+coni
+thalia
+gävleborg
+hirwaun
+misterio
+thérèse
+janaki
+korematsu
+incardinated
+caus
+outskated
+cutsem
+ebscohost
+pc-compatible
+childbirth
+leafs
+lobsterman
+gangmasters
+judson
+disbrow
+cecs
+bollworms
+u-11
+trapattoni
+urumaya
+2,952
+roriz
+callowhill
+tayip
+jayashri
+tharakan
+gildo
+unheard-of
+287.1
+op
+sterman
+kazaure
+recumbents
+caj
+zerbo
+otey
+scalpay
+onobrychis
+60.62
+davor
+stantonbury
+salarios
+hamli
+majungasaurus
+scrounged
+medscape
+904,000
+crex
+tatara
+malteser
+salt-n-pepa
+mossi
+mogadishu
+xcode
+insensitive
+kinnucan
+41-percent
+ustc
+leawood
+energyaustralia
+jizō
+cesano
+dihrawud
+approvals
+politely
+ternera
+elektrowatt
+amvets
+ctcss
+toraman
+16:43
+herlong
+culson
+2,400-mile
+realubit
+tyrosine
+.294
+grethel
+stentorian
+dist
+wolli
+willum
+faubus
+redzepi
+beatifications
+vickers-armstrongs
+toshihisa
+borowiec
+ombaka
+bérénice
+22-month
+odoms
+observations
+ceconi
+puruliya
+pastene
+handing
+simonet
+onyanko
+hietzing
+hmw
+1,500-seat
+4,505
+116.86
+captor
+emirati
+lichauco
+96.97
+scavenged
+pistacia
+page-turner
+smh
+sundaram
+berde
+150km
+canniness
+groenlo
+indentures
+hits
+wava
+skar
+pluss
+atsayev
+kashima
+silwad
+guerrouj
+usaac
+9in
+cibao
+shishido
+landsmark
+hounsfield
+teshuvah
+murut
+83.28
+donostia
+innovations
+okereke
+despond
+myalgia
+leuchtmann
+cinematographer
+llaman
+marullo
+v.p.
+westfeldt
+440-foot
+informationssysteme
+musial
+costera
+zuckermann
+q6
+suni
+kukatpally
+nesp
+remonstrated
+spensley
+yellow-brown
+92.42
+clingmans
+swakopmund
+souce
+2,630
+233.4
+jiquilpan
+zbynek
+i-805
+blankenship
+unwieldly
+p4
+benziger
+permanency
+mimmo
+scorers
+127.9
+kolingba
+ermal
+wheelock
+53-foot
+wardensville
+bunkbeds
+ohki
+modish
+jaitley
+whorf
+1794
+chameli
+3:39
+benwood
+reappraised
+trapeze
+drissa
+bergamot
+barricaded
+yanchi
+licinia
+mcmorrow
+9.90
+iwakura
+euro199
+mixco
+derringer
+certaine
+11.79
+pictbridge
+1.165
+kiatnakin
+neo-nazism
+guillem
+1011
+hoeltgen
+16-year-olds
+1/7th
+72.1
+huddled
+medrano
+fers
+cooperating
+encounter
+1-2-1
+klocek
+raske
+adevărul
+और
+olins
+cẩn
+nation-state
+holtzbrinck
+iracema
+beleza
+djorkaeff
+zeugma
+aashto
+sabbatical
+cerebri
+godavari
+székelys
+cicciolina
+ratón
+tiempo
+poojary
+marchesi
+kavanaugh
+3,595
+aracama
+garbed
+settling
+tymnet
+albam
+banti
+palmier
+burnham-on-sea
+maladenis
+pilasters
+neo-noir
+parishads
+greenling
+cuadra
+afshar
+habitants
+knifed
+э
+27.85
+chatilla
+tjiptawan
+glider
+główny
+melodifestivalen
+buyo
+igboland
+kageleiry
+demyelinating
+senac
+ldb
+amicitiae
+charette
+sachsenlb
+schoolmaster
+saria
+abms
+44-seat
+workload
+nicodemo
+7-seeded
+harb
+knvb
+lindlar
+ryholt
+1999-2001
+newsham
+nalick
+31s
+gipuzkoa
+zingaro
+discoveries
+noche
+polymers
+paintbrushes
+pyman
+cc3
+ryobi
+buncrana
+studiously
+tempos
+jazz-funk
+uto
+malkoha
+gele
+secondly
+pallini
+madd
+hillington
+uefa
+berengaria
+ringens
+27,083
+exculpatory
+ziegler
+bayantel
+7.7425
+192d
+jinli
+dolmens
+extortionate
+marschall
+inaugurations
+lineated
+practitioner
+tendons
+irinotecan
+tillamook
+asecna
+narey
+arlindo
+86.26
+nictitating
+witana
+synchronization
+72.68
+carrowmore
+danowski
+grobler
+kayts
+jba
+archeologists
+49.84
+37-19
+ponsana
+topple
+tokusatsu
+takudzwa
+guimares
+notarized
+hemionus
+phraseology
+redmond
+pederson
+learns
+theorized
+french-based
+bde
+kadapa
+1650
+remarking
+wedo
+wheelin
+sole-24
+combtooth
+gützkow
+danette
+7,200
+sulphur
+hia
+commissural
+rooves
+deposited
+hatteras
+dzasokhov
+altos
+brushstrokes
+kahn
+tochiazuma
+euro241
+unmasking
+jair
+experimenting
+apd
+peynado
+pagai
+yingfan
+5th/6th
+cornette
+meguro
+cu
+euribor
+infirmary
+kephart
+tangy
+14-14
+porbeagle
+polychrome
+pastore
+polonica
+stary
+75-80
+kadugli
+sihler
+wachenheim
+carpani
+brasileirão
+merionethshire
+586
+nuclear-powered
+norisring
+krivacs
+counterman
+bagdikian
+serpiente
+xhosa
+outcompete
+okaka
+waigeo
+böhme
+rusu
+foreordained
+iera
+markinor
+vody
+formula_166
+tere
+meherpur
+taida
+.1
+sicilians
+www.aa.com
+64-year-old
+surnow
+sauds
+33.33
+castalian
+diophantus
+takamine
+birling
+copertino
+linearis
+never-before
+jasidih
+bim
+flocke
+32.16
+rendon
+ferrocarril
+axons
+dabul
+86.15
+limewood
+ssemogerere
+teal
+hiv-1
+gascón
+semyonovich
+bawls
+presthus
+ratify
+mirboo
+dard
+kpatcha
+right-angled
+dubus
+ellwood
+windhoek
+subtropical
+sockeye
+naameh
+altner
+beiser
+deflectors
+transmetal
+senthil
+athy
+damluji
+8.07
+skodje
+mutagen
+epiphytes
+rain-affected
+27.84
+13:08
+gaung
+eje
+dommel
+philodendron
+restaged
+boshoff
+flexure
+bleecker
+horseplayers
+syntonic
+l'carriere
+senillosa
+avoidable
+colectivo
+borough
+rhetorical
+houstonian
+alisan
+kotari
+zeqiri
+residencies
+dubai-based
+binz
+stamoulis
+snazzy
+monfort
+non-communists
+itzehoe
+długołęka
+hotton
+.230
+szypliszki
+cyberspace
+audemars
+args
+enar
+saamna
+forty-niners
+follow-on
+dorsoventrally
+1816
+wenyue
+dysphoric
+byz
+.373
+wrightson
+f-111c
+517,000
+180g
+yakutiya
+dabbing
+ammu
+porlamar
+24,300
+cherilus
+larches
+euro338
+geiggar
+kremb
+gatley
+rgo
+anyplace
+1.2922
+poshest
+nio
+expedites
+methodist
+lushnja
+serology
+ruthie
+camiling
+phineus
+239pu
+salkehatchie
+64th
+sophara
+cadair
+100-dollar
+advertised
+fukuyama
+anarcho-syndicalists
+97.10
+smyrnis
+warm-up
+longueurs
+national-socialist
+leninsk
+3,436
+groundhog
+banisar
+davros
+1991-1992
+four-leaf
+esculentus
+righteously
+twardy
+roenning
+hampson
+dsos
+treffner
+pdci
+bakircioglu
+stormers
+dj555b
+serrell
+73.65
+54.95
+heidelberger
+bayrkdar
+paraplegic
+postconviction
+goalies_dallas
+miliaris
+trashorras
+contemptible
+58.53
+2.605
+jutlandic
+shrimp
+svorinich
+empresarios
+suys
+4music
+whitecoat
+osani
+eagle
+bjn
+petites
+1,573
+snowe
+d'urfey
+batswana
+46.95
+principi
+pernkopf
+fattest
+badlesmere
+stonnington
+nettapakkam
+hassan
+frogtown
+espinar
+deadpan
+xilong
+langhart
+dabord
+lipscomb
+argentinosaurus
+bardia
+koeverden
+fifita
+comalapa
+fago
+glyndwr
+soledad
+cisticolas
+rigorously
+hulkenberg
+uniph
+quesnoy
+röyksopp
+79.30
+delouvrier
+bruggen
+sata
+downstage
+aftertaste
+hokuetsu
+grantees
+myricks
+stomped
+4x10km
+pernicious
+masunungure
+64.6
+rados
+brik
+film1
+deforge
+galla
+nfu
+balkam
+soehn
+downlisted
+alcácer
+söderblom
+40-over
+portola
+alexandria
+kuhns
+ticketron
+dagsavisen
+0.27
+musical
+gina
+workweek
+karimun
+melnikova
+slump
+225-kilogram
+mala
+hostetler
+murderabilia
+gruenfeld
+karadi
+katzman
+mccullah
+beija
+handheld
+lozells
+business
+deutch
+sør
+non-mammalian
+sarcófago
+díez
+bogeying
+buckyball
+groundmass
+hypostatic
+patronize
+sheheen
+dryland
+1/18
+cerovic
+zohan
+mid-1991
+nimbin
+chatrichalerm
+edmilson
+geddy
+39.60
+schimmelbusch
+devastations
+non-territorial
+norcross
+smyl
+herrerasaurus
+sekhar
+intc
+tailgates
+drikung
+youwei
+23.57
+hauenstein
+recaptured
+rafiq
+61.04
+rightnow
+beyonce
+fattal
+2:47
+free-ranging
+palminteri
+27.36
+orlandella
+bases_tgoodwin
+magdoff
+th.m
+7,600
+maoming
+lo-pro
+concordant
+clantons
+solstices
+5-week
+diyarbakırspor
+diaraf
+wools
+64-61
+swiftest
+erlander
+syphilitic
+88.44
+557,000
+samish
+eldad
+amfleet
+pharisees
+thamir
+stoutly
+clayfield
+suskin
+reposting
+vandenbergh
+pogradec
+borlenghi
+reoriented
+focsani
+choosing
+uav
+chi
+mūsá
+metathesis
+croydon
+millstone
+strathaird
+9.825
+thissara
+goskino
+pattanam
+arhin
+bartecko
+spinner.com
+vlc
+toshinden
+के
+heav
+addario
+av
+isumi
+biddle
+pimento
+mcnichol
+naturalistically
+priebus
+charasiab
+bunraku
+archbishop-elector
+58.67
+slobbered
+astigmatism
+géographie
+www.travelocity.com
+fijians
+pricewaterhousecooper
+hendri
+morgane
+inniskillin
+cocomo
+codner
+alphabet
+eculizumab
+pulsing
+instatement
+iachr
+3,000-year
+easton
+hassett
+mizbani
+jagdeo
+diable
+acceptation
+78.22
+papic
+gopal
+muns
+airtime
+existant
+fotografias
+neotraditional
+7200
+bontemps
+85.7
+copo
+wimol
+ds1
+kier
+bradly
+prospective
+audiotex
+re-make
+rosaviakosmos
+ta
+2channel
+blokker
+necrotizing
+exciteathome
+37-billion
+aliyot
+pozen
+russo-turkish
+sigil-bearers
+conversations
+chitradurga
+herbfarm
+allergists
+cibecue
+banishment
+ghazaliyah
+photoshoots
+ketura
+harket
+20-valve
+henrieta
+snowcocks
+moulay
+created
+146.1
+navalkar
+8,000-member
+koebel
+orbaiz
+hafeez
+fuping
+peshwa
+nutella
+capitalising
+nevinnomyssk
+prenylation
+dimaggio
+ill-gotten
+roba
+srednja
+dickason
+cesarani
+raaphorst
+chełmno
+deicing
+shahidan
+sincock
+tiantian
+ruili
+bolthole
+tchuto
+moutai
+modlin
+ponying
+10-screen
+kudurru
+2,012
+kutlu
+gjirokaster
+olofson
+2695
+contigent
+voladores
+qaryat
+ko-ko
+canonized
+paperless
+gats
+haakonsen
+7,990
+sandwick
+imedia
+gyra
+pé
+aston
+atorres
+whinge
+1-0-4-0
+productora
+95.36
+carrabassett
+wheatstone
+posets
+masarik
+vajgl
+chuy
+takagi
+gete
+marketeers
+mccune
+bio-based
+subsidised
+halonen
+staszic
+ratchaburi
+388.25
+bajram
+valborg
+brunch
+faw
+graeber
+fleeter
+blts
+jamaat-e-islami
+ex-pat
+wodrow
+poniatowski
+dpuc
+commius
+111.32
+whirred
+escogido
+veszprem
+pleurotus
+48-29
+tisch
+castellitto
+genome
+36.89
+lucido
+city-building
+aintab
+κεφαλαια
+2:53
+muftic
+petree
+unconsciousness
+ligand-binding
+smegma
+stepanov
+light-coloured
+azara
+sabaya
+debary
+melanoma
+bifurcates
+gmoa
+sherani
+kallinikos
+nitrated
+brockhaus
+canoni
+qaeda
+urian
+9.52
+34.60
+30secs
+fotis
+kribel
+elano
+factorials
+mugford
+harmless
+vasai-virar
+sinti
+carga
+kopli
+ferrites
+feltes
+stadtbahn
+36-30
+tduncan
+2019
+condie
+dariush
+quadrivium
+enticing
+much-needed
+gombrich
+programa
+assuredness
+grandeur
+tremula
+hide-and-seek
+esson
+lauraceae
+18-to-34-year
+acps
+gnosticism
+week.the
+storing
+churla
+1,921
+serialization
+dudesons
+ghia
+boroondara
+benson
+2,984
+downard
+picketing
+zirkuh
+bators
+mahfouz
+sacra
+padel
+91.56
+sekirei
+33-1-53-05-76-58
+celebrative
+bocanegra
+krankenhaus
+c-141
+lindbom
+warehouseman
+kgz
+hilarion
+gracing
+secteur
+dança
+vs
+plaque
+wzlx
+gadsden
+piloty
+embroiled
+moskovskiye
+luya
+mawlamyine
+outtrim
+chytridiomycosis
+16-seat
+buybacks
+2318
+futuresex/lovesounds
+maidin
+heelflip
+zrinjski
+alcm
+ziege
+35.67
+al-ansari
+skywatchers
+mehrab
+125.1
+longshots
+yeltsin
+gung-ho
+sarah-jane
+selfridges
+ismailia
+frohike
+prides
+ship-borne
+batsford
+reattaching
+masr
+mizuho
+kockott
+penalites
+rodnovery
+hoatzin
+uzzi
+ceniza
+34,300
+espenson
+canvasser
+barocco
+kulikov
+boyish
+19-page
+haltingly
+matoian
+senpaku
+grobet
+rusholme
+kinnikuman
+nqobizitha
+romell
+vaishya
+air-raid
+couteau
+dürkheim
+contact
+orgasm
+belot
+11-nation
+balcer
+beaubien
+sedgewick
+spatulate
+kresic
+fauset
+stephanou
+redlich
+beriberi
+213th
+previte
+kennaugh
+abutilon
+tenno
+releaser
+yec
+whakatane
+kriti
+legside
+mandiram
+circumscription
+bouabre
+aping
+tree-ring
+tarjeta
+mötley
+olena
+sharan
+36b
+consulates
+turkiye
+sauromates
+deep-sky
+109-104
+romanies
+diplomatique
+hbr
+oxidation-reduction
+reallocate
+champagne
+brosseau
+rlg
+interdenominational
+woodpeckers
+murena
+low-angle
+dimetapp
+gstaad
+regula
+lauth
+47,400
+tokoro
+honeyboy
+healthsource
+tiruttani
+diori
+workhouses
+slaters
+cholan
+50-million
+montemurro
+alesis
+m45
+46.0
+loznica
+cousens
+.432
+3,174
+rafirasme
+vitruvian
+baugh
+proprietors
+aḩmad
+matsa
+lona
+kulal
+femen
+amerine
+hitchings
+l'atelier
+muskal
+58,800
+trollop
+davida
+high-flying
+bunnatine
+38.11
+warrantless
+save-a-lot
+denard
+ishmail
+khalq
+jābir
+hongyi
+wronged
+nathusius
+congresspersons
+wormwood
+gaudin
+ranjeet
+ibbetson
+849
+aniano
+shapiros
+gcmg
+uniejów
+amphlett
+aidan
+pushy
+trempealeau
+hilandar
+galder
+wilkenfeld
+comitatenses
+compter
+lobkowicz
+toul
+269th
+falash
+exilisia
+ecom
+textuality
+mahtomedi
+coercively
+nassarawa
+aukar
+néréide
+iken
+greenshields
+martellus
+jingling
+cleeman
+kihelkonna
+elbrick
+waine
+transversed
+lindbergh
+pramuka
+six-dimensional
+wackos
+south-flowing
+valo
+ghettos
+rayna
+aeons
+sansapor
+kihachi
+sioni
+opoczno
+77.1
+mandir
+turbo-charged
+solenodon
+2-69
+106.4
+feda
+p30
+salzach
+mousepads
+garvaghy
+safura
+routan
+saqib
+pondeljak
+nohria
+olvido
+all-big-gun
+364-day
+nationalisms
+nothings
+gour
+xubuntu
+karlovac
+heterobranchia
+nevius
+bollea
+radiochemistry
+birnerova
+maintains
+m-f
+ten-dollar
+way-fm
+barmes
+banpo
+slovakians
+45-million
+vax
+intramuscularly
+beetroots
+molineux
+chaetodontidae
+2-41
+iryna
+disambiguate
+5,530
+kumaras
+addicts
+bimba
+fissioning
+f-15c
+mcjob
+revisited
+brick-built
+mushfiqur
+memebers
+39.62
+skokie
+brandishing
+burg
+grandnephews
+telefunken
+euro574
+worldpaper
+ms
+pince-nez
+idiot
+non-commercial
+clapp
+97.57
+alternators
+waukesha
+segambut
+barazani
+kurnia
+rhône-alpes
+mcglashan
+hostelling
+409,000
+infinities
+muumuu
+imura
+cliff-hanger
+loriot
+shvedova
+26-16
+huperzia
+treuhand
+googly
+kic
+pandolfi
+poeta
+canucks
+lanced
+up-curved
+-1.50
+ovals
+10:17
+3,042
+holdaway
+æsir
+silveri
+techem
+overflows
+terin
+nicolaj
+speechmaking
+sve
+langebaan
+tuneups
+probably
+euro980
+framework
+viscose
+odenkirk
+wheeldon
+rusticity
+hurtado
+1943-45
+euro249
+firmness
+klc
+95.56
+selya
+sharrock
+ibon
+cartiere
+olivette
+pernod
+martre
+pakistani
+mcx
+hippocrates
+folker
+lidija
+ual
+dandyish
+vrbanja
+domestique
+riddhi
+slinking
+wheelan
+hougham
+self-powered
+pollentier
+antitoxins
+schlesselman
+remnant
+küstrin
+unconcious
+bjurstedt
+urjukashvili
+headington
+15-volume
+merah
+picher
+99.06
+esotropia
+paratha
+hilmar
+wmx
+volyn
+baritones
+1500cc
+harrowed
+predatory
+incenses
+tarrafal
+scipione
+ngao
+mcfadzean
+mazzo
+knives
+stuhlinger
+boxes
+hovnanian
+fixed-gear
+plone
+1.56
+outshined
+hằng
+eiu
+amaranthus
+chalcides
+downsview
+meji
+33-game
+xiaoping
+re3
+coagulating
+minnehaha
+mcgivney
+hasler
+ferlita
+codice_19
+bcda
+rafidah
+interna
+compaore
+vadocz
+777s
+quam
+mappilas
+75.13
+monets
+nikkola
+the-20th
+extra-musical
+take-offs
+zhamnov
+ultravox
+archimago
+uvm
+ultratop
+mahāmudrā
+well-characterized
+futural
+dependant
+gruppe
+bercow
+37-meter
+fereira
+promos
+guessing
+tchalla
+flavian
+lysosomes
+calimlim
+congealed
+declamatory
+helotiales
+sunndi
+songbooks
+mazier
+paleographic
+forechecking
+642,000
+cimb
+lester
+eicher
+beijinger
+mojokerto
+1.61
+purposefully
+schücking
+german-based
+tremella
+ters
+showstoppers
+chattooga
+ghen
+darbytown
+swells
+ceku
+mengo
+bisto
+ordinis
+highpoint
+param
+members.aol.com
+k.j.
+asst.
+marquard
+erf
+mignogna
+merafhe
+qasim
+oberwil
+zeeuw
+101.80
+nehanda
+parramatta
+0.043
+phoning
+dt2
+negima
+kokkai
+furusato
+hoiles
+pro-china
+carandiru
+tyme
+balvino
+cuesta
+200-billion
+1.950
+pudica
+.46
+hambridge
+usbc
+norroy
+christianorum
+non-combat
+carrier
+comancheros
+80486
+bergsland
+downward
+chiyonofuji
+8,000-mile
+macchia
+greenhouses
+affectivity
+irrespective
+plov
+maryclaire
+feed-forward
+interdictory
+exergy
+matisses
+great-niece
+bloodbath
+curlett
+al-arian
+newmains
+arkham
+dance-off
+56.95
+bluefish
+glass-fronted
+guidebook
+sechura
+lifebelt
+ettor
+cabaye
+208.6
+shore-based
+late-1940s
+kingda
+mcdyess
+ammb
+tocar
+brwilson
+changyuan
+inoculum
+44-20
+khanjani
+aweys
+pumarejo
+prader
+abemama
+zatopek
+government-led
+.70
+betsileo
+450s
+prioritizes
+wendling
+nonscientific
+mauretania
+farces
+uvda
+permuting
+domco
+ruscio
+99s
+tuszyn
+frankham
+keeaumoku
+885,000
+nosy
+baqar
+bartholdy
+protectorate
+élections
+11-kilometer
+albero
+pelley
+punishable
+55,800
+diadegma
+emberá
+orach
+pegmatite
+catino
+boulerice
+cloward
+nasir-ud-din
+resa
+mahita
+mostaert
+nenette
+mogul
+27.75
+himmat
+pijijiapan
+masse
+rudkin
+westward
+valentino
+jahanbegloo
+rittmeister
+.147
+waban
+darell
+zanjeer
+wendlingen
+demoss
+raphitomidae
+auja
+bollen
+squishes
+gussied
+colonus
+mattabesett
+drag
+1.7-percent
+uliastai
+chansonnier
+asymmetries
+kavindele
+mortifying
+1:18
+cucumbers
+papering
+villejuif
+tdt
+usable
+zaks
+maccready
+kleeblatt
+hellström
+102.166
+109.26
+systèmes
+umrah
+upholsterer
+judaisation
+http://www.uaw.org
+telser
+quedado
+kiyone
+headbutts
+juqu
+poznań
+60-page
+roomfuls
+conadep
+d18
+simsek
+3-liter
+torturing
+affidavit
+j.a.
+cipinang
+acilius
+bestir
+septem
+uteritz
+brabner
+icasa
+ckac
+zeidi
+brownouts
+on-premises
+leiris
+.63
+monarchy
+speare
+problematically
+fragment
+bunches
+westervelt
+psdi
+photokina
+rufisque
+stiffens
+shadwell
+marranitos
+123.25
+mid-deck
+stewartry
+zakrajsek
+50-seat
+weathering
+hyle
+haseo
+58-44
+chucky
+antuan
+83.3
+kobelco
+edge
+gaspee
+gernreich
+re-building
+greedo
+2006-10
+fiber
+cleat
+cabled
+dialyzer
+cormet
+drumgold
+305.3
+unedited
+taoists
+undrinkable
+9-9
+cantine
+r-a
+gaoqiao
+biomimetics
+thromboxane
+2.865
+clean-up
+momma
+sftu
+tricyclic
+kaab
+thf
+lemercier
+628-nautical
+il-78
+solecki
+1918-1920
+strasser
+.35
+a86
+e18
+nr04
+loro
+ferg
+58-run
+undeniably
+muoi
+vermuyden
+arnost
+chungju
+shil
+velarized
+papoose
+29.25
+56-35
+pavao
+atzmona
+revitalize
+d24
+gracefully
+overachievers
+al-tusi
+truchas
+skf
+onita
+lardo
+cossutta
+gutzeit
+camp-dependent
+austrasian
+lucentis
+kedah
+montgreenan
+euro26
+zsu-23-4
+tahmasp
+hanlon
+mirken
+62.48
+schlep
+assemblages
+zaga
+dučić
+transitional
+computerland
+hegesippus
+fitchett
+43-34
+goosefoot
+žrk
+diffident
+aleemi
+incited
+addio
+kbohls
+mullers
+losing
+monongah
+invaded
+lexer
+phadungsil
+kowa
+aimer
+aberration
+flouncing
+saami
+hargin
+doocy
+parviflora
+clanwilliam
+electroporation
+biplanes
+ramqvist
+cantinflas
+kaliska
+re-built
+2.018
+hamartia
+200k
+5,002
+electing
+5:06
+popularizer
+natsheh
+nullification
+hainiu
+chew
+1.514
+dubi
+pre-socratic
+mortola
+galerija
+guler
+tama
+loza
+shomon
+lobule
+quasi-national
+1995-1996
+mooroopna
+jawaharlal
+desmarest
+b-47e
+112.2
+euro625
+indymac
+8.81
+dbf
+browbeat
+ranthambhore
+charas
+revision3
+1,026,815,000
+lanzer
+agius
+semigran
+baleka
+hypothetically
+879
+glucocorticoid
+geminorum
+yaksha
+somdev
+belmarsh
+3,626
+pr-10
+forsberg
+cascini
+hutia
+endeared
+nathaniel
+dehui
+boskoop
+kleybanova
+51-man
+jabri
+argun
+dursley
+inhaler
+harlot
+gollan
+odesa
+kashmira
+62.7
+mekonnen
+tillard
+reclines
+purine
+aiguillette
+sahay
+pranked
+roponen
+muggleton
+liebre
+21:55
+object-oriented
+fpos
+leonhard
+37c
+kenadid
+cemeteries
+popularization
+ostrander
+self-exile
+ysidora
+4,311
+legality
+poestenkill
+venturers
+stratocaster
+mycale
+re-occupy
+conjunctivitis
+ornithological
+naira
+shinhan
+terrassa
+besim
+stal
+grimké
+verblitz
+dolisie
+catatumbo
+21.86
+memorie
+sharee
+cruellest
+interoperate
+weisshorn
+climatology
+constants
+66.67
+machen
+isha
+vedanta
+telemedicine
+quarterdeck
+lipuma
+through-composed
+diggy
+hiraki
+al-musta
+vm
+chowdhry
+netball
+acolyte
+55-mph
+transposition
+carcharias
+iron-age
+eggless
+wtvf
+watchmakers
+cosmonautics
+yamase
+risking
+storr
+king-size
+mamaloni
+mahaprabhu
+ixc
+drivetrain
+post-1948
+unattached
+morozova
+swor
+cultra
+al-hikma
+morricone
+geochemist
+pml-n
+bovids
+120-page
+soda-lime
+batavians
+spedale
+mariestad
+accretionary
+55-minute
+finisterre
+greeley
+blatantly
+lockley
+wakf
+athanaric
+euro372
+achaemenian
+vidi
+durling
+brahmacharya
+lassiter
+denisovans
+lafata
+bhagavatar
+hsieh
+terang
+nemetz
+castrated
+rohitha
+slimmy
+abdennabi
+lovestruck
+marshaling
+michie
+tabaracci
+verica
+23,000-member
+grönwall
+mugar
+55.06
+credible
+kirt
+near-identical
+norco
+islambad
+siyar
+coldhearted
+ehud
+mesna
+mckeel
+botnet
+danceable
+castletroy
+hathigumpha
+wenling
+developer
+warmhearted
+médici
+1.405
+postbellum
+wendt
+antlion
+anscombe
+quesnay
+breezeway
+hrabowski
+sylvestre
+wijemanne
+tertian
+50-piece
+kampfgruppe
+kalasin
+vicencio
+quotidian
+pisciculture
+jlt
+armes
+ozona
+birren
+smeared
+boordy
+fliegel
+rite
+barrackpore
+,000
+interrelations
+sitkovetsky
+bubanj
+narwhal
+hard-hit
+nevel
+gmd
+1,635
+bleil
+prateep
+cakebread
+tusshar
+mussen
+flemmons
+hatred
+adulterants
+3,504
+järvinen
+lovkvist
+18.78
+büchi
+brant
+berrie
+colleens
+monti
+94.46
+tocharian
+batalov
+325.3
+zerg
+defroster
+115.54
+enberg
+susheela
+jltv
+theofanous
+guo'er
+dualdisc
+denoble
+anglo-portuguese
+auxois
+gerolamo
+izurieta
+tmn
+toastmasters
+69.87
+jakubko
+112.54
+stellata
+poetries
+shuangyashan
+faris
+benzer
+comarcas
+inss
+10.84
+reddaway
+biliverdin
+3:15
+drownings
+jhabvala
+sugoi
+mfg
+drillers
+scelba
+7.81
+undescribed
+moderate-income
+vice-commander
+li'l
+himan
+bergslagen
+bykovsky
+carouser
+irwan
+runes
+postseason
+156-man
+pavin
+nhgri
+circumpolar
+unfurnished
+kilju
+155.7
+turkification
+danzon
+gribetz
+iton
+networking
+tkacik
+walla
+navigant
+2.075
+bengkalis
+complet
+78-nation
+rashied
+mihoko
+rumsas
+echr
+hand-built
+hooker
+meshgin
+lounge
+euro140
+khomeini
+sudket
+farley
+jangly
+http://www.senate.gov/
+kumler
+ayscue
+galetti
+dolne
+cleans
+rottman
+kolenda
+exhales
+270
+eurohypo
+12-mile
+wacken
+harrad
+diomid
+leadville
+kostrzyn
+mikaal
+bid
+yukari
+conspires
+punji
+luchini
+repoll
+yueh
+leawere
+direito
+daksh
+silu
+mayme
+tgoodmansfchronicle.com
+bowbazar
+bogar
+sayyids
+zinnia
+4.03
+sooth
+ducatis
+exorcises
+casely-hayford
+90
+diné
+expedia
+hiew
+luchadors
+troyens
+118.94
+yayah
+koopman
+visoki
+preadolescent
+rainfall
+pauwels
+blazej
+ubs3
+nas
+solanco
+venier
+drummondii
+boasted
+penlops
+aventador
+balbisiana
+theos
+tinashe
+telegraphed
+familymart
+katholische
+nagqu
+sarishvili
+ghassanids
+jesselton
+cirm
+glamoč
+roncesvalles
+prinn
+sungshan
+padley
+ursulines
+róisín
+felman
+giarrusso
+argentatus
+attahiru
+butron
+jt8d
+waspy
+mares
+tiemann
+moger
+kahaani
+anounced
+orientalist
+non-ac
+koerber
+yuel
+adjei
+droo
+comber
+nsx
+graphite
+readability
+backscattered
+bissonnette
+kunzite
+cogliano
+ulyett
+wolbrom
+bernoff
+32k
+allegories
+terraza
+murasu
+moex
+krutick
+auratus
+cushiony
+1.192
+mandrake
+cineastes
+husárová
+fermentative
+visegrád
+gerberding
+vlaar
+molterer
+mesić
+haryana
+2-77
+kilbeggan
+sarkisyan
+blitter
+adua
+abakan
+rollerball
+46.1
+vescovo
+reichman
+wellpoint
+unhelpfully
+muja
+taiwans
+juazeiro
+vương
+bidet
+12-of-19
+rudar
+basantapur
+226-3322
+beta-blockers
+huitt
+lenarcic
+opium
+kitaj
+3,628
+25.05
+roswall
+waske
+ogres
+bainimarama
+forty-nine
+abate
+belloc
+welin
+31-18
+angelika
+palank
+swatted
+m32
+indo-caribbean
+saxaul
+nepali
+brookville
+rammstein
+myler
+co-heir
+hødd
+432.5
+uraeus
+клуб
+zubaydah
+dyak
+promesas
+humanized
+karthika
+coughlin
+1-0-8-0
+pinctada
+vakıfbank
+unpretentiousness
+sturminster
+weiyang
+maxwell
+hbi
+3,033
+1.051
+hadzi
+flawlessly
+multi-ethnic
+monikers
+frantisek
+u.k
+3,000-4
+52.90
+a-10p
+issac
+gyroplane
+deflection
+tenuifolia
+secours
+jogbra
+tahb
+ponsonby
+chiapan
+kercheval
+fortunetellers
+harrison
+somerset
+ttucker
+puestos
+draftees
+xianying
+89.70
+sts-127
+lewrockwell.com
+govardhan
+partidas
+tappa
+42.26
+sichem
+108-102
+peps
+verdonk
+savo
+vaan
+overextension
+emberizid
+panners
+trapdoor
+levendosky
+one-inch
+cottage
+painfully
+jodel
+single-domain
+furtively
+2,845
+102.2
+colerain
+ismayilov
+aaaaa
+kasia
+dodangeh
+302.5
+baohua
+jora
+109.32
+forlanini
+assign
+poleglass
+minetti
+guntakal
+beneigh
+abrar
+beyranvand-e
+waterpipes
+yoshihito
+bellwether
+100b
+suyanto
+rapax
+libs
+versoix
+cochems
+cowdrey
+skylarking
+enterococcus
+multi-jurisdictional
+südwestpfalz
+theodosiopolis
+agriculturists
+gender-based
+zangezur
+alfonsin
+kuzma
+tokyo
+oury
+monch
+forssberg
+leekin
+airliner
+zegas
+nombo
+galoma
+unmixed
+gouws
+bamum
+stanoiu
+pati
+cascaded
+mahinder
+single-wing
+whistlestop
+protested
+surendran
+120.70
+jailbreaking
+bisphosphonate
+podlaskie
+piphat
+klussmann
+mortiis
+stiff
+ehlers
+southwood
+nabeel
+schoenfield
+sacral
+frangipani
+tarrifs
+ccna
+kalms
+tandava
+balikesir
+ög
+brummies
+soyinka
+600-kilometre
+ncpc
+wahiawa
+demobilised
+tinney
+streif
+javellana
+assinger
+bentota
+songpa
+bahasa
+grabow
+eidgah
+quadricep
+technetium-99m
+u-shape
+caramelizing
+re-enlisted
+5-123
+kawamori
+imitative
+puny
+t25
+grishin
+self-centred
+goodbody
+reverts
+5,225
+appleby
+blumenau
+1976-1983
+kanta
+lectionaries
+naughton
+aula
+eikenberry
+toomes
+szpiner
+wube
+111.65
+statehooders
+hocks
+capuchin
+mamucium
+15-run
+wangler
+nofs
+çınar
+kerrys
+westcliffe
+capons
+kipper
+bee-eaters
+chessen
+rumball
+carbonation
+indignities
+command.com
+releasing
+sulzbergers
+fawcett
+6:42
+ghuraba
+krenek
+stereographic
+1,699
+desilu
+quot
+105.30
+peckforton
+carlist
+anicia
+madoka
+snuggled
+hydrobiology
+german-turkish
+injong
+solenopsis
+balustrade
+samyn
+resized
+demaio
+blockers
+siimann
+franki
+micro-finance
+manish
+shallow-water
+quakenbrück
+steinfield
+ದ
+moraru
+patricks
+93-year
+psychoanalyzed
+cardboard
+appetizers
+greb
+stradley
+akra
+eupm
+gutknecht
+tirthankara
+hadin
+effervescent
+pilager
+heroically
+vamoose
+1,390
+gauligas
+921
+outshoot
+siffin
+unlinked
+khadzhikurbanov
+zvonko
+hedonistic
+2-50
+shujat
+southcote
+monson
+hkc
+guaraná
+horseland
+vender
+28.21
+1590
+musselman
+prizm
+salterton
+quartus
+xxl
+oban
+rostal
+razorback
+aysgarth
+neuchatel
+sccrc
+excite
+dj03
+kamei
+2,873
+bellocchio
+setiawan
+teruaki
+barreca
+64-2
+longer-established
+multi-camera
+42.13
+cassirer
+morningtide
+henderson
+tempe
+krabbé
+guncotton
+sonowal
+emphasised
+well-equipped
+nvg
+lavrion
+1,845
+midp
+idealization
+4.80
+kindel
+arabicized
+buchter
+jaschan
+superstitions
+n.t.
+glutinosa
+cuomos
+qawi
+curve
+cingulata
+chammah
+stroeve
+supercheap
+hifi
+anthelidae
+hamsterley
+fryar
+kundig
+post-storm
+semantics
+laid-up
+paraplegia
+hickerson
+taman
+kuntjoro
+macroom
+fekete
+podbrozny
+montgomeryshire
+custalow
+patina
+5-by-7
+xul
+abusive
+solutes
+centre-forward
+sabariah
+cross-shaped
+naudet
+ubaida
+wegerle
+groclin
+shortie
+directors
+fusosha
+saroj
+30-a
+chiaberashvili
+rezanov
+grand-daughter
+gokongwei
+morondava
+t206
+49a
+kōbō
+whitewashes
+116
+bandmates
+azazel
+69.54
+fletton
+حسن
+no-ball
+non-coding
+mohtar
+aib
+topless
+2-million
+adhami
+clientes
+44-gun
+lukken
+bodelwyddan
+rosman
+soundstages
+barbolini
+43,200
+gymnase
+belsue
+dryas
+pakula
+batiks
+gallaway
+hypogeum
+cracker
+akhilesh
+106.82
+seckler
+benatoff
+barât
+footprinting
+trv
+ngota
+wrda
+wormsley
+fakhr-al-din
+perc
+fleetboston
+domar
+zangger
+philsports
+fillebrown
+41-9
+meridiani
+ventilators
+disempowered
+recreations
+oceanway
+wildhearts
+stationed
+full-colour
+13.96
+amuck
+sinister
+deciduous
+dependance
+norin
+armrests
+paphnutius
+stigma
+29.34
+unproductive
+jupiter-c
+96.05
+salfit
+shuttler
+2-51
+allegiant
+dkm
+petzold
+lower-cost
+auburn
+socolow
+bhrt
+d.s.
+m'hamed
+culloton
+donlan
+backstrap
+chenghu
+mingxia
+18th-century
+koudelka
+109-102
+treadgold
+min
+gulan
+fazalur
+lumpini
+namesakes
+1957-1962
+40.30
+cheboygan
+wattleton
+savell
+6,880
+honywood
+an
+koe
+calumet
+3501
+pathways
+asnières
+jqc
+zilhao
+aceto
+chehn
+ports
+43-23
+mahnomen
+manikganj
+piperazine
+trippers
+norandrosterone
+realignment
+r.c
+unlawfully
+commercially
+bruni
+goniometer
+antibalas
+tydfil
+lek
+floride
+basotho
+myrina
+qaitbay
+5.42
+sieghart
+glenealy
+halol
+absurd
+junkanoo
+teutones
+guarding
+amyotrophic
+shuto
+indignity
+ucd
+excoriation
+rationalistic
+hoboken
+nieve
+mwenda
+shaunie
+herøy
+alleroi
+gossip
+hodgenville
+cybex
+proofreading
+ferrea
+,690
+usual
+mdiv
+62.95
+menik
+casamayor
+shontelle
+minqiang
+sharockman
+jaks
+344
+91365-4200
+sirchia
+cupid
+gøta
+frelick
+santenay
+epizootics
+songtsen
+immunodeficiencies
+2,455
+ewald
+hesse-darmstadt
+c99
+zawinul
+evolute
+hasselhoff
+piazzolla
+catálogo
+3:03
+1875-76
+grude
+giangiacomo
+aracena
+nye
+huttleston
+baja
+mwss
+bored
+antidemocratic
+endotricha
+ween
+eudicots
+self-owned
+schiffman
+siaca
+starrcade
+1,723
+kérékou
+turacos
+hall-of-fame
+pre-medicine
+bufalos
+joselito
+gauleiter
+shallop
+gameworld
+refah
+maffei
+gerrity
+shklov
+ziua
+thumb
+rask
+ardennes
+soy
+cormack
+overzier
+hd
+emap
+lexicography
+maye
+wysocki
+cesca
+greul
+hogland
+stoning
+gleaned
+maquisards
+draft
+macdougald
+metrics
+haouz
+823,000
+volkmer
+walb
+celandine
+11.4
+vasuki
+jarrai
+cradley
+cumaraswamy
+17.60
+multinucleate
+horseplayer
+hystrix
+slvr
+popp
+93.02
+umberger
+glenluce
+lippens
+fdc
+ass
+single-seaters
+seculars
+31b
+galvanise
+wallick
+crowhurst
+pottker
+kollur
+13.54
+awepa
+tchula
+co-writes
+bittan
+har
+spath
+akebono
+mulock
+spool
+20-20
+2325
+syafii
+tdk
+70-degree
+vehicle-1
+witek
+wheelhouse
+ghussein
+jeld
+hirsig
+oper
+bookmarks
+geminus
+teased
+spiritu
+10-storey
+erc
+___________
+janowo
+horseplay
+oidium
+pousseur
+darweesh
+kickstarter
+rascasse
+evict
+polykleitos
+casgrain
+artilleries
+patarroyo
+reanimates
+lunation
+70a
+mistreated
+metapan
+goldfield
+nanyang
+ousters
+wanyan
+braxtons
+29-28
+ribonucleotide
+non-immigrant
+entertainer
+gullberg
+scaled-down
+contined
+azides
+shizuru
+cuneo
+nizamuddin
+brydan
+bicton
+althaea
+karsavina
+zuzul
+german-trained
+wahyudi
+1,644
+ridesharing
+156-page
+doyal
+mobistar
+26,000-square
+henryka
+hemmerling
+milada
+sherrer
+132,000
+nordheim
+canac
+archibong
+schauer
+sabet
+classified
+non-return
+squinty
+4-2-3
+aercap
+tizon
+zberg
+courter
+brigadier-general
+lumad
+stradivarius
+dokubo
+melvins
+cortdiv
+gyptian
+sukhorenko
+bendlerblock
+weigert
+suppressing
+azambuja
+sikeston
+eschauer
+6-nation
+893-8521
+gurdy
+habibie
+multipolarity
+firebombs
+wingspans
+84.26
+nucleotide
+transversal
+wmd
+razor-sharp
+ólafur
+holtman
+mjölby
+16.33
+gih
+leviev
+35
+judan
+farne
+16:55
+brabants
+modugno
+parowan
+riml
+pepoli
+138.75
+eggleton
+bonum
+canavosio
+limbless
+farella
+co-host
+red-figure
+qsar
+w.
+bandas
+asturians
+ghani
+longboat
+fricative
+iguana
+fengtien
+brzezie
+treybig
+wippleman
+gotay
+cowherds
+bethge
+glamorama
+hacerse
+fourth-most
+two-deck
+kansas-nebraska
+along
+tumescent
+constantin
+109.64
+krisher
+sepolcro
+squeaker
+provisioned
+(707)
+prengaman
+60.73
+elander
+clapperboard
+woodmont
+damara
+heke
+nysa
+aric
+rechichi
+bimini
+58-0
+42,700
+hessenberg
+rnc
+tampico
+novembre
+1903-4
+brigantes
+shatigudud
+blixseth
+symphonie-orchester
+danchurch
+chonghua
+southernly
+unhchr
+divinely
+mirian
+bastei
+co-headlined
+yougov
+indisposition
+siebrand
+decio
+.573
+bapat
+saujana
+esten
+pomroy
+higginbottom
+icus
+period_5
+euro367
+35b
+lirdaf
+gce
+carbene
+allgemeines
+giac
+theocrats
+jantjies
+milk-based
+criddle
+shockley
+safehouses
+euro171
+sansar
+litchis
+iht
+mover
+1,000-per
+semaan
+vertefeuille
+quicksand
+técnico
+crace
+acrolophus
+cissbury
+asked
+cecere
+7.79
+kadhem
+otaki
+evoque
+boitano
+modems
+horon
+jor
+lillies
+hirsau
+landgraviate
+yamate
+somali
+bearse
+bektashis
+communio
+eclecticism
+outtv
+rueckert
+blackbelt
+pasic
+tesuque
+tirosh
+naheen
+blank
+abedzadeh
+gamila
+sinuata
+93.05
+protozoans
+contac
+3tablespoons
+consuming
+certifies
+satz
+feare
+nimt
+knapsack
+intra-party
+se/f
+caldecott
+745,000
+ehrnrooth
+shazand
+update7
+katis
+srima
+tamirat
+ostojic
+kemptville
+hornchurch
+icsc
+acquitting
+milioti
+luis
+renshon
+10.29
+wobbegong
+katutura
+auch
+saanei
+fish
+lasseter
+randleman
+33/1
+copulas
+3,205
+panayia
+studdert
+bangka
+22-team
+inuktitut
+sunjet
+peethas
+klahr
+attenuate
+part
+post-synaptic
+2,082
+leggate
+hinesville
+samrin
+sanlakas
+bearwood
+shamshabad
+danek
+hamoui
+herschelle
+pop
+armary
+sanctify
+31/2
+evangelisation
+powerman
+degale
+errin
+eriogonum
+baxteri
+laurentide
+extrano
+annas
+thru
+jamelske
+tin-glazed
+belfry
+3-6-1
+amjad
+pesticide
+léopoldville
+mukuka
+capsized
+.650
+sandall
+qaqaa
+14:06
+3,233
+meager
+mbabazi
+georgieva
+blaze
+perpetuation
+actuates
+hypersomnia
+precisely
+roisin
+sedates
+1953-1957
+47.75
+mbi
+elaphe
+105.64
+stranorlar
+saale-orla-kreis
+milleri
+naff
+l'herbier
+phloroglucinol
+epenthesis
+eilert
+remora
+palata
+12:44
+filly
+mauny
+pixieish
+antifeminist
+erupts
+191.9
+pterocarpus
+5,528
+ariffin
+perper
+m.b.b.s.
+karey
+rostock
+enflaming
+postcodes
+abondance
+multiheaded
+startlingly
+gj04
+83.80
+petruccelli
+infirm
+suffian
+euphemistic
+genji
+hrm
+corbels
+100p
+rarh
+bak
+driverless
+kuntoro
+mashakada
+shankill
+didymo
+m-47
+0136
+cynicism
+l-5
+scoffing
+epcot
+gbp
+osmin
+poria
+7.5-mile
+daraghmeh
+shnaider
+up-tempo
+tiesenhausen
+marlinton
+clinic
+3,469
+baleen
+donatelli
+sludgy
+bhel
+gtx
+bourret
+.66
+marsala
+ungern
+wolke
+utb
+shennong
+cristina
+jovinus
+novita
+farish
+natomas
+nigiri
+georg
+rumyantsev
+haughn
+commentated
+connoisseurs
+comptoir
+breger
+pinewood
+courseware
+zemmouri
+havana
+2013
+larijani
+prop.
+backhoff
+kremenchuk
+bellion
+overflown
+anorak
+whitstable
+leaper
+alltrista
+reimportation
+tadley
+perre
+p&a
+groos
+thorbjorn
+kone
+veillon
+leptodactylidae
+45.32
+koni
+gatab
+lay
+tomentum
+towners
+murga
+reincarnation
+shkirko
+lognormal
+tinny
+counter-revolution
+puking
+gmaddux
+burrus
+hts
+stolar
+zaia
+mughals
+sustiva
+suwannakij
+hillclimbing
+malevolently
+tanta
+6.4-billion
+cartago
+yesudas
+massocca
+bradway
+redfin
+1987
+bt7
+toney
+bargewell
+loonatics
+lightweights
+3,708
+minimize
+mahsud
+all-african
+republish
+cranesbill
+pillot
+tampon
+thrashers
+whittling
+marsel
+naomichi
+seia
+seven-minute
+sociopaths
+57.80
+odsal
+pervomaysk
+dobrish
+11-hour
+tamahori
+kehm
+17.33
+tiare
+kijima
+nonelection
+preussenelektra
+veracruzana
+mawangdui
+burgenstock
+mcmechen
+5,305
+fived
+surgeon-general
+lợi
+piccinini
+kamikuishiki
+afterbirth
+cuvette
+eskom
+marie-anne
+2259
+delicto
+reevaluating
+eclat
+allergan
+jōyō
+ozoene
+streda
+victoire
+upavon
+falkenau
+garafola
+interministerial
+geldzahler
+l'argent
+ramadi
+wrenshall
+wrongheadedness
+larantuka
+eolian
+2-iron
+39-38
+projectra
+kazantzakis
+domination
+pissed
+interpretative
+69.30
+93.69
+munyaneza
+misrepresented
+anche
+raoult
+buxus
+fastnet
+trigonometry
+bushisms
+rasoulof
+bishopstone
+32-team
+cernavoda
+extradimensional
+ambati
+proto
+buehlmann
+chhmar
+materazzi
+regs
+g/mol
+m.l.a.
+mélodies
+motat
+mansurah
+ormen
+lannigan
+49-27
+donned
+ginobili
+sechrist
+manetta
+despotic
+plexiglas
+ajeeb
+1962
+mst3k
+1972
+ong
+soprani
+bizima
+odenwald
+winkenwerder
+mid-30
+sarubbi
+endoplasmic
+alimzhan
+tangara
+manuevers
+bilaterians
+meck
+and-5
+departements
+haws
+nyman
+sonera
+gemser
+mekteb-i
+rotund
+.593
+metepec
+congregations
+czerwony
+caslav
+url
+gavrancic
+eset
+mequon
+cosmetologist
+touch
+8,611
+cullis
+chocorua
+geez
+rifftrax
+grenada
+susini
+5-km
+stry
+tithe
+homaira
+twinges
+turville-petre
+mcinnis
+teamate
+hyori
+microgeneration
+nitida
+linfield
+manius
+dcf
+84-80
+6,821
+reta
+300zx
+huntoon
+ktm
+l!ve
+redenbacher
+notodontidae
+kazbek
+untilled
+lonigan
+overflowed
+a-73
+third-biggest
+trafficked
+fei-hung
+timrod
+maramotti
+braziller
+annexure
+odden
+schapelle
+nerazzurri
+adampan
+3110
+união
+legba
+svenja
+prorok
+pavicevic
+subic
+tricolour
+trossman
+3,778
+stabat
+gualtieri
+5,050
+species
+lietuvos
+understudies
+iraola
+51.80
+khudoiberdyev
+senador
+conmen
+bitte
+fiennes
+jobo
+guattari
+baboszewo
+wilmots
+virawan
+muilenburg
+improviser
+hirsh
+gaochang
+net.bank
+107.87
+eyesight
+23sec
+6-foot-6-inch
+alma-tadema
+windows-based
+tanenbaum
+vengerovsky
+u.s.-trained
+ventspils
+ibib
+bagatelle
+monochrome
+muggeridge
+sofoklis
+rmj
+clarkesville
+saengchai
+inversores
+zairian
+plastiki
+neutralise
+berendsen
+devel
+1,303
+riojas
+langtang
+thrax
+noisette
+hazlin
+bakal
+38.54
+consulation
+18.62
+humid
+pupae
+punan
+ameriserve
+melanomas
+olsons
+srd
+panucci
+mastercook
+chairmanships
+debug
+63.4
+purveyed
+crania
+euro79
+møller
+kaj
+intf
+marwitz
+18.5-billion
+incarcerates
+matrilineal
+hercog
+dolt
+hanah
+eid
+nettles
+apama
+seatmate
+16-kilometer
+panicking
+akuapem
+polidoro
+alyson
+lorden
+purely
+resendes
+50-per
+d'leh
+firt
+beaverkill
+chipungu
+pagnozzi
+jafco
+108.16
+liversidge
+sievinen
+antonym
+caesonia
+paramhans
+cortado
+lollia
+waud
+powerlight
+onawa
+edit
+neron
+asakusa
+36.85
+pulga
+russi
+enbs
+metaphorical
+12:28
+djebar
+calio
+hyacinthoides
+internationally-renowned
+adapts
+fida
+abts
+holdover
+cifarelli
+sportsgirl
+non-observant
+hounds
+nogai
+msn
+keleti
+sidey
+upnor
+shuddering
+crockery
+kaberuka
+trigraph
+arboleda
+mfeeneyglobe.com
+leeched
+aufschnaiter
+extravaganza
+mobuto
+lorax
+scatting
+inalienable
+revelries
+dextroamphetamine
+bortko
+campra
+scorsone
+yugo
+mudumbi
+udara
+58.25
+high-fidelity
+millsaps
+woul
+alsou
+khulani
+luxor
+show-cause
+subbed
+pro40
+rewarding
+bancorporation
+behead
+bosporan
+microphylla
+forewings
+przeworsk
+nghimtina
+nephritis
+banter
+petrovci
+carpi
+65.20
+chevrotain
+motoyoshi
+14:03
+imano
+dowlais
+redivision
+kazas
+niv
+cumulation
+rathmore
+joline
+mytown
+daylam
+reasserts
+suvarna
+400-point
+wanseele
+supercross
+bynes
+sherrie
+navigenics
+44,375
+synthesise
+cocalico
+formula_24
+forgey
+march-april
+virginia
+nicaean
+uprooting
+48.09
+lion-tailed
+participle
+puddingstone
+1:48
+eketahuna
+bogumil
+installer
+arida
+littéraires
+perón
+greyfield
+barde
+nack
+zupan
+exaction
+rationing
+idjmg
+stillwell
+khouribga
+roitfeld
+712.5
+9,600
+channelview
+glencorse
+liburnian
+jamgon
+stupidly
+117.49
+waterproof
+two-song
+pesetas
+balochistan
+handlowy
+tabloidization
+2009-2011
+story
+fur
+repositioning
+2,314
+livreiro
+peristeri
+devious
+suzukis
+jughandle
+undercover
+gripsholm
+gulacsi
+anacamptis
+gamco
+cadmus
+moutawakel
+husker
+renamed
+13.57
+garmsar
+appoints
+graden
+fulfilled
+gerber
+tripathi
+kästner
+gerry
+scilingo
+kankaras
+inter-modal
+ginta
+watercrafts
+corsa
+axions
+ashtanga
+76-yard
+sammarinese
+fairy-tale
+cyrk
+4-0
+1420s
+entropy
+macgregors
+leski
+kgalema
+asbach
+minadeo
+pelamis
+denaturalization
+urinate
+ouchy
+212-pound
+yesil
+tuks
+marchis
+crew-served
+albasha
+four-vector
+chf
+amethi
+landrat
+veraval
+overdrawing
+brioude
+latinoamérica
+mein
+lambourn
+asín
+mocatta
+golden-brown
+shirazi
+wildc.a.t.s
+n.y.c.
+kurbanov
+septuagenarians
+jayenge
+kiselyov
+20-minute
+opcw
+marabout
+takamura
+serrana
+kristiarto
+ukhov
+vibrate
+harrer
+poppo
+tompkinson
+enuf
+bridgeless
+dabshe
+stranmillis
+barnby
+infinito
+bootmaker
+beeston
+hinterlands
+23.53
+afps
+restructured
+bandy
+glasspool
+causation
+6.14
+wraparounds
+dorio
+matile
+torregrosa
+causatives
+amaker
+çamlıdere
+overlanders
+floats
+rationalist
+siler
+dfr
+caballito
+caixia
+theaters
+41-member
+tessio
+prodigious
+jehlum
+pre-sold
+pallada
+jahl
+zasyadko
+leslau
+oxen
+acquisitions
+towered
+16-26
+flaxman
+sintef
+tinkham
+oseary
+barcelos
+weerawansa
+kinara
+civics
+vajiravudh
+krech
+32.61
+43-25
+kaze
+bakałarzewo
+vugar
+presente
+8nb
+yasseen
+titanian
+bruise
+kovalainen
+anshan
+vowed
+barasa
+camiroaga
+o’callaghan
+nahid
+salim
+chapelton
+aldiss
+suong
+ic3
+22a
+caponigro
+shit
+kctv
+banglar
+martiri
+32.47
+clute
+wfuna
+futagoyama
+feodora
+comarcal
+zodiac
+infected
+ribiero
+manages
+auslese
+fmr
+davidowitz
+caslen
+one-minute
+weather.com
+gupt
+evergrey
+antibiotics
+207.6
+jingqian
+kharif
+agarwal
+1960-1996
+peloponnese
+j.v.
+body-colored
+renaissance-era
+infertile
+smoggy
+nikkel
+bogoro
+biau
+playmobil
+ng6
+1xtra
+2,000-member
+vítkovice
+harten
+arquit
+202.5
+parfaits
+37.91
+70.19
+2,688
+bongbong
+casiopea
+jurevicius
+lii
+jote
+topsides
+jinhao
+viognier
+meshaal
+euro460
+off-track
+21.31
+29.70
+archdeaconries
+karakalpakstan
+hehd
+1902-03
+norbiton
+ligaments
+shiki
+hurontario
+benmansour
+oloffson
+imacec
+55.16
+queralt
+ང
+bhutias
+dwan
+selje
+yongkang
+jordy
+smaltz
+plaintiffs
+7,740
+tasikmalaya
+molnar
+tatsujin
+anti-comintern
+liangxing
+servando
+capelle
+rainband
+camby
+dira
+92-year
+tiahrt
+industrial-scale
+jidkova
+bellmer
+rummaged
+vojtech
+betelgeuse
+67-69
+cuicuilco
+iskrov
+hengelo
+holistically
+bornu
+trimalchio
+stinnett
+cpapd
+3,372
+generational
+buster
+do-gooder
+meistersinger
+harrisburg
+gptv
+hypertrophy
+constantinos
+jalousie
+salamah
+película
+hegamin
+régis
+swanee
+rampersad
+reopened
+narfe
+landholding
+forehander
+briarcliff
+michelin
+barrys
+molgat
+planalto
+manoeuver
+cablelabs
+brulé
+popma
+araku
+harnik
+supérieures
+mattawa
+wąsosz
+dug-out
+ripton
+133.9
+degaulle
+morsani
+smears
+sshepardcoxnews.com
+mychal
+fusobacterium
+nyanza
+wistrom
+self-penned
+petacchi
+mynd
+badenhop
+1938-1940
+2/8
+frybread
+throstle
+8pm
+u-43
+kleinsmith
+emara
+rubtsov
+bartók
+helidon
+serla
+2287
+batin
+zanthoxylum
+pisan
+cowper
+loadmasters
+filante
+sahajanand
+157.4
+comforts
+4pts
+42-37
+hoogly
+keitai
+marijo
+houches
+danika
+bustros
+104
+1-inch
+otcbb
+kivilev
+p&r
+topside
+-4.00
+vazirani
+feigal
+infinis
+untruthfully
+.527
+non-marine
+90.52
+frontiersmen
+35-33
+omo
+cubanos
+insecurity
+woodlock
+canyonr
+ternan
+caprifoliaceae
+1.4715
+reymond
+urim
+jerrys
+kristiansson
+classist
+microfinance
+41-17
+67.58
+aiono
+dep
+fenson
+jacarandas
+hodgett
+lifu
+guise
+netizen
+tolentino
+yokich
+fitzharris
+chu
+herskovitz
+cashell
+69.6
+gyeongbok
+ghini
+tarak
+wash.-based
+4,429
+cytomegalovirus
+stieler
+cross-domain
+fraher
+2,802
+23,438
+superheterodyne
+svidler
+bannerjee
+mountgarret
+cenotes
+kilocycles
+mcd
+ecstacy
+adeniken
+petkovski
+150-horsepower
+farino
+browned
+paleobiologist
+splashtop
+talionis
+5-foot-4
+shalli
+3665
+tard
+gampaha
+proteome
+burtin
+cyclecar
+solved
+cadila
+a.g.
+velocipede
+tirofijo
+busman
+alcantara
+thawed
+pattani
+polcino
+refuseniks
+zalaegerszeg
+legacy
+samcheok
+seabass
+53.96
+unsurprisingly
+aise
+redfearn
+characterised
+mimoun
+oppenheimer
+75.60
+xtc
+ardolino
+krahn
+simulant
+dolcenera
+thinley
+chestermere
+ridicule
+unambiguous
+misirlou
+jayna
+beibei
+lennoxville
+deschenes
+unfounded
+revealer
+tcpa
+warps
+encinitas
+ifn
+ghorbanifar
+xanic
+36,900
+dobrcz
+artiodactyls
+sington
+yeezus
+hayate
+undisputable
+6,225
+cartwheel
+21.7
+carmichael
+malariae
+lifelike
+kubilus
+schuur
+gobble
+oblongata
+ba3
+dianne
+piquant
+camoes
+jinnan
+596
+colletotrichum
+disassociating
+attains
+picaresque
+yuzhny
+13e
+aladi
+neurologic
+tradedoubler
+spitalfields
+pre-1939
+gardar
+habila
+ifukube
+cpim
+kiran
+jeroboam
+coxsackie
+twenty-year
+vildanden
+031
+reika
+impermeability
+gioco
+kapten
+errand
+saraswats
+raikou
+tmz.com
+37.24
+yusanto
+guasdualito
+makhmudov
+1-3-0
+fleshman
+biosocial
+saldo
+croppers
+lover
+hairstylist
+5-21
+ska
+inaccessibility
+95.06
+sam
+soghan
+arachnoid
+pyramid
+st.-joseph
+audiophiles
+carrick-on-shannon
+cadzow
+coverups
+software
+54.9
+1920-1922
+madam
+gunny
+islamics
+pleiotropy
+tread
+precioso
+putuo
+alden
+elatus
+breakfront
+rdeineh
+ammunition
+70.88
+bioethical
+incrementing
+bolagh-e
+ripening
+martinsburg
+necon
+chiroptera
+perceval
+fellini
+namaqualand
+potsdamer
+dignatories
+65.16
+inessa
+motorscooter
+bohs
+ehsanul
+avow
+sparkassen
+monophylla
+120-108
+all-league
+1887
+http://www.caiso.com
+chiss
+gewehr
+a.h
+pollinia
+kabashi
+4,695
+659-member
+smackers
+1464
+mitrani
+2,823
+printers
+cd2
+gegenbaur
+meinung
+chikmagalur
+picon
+brannock
+12-step
+stultz
+haystacks
+gianpaolo
+luquillo
+yaroslavich
+malady
+terata
+resnais
+manatí
+sadakazu
+51.99
+bidgood
+fifty-year-old
+nauen
+2,557
+tanenhaus
+guffman
+stablize
+betio
+procter
+aridi
+155-mile
+tijuana
+dingle
+co-publisher
+mailman
+wamba
+invoicing
+liquify
+espalier
+vba
+broth
+sidelining
+6.73
+tethering
+rheological
+gorden
+hindoo
+bærum
+jamba
+maula
+136,500
+shemtov
+deadlands
+minab
+phalanxes
+tasho
+1.4-million
+periodismo
+spacers
+otas
+tuti
+toeava
+pulses
+braço
+bungalows
+tanjung
+2338
+port-of-spain
+uranami
+syllabary
+ferrera
+1,231
+ibadi
+mandarava
+11.46
+toktogul
+poff
+memoryless
+sensualist
+voleibol
+concision
+homewards
+getler
+hemphill
+cnt
+maitar
+moghul
+matures
+demuren
+black-capped
+paperweight
+106.41
+kōkō
+hoesch
+jebul
+kafanchan
+vermonters
+univers
+orlock
+gaidano
+suppressions
+lcds
+byd
+eastbrook
+157,000
+clunes
+ramones
+peerages
+coldfire
+organisms
+half-dozen
+registrar
+halid
+joycean
+millbay
+rutman
+school-record
+miscalculations
+layard
+succeeding
+m27
+councilmembers
+non-american
+onlooker
+samarn
+wedesday
+ghulam
+slave-trade
+mackley
+toné
+ayurveda
+uliginosum
+myrto
+villalonga
+non-monotonic
+euonymus
+myxoma
+metaseries
+jl
+keychain
+calycina
+icky
+handcart
+virgili
+fakirs
+kashubian
+untradeable
+sanyoto
+merchandisers
+taubert
+mercenary
+voc
+cruises
+venturer
+e30
+supportive
+dike
+pritikin
+interop
+helck
+30-35
+motlana
+rectify
+20th
+dnab
+toptani
+haukur
+vestido
+dnfs
+ean
+vti
+berkely
+reiniger
+serebryakov
+polecat
+saddles
+gneissic
+polyamory
+leyla
+krieger
+265-pound
+piette
+myriad
+rayak
+flagellating
+shal
+nart
+incorrigibly
+grigorievich
+304
+birdcage
+charsley
+brodeur
+thingamajig
+summeren
+infractions
+topdown
+respigam
+xuenong
+burbling
+bonds.market
+budging
+lambrusco
+intervallic
+morpeth
+wassup
+rewarming
+tadalafil
+destrade
+locatelli
+torito
+crutchlow
+trece
+sheetz
+dominium
+kctu
+vigour
+quisp
+l3
+su
+dual-carriageway
+unmodified
+oshogbo
+albi
+lead411
+eventual
+rowen
+mally
+breaky
+1933-45
+caprimulgidae
+ftn
+merino
+mccanlies
+gjelland
+oldies
+rh3
+padrino
+sandy
+ehrc
+alpaca
+avicennia
+play
+gordonia
+imaginatively
+kakashi
+bowing
+ceslovas
+indestructible
+shabla
+co-coordinator
+0526
+tongogara
+keylogging
+ehman
+,100
+magnuson
+thornbill
+keevill
+ezinwa
+deceits
+bewhiskered
+zhaosu
+pedimented
+adolph
+bermudas
+abyssinica
+underbellies
+vilks
+dezheng
+minuit
+idei
+mszczonów
+ultrabeat
+asayesh
+casartelli
+belyea
+kneipp
+jitka
+menswear
+gullibility
+starfires
+ai'i
+siward
+jannie
+whispers
+gsh
+feminizing
+shroder
+inlet
+contiki
+postponement
+braley
+digeo
+46sec
+glasslike
+cum
+bagni
+3,256
+second-round
+63-yard
+washer
+pêra
+seip
+tietz
+eddison
+hehmeyer
+darlie
+unforseen
+civitas
+dewitt
+s.j.d.
+vagal
+hochman
+rondônia
+regenerators
+findlaw
+beamglobe.com
+proofs
+rosenkrantz
+kinburn
+dilg
+kenya
+co-respondent
+gowron
+dessallien
+noell
+masera
+sleith
+worrywarts
+biasone
+scee
+shiqiang
+mcbriar
+evenks
+hebuterne
+snaked
+faal
+bohl
+lesniak
+m.i.a.
+worldfest-houston
+mantiqueira
+3.0-liter
+parenthood
+esiason
+schrute
+spectrin
+2-story
+2,202
+gonorrhea
+krishnagar
+sendhil
+edirisinghe
+pitchman
+pdfs
+3150
+gaggles
+plateau
+117.05
+halfback
+hearts
+optima
+prolife
+zandonai
+parmar
+fondled
+coelurosaurian
+12-of-22
+mbengue
+tankan
+leakages
+degreaser
+pro-confederate
+escalades
+roundarm
+kingdome
+qumi
+chennamma
+ștefan
+automatics
+24-page
+mezger
+yopaat
+goiânia
+gadara
+reactions
+sacher-masoch
+gundappa
+ripostes
+profitt
+lawang
+mogollon
+harderwijk
+yanner
+sibrel
+teleological
+competetive
+boyband
+oryzomyines
+tishkoff
+europaeum
+slarke
+89.63
+rm48
+granulocytic
+interdigital
+công
+metros
+vithoba
+multi-city
+thamud
+32.59
+10-minutes
+lamontville
+hoshiarpur
+hospices
+forté
+devellano
+aukštaitija
+nooter
+cheilocystidia
+rupe
+juke
+salads
+l-100
+10-shot
+critized
+nid
+reconvenes
+120-hectare
+invesco
+1768
+rigmor
+kuurne
+harnischfeger
+5.793-kilometer
+mirwais
+caking
+takamisakari
+jatoi
+reichsleiter
+preity
+ghanimi
+senterfitt
+trilogies
+hyperbola
+fi
+40,313
+clary
+1-900-xxx
+co-stars
+32.66
+dedad
+palapa
+dabke
+tam
+raoux
+ouahab
+lymberopoulos
+ganassi
+chernov
+wascom
+okelo
+credit.com
+gookin
+coolies
+tribulations
+kovalevski
+anokye
+zaritsky
+kunplome
+anti-church
+jamshoro
+jump-started
+amiata
+augé
+rapetti
+indivisibility
+5-55
+post-beatles
+dungu
+berenberg-gossler
+winborne
+13/31
+gobichettipalayam
+samarahan
+gritton
+zoro
+conformational
+mijailo
+amrullah
+tamandua
+ballsbridge
+terminalis
+pangnirtung
+zgray
+sveinbjörn
+wussler
+sittin
+moragne
+trinitatis
+qaghan
+allan
+6.3
+pisos
+kaila
+29,600
+bourtreehill
+ijewere
+thornaby
+gignoux
+ipaq
+hyannis
+ketchel
+torbat
+maltreatment
+longwy
+ktp
+precarious
+mercader
+organolithium
+47,000-strong
+7-to-35-year
+periosteum
+10,660
+viviane
+中書省
+dossi
+33.05
+cbs/fox
+inchcolm
+chileans
+jān
+yell
+jessel
+vogelsang
+stieber
+nevil
+automobile
+767-300er
+waymarked
+672
+jáuregui
+withholding
+castling
+absurdum
+dalei
+panguitch
+restalrig
+unnecessary
+minidv
+maclane
+madhoun
+fanservice
+emptively
+fasc
+acton
+brawny
+17.26
+boethius
+khogyani
+enquire
+ocp
+atheistic
+masculinization
+linehan
+s-boxes
+moulthrop
+g-forces
+alecky
+ramar
+28.5
+roadside
+schelzig
+triune
+9-6-4-3-2-1
+micromanager
+belote
+paranaense
+stoically
+luter
+volonte
+bhargavi
+duck-like
+wyverns
+8859-1
+bossart
+novoseltsev
+sattar
+23.68
+forsythe
+1,347
+4-of-12
+burgert
+wojskowa
+bohg
+132.75
+pilota
+stöð
+rfef
+pickpocketing
+fris
+1982/1983
+cut
+tinian
+fernhill
+schnitzer
+steel
+-23
+baranova
+pribylovsky
+nanowrimo
+two-bedroom
+bertuccelli
+mirando
+ntsaluba
+werkmeister
+santoku
+kuta
+quadrilles
+chahta
+bresle
+euro469
+euro287
+kazooie
+2506
+aled
+kolyvanov
+customise
+kazansky
+lizhen
+ecms
+bogomil
+diesis
+54.50
+ಳ
+scrubbers
+zabadani
+magalie
+http://www.abanet.org
+aged
+huskic
+claylike
+llagostera
+polarisation
+dwelled
+sigur
+podlaska
+fisons
+homodimer
+kakiemon
+amandine
+государственный
+sub-tribes
+num
+merlion
+dingbats
+chthon
+2000-2008
+kenon
+day.the
+semiramis
+dyckerhoff
+wtcc
+seljuks
+noels
+cluss
+yauheni
+alania-d
+karagandy
+frahd
+alcolea
+brezec
+hazelwood
+tanaro
+isaac
+theatergoers
+traceability
+nva
+steamroller
+gsusswein
+monardella
+fifty-six
+bodnar
+prier
+7.3-magnitude
+25.2
+bordes
+sardesai
+vermandois
+wittaya
+5-car
+paek
+bitti
+aderholt
+cadmium
+light-years
+blac
+bethmann
+quizzed
+seus
+8-ounce
+corrington
+rivalries
+amulets
+investindo
+falsa
+pozega
+kavran
+istria
+chumby
+macenta
+poynton
+chaleur
+202-262-6061
+uichiro
+triptychs
+shared-time
+teatral
+pollex
+araton
+exoticism
+gruntz
+inseam
+whiddon
+castledawson
+obama-biden
+beahan
+12-lane
+rampart
+296.6
+low-value
+thimbleful
+ignominious
+degradable
+fiano
+hemophiliacs
+clarins
+georgio
+simmes
+repartee
+bisecting
+65-acre
+ponsero
+bunko
+al-ahsa
+webometrics
+organoleptic
+supplemented
+worldly
+guergis
+revolves
+prejudicial
+pocketful
+101.51
+gondolin
+donator
+gasse
+petticoats
+vytenis
+fcra
+kamijo
+zimm
+chevènement
+chigir
+saakadze
+isocyanate
+verlan
+dabah
+laliberte
+gustaria
+midways
+sollima
+forsworn
+nadvi
+cxb
+tapatío
+whitesburg
+blared
+rippley
+0.056
+42.68
+2-wheel
+wagonmaster
+jambalaya
+trailer
+surfacing
+pittenweem
+erkesso
+buitenen
+scudding
+qomolangma
+buryj
+denticulated
+1,036
+addle
+gang-rape
+saburō
+drawer
+twenty-three
+mili
+inileyev
+bilan
+bandarban
+feltheimer
+chikerema
+samdech
+yanco
+marriage
+purport
+interior
+crucifer
+71.11
+tood
+gouri
+algernon
+dalley
+zema
+trifasciata
+techbud
+vitavas
+k
+saphira
+spreaders
+2,967
+danceteria
+12-block
+yanshan
+oxidant
+2,245
+pegoraro
+rightness
+scn
+sylvain
+kádár
+calchas
+messerschmidt
+landry
+21.9
+digitas
+.513
+leoz
+latu
+mantain
+xuanze
+epng
+schweig
+twinkles
+mis
+illustrations
+41-day
+halftrack
+125.4
+rudy
+diademed
+jetted
+miscanthus
+actuation
+cinematografia
+in-story
+djamaludin
+wmo
+photograph
+stepping-stone
+springbrook
+samaritan
+pollutions
+chall
+huch
+higazi
+orrville
+donnkenny
+passivhaus
+kristó
+hainsey
+commence
+spoiler
+snuff
+racovian
+paintsville
+hand-written
+llvm
+propagandized
+unlit
+i10
+25.24
+chaperones
+binyang
+89.98
+bhl
+6,999
+merogony
+roumat
+hallmark
+54.12
+over-riding
+jyotish
+archbishop-elect
+ténèbres
+craterus
+46.60
+smartmoney
+sv
+horrify
+shamayev
+27c
+hame
+daglish
+tibe
+schjelderup
+tinderboxes
+345.6
+96
+zeck
+karplus
+grewe
+llanfair
+shopped
+nowiny
+kunlun
+waterstone
+milorg
+1178
+behbehani
+44.39
+lovech
+minurcat
+nasties
+allaoui
+aulis
+fordo
+70.22
+平盧
+consultancies
+stanisławów
+u.n.-sierra
+razorsharks
+d'orcia
+woodlake
+mad101
+sharky
+bery
+class
+43.5
+baram
+thekkady
+toriko
+parrado
+moonshining
+vergilius
+r-texas
+cailean
+jiyuu
+aviatrix
+praefectus
+marilynn
+bevans
+kouts
+beeding
+382,000
+arlo
+tres
+gruban
+shiozawa
+benozzo
+maricris
+orenburg
+unnervingly
+6,270
+krevoy
+wannenburg
+mendes
+marg
+hmn
+researches
+peiper
+light-hitting
+teichman
+michl
+angelakos
+roselands
+ramakrishnan
+karthik
+1.4785
+blankstein
+107.41
+udp-n-acetyl-d-glucosamine
+fourth-place
+recission
+squeak
+yare
+embezzler
+antimafia
+frittered
+follen
+atithi
+branicki
+schayes
+halaweh
+rajawongse
+kilworth
+.415
+evett
+ugadi
+tsuyama
+brookwood
+porte-cochere
+times
+jfa
+suddle
+arbatov
+plss
+jaba
++3.50
+cvjetkovic
+spotlights
+alternans
+**
+clarkston
+all-seeing
+3,261
+ferraris
+binayak
+3-percent
+7,240
+bioavailable
+binyam
+kapamilya
+lwb
+pre-elementary
+apstar-1a
+kayley
+janse
+petrolimex
+compositeurs
+revved
+responder
+telefilm
+boncayao
+odis
+picton
+senedd
+ramesses
+insomniac
+galand
+25-pound
+231
+bluth
+losail
+332.5
+meaningless
+wigglers
+64.66
+anapra
+18:43
+1923-1925
+barlborough
+heindl
+depressor
+edgley
+42m
+clerke
+proehl
+spreadable
+d36
+16.54
+linköpings
+human-computer
+planing
+rugar
+katawal
+clissold
+beauchief
+nimbeluk
+oggersheim
+sogod
+carlivati
+hvp
+thiruvarur
+sonido
+kepley
+kako
+uyun
+embarek
+irritations
+zelimkhan
+westway
+tofail
+guemes
+tecumsehs
+spado
+all-moving
+ke7
+1936-38
+barai
+non-classical
+london-born
+sounded
+hassaniya
+toyad
+amanullah
+mishu
+time-tested
+giros
+schs
+syncom
+shapey
+73.33
+1765
+greens
+tourab
+manley
+shuanghe
+brajkovic
+karadima
+achievements
+pyramide
+tri-series
+minghella
+jazince
+yakup
+nsm
+flutes
+yufu
+af23
+88-84
+inactivation
+bhagya
+katisha
+patato
+vatica
+s6511
+67.71
+rothen
+sportacus
+pfaelzer
+sanderling
+methanethiol
+ateneo
+antigang
+napoleón
+mercurian
+tirade
+geula
+marrazzo
+waiting
+gorakhpur
+hedi
+desalinate
+fogle
+transfix
+grosjean
+pengiran
+laurana
+clelia
+199.1
+politique
+huitzilopochtli
+sce
+magoun
+pernando
+mcilwain
+taitung
+'80
+ångermanland
+godmothers
+symporter
+(45)
+bioethics
+15/32
+42.12
+lure
+fil
+immunologically
+tortuously
+radicalism
+myalgic
+cryin
+saimnieks
+dönhoff
+jiewen
+mattocks
+newbern
+aleshire
+ulrike
+326.5
+sardinian
+teign
+hotchpotch
+nantgarw
+judaic
+recognisably
+ellingson
+anaesthetists
+obilić
+milos
+cockrel
+isaki
+3-story
+nd2
+sa-2
+pană
+wielinski
+kollontai
+cursi
+3.725
+intrusions
+1-1-0
+remigiusberg
+m38
+puster
+cucuteni
+daneman
+cagamas
+perth
+wetherill
+pandya
+berwind
+peer-reviewed
+kukushkin
+lewontin
+seaworld
+heirlooms
+jamaar
+flowered
+flameouts
+inter-departmental
+179.99
+farther
+13-meter
+doniger
+paser
+baliem
+.245
+3,717
+unescorted
+kristensen
+abequa
+tawney
+yakking
+colnago
+ryzin
+alei
+75.43
+formula_54
+spathulata
+358th
+siberian
+megillah
+karen
+garin
+quadric
+8800
+aider
+1,066
+côtes
+kc-130
+splurge
+krzysztof
+kolmogorov
+loktev
+mashreq
+magande
+ngạn
+pou
+sources
+fuselage
+awolowo
+136.9
+calypsonians
+3-4-2
+mangudadatu
+ecocide
+primly
+shitamachi
+manoeuvering
+frej
+uig
+gluck
+guðrún
+hiranandani
+hanfstaengl
+unifab
+euro173
+lobel
+phanariotes
+cbs-affiliated
+soulchild
+reconfigure
+zaachila
+blaskowitz
+sportbike
+chauvinists
+raciest
+samandar
+breese
+85.95
+g.o.b.
+letowski
+devakottai
+corin
+e14
+vsl
+tuaca
+diatreme
+theuner
+hyler
+abderahmane
+380
+47km
+goner
+kurlansky
+bombardments
+bunce
+clouds
+10-inch
+bozzini
+conformance
+din
+jinx
+minsch
+poilane
+unvoiced
+uğur
+jumada
+climo
+armbruster
+cervelli
+ateneum
+rudboneh
+langar
+microgame
+hodgkiss
+fitzsimmons
+giler
+10168
+bureij
+705,000
+ecosphere
+formula_162
+isenburg-kempenich
+alderney
+kilduff
+ndc
+ral
+steroidal
+viro
+594
+balentine
+isleta
+near-by
+tichtchenko
+anti-thaksin
+dima
+dreja
+zygalski
+metabolised
+copayments
+kandil
+computer-mediated
+farpoint
+fretful
+tullis
+camouflaged
+aquilani
+0830gmt
+8-19
+carcinoma
+budisa
+exoplanet
+22:50
+10646
+straightforwardness
+5,040
+unicoi
+kefauver
+,270
+burtonwood
+2213
+schroecksnadel
+capito
+blakley
+wolfington
+rener
+tonino
+torc
+42.84
+ōfuna
+sound-on-disc
+breglio
+juston
+cornplanter
+polarstern
+mütter
+893-8622
+62-63
+ducato
+rivetina
+ayvalık
+recalibration
+sylhet
+-99
+stateline
+nichanian
+mahshahr
+gagliano
+fútbol
+u.s.-syrian
+ammerlaan
+hongi
+bolitho
+12-footer
+elverum
+firewire
+taneyev
+xanthus
+irregulars
+synopsys
+anaerobic
+formosana
+gourmet
+grande-terre
+murrysville
+fffxf
+post-1990
+hnanisho
+kovtun
+two-mile
+bassinas
+loroupe
+cong.
+cropland
+phospholipase
+doss
+eisenstadt
+jetskis
+asgeir
+sputtering
+władysławów
+erroneously
+wilgoren
+zarkov
+class-d
+westernized
+formula_27
+bny
+idoko
+loads
+loth
+cosmatos
+plantiffs
+sonamarg
+interlagos
+mogi
+preoccupations
+12-count
+telepaths
+wittgenstein
+deferent
+m.sc.
+florimond
+ewers
+6-foot-11
+seang
+waites
+inviolate
+cassiopeiae
+batti
+snowdrift
+piha
+correspondence
+molefi
+nesselrode
+leckey
+lancastrians
+jvm
+mock
+stolichny
+boudreau
+first-grade
+delany
+6-year-old
+macules
+sensed
+exes
+327.4
+teatro
+reservations
+karasuma
+poelzl
+refutes
+bolena
+0.011
+tedford
+drax
+glater
+sabaot
+37-12
+snedeker
+vadzim
+mawkishness
+chewer
+chevrolet
+shihad
+papakonstantinou
+gadish
+valedictory
+claudii
+sítio
+sigtrygg
+sassanians
+racial/ethnic
+nikbakht
+enno
+mhe
+montville
+adkisson
+rockier
+baptist
+1.14
+haina
+kaam
+vizagapatam
+ganapathy
+resetarits
+amina
+sleeves
+microplane
+qurra
+montie
+69-62
+interdepartmental
+krimpen
+gimps
+bensaid
+scows
+corbeta
+wmlw
+mason
+kurzeme
+coequal
+cesar
+sanremo
+roge
+obock
+goldfrank
+sachem
+vineyards
+whatever
+a23
+evolutionism
+ringgits
+reformas
+tahi
+copayment
+zohn
+nevilles
+cheryll
+danfeng
+writer/producer
+swatches
+munkacs
+msba
+packets
+mccrery
+timbul
+dheer
+two-year-long
+nagyvary
+gondophares
+imager
+10.77
+nutfield
+1,334
+superorder
+bater
+617-929-2597
+stadionul
+97.85
+kaitlyn
+treater
+sangam
+viriato
+berkson
+unutilized
+brandwood
+catalyzing
+arrant
+eban
+allá
+did
+jihb
+dune
+terumah
+edhec
+frogner
+santonio
+nileshwar
+lovecraft
+bickerstaff
+dicot
+reshapes
+whey
+fomboni
+ileum
+dobrev
+habaniya
+nesn
+beuve
+schnittger
+burney
+atil
+moveon.org
+salhany
+demont
+vivas
+semiskilled
+refusal
+armend
+il-76
+abderrazak
+bluish-white
+bahrain
+stojiljkovic
+steyr-daimler-puch
+changshou
+healthscope
+eckman
+salyersville
+plena
+milice
+meuse-argonne
+diarchy
+couchette
+kyokutenzan
+golikova
+czarnecki
+mizuguchi
+12-6
+anfani
+protagonists
+macdonnell
+jskyb
+nbi
+gpa
+non-directional
+sianis
+homo
+protuberance
+raised
+inspirational
+skirmisher
+ecos
+gamefaqs
+vep
+7.7365
+pewaukee
+pahv
+exporters
+zuma
+salvager
+low-tech
+hodoud
+gerba
+amazing
+562,500
+nyeri
+farouq
+rechnitz
+quattrocento
+melita
+kayleigh
+entomologist
+18:37
+remand
+oversoul
+pregerson
+kronik
+d-21
+popal
+ermesinde
+talgar
+gulin
+4-for-14
+nokwe
+gawk
+l'autre
+gekas
+pitcairnia
+durso
+radhanath
+maktoum
+boomslang
+eades
+95.88
+baselga
+adi
+irgc
+goulbourne
+mathijsen
+lineout
+uelzen
+mangosteen
+kokushi
+advisedly
+alatalo
+takanori
+boraginaceae
+radian
+motor-cycle
+rosnes
+inholdings
+nkoreans
+54-39
+morang
+shop.org
+jianbo
+neoclassic
+nizams
+preserving
+stender
+phisai
+kidal
+roan
+contriving
+stem-group
+zhijun
+euro735
+renzong
+boyse
+limiter
+frumpy
+breakpoint
+villosa
+ameriyah
+antepenultimate
+2079
+trancas
+rieser
+stative
+equiangular
+unitive
+oa
+thrush
+kalinjar
+maler
+perotti
+anga
+mfm
+wicd
+fassifern
+a1
+purchasable
+256-page
+bouchard
+krupina
+polidor
+lifeway
+altan
+52.75
+sudden-death
+shilka
+potted
+charles
+ipw
+encasement
+kanthi
+ti-84
+accipitriformes
+dichio
+jnf
+haq
+pandiya
+vagabonds
+accentuate
+sightscreen
+5,314
+shaista
+44.46
+melanurus
+sudwikatmono
+claydon
+apti
+chukha
+sternby
+ferolito
+eax
+leddy
+laisser
+cruise
+101.05
+adicts
+6-digit
+aar
+bertalanffy
+pabian
+hrbaty
+sidani
+klarwein
+egea
+contentment
+cerutti
+composed
+literatures
+semi-historical
+1,017
+recreationists
+ittefaq
+pekka
+clob
+stigler
+2-46
+two-component
+aasiaat
+tomentose
+posturings
+unmc
+sepulchre
+mouligne
+alistair
+glenister
+frizzell
+5,000-dollar
+bandeau
+-4.0
+post-shakedown
+headsail
+anti-semites
+loadings
+madriz
+whitworth
+joan
+polansky
+propositional
+hedstrom
+measurex
+guillén
+matco
+canonbury
+wrap-around
+15.13
+demuth
+kurtter
+mundo
+woodborough
+100,000-seat
+carbonates
+kmc
+aleksandrovac
+brongniart
+africom
+rashers
+savoonga
+halme
+multan
+foulon
+conquering
+kubes
+severs
+katzenell
+main-event
+clothe
+colegiales
+westhoek
+haessler
+waeng
+wpbsa
+xenotransplants
+mazlan
+7/64
+husking
+persisting
+1-38
+straight-through
+mashiko
+fascinated
+g-4
+formio
+laderman
+inverness
+hindustani
+1,701
+macdermid
+freudianism
+bhargav
+regulus
+loel
+muschelkalk
+tabua
+heitman
+okl
+obj
+mathématiques
+brownlie
+367
+33-33
+phonons
+mirrors
+ladak
+27.25
+godet
+transplanted
+timbuktu
+gurinder
+chaumont
+fahnt
+hispano
+90125
+shyima
+pistoia
+hunkers
+kise
+al-mutairi
+legislators
+tenemos
+habegger
+boötes
+jozjan
+mdm
+civil
+afsoc
+tiscali
+fenneman
+hundreth
+isinglass
+stakeouts
+hollington
+l-plan
+co-ceos
+winters
+minority-owned
+semic
+mcdill
+hemisfair
+3,334
+reversions
+litigated
+lamberto
+klystron
+prieta
+prydain
+orfu
+d.k.
+gaballah
+paparazzi
+authorties
+insubres
+half-track
+brassai
+bodin
+khuzami
+huating
+farsta
+meines
+priddis
+then-fashionable
+democide
+w16
+lvmpd
+vyacheslavovich
+11-year-old
+boord
+e-eslami
+selous
+c-pillar
+bonatti
+rucker
+doodads
+dedalus
+133.50
+tongyi
+indians_agreed
+trampolining
+pagi
+mustapha
+iprs
+sreenath
+kyotaru
+quails
+free-of-charge
+underberg
+2,109
+andraos
+crab
+32-million
+spicewood
+gicquel
+maite
+yubari
+1.3750
+neowiz
+cité
+absorbency
+kissi
+commissioner-general
+preconstruction
+scrobipalpa
+bearkat
+61.67
+bzdelik
+thibout
+testers
+36a
+undogmatic
+matteini
+jagodzinski
+explanations
+neji
+geronzi
+rublev
+kufr
+midget
+raci
+noted
+arzt
+pulman
+fanatically
+rptn
+sheltie
+iveta
+espace
+dhivehi
+unprecedented
+immolation
+gobowen
+spleen
+non-corporate
+xykon
+.505
+crustless
+demosponges
+subunit
+876,000
+schmalkalden
+yuk
+re-installation
+whittenberg
+mikesell
+readjustments
+thirsts
+weymann
+pami
+putin
+1.4825
+shadjam
+leti
+morisco
+bapi
+lung
+kompany
+mohéli
+tingler
+1976-1982
+bí
+bembe
+cross-gable
+34.82
+half-lightweight
+murderous
+zeig
+alioum
+cosmos
+archduchess
+pollards
+sportsclub
+tonfa
+bricusse
+carrols
+143.9
+acree
+pravit
+nimble
+nondefense
+dpwh
+52-39
+bashy
+chiel
+durrington
+prachakorn
+andariese
+tikun
+hydro-pneumatic
+snyman
+brisca
+arising
+cni
+1,736
+lasciviousness
+mindvox
+xiaozheng
+foreland
+wysp
+zentradi
+sportime
+ginés
+whatsonstage.com
+postcolonialism
+martineau
+godoy
+sayings
+červená
+hilbers
+wheatbelt
+turbostar
+courier-mail
+alliant
+san
+kiu
+feierabend
+emailing
+competitions
+51,600
+ancsa
+resumed
+blatant
+adraskan
+1,039
+shelburne
+mwa
+balgonie
+alpizar
+111.50
+ffxf
+babor
+asmita
+dhampir
+grandparenting
+abqaiq
+himley
+ziqiang
+vuka
+jiayu
+trebbia
+jaelani
+hersey
+jawara
+zidlicky
+110.12
+heesen
+eyp
+deamer
+mascarita
+forgives
+hardeep
+erodes
+892,000
+wallez
+coquettish
+get-out-the-vote
+928,000
+archipelago
+darl
+graziosa
+georgi
+3,781
+audin
+yongyi
+limousins
+38-game
+mothersbaugh
+newell
+byner
+meenam
+mid-term
+homeschoolers
+cnnsi.com
+terranova
+morgunova
+surani
+xenobiotic
+composer-in-residence
+intrav
+hettinger
+shumard
+tylney
+rás
+eritreans
+peanut
+vidovic
+unkown
+barin
+laundromat
+battersby
+cassa
+gwaltney
+crepis
+panaad
+ginebra
+palombo
+conservatorio
+cheban
+axeing
+relabeling
+hadlow
+badius
+6,995
+chella
+banaji
+non-articulated
+plano
+xiaoqiang
+brandenburgian
+unpasteurized
+hathras
+36-21
+fabien
+drusus
+abdiel
+bauhinia
+lagunillas
+mgahinga
+-74
+durden
+excesses
+nimo
+broomfield
+mutallab
+smokeless
+pease
+catalogs
+k3
+ngema
+okabe
+octogenarian
+terry-thomas
+ziyang
+paining
+wuzhi
+eten
+leapers
+standen
+romasanta
+churchwide
+persse
+benefactions
+dunkelberg
+zofingen
+sugarfree
+hålogaland
+elegans
+vijitha
+olympic-level
+penholder
+lariam
+chapbooks
+embodiment
+heatseekers
+olst
+3,310
+oosten
+kajaani
+shuowen
+bareback
+crosscut
+hf/df
+corrib
+121.7
+harked
+neotype
+64.45
+aish
+trena
+lalibela
+quadrant
+straight-to-dvd
+ahirs
+deltora
+1,721
+40-footer
+gifhorn
+rataje
+weesp
+hangang
+toona
+nure
+suffixed
+2,810
+caméra
+vercher
+648
+5,200
+32min
+antyukh
+yovov
+mirik
+dance/pop
+docteur
+la-5
+motorin
+gregan
+pyong
+marchibroda
+kogălniceanu
+immiment
+icelander
+106.88
+zuccaro
+duration
+scandrett
+irna
+buddhi
+elephantiasis
+isanti
+billeted
+sybaritic
+börte
+nuzman
+emergency
+lassegue
+tulla
+euro29
+37-40
+rakow
+mediation
+cadoc
+bacque
+havanna
+timbal
+thibeault
+torphichen
+ss5
+khun
+mustaches
+kurochkin
+humen
+macroeconomy
+sollie
+58-hour
+streetwear
+cits
+truth-value
+contemplative
+entidades
+shipbroker
+moninder
+thrasou
+merfyn
+jannah
+lanc
+fluor
+transferrin
+morbi
+sweete
+tonbridge
+coverly
+50-strong
+ruminant
+viorst
+ragale
+tahoes
+colquhoun
+snoerwang
+lundell
+tidies
+hoard
+daojin
+kapita
+cocoanuts
+pc/at
+820th
+awaleh
+karlina
+tokyo-based
+laughin
+rhuhel
+bonci
+benyon
+horne
+polyporus
+aijun
+footloose
+serizawa
+atol
+venkatachalam
+lucie-smith
+huệ
+u.n.-negotiated
+grosbois
+illustris
+braga
+comparability
+neuticles
+noncriminal
+chevrons
+peptidoglycan
+960-1127
+tuffley
+deitsch
+electoral-trier
+statehood
+raft
+roughs
+ehg
+isgro
+holdups
+famines
+cosseting
+jttf
+zöllner
+devilfish
+lukovic
+kc-135
+askew
+changuinola
+。
+5/15
+alexsander
+hauteville
+desires
+nikola
+gyptians
+beckingham
+melida
+insigne
+youtube.com
+kratie
+defcon
+gregorys
+tomaschek
+bertr
+lovano
+sardegna
+53.63
+dabija
+downregulation
+hern
+nindorera
+wheelspin
+camerons
+amabile
+linhe
+reining
+khezrabad
+xuemei
+whereby
+stephany
+autozone
+kulczyk
+kageyama
+assouw
+mtv2
+stura
+honghe
+bertram
+d'argenteuil
+shenxian
+krushel
+ågren
+geumgang
+lazaros
+jiao
+informational
+steens
+heins
+huchthausen
+fragata
+haemostasis
++0.1
+co-sponsoring
+qia
+lescher
+feb.
+super-hit
+blc
+renovating
+tuggeranong
+mwsltot
+panlungsod
+44.36
+westbrooks
+heberlein
+sensitives
+projectors
+riesen
+joskow
+anchor/reporter
+burnison
+motoring
+weaather
+rogerio
+imagist
+outhustled
+fayre
+musikhochschule
+rajarshi
+guamanians
+altars
+gesturing
+ivanic
+stynes
+encino
+gastronomical
+kampman
+peano
+yawns
+willians
+ah2
+biglari
+10-day
+sheffey
+gefle
+m551
+bygones
+ferried
+ninth-place
+couturiers
+sozopol
+sakkara
+gino
+edwina
+contretemps
+chose
+holford
+inquisitions
+congenially
+crommelin
+ruffell
+bzs
+irresistable
+2059
+blackspots
+remediated
+grises
+witmark
+punal
+repulses
+greenschist
+bochs
+reunite
+simbad
+isma'il
+oliveirense
+juden
+deanery
+baith
+wartislaw
+converj
+eneramo
+ankunda
+pawnbroker
+leatrice
+ebro
+agrega
+kazakhs
+nereide
+protocal
+salgado
+remigio
+middle-level
+lanta
+kaavya
+voldemaras
+mohaqiq
+weren
+popescu
+antia
+barry
+wynette
+opango
+jerks
+vanc
+shyamji
+kaitov
+crewcut
+fir
+104.78
+scything
+patsalides
+nordbaden
+114.72
+reaping
+fassero
+bolivar
+krki
+shinjō
+ràdio
+vadose
+cardscan
+gascony
+lichens
+barboza
+assefa
+perpetuity
+firefox
+k978-1
+gourdine
+excession
+moers
+vigesimal
+wagnalls
+%
+gilvan
+sheldrick
+101-95
+lookouts
+assuages
+heeled
+muindi
+ahe
+pfeifer
+sprengel
+condor
+babaker
+bemusedly
+éd
+harrigan
+hanft
+deuterocanonical
+rhinovirus
+xff
+allestree
+frigeri
+chizuru
+rothman
+crosswalks
+inter-class
+arjan
+suerte
+birkenstock
+toothaches
+chizen
+pizjuan
+multi-channel
+gojra
+mosimann
+an/msq
+chambray
+seventy
+nextwave
+two-gun
+teaspoon
+35,250
+reprocessing
+foregrounded
+mellower
+mortals
+misla
+0_5
+gringotts
+66.19
+saddlebag
+majzub
+bonang
+francolin
+nechung
+takala
+soldner
+earnestly
+recapitalised
+heikki
+naqash
+ulloor
+ellys
+yuanwailang
+41-25
+tabe
+daisen
+undistinguished
+welford
+lycium
+ranchero
+tour-de-force
+naor
+diplomatics
+livesey
+androgens
+gertrude
+6:41
+waffled
+bahcall
+gotter
+bidhan
+klobuchar
+czerwinski
+schepers
+oly-2004-fbl
+floreat
+wildcards
+picoseconds
+tongham
+hostile
+1.082
+thinks
+gioseffo
+waived
+taurean
+37
+hackles
+ukase
+verts
+sĩ
+akritas
+r.s.c.
+1957-59
+wujin
+azadeh
+aurore
+deilmann
+sapper
+commensurable
+nightingale
+hellsberg
+game-related
+arkose
+laurindo
+district-wide
+wheelis
+vivax
+58-38
+unevenness
+brudno
+kazimiyah
+favard
+inundated
+stalk
+whizz
+bcsc
+chiptune
+mermelstein
+budget-priced
+abramson
+leaner
+gladbeck
+telman
+hupfeld
+edelbrock
+.323
+frayed
+aeryn
+truest
+acy
+mezz
+skanderborg
+suda
+artocarpus
+mims
+absoluto
+xenobiotics
+15.89
+layyah
+nezalezhnosti
+urbanized
+subverting
+rodentia
+gunnel
+47.06
+hamster
+matted
+wnyc
+shoegaze
+euro381
+keppoch
+quotes
+techint
+besser
+4,290
+hfl
+radchenko
+classifiable
+hypergraph
+djimon
+jars
+lully
+litigations
+staudacher
+compered
+songkla
+brahminy
+patuxent
+ruak
+qc3
+gravers
+almiro
+norvegicus
+dissonance
+two-hourly
+mealie
+mahidasht
+gd
+truda
+remarketing
+malahide
+tazila
+l'arbre
+giraffes
+berglund
+tianyu
+quecreek
+patka
+novack
+northover
+zfc
+bmrb
+bavasi
+washingtons
+canarsie
+marjoribanks
+ressentiment
+jorvik
+nunsthorpe
+paraphrased
+lotion
+denigrates
+amines
+franche
+pay-off
+folk-song
+ryderstedt
+beachum
+postumius
+bastareaud
+channeling
+cut-throat
+arber
+tullamore
+subsidiary
+buatta
+physicalism
+fadak
+dakoda
+saulles
+mansurian
+chiefdoms
+dubliner
+funnelling
+callsigns
+layed
+noyo
+i̇zban
+granites
+japanese-held
+leahy
+negociations
+l'est
+j.smith
+oab
+globular
+mavor
+nieuweschans
+khidir
+madhavaram
+menores
+ammanford
+strebel
+side-wheel
+łukasz
+beteiligungs
+kawau
+cinquième
+echinoderms
+chandrabhaga
+exiting
+leasing
+31.58
+caballo
+lille
+mediaeval
+izidor
+baryon
+895,000
+therry
+schiedam
+standart
+stensland
+erechtheion
+maut
+svehla
+algal
+izri
+dryvax
+80-77
+sparkles
+canopus
+flack
+kennard
+complemented
+leftwards
+wqht
+139.89
+aaliyah
+shrewdest
+sippy
+megaprojects
+connotations
+haemophilus
+dimitrov
+dũng
+links.tampabay.com
+seef
+seashore
+bresagen
+giv
+murgia
+18.35
+yellowhead
+osteology
+rdp
+air-to-ground
+buddhists
+gaprindashvili
+ducts
+musique
+attention-seeking
+lyubimets
+photo-secession
+oohing
+mavronicolas
+tamano
+non-anglican
+616,000
+ubiquitous
+divinations
+edegasero@ap.org
+igualdad
+koerppen
+xianzheng
+chaldia
+rilya
+cubanacan
+macedonicus
+a320
+hohman
+lip-synched
+whahng
+triazolam
+dactyl
+news.net
+mischel
+guaracha
+cherimoya
+74-68
+wooler
+60.54
+lyck
+schonert
+kottkamp
+izetbegovic
+uthappa
+crime-fighting
+modernes
+resinous
+barretos
+.430
+laurelton
+21-15
+mncs
+awosika
+lawhorn
+f355
+lev
+bht
+aboutraika
+bosher
+kenaston
+jumeau
+illimani
+condori
+friedrichsfelde
+5-4-3
+agema
+matched
+hochheim
+am&o
+manipulative
+manafort
+mcgillicuddy
+requires
+ytv
+konerko
+c&slr
+óttarsson
+mohombi
+jihl
+kompass
+sandymount
+kamakoti
+heaved
+chihuri
+apocalypto
+datumanong
+anjunabeats
+florensky
+85.07
+ajw
+kigongo
+randiv
+dirnt
+kimba
+genbank
+incompatibility
+multi-lateral
+realistically
+abu-jamal
+karassev
+2,300
+neculai
+travellers
+rq-1
+miaphysite
+nurpashi
+tories
+peza
+entretanto
+rúhíyyih
+goos
+casati
+kxtv
+129.7
+ipark
+suicidality
+hc
+conferences
+kippy
+non-responsive
+walburga
+tikamgarh
+meknes
+kaisar
+wadena
+coruña
+indistinguishability
+librivox
+podunk
+splaine
+polyommatus
+dislodging
+unsolved
+mahan
+korade
+djo
+laneve
+bachoco
+mycobacterial
+inspirer
+sheikhdoms
+nine-part
+pleurocystidia
+weit
+moodley
+four-party
+swidler
+nathu
+flylal
+petiole
+cheesecloth
+shirvanshah
+rohe
+stein
+4.48
+trosch
+broadcasted
+d19
+'83
+dalhausser
+1-21
+1994-2000
+einar
+farrant
+otic
+fintona
+wakeling
+forest-dwelling
+2300gmt
+amirian
+rashtriya
+darul
+zetsche
+culpo
+foundling
+guinta
+xd
+hankel
+105.35
+primeval
+pyrrho
+cce
+timika
+oviducts
+lance
+becontree
+cecco
+agitational
+good-bye
+thiess
+hural
+zephyrs
+seehausen
+khorana
+schedules
+behrends
+padaung
+http://www.nielsenmedia.com
+1968/69
+swankiest
+lipmann
+multiple-use
+larcenies
+fellowes
+prospekt
+oberwetter
+strik
+kiszla
+arabes
+hypocorism
+electro-hydraulic
+muktinath
+lectin
+barber
+disfellowshipped
+ss-hauptsturmführer
+gibbon
+(831)
+subarnapur
+fishawy
+bruchac
+kissling
+montalcini
+robot
+bestowed
+comunidades
+morrises
+photochromic
+chadburn
+perpetrators
+leven
+significantly
+softworks
+f-body
+ilham
+longmeadow
+großadmiral
+quota
+slow-speed
+razrs
+falster
+rasmey
+moriz
+ronaldinho
+cell
+abteilung
+3,332
+fairway
+fraying
+mccumber
+chemoprevention
+marigny
+preliminarily
+manjushri
+thermopolis
+brute
+238,000
+goscinny
+411th
+bumpkins
+horschbach
+tomkinson
+quested
+31-28
+kreiner
+semmler
+janet
+dvb-t
+mowtowr
+http://www.centcom.mil
+abdulaziz
+patanjali
+selectric
+non-korean
+maratheftis
+271.9
+non-playable
+3,475
+hibbitts
+suss
+nistri
+95.74
+petted
+samaritans
+triliteral
+awale
+490
+scutes
+cd8
+maggi
+luaces
+crossunder
+shapoval
+scull
+bloor-danforth
+kalidasa
+cantos
+acceptor
+volpentest
+1,243
+crucifixions
+psittacus
+typ
+166-member
+drake-brockman
+anandpur
+11.33
+killzone
+uplevel
+midstretch
+persecuting
+misspelled
+håkon
+kendrick
+longhouser
+dhanutirto
+wassall
+universal-international
+christman
+buendia
+rinero
+45m
+evropa
+groban
+21.45
+herenstein
+jame
+yosses
+yesipova
+korça
+quantifiers
+4-106
+campagnaro
+mejoramiento
+50-55
+subgrouping
+hypotheticals
+sunup
+mautner
+debney
+steege
+hermens
+chicola
+oława
+zori
+leblon
+santuccione
+vimto
+chenevix-trench
+rosel
+devora
+rooters
+chinglish
+mandar
+lapp
+vassaras
+korpela
+karlsborg
+newsy
+3-60
+pushe
+3,700-strong
+sogefi
+codenamed
+jutras
+off-label
+shet
+paillard
+tahn
+lule
+nanhua
+jastreb
+zooms
+panoho
+kochan
+legitimate
+sorceror
+scorm
+salicaceae
+babych
+oziel
+500-bed
+nikea
+52.8
+106.24
+gyda
+protolith
+gavage
+artichokes
+dirigentes
+height
+45-nation
+campe
+mark.shaffer
+hashida
+visualizations
+kntv
+dorée
+betancur
+messalla
+cross-stitch
+valencià
+stone-faced
+utep
+ryo-ohki
+giay
+acsi
+amatzia
+chhouk
+flounced
+inactive
+38-foot
+roddan
+grasser
+self-replicating
+harutyun
+zarumilla
+peaches
+wrightsville
+calculatingly
+unmop
+mahou
+125.9
+ternary
+bandaraya
+expensively
+lodeiro
+cech
+i.j.
+spinner
+d-series
+reshuffle
+rant
+boyer
+mirande
+hnpcc
+aihl
+noyan
+chelios
+dermal
+traded
+2,465
+jacksonglobe.com
+técnica
+leyritz
+tiebissou
+cohors
+ecologia
+première
+churlishness
+krips
+1984-1993
+99th
+tarazona
+quartos
+waste-to-energy
+gyurkovics
+samsunspor
+v-8-powered
+windblown
+plug-in
+gaumont
+ludwig
+soltz
+huelsman
+raters
+respective
+bonev
+spermatozoon
+pairoj
+partha
+hidcote
+mastrogiacomo
+diverting
+porgera
+carignane
+cheinnselaig
+regressors
+orinda
+bioware
+moocher
+smethport
+entner
+43c
+damsire
+splendour
+poundcake
+cross-examined
+hovensa
+guánica
+wolfenbüttel
+doronila
+cofide
+micronuclei
+publicist
+1297
+bander
+grassby
+arabi
+40-share
+rescuers
+universals
+rudd
+enable
+barone
+suzette
+limina
+frolick
+associated-rediffusion
+körner
+weisband
+instance
+h2-a
+dara
+secunderabad
+11:53
+nanson
+dozerman
+ehess
+mounds
+pteris
+15.93
+k-mount
+1/2
+i-985
+124-billion
+pombaline
+seksan
+buttars
+galvanized
+montlucon
+knockers
+gravelly
+impresa
+menezes
+léandre
+rusnak
+hestad
+lc1
+mokdad
+contras
+tanfl
+breffni
+wedge
+carbonari
+armadale
+syarif
+vlogger
+makhanu
+msb
+winegardner
+esthetically
+kareh
+pinera
+65536
+anticommunist
+sirasa
+scleral
+apostleship
+kilda
+raggedly
+catchment
+dharavi
+forelock
+sorter
+fusion
+mckeag
+vitéz
+aozora
+10:13
+mattoon
+coolock
+haying
+olg
+formalisms
+shach
+lepage
+eevee
+mullholland
+hyperinsulinism
+braveness
+639-3
+barkers
+telerj
+hobbins
+grechko
+kitiara
+ledda
+acidify
+c230
+reinbert
+matewere
+tacv
+hoja
+322d
+anh
+holmwood
+gorgona
+nonscholarship
+benfeito
+subhadra
+auratonota
+hollywood.com
+melikyan
+linden
+demachy
+advisories
+gunsmithing
+prolyl
+occasions
+bariatric
+harmonicist
+bomberg
+denominators
+naipospos
+mishpat
+cafo
+sedova
+sa
+jmsdf
+infidelities
+peterlin
+lejeune
+helium-3
+spanks
+54-meter
+pensamiento
+lifebuoy
+buffers
+wanaka
+brevis
+dabel
+vasily
+oligoryzomys
+tipping
+btec
+backtrack
+trotskyite
+medium-large
+taikonauts
+corpulent
+centralia
+clydach
+jobrani
+carmody
+civt
+mccue
+unocha
+dancall
+appc
+kimmi
+boolean
+wstr
+lepidopteran
+kirienko
+m1a
+0-0-2
+audio
+55.35
+fourt
+bracciali
+400-bed
+motorcoaches
+gcr
+dugarry
+phin
+n900
+jauhari
+rainier
+foege
+txiki
+cheneys
+8.6
+ermington
+hoolock
+grocery
+collegefootballnews.com
+liebert
+ferroviária
+ustyugov
+çankırı
+on-the-air
+misers
+istabraq
+tortilla
+yuhanna
+andoh
+aftershock
+arw
+paresthesia
+panettone
+o'hearn
+channe
+democrat-turned-republican
+cvb
+ekelund
+whittier
+balbriggan
+super-strength
+tvtonightnytsyn.com
+audiotapes
+8,333
+baits
+mazandaran
+bleats
+single-piece
+silverpoint
+gius
+prohertrib
+usrowing
+acheson
+horrifies
+1.106
+wallbank
+belka
+farroupilha
+kanae
+kibassa
+landslips
+6,240
+40-80
+stockport
+balkanisation
+muri
+cartridge-based
+larrionda
+sander
+be'eri
+ern
+0255
+ryaas
+schurr
+vlaicu
+crover
+co-branded
+bohen
+non-organic
+tamudo
+hvb
+summerland
+cheok
+chuff
+lancret
+brayford
+nondrinkers
+iveson
+interpenetrating
+gera
+dw
+mahameed
+animax
+tke
+postscripts
+solovay
+sabawi
+bopping
+calidad
+old-time
+meninas
+progeria
+117.3
+28.38
+secretary/treasurer
+meling
+meftah
+carposinidae
+flooded
+eega
+völva
+oxidized
+jocks
+chaudry
+156.1
+t-800
+samashky
+neto
+savovic
+jihadia
+tano
+232,000
+formula_150
+infertility
+bhanu
+wilkinson
+novodevichy
+musumeci
+group-stage
+coniacian
+tfts
+lucy
+2.3-million
+buchananism
+natale
+levites
+456th
+nuu
+datings
+ibisevic
+1798
+lobont
+bharrat
+acceptably
+oedipal
+musqueam
+kemprecos
+lenniesptimes.com
+bathhouses
+long-delayed
+erect
+karemera
+1254
+kasprzak
+asobi
+friederike
+bastiaens
+quartz
+answerphone
+artistical
+1945-1960
+best
+rutsweiler
+genestar
+hans-werner
+resorcinol
+blackplanet
+calò
+wcec
+shied
+174.9
+combinado
+hrvatske
+factorizations
+arguello
+stepover
+zeon
+machkhaneli
+kesc
+copy-protected
+quarantined
+45-yard
+borgnine
+satsuki
+farringdon
+76.52
+todoroki
+11:19
+westel
+55-12
+gateway
+qasam
+ejup
+disher
+riboflavin
+smyslov
+qohab-e
+protesters
+bacchi
+immobilizer
+microbicides
+milecastles
+hobgood
+cerda
+pangool
+2,047
+rotheram
+pesquisa
+caramba
+sapoznik
+stainback
+dielman
+ex-army
+sancus
+camassia
+smartt
+baʿal
+74.7
+culinaire
+26sep
+basepoint
+barny
+pericak
+obscurantist
+matthias
+40k
+katakwi
+turenne
+malpass
+kearsney
+mehbooba
+baley
+107.78
+108.2
+transpiration
+paatelainen
+etah
+subspecialties
+direct-mail
+side-wheeler
+20.54
+subandrio
+ciq
+coordinates
+116.70
+58,750
+bahamas
+lovelace
+unambitious
+9:16
+oludamola
+tyumen
+editori
+55e
+koregah-e
+kirana
+kimeses
+fraenckel
+krings
+sjeverin
+sanskritized
+qualitex
+innervate
+tuckerman
+irob
+revoir
+gelin
+beckindale
+re-constructed
+maqdisi
+178,000
+bolognese
+servitude
+laskhar
+5,328
+suetonius
+ergs
+mincher
+saynt
+freeways
+terezín
+piezoelectricity
+five-piece
+disqualifying
+four-track
+18:38
+purevideo
+desisto
+gils
+rabeh
+diagnostics
+multicasting
+phosphatic
+umayyads
+98.38
+seastar
+vliegen
+nisan
+meteorology
+coleshill
+braddell
+lonsdale
+388th
+subcastes
+calliostoma
+swingers
+syren
+bluhm
+emon
+hoevenberg
+harpootlian
+linh
+forgetfulness
+mainwheels
+subansiri
+rinca
+wingers
+2,899
+krissy
+ogl
+typhon
+nasional
+nfi
+malysz
+transbaikalia
+avisos
+tiong
+synchronised
+18-meter
+228.9
+reiff
+focused
+claisen
+swetnam
+isdell
+rubbed
+phobics
+1994-98
+attentat
+perriand
+fiducial
+hipólito
+connétable
+kpmg
+vacuous
+galinski
+mumo
+storkyrkan
+tilted
+leiker
+york-area
+daiko
+bánffy
+filippenko
+oratories
+garea
+2045
+lowey
+fenichel
+attam
+boí
+black
+wilders
+niam
+tenshin
+crescendo
+19:53
+legitimated
+vona
+gervacio
+triarii
+babysitter
+lsis
+protestor
+atque
+kroszner
+jodha
+pallidum
+4-37
+vinicius
+worton
+sunraysia
+sparano
+fuelwood
+mutlaq
+retirment
+bicknell
+manias
+14.67
+ouvriere
+volksfront
+ler
+allmark
+laarni
+burnhope
+high-status
+terro
+eckardt
+brecks
+failsworth
+hydrants
+costata
+svitavy
+user-friendly
+kristoff
+goldsberry
+petitcodiac
+chetti
+afghan
+information
+svidník
+thatthe
+come-from-behind
+manigault
+unknowability
+decades
+j2
+manuele
+keffer
+erlach
+saa
+enos
+malts
+stowing
+karten
+ventriloquism
+multinational
+euro453
+snits
+chapel-en-le-frith
+vida
+13-ranked
+uh
+quartet
+bssr
+caporale
+shamsi
+105.82
+kenney
+1392-1910
+blackadder
+dlrs
+mallappally
+ganey
+416
+mihn
+florian
+aloofness
+ämter
+uniprocessor
+3,223
+3,789
+conanicut
+protrudes
+bellandi
+riceland
+belenkaya
+sindical
+tues.
+gustave
+yuanping
+self-designed
+sangamon
+tejanos
+kolodin
+1.4095
+wbk
+willan
+gilia
+bustani
+leaflike
+a.m.-1
+gunes
+terakawa
+pageex
+gravante
+pratz
+central-eastern
+ctcs
+0300gmt
+idrisi
+french-speakers
+floriana
+partenkirchen
+4,089
+dictation
+clon
+snellville
+fabrizio
+diogenes
+white-collar
+drimly
+begerow
+gongfu
+26.61
+10-run
+plav
+amuay
+memet
+hypocaust
+naomasa
+manjil
+amiez
+80.40
+rookard
+irineu
+zand
+62-58
+broschi
+ceroc
+porphyrogenitus
+nanhu
+poyiadjis
+miri
+diversa
+optimization
+onan
+znamya
+wee-bey
+palmar
+liwaa
+khas
+matanda
+16.32
+rockel
+deronjic
+kogaku
+zone
+prevoyance
+mnm
+sincil
+sheepwash
+chautala
+liger
+higuero
+oughterard
+sława
+tirante
+abideen
+macmullan
+d-ca
+playgroups
+serendip
+yawara
+beddomeia
+kinnara
+euro431
+deerhurst
+alphorn
+wevill
+deconcini
+fibroma
+ra5
+3,843
+redundancy
+estate
+komorowski
+safad
+62-member
+brashest
+riegert
+laves
+opolot
+pianos
+junipero
+saikua
+chart-topper
+mandalas
+bowl-winning
+11,435
+94.38
+razzle
+avows
+sfakianakis
+nasau
+viktoras
+blixa
+monorails
+kadoorie
+salatin
+53.8
+hargobind
+neaves
+ferdon
+92-93
+misogynous
+janani
+elide
+naucukidi
+kravinoff
+castagnola
+cimbalom
+głogówek
+sensis
+geping
+rossoneri
+outfox
+fashanu
+trewhella
+voloshin
+ledbury
+chartism
+nonagricultural
+ituano
+106.21
+cornus
+stug
+barrineau
+efford
+somalians
+shahul
+longfin
+educators
+278.5
+feis
+min-woo
+unaffiliated
+3.08
+pahala
+72kg
+zaito
+taqiyya
+m.s
+occasioning
+ng5
+youyang
+ossip
+panaji
+analyses
+faig
+lobbyist
+lsk
+warholian
+condensation
+3.2-liter
+daleszyce
+-7.00
+sahir
+india-based
+carlei
+vaxgen
+catesby
+coaxial
+formula_96
+banister
+keene
+aliyar
+mure
+fujinomiya
+gonggar
+a-sketch
+lay-by
+sous-lieutenant
+36-inch
+out-of-phase
+sheiman
+chocolates
+horning
+palni
+zollinger
+slogging
+acknowledged
+carcass
+sedoc
+accursed
+stenzel
+8-20
+ehealth
+barosaurus
+pritchard
+blaeu
+rykiel
+conflictos
+pontificia
+uwimana
+leases
+pakhtakor
+niobate
+6,666
+d'haïti
+elza
+80-68
+polycarbonates
+lachaise
+nahel
+cholesteryl
+graphitic
+approaches
+lowbrow
+woodforest
+61,300
+3-of-7
+snuffy
+panizzi
+semi-contact
+medivac
+well-qualified
+skydive
+quieres
+ciruli
+sawed-off
+enamels
+euro225
+delanoë
+mexicali
+ndh
+foisting
+eslam
+southdown
+contar
+h2a
+329.7
+gippsland
+relics
+dì
+bonnie
+armorlike
+piotrowski
+puva
+gavil
+córdoba
+renderman
+phục
+soe
+straley
+euro39
+cleisthenes
+tenrec
+rosa
+shamoun
+jinglei
+reptilians
+aniela
+yonex
+ravolamanana
+teapots
+2008-09
+neo-platonic
+subsequently
+redbelt
+parishii
+huayan
+hoopster
+1997-2008
+worldtel
+1-6-3
+svare
+geomantic
+male-male
+conferees
+sangram
+26.72
+sambhal
+media-related
+parryi
+202-623-1364
+7k
+rm80
+sreenivasan
+boxiong
+nuggets
+zverev
+kscope
+12-game
+lada
+89.75
+nubani
+antiemetic
+dinorah
+coinsurance
+skylstad
+hcmv
+4-15
+youngest
+galib
+quipster
+albrightsptimes.com
+14p
+fsx
+zai
+sidarto
+domijan
+roselawn
+buttonwood
+preying
+385th
+sjodin
+skulks
+225-foot
+blaga
+47-member
+germaine
+1944-45
+american-style
+arop
+krishnapuram
+u-pass
+vinnie
+yinan
+muhlt
+yanji
+blouses
+forgave
+rebuff
+cidre
+sunroof
+boodle
+taloustutkimus
+alig
+leaside
+baszler
+tenser
+farrel
+jatt
+touchstones
+tarikh
+sargeant
+indesit
+brookland
+dadan
+4200-metre
+tingle
+matherne
+324.8
+hokey
+unobservable
+47-44
+foxtail
+omniscience
+glendenning
+interconnected
+timewarner
+zahalka
+qtl
+taffy
+outrigger
+123.4
+khawajah
+two-wheeled
+brooch
+ekblom
+suszkin
+glided
+mahato
+montreaux
+side-scan
+226.1
+lundvall
+140-150
+jawor
+shallower
+norstar
+soze
+31.85
+jamshidi
+drls
+esmaili
+admitted
+bazin
+rainis
+co-conspirator
+brinch
+southpeak
+marty
+livaneli
+schissler
+halligen
+mürren
+cultivating
+'til
+bodiless
+bibulus
+collagenase
+maintaka
+philex
+three-episode
+2,832
+beeld
+bokros
+shakhnovsky
+iaco
+astride
+losangeles
+baha’i
+makovicky
+long-line
+kudisch
+indo-chinese
+loom
+5500
+ohlin
+lautenberg
+yarl
+ajones
+extolling
+spider
+nanosys
+demands
+savate
+webbys
+iqra
+8,000-10
+cicely
+decapoda
+scholasticate
+38-month
+frustrate
+semi-regular
+zrínyi
+sated
+ballista
+musees
+mongolica
+biechele
+stonecutter
+mertiňák
+sungard
+40-pound
+8.41
+oceláři
+yanqing
+zamor
+barzilay
+takusaburō
+bidasoa
+things
+24-22
+para-alpine
+600-strong
+iccs
+aashiqui
+19,750
+mooching
+nemes
+penty
+erzerum
+votings
+saumur
+blair
+rajoo
+73.74
+qnix
+screenwipe
+chingy
+vhi
+radinsky
+86.43
+mccarroll
+lieutenancy
+ccma
+sacob
+roslan
+channelled
+d'arbanville
+carfrae
+polyakov
+back-ups
+palpation
+turrell
+vocalism
+post-test
+espirito
+mndot
+riverdeep
+dextral
+markell
+capulina
+huddinge
+tortellini
+4-2
+atvs
+laine
+montecatini
+66-65
+43.89
+bahij
+nz
+40.0
+guadalquivir
+naas
+95.12
+brothy
+microarrays
+gatech
+204.8
+techies
+wakhi
+muston
+96.63
+kanes
+0.65
+mckidd
+1637
+hilton
+jdrew
+21:35
+redenomination
+barcino
+yelü
+masooda
+networkers
+inter-zone
+123.60
+beaufighter
+ihlen
+artzi
+wreckless
+multi-screen
+oudsema
+nahn
+143d
+lembata
+feedstocks
+4.1.2
+anti-zionist
+kamada
+imathia
+zhiqiang
+antipas
+fayum
+portale
+mirar
+veney
+edelman
+.17
+unwedded
+mordkin
+hardie-ferodo
+therin
+1,144
+mid-1860s
+bennigan
+nana
+mintal
+capraia
+redway
+dhobi
+20-kilometre
+tayloe
+q&a
+kabateck
+21:50
+akihabara
+norene
+rotunno
+croshaw
+leonards-on-sea
+mandalika
+1,713
+76.50
+27.52
+u.n.-guarded
+simonds
+elsner
+68-run
+bentong
+lemarchand
+shahr
+odland
+colsanitas
+kanokupolu
+95.15
+ellawala
+askeri
+eyjafjallajökull
+euro125
+mres
+coban
+re-appears
+kelburn
+streetpass
+whatley
+chiracs
+jaggedly
+landport
+tilakraj
+dissociatives
+lapize
+arato
+,22
+bajakajian
+woodshed
+imbroscio
+ziebach
+equatorial
+koropeckyj
+sussan
+frieseke
+hailstorms
+159.8
+savolt
+toprol
+red-tailed
+omha
+tappen
+ohiopyle
+non-interventionism
+x-ray
+bhasi
+gini
+fa'atau
+parejo
+gspc
+tristano
+magnapop
+rootlessness
+pretnar
+konop
+kannell
+czesław
+ediborah
+vasanth
+mateen
+singapore
+lancing
+proverbial
+gelfand
+yarmila
+midblock
+three-hit
+cunedda
+34-18
+ribavirin
+worldgroup
+4:53
+inforadio
+spars
+-27
+hensby
+hückel
+muting
+uti
+plating
+crematogaster
+48-13
+clusiaceae
+tallec
+linkages
+vice-chairperson
+icg
+planty
+shamo
+colonialists
+crossharbour
+markopolos
+plagiarists
+1986/1987
+rup
+planking
+leylaz
+responses
+mlrs
+ratchet
+resprouting
+u-god
+carry
+vaporize
+fat16
+n'doram
+kavir
+mosin
+liotti
+abelianization
+clothespin
+forgea
+masdevallia
+scares
+cesspool
+cheroot
+winterset
+benninger
+knjiga
+vajdic
+time-scales
+tumen
+perdiccas
+175.2
+motlatsi
+4:00
+etymologically
+aircel
+bondsmen
+blanches
+dlouhý
+8-string
+jawhar
+bergling
+bill.muller
+ahrs
+oestreicher
+rilles
+disappearing
+77.85
+346.5
+kbps
+andean
+taboo
+strong-minded
+fedele
+581,000
+comforted
+taboada
+glyptotek
+peces
+comyn
+bistline
+thrybergh
+174.1
+choreographically
+incongruous
+unbelted
+show-off
+adsit
+rapanui
+flexicurity
+detten
+remar
+50.9
+reinold
+urbana
+calloway
+programe
+80,500
+allegorical
+metacognitive
+goong
+1,169
+5,325
+sprewell
+u.s.-canada
+civic-minded
+television-related
+kovačević
+dominantly
+106.76
+godskitchen
+zuiderent
+gaslight
+fauzy
+grono
+sequenom
+1929-31
+dnsap
+dente
+zhihua
+jahir
+mrnas
+morganatic
+vendee
+mccain-feingold
+sgcc
+folketinget
+fortunatus
+limes
+kellaway
+tastefulness
+shoaf
+torah
+rahmonov
+overcast
+ballesteros
+ystrad
+grinded
+tzvika
+fabienne
+21-story
+dailekh
+banzuke
+www.michelin
+maddalena
+littlestown
+kunama
+reeded
+itals
+kemi
+merchantman
+assoumani
+sanpaolo
+koyukon
+transcendence
+driza
+1,407
+krack
+3-129
+3,312
+tiwintza
+bedritsky
+shipping
+mcdiarmid
+240-pound
+neurosciences
+confidential
+35,938
+gracilis
+efx
+79-77
+anggoro
+madhyama
+gregory
+spiegelgrund
+long-haul
+35.1
+14,000-strong
+edmeades
+ofu
+hook-like
+bccp
+rademacher
+1.1-1
+bacteriologist
+complications
+lekki
+anki
+144-game
+taher
+huefner
+csrts
+pasturing
+actinomycetes
+lehmbruck
+lastly
+stranda
+buynak
+pro-imperial
+marked
+avoided
+cleland
+okucani
+rantala
+damion
+bricklaying
+kratos
+baf
+12333
+then-owners
+lamenting
+xiulian
+trimmers
+oecs
+abaqa
+hohnstein
+jadick
+bobov
+carniolan
+comand
+123.3
+aizawa
+1995-1997
+junshi
+bees
+kaye
+90km
+90.16
+satyagraha
+fully-fledged
+thakurta
+kyamanouchi@ajc.com
+7-of-7
+crone
+comparing
+non-christians
+sasha
+afci
+goede
+kadel
+ayn
+koshetz
+ballerinas
+grebel
+pre-1974
+nicephore
+nilson
+semisoft
+screwing
+camisea
+reminisces
+dazed
+quai
+terman
+cervanova
+bhakthi
+remmel
+realizability
+mcdeere
+croy
+refuges
+verdadero
+sheshatshiu
+leonnig
+ruffhouse
+hard-working
+51-3
+11.07
+pinhas
+drusilla
+donaghadee
+j.r.
+yambo
+41-yard
+lundi
+64.35
+gena
+arbusto
+75.48
+pendry
+rebengiuc
+lague
+snappin
+12.28
+discards
+viability
+scabra
+hoare
+controlled-access
+debuggers
+isochronous
+snooky
+hindman
+cunegonde
+arpents
+grannan
+isuf
+encroached
+developable
+masferrer
+zhelyazkov
+badaruddin
+rewatch
+gusau
+bełżyce
+collectivized
+galvão
+soldiered
+eisbrecher
+schmoozed
+sillman
+goler
+ecuatoriano
+marylands
+chairul
+psal
+geoduck
+bbk
+mtume
+kamkar
+vaio
+jisheng
+sekeramayi
+cashel
+spratlan
+usme
+retort
+hennion
+10-30
+1743
+schauspielhaus
+verbandsgemeinde
+jamilah
+multisystem
+kofoed
+solving
+jaster
+professionalisation
+iittala
+garl
+lossy
+michot
+bloxwich
+vaness
+17:28
+x-5
+263.4
+149.6
+treadmills
+close-packed
+szarka
+beaconsfield
+0.8-1
+stuchiner
+trouillot
+zoomable
+357.5
+xwb
+clausura
+dasovic
+munther
+simpsonville
+xiaomin
+brademas
+alfa
+788
+bromine
+eary
+anti-ukrainian
+hongcheon
+commercial-scale
+golasecca
+crooning
+28-dec
+immersion
+elvie
+muttaqui
+sappi
+confidantes
+objective-c
+affordably
+augustina
+denley
+36m
+thudded
+villamor
+mxpx
+americorps
+farrukhsiyar
+op-amps
+nader
+slt
+peridotites
+annemie
+based
+electricty
+quitclaim
+93.09
+molders
+naqt
+spaced
+culverwell
+aerie
+alkenyl
+1998-1999
+shail
+pratihara
+bàng
+morcom
+netherthorpe
+professions
+chantries
+ludi
+llanfyllin
+mixte
+madoff
+saliers
+time-trial
+yijun
+odlum
+gri
+zuhal
+centroamérica
+antipollution
+khurrum
+incompletions
+sepals
+beko
+reitzel
+zahm
+667,000
+mid-sentence
+pumped
+retzlaff
+.450
+manse
+ways
+khawani
+phosphatidylinositol
+tanu
+ruez
+gavras
+reitherman
+mcaulay
+uhp
+ahf
+khurshid
+feign
+tueni
+distantly
+céleste
+merseytravel
+metrorail
+matting
+khorramshahi
+ergon
+scientism
+struttin
+impelled
+inter-communal
+1.067
+s-38
+pulis
+cortes
+colemans
+saytiev
+vasilevski
+hamgyong
+naito
+booted
+shōkaku
+osinde
+headscarf
+groundcover
+viroids
+54kg
+alyaksandr
+trochus
+sueif
+patrick.goldstein@latimes.com
+schüller
+połukard
+gerges
+greenjackets
+71.32
+torque
+ezzor
+ordinate
+giz
+2,100-square
+cuban-americans
+puncog
+eucherius
+flycatchers
+kwekwe
+rendlesham
+soundbridge
+1968-71
+programmability
+chiseled
+jiuzhou
+tharizdun
+cavit
+hunsicker
+gadzhiyev
+christian-jewish
+immobilier
+bemus
+rickenbacker
+kalabagh
+2.845
+herne
+gdańsk
+rectorial
+zemiro
+culloty
+bureacracy
+40-nation
+wasting
+hardier
+kadet
+nittel
+daping
+dtz
+spivack
+katipo
+pinchos
+boilerplate
+pmu
+midwives
+meros
+trib
+inuits
+long-lived
+baabda
+weemer
+mormaer
+donnet
+węgrów
+tirat
+gangbang
+miniaturization
+hornemann
+circuit-switched
+costinha
+kambona
+rsanders
+abps
+pottharst
+nuxalk
+changlin
+forluxe
+48-34
+genouilly
+mendonsa
+armor
+ap-7
+partially
+klampenborg
+spector
+4,862
+calvins
+reinald
+szczerbiak
+ant-man
+rebuilder
+provost
+sediqi
+asuncion
+januarys
+uncertainly
+ikeja
+1,677
+1,682
+quitting
+germantown
+propensities
+crosbie
+lighter
+shahar
+analogies
+godofredo
+four-hand
+speth
+t-shirt
+kohlhase
+detergents
+eurochallenge
+yugoslavians
+gff
+thmey
+bolls
+two-hour
+legitimizes
+debugging
+luhrman
+aggro
+bondurant
+4,163
+mohaddessin
+biegel
+sesshin
+exene
+providencia
+135
+sbe
+bulyea
+korei
+24hours
+ruadh
+deedat
+crouching
+39-29
+cspi
+lobotomies
+sonybmg
+cellos
+jeal
+liquidators
+odoric
+americium-241
+belbacha
+homer
+ahava
+garatti
+cosbys
+eatherly
+hedwall
+specks
+541-meter
+-8:30
+prebiotics
+tmutarakan
+matsanga
+zseries
+lld
+squiers
+gitmo
+jugendstil
+alphons
+quickens
+speargun
+reut
+nhial
+dvaita
+ellenberg
+ducal
+carangidae
+rajesh
+vegetarianism
+grin
+violinists
+149.99
+ubiquitin-protein
+intoxicated
+escapes
+careerists
+wynberg
+essomba
+bulat
+5pm
+nonproductive
+lustration
+byrn
+luling
+rdi
+3,468
+rintanen
+earth-moving
+yanagihara
+kakinada
+boliden
+gamesa
+kodori
+atsuhiro
+niesr
+wolffsohn
+hittites
+iparty
+ullal
+samplers
+vasiliev
+binsar
+49.75
+aliadiere
+christine
+t.a.
+precisamente
+34-mile
+heeswijk
+1461
+blumlein
+gimli
+arroyo
+visual
+queda
+weisglass
+delia.rios
+busst
+cuisines
+ev-do
+confusions
+gunne
+ccea
+pors
+schuldt
+pigeon
+punishers
+tauxe
+somatogen
+ruido
+feiger
+kujat
+franconian
+stoyan
+wher
+107.58
+commonalities
+cynewulf
+sherm
+comorans
+khazal
+umar
+glovework
+akkus
+avait
+stoltz
+baltusrol
+rajatarangini
+dôme
+strzyżów
+gunbattle
+berrios
+akins
+deathfest
+saturate
+suzumura
+palaeontologists
+maxie
+rationales
+phosphines
+elwick
+kentuckians
+microfracture
+1956-1959
+bunyip
+blokhin
+elementary
+mades
+malott
+318.25
+sejna
+endian
+939
+zeravshan
+paragua
+makarios
+twiddy
+trots
+nationalbank
+long-sought
+molander
+musashi
+l'olympia
+flugzeugbau
+thymes
+obied
+pictionary
+sdsr
+khathran
+synesthetes
+prm
+powerboat
+avanzino
+5.7-liter
+self-release
+29,035-foot
+makasi
+esoterica
+.459
+mesch
+marimba
+robots
+biruta
+dragonriders
+ixtapa
+goenawan
+hoyzer
+maerz
+isidis
+gangan
+rye
+pone
+almondvale
+meretskov
+knick
+purposeless
+wolverine
+nonda
+1974-5
+orest
+allegience
+juvederm
+jasen
+kyowa
+dems
+reynald
+casoni
+outgassing
+appointments
+ushakov
+1170s
+lre
+saltram
+jacey
+bukhsh
+comandini
+augustsson
+happy
+inches
+ragione
+hemer
+babasaheb
+kumbharia
+94.74
+kinetochore
+poisonously
+sphingolipid
+61-21
+blimp
+0.43
+gsm
+.000088
+euro630
+pre-booked
+briareus
+yakubovsky
+cude
+majcon
+15-game
+frogged
+even-tempered
+b-52
+dreifort
+laywers
+schoolbuses
+upshall
+aftenblad
+70.16
+200,000-dollar
+sneakiness
+nauseam
+ansary
+itrs
+78.78
+repugnance
+battat
+dvds
+d'honneur
+skeldon
+mccallen
+egleston
+repairman
+antipathies
+bureaucratese
+ioda
+foodland
+honsinger
+athaliah
+myoleja
+115.3
+pph
+leppo
+falluji
+harty
+rousses
+alkalosis
+3,689
+komm
+disintegrating
+246,000
+cecchetti
+polish-american
+outlets
+malek-yonan
+nudibranch
+kalibo
+cursillo
+isadora
+rehouse
+aufdenblatten
+rendez-vous
+biddy
+lempira
+bijar
+dessie
+tummy
+deorum
+ice-strengthened
+blockading
+snowblowers
+17-point
+turistica
+calia
+15.57
+coiba
+beppu
+destra
+haylett
+alalakh
+mass-produced
+damasceno
+powers
+fricassee
+asclepias
+а
+805,000
+39.57
+uncomprehending
+4-digit
+jijiga
+mcdole
+wildly
+jawbox
+konchalovsky
+minus-12
+ykkönen
+dieci
+asanchez
+espectaculos
+60.42
+leaguer
+geb
+mathabane
+namhae
+nagasaki
+schlepper
+parantaka
+querelle
+barlinnie
+212-499-3335
+hardage
+shefer
+rickettsial
+marzak
+friggin
+appalling
+marimekko
+guandique
+kubot
+728th
+menina
+iphigene
+durations
+druyan
+nakash
+glynne
+49.70
+emick
+cloying
+investigations
+2632-6911
+44-month
+sergipe
+somayach
+malak
+hilsea
+c/k
+northmen
+xuming
+namigata
+raimund
+emmy-winning
+vulso
+pagones
+disarms
+hierarchic
+11.54
+jebusites
+bellay
+27.20
+racener
+liberations
+saionji
+naproxen
+1116
+kozluk
+fuenzalida
+vitellius
+bacteriophage
+investigate
+109.67
+xochiltepec
+de
+experienced
+onyszkiewicz
+babad
+goodale
+d'ingénieur
+stacy
+sub-caste
+kilobit
+throwin
+hinted
+gormaz
+slackwater
+therapeutics
+nosso
+animatic
+gals
+73.60
+p-square
+truscott
+rebadging
+ciliates
+beille
+.000104
+30percent
+plasson
+chandramouli
+bluffed
+viread
+,330
+stovey
+delicacy
+ocotepeque
+cuiv
+helling
+airside
+1-3
+mlv
+kripke
+ganal
+hertie
+haeupl
+sabz
+dahle
+eurodollars
+xiaodong
+assassinates
+wendlandt
+ü-tsang
+maintain
+decision-makers
+dipascali
+30-kilometre
+radivoje
+bronchodilators
+caucusing
+forme
+1,212
+27min
+b.t.
+pennsylvania
+outrageousness
+usurper
+zubaydi
+bearlike
+interferences
+kurzem
+center-west
+51-run
+kitman
+mentor
+zhoima
+goffstown
+witchfinder
+yontan
+snoek
+glück
+lofoten
+dvb-s
+vahr
+north-side
+phenocrysts
+tootin
+twinge
+reinterpret
+reasonings
+budiman
+haixia
+bossidy
+truetype
+foliated
+nrsv
+usines
+49,999
+pro-eu
+penetta
+indy
+indicative
+stiffened
+schechterle
+80-79
+gunigundo
+buss
+ejections
+midcap
+interchurch
+computadora
+60,240
+temesvár
+27-june
+faenza
+123.50
+elshoff
+3,518
+12-21
+crişul
+asleep
+bạch
+shoshoni
+hiloclose
+maizar
+exclusiveness
+juris
+wktv
+diesel-hauled
+raaf
+pogodin
+shortages
+2002/2003
+spyder
+plass
+sharptooth
+ntshangase
+lerebours
+waterbodies
+marrano
+rhin
+habre
+magnentius
+wimble
+milososki
+three-seat
+incitec
+westat
+bizot
+jarai
+9-under
+hrdina
+lare
+villita
+0501
+llambi
+portocarrero
+scarola
+possessions
+sievering
+dwango
+alīābād-e
+counter-offer
+manno
+49.52
+gaver
+poliakov
+cabergoline
+lcvps
+hatched
+toshev
+kunika
+wimpole
+xpt
+bi-lingual
+372
+reco
+triples_garciaparra
+bigg
+nechirvan
+77s
+31/32
+sobero
+götterdämmerung
+68.58
+fourballs
+wojsławice
+sizing
+53.51
+mainers
+amparano
+bagheri
+heidemarie
+formula_131
+takanonami
+inka
+118.05
+pennsbury
+kenan
+montebello
+dismantles
+hara
+207th
+hillwalking
+surgutneftegas
+balaram
+kirsan
+ceremoniously
+101.20
+grass-court
+smle
+barycentric
+fusarium
+oatmeal
+tunel
+amphiphilic
+pecdar
+arborfield
+batabano
+preschoolers
+ectoplasmic
+lachlan
+pre-cooked
+2802
+lulling
+mousehole
+15-party
+tokamak
+caidos
+witeck
+oost
+shehadeh
+bainbridge
+designation
+altruistic
+104.4
+ksenia
+taeyang
+fëanor
+bemoaning
+112.10
+kotelawala
+inconsiderable
+elize
+bodhgaya
+66.80
+preisdent
+lodo
+vasiljevic
+4,745
+ufdg
+appiah
+rayalaseema
+10a-9
+glassmann
+.93
+bdd
+non-convex
+unrhymed
+2:5
+i-240
+grass-root
+bunkering
+88.99
+pan-european
+vinu
+cognomen
+bisso
+lopera
+palmiro
+folke
+flouting
+sobran
+taiyuan
+urbanization
+barcombe
+pretenders
+5.6-magnitude
+peterkin
+gemunu
+320.4
+anglicisation
+06:20
+asterism
+329
+hostilities
+wether
+childish
+bjoern
+dunton
+netgrocer
+presentment
+scoon
+hesitated
+10:06
+horakova
+gotcha
+thakur
+bechmann
+petrolina
+giacconi
+freebie
+sideman
+tal
+coheed
+bantay
+downshift
+aamir
+denali
+malakand
+farside
+1671
+andis
+tway
+fathered
+socio-political
+gorenberg
+kulfi
+pko
+spani
+13-play
+pony
+shamsudin
+alair
+23-apr
+nakayoshi
+divini
+gollner
+mo03
+emosi
+99.40
+trophozoites
+radomsko
+1262
+kolehmainen
+rhyzodiastes
+ambulant
+saom
+jordanville
+rightmire
+40-31
+jaren
+bk101-102
+yunlong
+augereau
+suttle
+eiderdown
+aii
+bottorff
+memmius
+nightclubbing
+waardenburg
+phit
+caeca
+užice
+vladimirescu
+akash
+doumergue
+marathons
+avco
+citycell
+kauaʻi
+feebleminded
+gareca
+249.3
+thiện
+arnold.rosenfeld
+evanson
+usiwa
+netley
+labone
+elkies
+chivor
+reho
+helmig
+avodah
+gogrial
+virupaksha
+eudoxia
+flesch
+arbuscular
+mimasaka
+rafeh
+g.o.o.d.
+wiriya
+cansino
+895
+mpaa
+cambrai
+staak
+jelly
+vick
+duvdevan
+gunas
+nantz
+85.01
+radioshack
+peggs
+steinmeier
+mikuru
+vigouroux
+spiegelberg
+55-50
+buskin
+struzan
+stepanenko
+antillia
+saib
+1.349
+fixed-point
+hasdell
+anew
+leidner
+2000-02
+swardson
+108.92
+compactflash
+homodimers
+ceded
+gari
+infectivity
+kampen
+euro527
+allvine
+abergele
+bolon
+indispensability
+luff
+divinyls
+guetersloh
+intentionally
+coffee
+marlou
+borj
+soroush
+parlayed
+khyal
+13/14
+callout
+ansalon
+shuichiro
+froehlich
+souverain
+minangkabau
+1410
+scottsboro
+dourdan
+judaea
+pachino
+haldor
+bouctouche
+.177
+grameenphone
+7:40
+hinchey
+glycans
+67.84
+3,540
+ansa
+1,350,000
+freakley
+teijin
+garze
+biddick
+mccarren
+thumbs-down
+viet
+zeke
+antorcha
+lüderitz
+kneel
+petco
+hypertonic
+4,299
+lamarckism
+116.24
+byears
+terebinth
+schon
+fanciful
+eirmalasare
+grans
+freshers
+kingery
+100.17
+zvolen
+banus
+baldelli
+kowtow
+kolla
+irlanda
+landuyt
+vindication
+cholsey
+flourishing
+66.54
+naffa
+veroli
+motorboats
+devil
+eyepatch
+mower
+zahorchak
+daimi
+merlino
+mcelligott
+fofanah
+115.13
+gohain
+fpn
+cleaveland
+thitinan
+schwarzbaum
+autissier
+halestorm
+pradan
+waterhouse
+morgunbladid
+barise
+erst
+fandorin
+szemud
+wildlife
+hpp
+1,090
+313.222.2480
+sewed
+travail
+sts-117
+smartruck
+minimill
+2,587
+mintimer
+grischow
+sprouted
+sanjay
+heick
+conant
+supervillains
+echelon
+18-22
+chirk
+regauged
+porato
+186.9
+1,594
+70.23
+kcbt
+mawas
+anseba
+herberman
+11-7
+garavani
+hajnówka
+surest
+seventy-seventh
+cloudbase
+loewer
+reassert
+drift
+hyeres
+long-wheelbase
+pc-8801
+asia/pacific
+noorda
+quarterfinals
+marchei
+pan-armenian
+u.s.-japan
+shaffi
+eichenberger
+saône-et-loire
+thessalia
+7.80
+kon
+grameen
+masafumi
+yusufu
+gusty
+okinotorishima
+gentiloni
+thijn
+tiapride
+july
+jgertzenkcstar.com
+wajahat
+kabary
+buckwheat
+zalina
+stegmann
+peripheries
+euro496
+cancers
+antwan
+muus
+feistier
+tobji
+ragù
+brca1
+mezain
+bitch
+boogeyman
+a-standard
+nccusl
+fan-favourite
+s-shape
+goven
+laterna
+ranjha
+cloaca
+50.85
+necedah
+alerted
+carthaginians
+escamilla
+hansjorg
+slea
+života
+krqe
+prioritization
+compensar
+1882
+raus
+airazor
+maglio
+methylmercury
+siemon
+sumathi
+nonato
+2,896
+kvea
+katzenmoyer
+ringuette
+unspool
+karabük
+qs
+hoblit
+kg.
+unalienable
+kambo
+derngate
+regierungsbezirk
+81.66
+vocaloid
+20.06
+igic
+konigsmark
+cutchogue
+klek
+praelector
+jacq
+hemmingson
+curassows
+sabarna
+rodarte
+i.c.
+dampf
+19.29
+sebes
+istres
+gamepad
+764
+curicó
+camphill
+penner
+npf
+khodary
+blahs
+agsa
+arbitrating
+plentifully
+monatomic
+higelin
+lanval
+hartness
+lamivudine
+warmaster
+flamethrowers
+sheldahl
+seyffardt
+uncollected
+kubilius
+ruxpin
+1919
+xuân
+doubly
+collected
+porsche
+khammam
+0855
+aret
+10.91
+anticounterfeiting
+vrooom
+fundraising
+botanicum
+trivialise
+etobicoke
+biver
+speleologists
+lessner
+grieves
+sourdis
+basescu
+crécy
+extrusive
+christic
+plumbed
+gruen
+nontariff
+75.6
+siemens-halske
+koeberg
+140th
+mudras
+pridemore
+iuss
+sternhagen
+romstad
+filice
+rboc
+enzootic
+f-84
+justus
+chaturanga
+paranthropus
+misunderstandings
+81-68
+gregson
+steep
+allosaurus
+levelheaded
+tyrannidae
+computerologist
+pourmohammadi
+hatendi
+manifeste
+vicentico
+pikeville
+west-southwest
+sfas
+vansittart
+implosion-type
+rheostatic
+philanthropic
+rubha
+scaletta
+dalessandro
+knaphill
+kintore
+ignas
+.649
+manga/anime
+goldfinches
+ulpia
+copycatting
+legatus
+silvery-white
+takaful
+http://www.aphis.usda.gov
+darkrooms
+leifer
+insulin-dependent
+kern
+toysmart
+hiti
+wekesa
+defoliating
+kerkrade
+balaam
+abridgement
+partisi
+ajla
+xilie
+merita
+roh
+wyrsch
+cartones
+danis
+bazillion
+morinville
+akingbola
+six-month-old
+haarde
+exemplifying
+quibus
+tsukanova
+re-opens
+keilor
+kushite
+maine
+0.77
+rossum
+charente-maritime
+24,000
+guimaras
+sillinger
+funnies
+animates
+37-2
+brandied
+padjadjaran
+illuminating
+okaihau
+nonchalance
+37.94
+seventy-nine
+breccia
+kourieh
+ckirby
+1969-1972
+moondoggie
+enckelman
+dilling
+enthused
+fowlers
+nonperson
+41.93
+10:1
+inter-ethnic
+32nd
+moonshiner
+vencill
+westhusing
+guajillo
+http://www.pbc.gov.cn
+.439
+rømer
+carcharodontosaurus
+polysorbate
+luistro
+buice
+goldenen
+sell-on
+cazenovia
+owyang
+pararescue
+hoss
+hukum
+hickock
+uniformis
+1954-1957
+bīsheh
+dahod
+simile
+hurre
+esterified
+coward
+muckle
+1986-90
+testault
+101.6
+gustloff
+bychkova
+fangman
+safe-keeping
+filbert
+726
+1998-2010
+winnows
+ulmann
+sakalauskas
+fugee
+splicing
+10-pin
+meanchey
+119
+virts
+viletta
+lacob
+woche
+catastrophy
+foxp3
+virally
+jauntily
+0.90
+32.17
+sourland
+dine-in
+guangtao
+nagase
+knighthoods
+pelabuhan
+capua
+guayabera
+steinbeck
+whackers
+goalies
+filppula
+kahit
+gorie
+unsubscribe
+apunta
+89,500
+buckmaster
+abobo
+marilena
+disservice
+rogne
+uncouth
+plato
+5:38
+takfiris
+flounce
+staebler
+medievalists
+nakina
+shazly
+vasanthi
+grasberg
+106-pound
+loyce
+okeechobee
+koleje
+loates
+soapstar
+switzerlands
+zelle
+small-format
+majura
+hinlopen
+suggestions
+kuti
+rakad
+10-for-10
+10:00
+cistercians
+brunson
+3,765
+uxo
+racheted
+attack
+getnick
+rodinson
+gunnallen
+palestianian
+zhanlin
+bugner
+catharina
+clavinet
+9.42
+biplane
+saffin
+neddick
+paust
+alpacas
+diphenhydramine
+gerardus
+mikuni
+kurashiki
+inverkip
+bayaa
+jinzhu
+dravid
+struan
+shamanist
+suliman
+aprender
+trotternish
+centrestage
+counselor
+pre-arranged
+4-channel
+wachtell
+bonnell
+pappan
+trapped
+wholetime
+elliptic
+carbonara
+magin
+ustari
+pyros
+skard
+intervals
+haltmayer
+rugare
+lesabre
+barrens
+cml
+sūtra
+ferland
+mungan
+narayanganj
+lankton
+lsa
+jayhawkers
+jud
+impeaching
+tuat
+abbès
+jossinet
+langenlonsheim
+mevius
+rowberry
+lherbier
+feuchtwangen
+woolnough
+vais
+troubleshooter
+rsst3
+wauck
+eco-system
+marillier
+krasair
+zingers
+rhizaria
+aquatica
+legwell
+numerologists
+unclipped
+beilis
+unapproved
+crescas
+funhouse
+bharani
+nasution
+vinukonda
+grittiness
+barflies
+esperante
+virneburg
+one-part
+chaykin
+263
+off-reservation
+scsc
+church-run
+88.54
+inertness
+brayshaw
+llodio
+n-acetylglucosamine
+99.38
+ukti
+19.47
+cairenes
+authenticating
+qin
+tyniec
+levelland
+compiles
+1.355
+issoire
+królewskie
+lengthy
+polynice
+gilde
+energiya
+machale
+commerzbank
+70.1
+malaj
+chhindwara
+panama-pacific
+eredivisie
+creag
+loktantrik
+guoqi
+vainglory
+zygodactyl
+futurity
+ladefoged
+nonvenomous
+žižek
+tovil
+anne-style
+ḩasanābād-e
+outsmarting
+michal
+maclysaght
+torbjorn
+viettel
+gentius
+kippur
+nauheim
+николаевич
+illangakoon
+bulls
+budgerigars
+borac
+sandaled
+j&p
+litiji
+giovine
+inawashiro
+kitchel
+pajaros
+arcand
+heterosexually
+adeccoligaen
+nimrods
+plutocrat
+incorrectness
+legans
+removed
+faubert
+troxel
+bislig
+okamba
+octaviano
+humewood
+preheat
+waw
+shabqadar
+7mm
+bathypelagic
+rutz
+westcombe
+toric
+katty
+post-holocaust
+m102
+achondrites
+broch
+tankard
+moustachioed
+shirahama
+natonski
+kamilov
+autant
+poetess
+mcgeown
+breitbard
+bonspiel
+songfestival
+tenacious
+dsg
+balochis
+benflis
+norac
+animales
+implantations
+płaska
+0-4-0st
+valdez
+pedraza
+anlage
+ابن
+-16
+cydonia
+chrylser
+lenchner
+simplistically
+glowed
+cathair
+tuteja
+seafirst
+manicurists
+rhayel
+a70
+6-cylinder
+post-military
+nifong
+126.5
+ruminates
+giralda
+nursia
+59.04
+place-name
+rou
+g-flat
+bhubaneswar
+barnaby
+avienus
+igy
+antonelius
+bertrand
+kharazi
+counters
+shadowmen
+taral
+post-keynesian
+1,500-man
+coushattas
+265
+cybo
+parasites
+varėna
+st.petersburg
+babycenter
+leemans
+ironhead
+lusha
+incomprehensible
+tsibliev
+srividya
+s17
+mechai
+59.39
+restarted
+3-82
+vihl
+denberg
+baked
+beglitis
+carbonless
+dellins
+kahala
+ps1
+eschede
+jollity
+chryseis
+strana
+silesian
+cropscience
+akkoyun
+nadimarg
+6.65
+kcrider
+sulamith
+muar
+vietminh
+isko
+pre-registered
+smolan
+garbin
+studabaker
+troponin
+chuseok
+harvard-yale
+eringer
+90.63
+brickfield
+billaud
+sidhu
+hamermesh
+severest
+mars-96
+cartel
+228.4
+ar-rahman
+calibur
+digesta
+małgorzata
+ludicrousness
+saliency
+silvas
+troyes
+mandabach
+anna-maria
+attenuators
+overlain
+frameless
+loiter
+41.13
+a56
+walküre
+crissman
+hammerl
+evelyn
+inanda
+meggiorini
+lowestoft
+hubbell
+kozol
+sheffer
+jlscott
+condensates
+212-556-4204
+geostrophic
+fimbriae
+chouly
+niel
+urbaniak
+zarasai
+despaired
+18.14
+thirukkural
+kasulu
+münchen
+refresh
+čair
+tanney
+ingestion
+denki
+ktunaxa
+andover.net
+94.37
+hasbrouck
+neroli
+metrovick
+pasan
+motorcar
+schickele
+alcindo
+prayag
+2,396
+schlemm
+kaede
+ichilov
+disapproving
+starčević
+cincta
+hrvatski
+wellsboro
+chronogram
+half-baked
+2302
+centre-du-québec
+l'hermite
+usms
+misspoken
+hersholt
+eliminators
+mcghie
+insatiable
+baitz
+ccsd
+magallon
+streiff
+resentment
+unbelieving
+multination
+burly
+kroto
+về
+transformational
+24.93
+aspartic
+4x200
+pt-109
+gematria
+rdna
+farey
+barazzutti
+loomer
+coenraad
+korbsak
+unshaken
+jeanerette
+10-game
+70-run
+115.26
+dahlström
+witcher
+audiology
+iskut
+articulata
+wilmette
+naka
+hulst
+eeoc
+4p-9p
+eburones
+xara
+openly-gay
+biaggio
+kotch
+windup
+91.87
+xinpei
+genomes
+allusions
+iconiq
+umezu
+lebanon
+ganchev
+vigra
+03-04
+111.98
+dipole
+kuchins
+bowers
+gardened
+anxiety
+yothu
+feistiest
+sudipta
+114.85
+.329
+lat@ap.org
+deceives
+trinchero
+eurimages
+gumhuriya
+2,762
+morale-boosting
+oscar-winning
+.444
+80c
+chello
+bailhache
+nade
+holmer
+rma
+maksimov
+5.
+0.010
+49
+wapenaar
+bellutti
+pensiero
+com
+sweatt
+aarones
+successtech
+warm-weather
+weed
+schenkel
+babyfirsttv
+carnmoney
+opposite-sex
+back-catalogue
+weres
+.457
+moffat
+woodworm
+double-page
+cyclopropane
+carrara
+dromedaries
+raney
+hulugalle
+tokuyo
+nfte
+intensification
+wisbey
+shome
+katsuren
+ballymurphy
+mb2
+gesser
+153.6
+azuma
+charyn
+zimmermann
+stoian
+fleche
+keidel
+çelebi
+bratkowski
+wiercinski
+sąjūdis
+o'donohoe
+fehbp
+galician-portuguese
+120m
+tomicki
+arcuri
+sargant
+three-storey
+all-knowing
+genteelly
+radja
+bernhardi
+waugh
+watercress
+corporately
+răutu
+1,253
+fresnillo
+johannisberg
+savda
+armstrong-jones
+vahn
+zillion
+nullsoft
+derlis
+42.57
+rmr-1029
+vlasov
+baira
+dinapoli
+12min
+ghaemi
+lohani
+pictoral
+copithorne
+logisticians
+3-acre
+seanad
+soon-to-be
+idolmaster
+combatives
+mouawad
+tokorozawa
+froome
+lase
+karroubi
+macharski
+primicerius
+jager
+0157
+ikuno
+bania
+atassi
+qasi
+4-67
+salutations
+todung
+round-off
+morphometric
+edict
+collinsville
+1730
+kotz
+1.3976
+sugared
+hoiby
+gnojno
+supertruck
+ballachulish
+mydas
+kibworth
+00:40
+matejovsky
+hardiness
+250-room
+poulson
+lotane
+hyperplanes
+nacreous
+wustlich
+durham
+indiscretion
+hypersaline
+litoria
+dushku
+mitchels
+poké
+jupton
+incredulous
+senderens
+pompignan
+vocations
+8008
+yachiyo
+bodybags
+rathburn
+datanews
+weiter
+gudbrandsdalen
+satsita
+beacham
+mujibur
+3.3-percent
+afrim
+shpigel
+rjr
+3,486
+tiele
+fingernail
+punchless
+baginton
+montaigu
+appeared
+susquehanna
+rosenbergs
+novocherkassk
+vt
+tarantino
+nytnewsnytimes.com
+republicans
+aurealis
+intertainment
+beauclerc
+dok
+bankasi
+brightens
+vinckeia
+winkle
+wapta
+shariat
+pecnik
+fougeres
+telecomm
+bucha
+kronan
+copeland
+rouges
+62.4
+aromanian
+sgraffito
+1,285
+fraenzi
+5,600
+cosa
+alter-egos
+radiators
+kingborough
+cross-cut
+00:00
+sisy
+vaidyar
+iseman
+ta'if
+kadets
+http://www.homedepot.com
+burren
+ramis
+securitisation
+borsod
+149.9
+afilias
+hamka
+kazakstan
+undergound
+30-piece
+íbv
+unsavory
+chiangmai
+dreifuss
+kommandos
+1,500-pound
+undulant
+zaglebie
+balestri
+mnemonic
+emt
+riz
+jaka
+selahattin
+spab
+dagohoy
+lark
+b.s.a.
+cpfl
+gerets
+equalled
+bonnets
+3km
+memoriam
+6d
+amenemope
+leather-clad
+stategy
+milutinovic
+gurion
+9,260
+rosoboronexport
+anushka
+agglutinating
+suth
+archduchy
+10-month
+treo
+asola
+1.718
+schimberg
+shohola
+bojana
+thaxted
+post-race
+vansummeren
+expansionist
+monomachos
+epervier
+33-degree
+bubalo
+retailer
+pottuvil
+河中
+branchial
+56.54
+grottoes
+vainqueur
+kyobo
+1983-4
+campath
+reactivates
+renderos
+schobel
+pirc
+counties
+doerksen
+kiko
+entrevistas
+iraq
+gilberto
+obafemi
+thelypteris
+driveable
+herstal
+1980s
+biest
+tardigrades
+20-mile
+fitzrovia
+.384
+boxelder
+transmuted
+tiek
+usace
+role-model
+levys
+2.72
+purnia
+30-52
+rm250
+18/19
+zhordania
+nfib
+ferrone
+56.07
+ruckriegle
+jammer
+samborn
+swaleh
+guðjónsson
+srt
+norsk
+lavaur
+buyong
+281,000
+idler
+maplemusic
+obliterans
+520s
+pmt
+euglena
+umh
+forewarning
+plácido
+abated
+trellix
+besterman
+melua
+pima
+disjunction
+edmands
+hinckley
+2,4-d
+hadeland
+carthon
+detente
+subsidiarity
+ready-to-fly-aircraft
+slupcane
+pene
+epistemologically
+1863-64
+tozzi
+1.4665
+peer-to-peer
+p-38s
+patrice
+45-10
+tiramisu
+kivowitz
+nifty
+rebadow
+233.8
+3,000-a
+humanists
+roommate
+rone
+trieu
+genichiro
+haehnel
+humphrys
+obstructions
+interdictions
+tvcolumn
+36-17
+4.74
+front/rear
+debutantes
+anglican
+amwu
+zhivago
+rizah
+hayter
+airboats
+scoresby
+guignard
+eurybia
+baumeister
+trowel
+yakushin
+kuhina
+formics
+liar
+kluh
+day-by-day
+yavanas
+brechner
+stoltzfus
+cancion
+newbies
+njinga
+boccaccio
+allaw
+mosman
+top-earning
+vaid
+anti-icing
+135.4
+kobyla
+passifloraceae
+greenkeeper
+smitten
+brembo
+rivest
+juande
+sirocco
+26-under
+kudinov
+mologa
+ecuadoran
+nannerl
+85.62
+78-seat
+chavakkad
+dursleys
+rhapsody
+fadely
+pitcher
+garzelli
+sual
+arada
+13.23
+magat
+hockley
+cf3
+resistances
+bajwa
+aema
+couso
+hagui
+goren
+ergonomic
+dunagan
+garbagemen
+amdy
+spritzes
+jeffren
+gumucio
+anarchist
+habiru
+adolfs
+potapenko
+slackware
+att
+25-8
+prototypical
+plagiarize
+huahua
+sighisoara
+mccallister
+gołymin-ośrodek
+stegodon
+62.87
+neophytes
+rainone
+chapuis
+hassard
+flipside
+kauko
+radio-controlled
+shabtai
+nena
+panguipulli
+0.97
+office
+maloya
+kadu
+uim
+etimesgut
+non-human
+kvocka
+makdah
+leibman
+magath
+99-90
+sarasota
+ballymaloe
+ba'ashir
+comunitat
+resource-based
+kolombangara
+grage
+10.96
+24-cent
+phalacrocoracidae
+howcast
+gmu
+chavarri
+irritating
+danubian
+gama
+toopi
+estimating
+abbugao
+76,800
+vaucluse
+bridport
+devourer
+jinhan
+congee
+broadgreen
+ambulantes
+friern
+misfortunes
+rieussec
+jaaa
+mannii
+yoo
+index2.html
+fryatt
+balkhash
+thirtyish
+angstadt
+post-harvest
+wente
+emona
+dictate
+hatuel
+yugolsav
+jedidi
+kabini
+17,650
+kushinagar
+7.7375
+tunbs
+steinheil
+luksika
+trotskyism
+plus-11
+soooo
+ichetucknee
+sdt
+ishai
+espionnage
+zarzir
+wild
+61-50
+dineen
+1988-93
+yoa
+nzr
+fernado
+volare
+crenate
+trilled
+chimalpopoca
+inform
+multi-member
+18.6-billion
+are
+overbilled
+cardonald
+gaúcho
+1660s
+honeymoons
+astrobiologists
+heated
+76a
+quants
+hatha
+millettia
+craving
+shivering
+3/1st
+vend
+cunninghamhead
+wuchuan
+v-disc
+shirodkar
+79.39
+iterative
+delafield
+glossman
+eyup
+marcinho
+dilts
+hedwiges
+authenticators
+fritillaries
+non-profit-making
+sasia
+longships
+amazement
+500-member
+whispered
+to/from
+khallaf
+shephard
+perrie
+sauria
+odor
+quarrie
+pound
+sulphide
+madc
+handoff
+post-napoleonic
+bosvelt
+amtek
+pokou
+theologist
+ostp
+'15
+12.5-mile
+bistable
+74-65
+popcorn
+navan
+bulford
+podujevo
+trovatore
+whowin
+fearfulness
+etoo
+scissurella
+kait
+obliquity
+unsophisticated
+tilley
+ziff-davis
+globalnet
+brasileiros
+drome
+fervency
+nsl
+hadza
+1003
+saint-tite
+sørensen
+nango
+archidamus
+ledee
+pauri
+clair
+damghan
+shockwave
+nonwaiver
+2,383
+basant
+nhp
+suited
+codebreaker
+tatang
+zemplén
+large-area
+sigeberht
+900-million
+minsaw
+dhiya
+ferriday
+osterhaus
+post-baseball
+19.74
+musulin
+holien
+stolitsa
+stromal
+well-adapted
+strmica
+mockler
+2606
+winston
+asialink
+subthreshold
+fehim
+chico
+cincy
+kalki
+kuchwara
+100.32
+kom
+dzungarian
+kreizberg
+vannini
+gyrocopter
+clattered
+goldbergs
+g55
+doro
+alaron
+koros
+nationalistic
+marine-type
+bedknobs
+subtransmission
+hayduke
+oceanographic
+g-6
+designatory
+trans-canada
+pharmacodynamics
+litz
+batt
+ephorus
+halamka
+wieniawski
+800-word
+32-member
+winokur
+dishwashers
+lulus
+campus-based
+sojourned
+dúnedain
+worf
+blackwolf
+chryssa
+intralot
+,00
+paranavithana
+electron-electron
+baoule
+devalue
+osbourn
+800,000-strong
+wilfork
+ottorino
+u.s.government
+clarenceux
+til
+sugarbeet
+vespertine
+schuermann
+mukhtar
+yangtze
+matteo
+stiction
+ilyasov
+aluminosilicate
+obligor
+slavyanka
+coldplay
+sorabjee
+moamer
+tyra
+ribald
+jean-léon
+borzello
+6.2
+baba
+depressives
+faluji
+szczekociny
+fooled
+9900
+chatto
+airholding
+3,241
+dm
+biennium
+habibiya
+mcgraths
+archdiocese
+mankind
+lightens
+tianping
+cyprinids
+griebel
+superfortresses
+cauda
+luncheonette
+viane
+misnomer
+worksites
+katash
+haddock
+orodes
+disintegration
+stankina
+14-game
+afognak
+impulses
+kidra
+natalja
+ihn
+denuclearise
+nuclei
+rijsbergen
+e.williams
+self-recognition
+asprin
+faucon
+appear
+123.69
+kph
+kishore
+renumbering
+hansteen
+schiavoni
+seishun
+wylye
+sabre
+100.01
+olof
+jogues
+beard
+whitetail
+frutuoso
+bhimsen
+azande
+shikapwasha
+235u
+1206
+roosting
+watkinsville
+supermiddleweight
+woodgate
+pinkowski
+margoth
+esperia
+narsaq
+mehren
+hobsbawm
+pr3
+farmyard
+altaic
+mölders
+grenades
+padini
+army-navy
+rehearsal
+convers
+oprichnina
+ruey
+law-enforcement
+starcenter
+proudly
+donggang
+brutalised
+masnaa
+kaitoke
+multi-threaded
+substitution
+sörenstam
+shonn
+109.99
+pepperman
+4,298
+102-story
+bobbili
+3,357
+tauromenium
+snowfields
+beim
+clavius
+betacam
+0615
+chartwell
+khvostov
+heelys
+agrostis
+imaan
+bobcats
+non-dairy
+109.88
+tegmental
+denia
+navdeep
+daiya
+jung
+rencher
+56.73
+end-of-the-year
+foyles
+glat
+141.1
+karolin
+winterizing
+codice_18
+pocketbooks
+bibo
+leptospirosis
+20.41
+olave
+luchins
+coliseum
+www.edmunds.com
+rainswept
+dagli
+refits
+pattle
+science-fictional
+invigorated
+beluga
+bechamel
+dürrenmatt
+shefflin
+demian
+incomprehension
+laxmipathy
+sawasdipol
+soil-borne
+koontz
+thirty-first
+vinni
+hufford
+sauvie
+lathered
+low-end
+bilyaletdinov
+lukeman
+2.2-million
+eigen
+liptapanlop
+complices
+marilee
+tobruk
+boorstin
+controllers
+antlers
+crisil
+ktar
+1,418
+muharam
+steuer
+stagedoor
+ar-15
+bijani
+bohren
+sobriquets
+extraneous
+subcamp
+hpg
+brunches
+21.2
+hirooka
+glen
+85.64
+dedinje
+brantingham
+fritts
+jabil
+itp
+khomas
+muelle
+teabing
+peikin
+mclennan
+beltana
+6-feet
+fraenkel
+patella
+hachenburg
+cityrail
+614th
+pifl
+lakers
+belgorod
+motorcyling
+entex
+madhusmita
+459
+lyng
+pushback
+slbc
+fosse
+326th
+threescore
+waterfalls
+aleksandrovich
+al-ahram
+olympias
+freeze
+crowlandglobe.com
+bozizé
+verzasca
+rance
+anny
+aunties
+jiangang
+beso
+kindred
+78.47
+contractually
+modernising
+revolt
+golden-winged
+ably
+toyako
+fahy
+owenite
+siang
+madlung
+swingset
+freecell
+bee-keeping
+slapp
+fogdog
+kanellos
+reassignments
+.2
+utsavam
+kawamoto
+3700
+1.94
+99.1
+borren
+economique
+i-97
+tractors
+semjén
+bobsledders
+posch
+202-633-1000
+innocent
+granberry
+tack
+milons
+shiur
+pandi
+gulangyu
+co-mvp
+tsukushi
+bassoonist
+remained
+frills
+spin-up
+vijayabahu
+schöner
+girotti
+tielman
+newstands
+aurélie
+intertoto
+grishk
+vatikay
+corrupcion
+archenemies
+go-shirakawa
+kopparbergs
+arowana
+sickbay
+pandjaitan
+vertikal
+rines
+miessner
+huhne
+ziyal
+300million
+jessicka
+airily
+bahi
+shadowland
+ozgoleh
+traum
+lehd
+celano
+aper
+galluzzo
+ganis
+esdi
+22.7
+preocupa
+panagis
+coldiretti
+35-minute
+cmac
+arab-american
+non-overlapping
+elphaba
+dinu
+potohar
+114-member
+barometers
+patels
+hikers
+herfølge
+converts
+inefficient
+cuzco
+98.54
+144-member
+cliffside
+26-1
+front-running
+abolish
+multi-instrumentalist
+fintan
+four-issue
+wcia
+hbe
+akilov
+8.90
+excellence
+aboudi
+wagen
+outa
+maxilla
+hroðulf
+41.10
+73.57
+avelar
+apondi
+primates
+goyo
+insterburg
+athor
+11,000-strong
+icehockey
+tuero
+torrejon
+fettle
+47.91
+rudakov
+1018
+patang
+238.8
+smike
+daryush
+mostyn
+nehru
+pallavas
+75.85
+twisting
+taizo
+skimming
+http://www.nato.int
+oatley
+cilley
+spener
+claughton
+catana
+i.h.
+trebitsch
+outfitting
+soviet-designed
+meroë
+man-hours
+zabriski
+goonies
+fant
+abbotsford
+ideally
+whiteboy
+expositor
+deficiences
+mian
+imperturbable
+courbis
+86.09
+wist
+perfume
+tirant
+meek
+seven-storey
+136-page
+anchorite
+mourant
+submicron
+pelorosaurus
+shechita
+promesse
+hemudu
+calcium-rich
+bartles
+melva
+4-32
+telepsychiatry
+paracelsus
+wangpo
+harlowe
+96-86
+sipitang
+dorsoduro
+barthez
+giddily
+varaut
+devoe
+americanairlines
+porteous
+heder
+subcellular
+adwan
+bhavana
+half-plane
+khue
+christerson
+kvass
+systems/loral
+rathbone
+two-fold
+non-self
+36.57
+madmen
+texcoco
+exasperates
+amiya
+12-season
+ritva
+caiera
+fulbright-hays
+13:00
+galatians
+doheny
+macherla
+mcbratney
+pleroma
+oakhurst
+acedera
+fener
+rkd
+comings
+hazell
+mabhouh
+hyers
+algae
+suhasini
+world
+2ch
+1918-1921
+vestries
+bibescu
+preteen
+rolinek
+foggia
+silencers
+s24
+jalalpur
+bespectacled
+behaving
+singida
+terc
+rotenberg
+mezera
+jta
+sanju
+3,197
+gubbi
+grumpiness
+57.58
+canice
+utrio
+700-point
+pore
+khu
+rectors
+mochan
+edr
+someshwara
+monopolising
+hopfield
+resell
+mtech
+clark.net
+pi3k
+évry
+beauregard
+oettingen
+unmarketable
+carless
+orso
+genua
+mcelhenney
+occur
+deconstruction
+two-character
+seaward
+jervolino
+poorhouses
+theoni
+worldfest
+moved
+anhalt-bitterfeld
+angustifolium
+dreyse
+download-only
+hershiser
+ordynat
+citywalk
+langlands
+tactfully
+gebr
+kostic
+natsagiin
+zardari
+time-series
+howerdel
+rajko
+invirase
+kabylie
+dahlak
+professed
+sportscar
+coho
+hutnik
+neo-vedanta
+requite
+jagannadh
+scandium
+487
+24.38
+5.15
+reys
+s-3
+magnasco
+3.12
+twangy
+abc.com
+euro571
+tafe
+37.17
+bd5
+untrodden
+acle
+alu
+kavirondo
+28
+trentham
+chowdiah
+leghold
+10-team
+kf7
+yipes
+kotlyarova
+semi
+dorofeyev
+lainie
+razed
+schuerholz
+decriminalized
+c-23
+fembot
+jabor
+euro227
+admiral
+luckenbach
+gbarnga
+isotropic
+1734
+fakin
+dvbid
+crosas
+penetration
+sartor
+luckinbill
+myotonia
+monocular
+ard
+reminiscing
+claimant
+valenta
+antigen-specific
+madurese
+manacled
+jesuli
+sickening
+jahvid
+heidelbergensis
+54.35
+72-6
+foison
+counterpunching
+5,715
+stimulator
+multistep
+constantine
+psycinfo
+yego
+hagrup
+splendora
+whited
+0.825
+-92
+dirkhising
+leyvas
+lohra
+lubrication
+wmorris
+ಪ
+buderim
+8.97
+inflate
+gürtel
+devoting
+chel
+linley
+edar
+zhuoji
+epo
+2,345
+walternate
+khamisa
+disqualified
+ibt
+23.95
+anu
+112-pound
+relined
+wind-up
+relegates
+fesch
+imd
+monreale
+copyrightable
+masondo
+myiasis
+73-0
+bourg-en-bresse
+diwaniyah
+eldritch
+caseros
+savitch
+single/ep
+xã
+decauville
+ogles
+isomerism
+glamorganshire
+lowertown
+propped
+krusevac
+whittman
+hypatius
+mandated
+whistle
+pizzati
+proni
+sanyang
+gatzert
+subtriangular
+goldenson
+dukagjin
+skeptical
+stalling
+trenkle
+jerković
+seierstad
+cheriegate
+86.7
+allenwood
+instyle
+pinatton
+ilagan
+euro495
+hoà
+cavy
+bahana
+vignesh
+stuever
+brtn
+leleiohoku
+hamberger
+weighbridge
+29-mile
+aoyama
+crossfade
+much-maligned
+2,636
+aerobraking
+dysentery
+45.33
+45.81
+barreta
+swaggers
+haemorrhage
+chohan
+aafc
+superfortress
+valérie
+kunin
+blackshear
+jot
+minaj
+862
+sixth-seeded
+guanqiu
+1.5200
+guobin
+thornham
+cheerleading
+94.39
+cold
+prudhomme
+sattler
+stealers
+owain
+triodos
+heymsfield
+12.35
+zipra
+hasmy
+12-meter
+kambala
+pinocchio
+thanksgiving
+anawalt
+ahsanullah
+17-game
+cunning
+story-telling
+okishio
+side-projects
+anárion
+handholds
+montagues
+dishonourably
+dnepropetrovsk
+raheb
+ackermann
+kuipers
+plug-and-play
+gurgle
+greco-italian
+battleford
+kochubey
+helian
+yakir
+åberg
+spoonhour
+goss
+tjahjadi
+kromer
+preprocessor
+elli
+23-27
+dormer
+soderman
+48-45
+sachdeva
+canadian-produced
+hebbal
+d'ingénieurs
+pro-apoptotic
+mwaanga
+naturallyspeaking
+populating
+shelagh
+parkersburg
+defar
+meaningfully
+2.6-percent
+ferentino
+negation
+deggans
+forths
+beaters
+morelos
+bagels
+unbreathable
+oskarsson
+injection
+17-year-old
+hegemonism
+corrected
+explicating
+sultanwas
+ayutthaya
+slynn
+linsi
+isas
+nha-kẻ
+reponse
+bakyt
+„
+ademir
+nonconformists
+ceann
+freak
+discouraged
+doson
+rubalcaba
+forschungen
+outcault
+scafell
+hickton
+macclenny
+carosone
+odigo
+ludlow
+cbss
+1-54
+africanus
+scottishpower
+npe
+mppj
+islamist
+decentralised
+ruricius
+aeries
+299.95
+swadlincote
+transplant
+3.18
+salves
+abiathar
+xingning
+naughtier
+atherton
+fenceline
+wümme
+2,025
+habeas
+eroge
+adin
+maneaty
+lankarani
+sinitta
+087
+governors
+mene
+rashid-al-din
+reinterprets
+sihui
+descendants
+fuhrman
+dermody
+kilat
+iipf
+104-98
+94.03
+gallega
+power-sharing
+shante
+soleri
+cachimbo
+pierlot
+464.5
+tamerlan
+volts
+politicspa
+puszcza
+noisier
+764,000
+stana
+entrusted
+bateman
+87.90
+21:05
+majuli
+slumping
+banga
+shying
+30,000-square
+waistline
+ymc
+pro-treaty
+silvereye
+zhengyi
+lagos
+branko
+vinegar
+benrath
+yahudi
+artaxiad
+krzyżanów
+pre-greek
+takefuji
+hadisiswoyo
+ignou
+crabmeat
+53.64
+kebun
+anapu
+jafer
+caazapá
+stockists
+gaviria
+subedar
+charon
+moneyball
+taub
+pancaro
+motoharu
+mián
+krisnamurthi
+exportable
+anarcho-communists
+hafer
+1,000,000
+robs
+napier
+yasi
+111-member
+p!nk
+planisphere
+qf2
+14,550
+sherif
+arsenijević
+119.5
+charivari
+full-span
+paccent
+hinksey
+21.07
+293.2
+merging
+euro102
+statin
+3,621
+vellis
+extent
+non-threatening
+re-constituted
+retried
+musicological
+carpooled
+beilschmiedia
+saltspring
+61-year
+6.5-magnitude
+intensives
+872
+louvered
+student-edited
+deninger
+shortcake
+wesker
+eu3
+earning
+wilcken
+over-extended
+musawi
+hodess
+venini
+perak
+l.f.c.
+divemaster
+petrolati
+paychecks
+stryj
+eight-story
+192.8
+új
+151.9
+kraus
+lovitt
+novgorodsky
+peseiro
+14.8
+reaggravated
+pachacamac
+1143
+lynyrd
+class-aa
+congalach
+archdiocesan
+dowsett
+hamor
+85,000
+eibon
+frosh
+schutzstaffel
+ezhuthachan
+narrow-gauge
+fumigated
+238th
+p-code
+yellower
+suhrawardy
+duchesneau
+2,471
+minuet
+krue
+allieu
+mlsa
+celebrar
+machinist
+dsrna
+bohdan
+awakenings
+lambie
+warga
+slavik
+wyl
+lowassa
+wernich
+36.54
+fuaad
+infanterie-division
+interventricular
+winfs
+webzines
+subantarctic
+bachirou
+pre-1940
+greiss
+all-sports
+17:45
+aktar
+capability
+ragunath
+halaf
+355.5
+whooping
+munthir
+trese
+raphaelson
+borries
+hyphen
+odudua
+90-73
+in-flight
+ezzeddine
+gascoyne-cecil
+touristic
+boccioni
+kirkwood
+usefulness
+indianhead
+ô
+petrovka
+aieee
+7-1-0
+absolutes
+uichico
+cawthorne
+ebba
+boukrouh
+zimonjić
+15-pound
+naxalites
+laserbeak
+100-plus
+moondog
+ifaf
+chuck.mccutcheon
+swiped
+1650s
+.083
+lillingston
+araoz
+menteng
+56.27
+baju
+gnida
+knope
+collections
+sampur
+hartshill
+poblenou
+lochlann
+kritzer
+euro550
+noemí
+msnbc.com
+eamonn
+twitpic
+user-driven
+mpariwa
+mixedly
+evident
+malanowski
+dumbly
+wurst
+3,137
+fregat
+disentangling
+langbroek
+metro-cammell
+upfa-slfp
+clown
+aprm
+zimpfer
+a&d
+cherished
+leonce
+usta
+gyrase
+tonique
+ල
+misquote
+katokopias
+wandernadel
+parsecs
+michaël
+kaupapa
+eulogies
+sartain
+suskind
+heggs
+ardisia
+preus
+hindfoot
+moulavi
+pittston
+deni
+mythologize
+recitative
+nrem
+vicens
+skinning
+inamine
+1,295
+wallacea
+xi’an
+zenga
+eberly
+gillett
+acda
+hilker
+gracious
+babet
+judged
+daifu
+chapnick
+sandzak
+mickelson
+59.9
+carcillo
+styrene
+straža
+ponta
+spoilt
+panzanella
+advisable
+večernji
+kodokan
+re-equip
+kinabatangan
+nc2
+fechteler
+gentis
+sabadell
+kiệt
+wtop
+13,000,000
+deerskin
+1,953
+hbt
+čilić
+teteven
+teachable
+abomination
+sharer
+l'art
+tolonen
+hospodar
+phuture
+mxc
+vorobyov
+malaguti
+strelow
+baseler
+meinerzhagen
+.249
+hyams
+sitric
+cludwig
+raja
+salovey
+bunn
+4,325
+windows95
+margiela
+churchfield
+etm
+gadwall
+pakistan-based
+fibrates
+castus
+delahoussaye
+konta
+negativo
+coherer
+koruturk
+melsbroek
+sabur
+ungoverned
+saguache
+plangent
+kathuria
+unon
+dawu
+hakizimana
+canaday
+rap-up
+agulhas
+frankenberg
+nosing
+taghavi
+feasible
+zionsville
+presidents
+dgnotot
+nyugyo
+goal_tampa
+ozerov
+kushk
+shalke
+14.53
+burkas
+valletti
+mccartneys
+rowe
+d'avray
+eiswein
+insight
+psionically
+durrett
+quetico
+25.59
+nasi
+shirlington
+cibola
+dorsky
+bowed
+enriches
+goulandris
+mychael
+dindigul
+f.o.b
+mother
+reny
+nahiya
+keb
+munyeshyaka
+narumi
+trimethylsilyl
+schuco
+tukulti-ninurta
+65-64
+siana
+tinkhundla
+boumnijel
+beibu
+kouao
+811,000
+70,000
+minjavan
+pradier
+bamahane
+altamira
+fantasie
+euro49
+thoko
+tie-up
+frankovic
+clunkiness
+5-foot-6-inch
+bomaderry
+wynnewood
+warsaw-based
+searched
+manumatic
+club-like
+theatened
+torrisi
+eyetoy
+gianfrancesco
+ranillo
+jochanaan
+twinned
+chitauro
+kizaki
+spinal
+tweaked
+self-cleaning
+bencomo
+srr
+elgin
+bát
+dearle
+complexity
+vian
+encephalitis
+dregon
+gamete
+hobica
+glossed
+querulous
+terrana
+kempston
+etudes
+portug
+customary
+hipsters
+redwallers
+bioequivalent
+matasareanu
+jørgensen
+salvific
+bookstaver
+mengers
+lycomedes
+hanz
+hashtag
+disingenuousness
+colins
+u-14
+powerglide
+powerlifters
+nicoise
+gilon
+goldstone
+vierville
+gtlds
+touchpad
+evaporation
+carloman
+frayn
+martir
+pogrebinsky
+fita
+conditionalities
+sourozh
+retd
+6.19
+swiller
+uzis
+feldshuh
+njord
+65-60
+wakeup
+macaronic
+wharves
+adaminaby
+bernabeu
+ecm
+sena
+specialties
+niobe
+tomaszewski
+mancala
+smallholders
+maudits
+2.33
+co-hosts
+lingo
+loudonville
+vente
+shaktar
+decoratifs
+anthills
+titillation
+sivi
+navaratnam
+saltsjöbaden
+1-68
+encuestas
+mamluk
+winstons
+magadino
+esdras
+breezin
+penshurst
+'42
+sajjada
+κ
+forepaws
+karstic
+ashtrays
+dipp
+defensemen
+kushchenko
+chalkida
+silkin
+mangel
+diluent
+36.24
+pyrimethamine
+fortini
+mongolian
+mobilink
+birdsell
+wilbanks
+constantinopolitan
+cbs/sony
+mayol
+700-billion
+31.8
+lexile
+schaff
+amphotericin
+glamorizes
+kolawole
+15:53
+ncg
+sharipov
+pianura
+tifo
+hews
+detects
+herzogovina
+jellylike
+athoc
+18.99
+tablature
+nankervis
+robotron
+phylacteries
+3c
+gillikin
+kimes
+5,340
+12.50
+astres
+burle
+hyson
+57.20
+1-61
+denotational
+wassef
+320i
+wincanton
+korteweg
+ස
+co-taught
+fahz
+fnlc
+marsicanin
+khanda
+amaran
+sigil
+feenstra
+well-meaning
+batik
+ruffian
+assuring
+wek
+diggler
+povoa
+notified
+3-89
+kozel
+schacher
+grouville
+eisteddfodau
+brünnhilde
+weixin
+12.84
+fontenay
+ultrafast
+mahabaleshwar
+zakiur
+woolfolk
+lame
+50.07
+55.25
+srgb
+dedazo
+boosterish
+langholm
+buangkok
+thévenin
+sandcastles
+fy
+jinwei
+fared
+evendale
+konya
+bardoczky
+11.5
+mazigh
+emrouz
+hilma
+agitation
+i-75
+franchise
+veneration
+dantès
+stipulates
+8,114
+sedbergh
+summonsed
+nkt
+mataram
+o'casey
+33.18
+cocido
+opposite
+ziem
+b36
+saffarid
+mahasen
+wc2003-nzl
+t24
+lowood
+sokolsky
+327.9
+mizzou
+36.44
+wilens
+senapaty
+hadid
+vasomax
+raskulinecz
+keisler
+gaj
+8,834
+zoltek
+uscirf
+rákosi
+farmani
+sariyev
+111.79
+kremlin
+apprised
+suspension
+enteroviruses
+ablutions
+daichi
+b-school
+16:12
+84kg
+on-the-road
+farry
+bulimulus
+notas
+ring-shaped
+omiyi
+prevention
+serpong
+astroturf
+noncommissioned
+biogenesis
+kodos
+maurie
+x-sync
+boa
+muchmore
+dossa
+89-90
+badry
+kolstad
+rusev
+infantil
+7/6
+picotte
+youmzain
+pren
+drenai
+buttonwillow
+dataplay
+jean-julien
+tickets.com
+genrich
+notecards
+avinguda
+nahda
+56-52
+jmaher
+ilina
+ikbal
+waterkeeper
+al-rasheed
+gritz
+muursepp
+conatus
+boury
+uniquely
+four-barrel
+30sec
+athenæum
+igla
+zentropa
+55-43
+grundmann
+5001
+kirkby-in-ashfield
+idolatry
+kudiratu
+ghamidi
+ekin
+péladan
+städelschule
+carrieri
+senft
+wbns
+nadhim
+mankiev
+dislodges
+enchantress
+kilroy
+ropa
+kitov
+shishir
+schifcofske
+palmatum
+natalija
+selyem
+quirkily
+joyland
+krutov
+lossiemouth
+stewartville
+stubbornly
+seaborgium
+daes
+hoole
+nhà
+kaplans
+bandyopadhyay
+hameur
+creg
+santee
+secondmarket
+40-12
+thunderously
+19-room
+kkr
+goldstine
+secretary-manager
+kuhlmann
+dispersant
+[
+eleni
+fastball
+37.97
+quetzalcoatl
+mathematik
+fariña
+bsr
+arquata
+niedźwiedź
+a-mano
+181
+leventritt
+cursorial
+kranjec
+pakhtun
+rosén
+96.40
+payer
+quitman
+talos
+161.4
+sącz
+56.8
+rossant
+posthumously-published
+taneli
+guarantor
+panu
+disinherited
+splish
+okware
+expedite
+huen
+99-88
+6-8
+11:06
+bachauer
+shivakumar
+wiederkehr
+ryker
+campfires
+boureima
+riesner
+sangiovese
+stassi
+1-in-100
+wanya
+happyland
+anaximander
+bafoussam
+mpaja
+non-parametric
+cathal
+appropriators
+fla.-based
+finfer
+vicentina
+unrevealed
+v-league
+toxicants
+radiocarbon
+half-step
+forssa
+clowned
+1,070
+micromollusc
+refrain
+volbeat
+stemmle
+pylyp
+100.63
+hafren
+stuck
+torie
+afro-americans
+wandrey
+kupası
+municipally-owned
+norlander
+maroon
+89.31
+ovtchinnikova
+njawe
+windley
+mamery
+saint-jean-baptiste
+bigirimana
+parasitosis
+4,453
+groix
+kanis
+convinced
+larkin
+corralitos
+pascoe
+3,760
+crossover
+philcom
+dehar
+sham
+notitiae
+rotulorum
+lauritsen
+zenit-3sl
+greensborough
+trendafilov
+ritual
+imru
+combiner
+bit
+couesi
+gae
+alex.
+amreli
+hardstyle
+bg6
+sidorova
+playset
+sho
+mignonne
+rtafb
+mundi
+gnau
+zarela
+valere
+grindal
+estévez
+substructures
+sub-adult
+barnstead
+hanazono
+flakes
+goriot
+jamison
+comely
+bitwise
+wiis
+2,778
+meknès-tafilalet
+shenkman
+25.36
+gwen
+druck
+diploid
+cabrini
+fon
+adjoins
+mbami
+gitenstein
+jurak
+export-oriented
+benga
+vol
+briancon
+voznesensky
+partagas
+wahhabists
+otolithic
+kagome
+praecis
+hickey
+represent
+blunt
+prosecuted
+hayo
+secretariats
+rs-68
+kumanovo
+deardorff
+jammers
+ghettoized
+olesker
+macweek
+tyrving
+gfh
+void
+a_15
+estripeau
+lenticular
+devall
+wispelaere
+nineteenth-century
+ninurta
+himss
+vehr
+liadi
+intercede
+tanintharyi
+yarden
+hegedus
+rosenhaus
+1,611
+i-35
+zenone
+usul
+nâdiya
+looking-glass
+endorsed
+giannacopoulos
+ntust
+huxleyi
+stancliffe
+candel
+flattens
+colonizes
+elkin
+12-cup
+bana
+piezo
+denko
+3.675
+conjuring
+soden
+vldl
+boam
+berberovic
+dyas
+leverence
+fortezza
+tempur
+tatad
+contiguity
+bohara
+reginaldo
+istat
+overstated
+726,000
+diciendo
+drover
+marrocco
+diệu
+27.60
+cantón
+isostylis
+leandro
+winternationals
+namdaemun
+theorbo
+consols
+8,890
+isakovic
+adeang
+bishnupriya
+64mb
+waianae
+7-ton
+mykola
+balilo
+chygrynskiy
+bdk
+kenzie
+crotchet
+x-band
+siedliska
+1994-2007
+puckering
+42.71
+adlin
+suhong
+combat
+solidify
+taskforces
+presenting
+abatement
+fma
+ramadan
+brisk
+tucuman
+passages
+12,950
+vergassola
+14n
+stocznia
+headwaters
+prerna
+tvx
+anglo-welsh
+corinda
+shust
+ersilia
+revava
+phrom
+linxia
+eyde
+cerambycinae
+felger
+megabit
+:02
+19,063
+subtypes
+reclassified
+raviglione
+figments
+sekulic
+line-of-battle
+mathews
+redstate
+semelparous
+nettuno
+lockbourne
+wfs
+9.27
+mayfield
+horticulture
+enrich
+1-40
+colver
+sulakshana
+lawas
+kruja
+posters
+patronymic
+paralysing
+chanaka
+sesvete
+calambro
+160.5
+feehery
+screwy
+wilsonian
+piya
+118.21
+belleisle
+roug
+cesenatico
+sinecures
+part-talkie
+horsecars
+thori
+compton
+hriz
+2,603
+winnow
+pinsk
+kewpie
+hypervigilance
+test-retest
+regesta
+somber
+geodynamics
+starclan
+curtea
+lombardozzi
+buddhism
+keetch
+horror-thriller
+ibma
+01sec
+thekla
+stma
+margravate
+184.2
+musc
+mussawi
+evils
+reusable
+barrantes
+apcp
+angell
+ble
+woerns
+caples
+bintai
+erects
+middleberg
+veolia
+dereck
+1w
+grønningen
+grams
+strathy
+luggages
+supply-side
+gavle
+balch
+transcorp
+cunninghamii
+-4
+risse
+bedol
+knights
+maramon
+anika
+ratatouille
+nordmeyer
+19-norandrosterone
+niftiest
+outskirt
+1946-1949
+taxers
+mahdists
+fuming
+llc.
+obfuscated
+broendby
+morticians
+alecko
+abramovic
+huarte
+langer
+alumax
+ceron
+yozgat
+zuccarelli
+caroe
+46-20
+mungo
+tummel
+pauh
+kopitar
+seing
+panchami
+scio
+gallifrey
+powerco
+bsk
+1-gallon
+bürger
+mtiliga
+vele
+dugommier
+suwarno
+dezcallar
+porta
+discredits
+mgeewax
+crinkling
+page1-consider
+dezong
+niji
+goodlin
+dismissing
+trashman
+305th
+josefsson
+thundercloud
+3in
+ullas
+4750
+nonfunctional
+abuarqoub
+khuzistan
+www.un.org
+playmates
+94.7
+hcci
+kolovrat
+shand
+saibot
+robie
+dhir
+vandborg
+argost
+joksimović
+lavernock
+ossolineum
+nabha
+mercurio
+www.fairmont.com
+2096
+b/g
+spea
+exupéry
+scrafton
+ally
+chromosomally
+non-military
+gehe
+hofje
+endellion
+mongering
+joão
+----------------------------------------------
+marcheschi
+nabopolassar
+gild
+chepalova
+121.65
+simar
+6,375
+okęcie
+tobak
+commonwealth
+decamping
+puss
+forex.com
+anatolyevich
+pommes
+2-72
+menzi
+tcby
+akina
+trocks
+34.98
+wwbt
+peckerwood
+meggan
+mawar
+hirao
+85mm
+sybil
+bukuru
+39.78
+lake
+holz
+ruck-rover
+beeper
+paisas
+browsing
+tecnológica
+smokejumpers
+birrell
+bittman
+apte
+aquel
+kitrey
+miéville
+cynegils
+portel
+skirvin
+parke
+xiaopeng
+frankly
+closedown
+gongyi
+riveras
+blakiston
+yumiko
+prachanda
+eksteen
+moonwalking
+babinski
+finca
+rachunek
+mesdames
+recieved
+arnel
+tangka
+61.41
+arles
+stoker
+bobbit
+liyuan
+fiduciary
+briz
+bombshells
+hanvon
+asae
+cowered
+l'imaginaire
+gwendraeth
+calvinus
+sandimmun
+ofisi
+includ
+erudition
+crillon
+gerbier
+boneparth
+glazkov
+bollore
+derm
+limbu
+gooses
+hally
+v.s.
+maheshwari
+macon
+80.26
+canvasback
+covad
+poges
+faith
+rathore
+shifman
+sausal
+amidala
+setc
+baleshwar
+bhrigu
+quarrelled
+fraph
+ct30
+antecedents
+dmelvincoxnews.com
+cheapseats.com
+mediacityuk
+jo-jo
+winegar
+campbell
+2930
+prequalified
+borders
+coste
+132.5
+sassier
+archiv
+artel
+iap
+fdle
+haughty
+hoskin
+disobeying
+maemo
+breastfed
+slated
+hinders
+sorasuchart
+clv
+wcup
+arabtec
+voisey
+kalajian
+f-102
+secundus
+db9
+morihisa
+gaffs
+khanaqin
+khalifatul
+selectman
+shivaratri
+collenette
+katee
+aurie
+prabhat
+sectorisation
+dappy
+anti-american
+82.94
+valvasor
+haile
+antzas
+lucent
+maungdaw
+overly
+self-examination
+rakhmanov
+65st
+takia
+topologist
+adelberg
+widdows
+70.63
+coquette
+suomen
+gaited
+103.76
+wiltshire
+www.nytsyn
+airlink
+handcuffs
+koestler
+loran
+kunta
+vdma
+cateau-cambrésis
+a45
+chakrapong
+2-52
+bensen
+2,998
+subtext
+key3media
+tammun
+shenwari
+bakwena
+cubero
+branwell
+1.4937
+marvine
+coch
+rewiring
+oarfish
+kingstree
+50,000-euro
+roamers
+saruman
+neshoba
+aiguilles
+peachtree
+illyricum
+hydrocarbon
+3,074
+non-university
+190.3
+jabs
+french-born
+rabalais
+torossidis
+picketers
+forensic
+abf
+shorthand
+600h
+improbable
+50.15
+nuernberg
+lullabies
+nilles
+trains
+mekhilta
+euro445
+seiner
+15-under
+schooling
+aryl
+s'mores
+solina
+akhmadov
+bronagh
+bachok
+dubofsky
+400-600
+coeditor
+prorated
+dragooned
+didden
+ktda
+terrae
+8-yard
+sgurr
+giannino
+wantonness
+66.4
+pines
+cruciform
+tajani
+co-main
+melanesian
+keye
+keverne
+valmar
+kerrie
+hillerød
+beagan
+bazarova
+67-60
+archean
+tumansky
+fatigued
+safecracker
+slickrock
+unic
+palaces
+yummy
+agains
+otman
+pannwitz
+palmerola
+pancrazio
+memantine
+tichenor
+useem
+foxhill
+andros
+vilkitsky
+eruption
+lạc
+33,250
+foodie
+metacritic
+interpreting
+dobre
+jokey
+lotfi
+herbold
+592,000
+80-acre
+erdem
+riekstins
+comelec
+allocated
+10-for-13
+kamprad
+hardtke
+rosneath
+luik
+2.405
+nextlevel
+excellency
+conasupo
+lilien
+ashigara
+kasaragod
+éléonore
+stegosaurus
+revivalist
+6.24
+yvain
+103.96
+nems
+atoc
+2-cd
+tri-nations
+bgsu
+demoting
+cooperage
+trigrams
+korman
+hetchy
+rikers
+gsk-3
+1997-2001
+conquistadores
+casseres
+high-protein
+banotti
+odontoglossum
+rorschach
+clapton
+shailaja
+2.775
+saint-pol
+servilia
+aeroport
+tuukkanen
+skalka
+support.microsoft.com
+nonqualified
+open-source
+fabulousness
+pular
+yeşilyurt
+bushies
+f-80
+erzik
+sprinting
+tyagaraja
+a310
+vianne
+178.1
+104-97
+dorothy
+interchangeable
+westpoint
+taborda
+belozersk
+6,605
+10-20
+wujek
+schleswig-holstein-sonderburg
+bassols
+baník
+calabrian
+calyon
+korshak
+westhill
+megrahi
+epicentre
+yeti
+porrini
+dosimeters
+presidium
+remanded
+aswa
+minus-40
+kilometeres
+fixedness
+rockaway
+anacreon
+nocella
+vantone
+clis
+varghese
+d'amuro
+butkus
+dahan
+anglaise
+99.92
+bastesen
+friedek
+woolston
+non-medical
+windfalls
+incongruities
+69.76
+userspace
+sertoma
+minutaglio
+mobifon
+hapton
+guitar-oriented
+surprisingly
+roughage
+buntingford
+ahnlab
+gradualism
+30.8
+dasgupta
+hewlett-packard
+reinelt
+engineman
+varaždin
+http://www.sunshinetour.com
+angius
+midam
+frazar
+sick
+alburquerque
+leny
+uncured
+0.88
+ulrik
+landscape
+2,105
+gilbertglobe.com
+unionville
+petralli
+63-64
+weisiger
+grainy
+10,640
+stuiver
+nestor
+hélène
+5/9
+sycamores
+flouted
+camoranesi
+2.725
+wado
+unreserved-undesignated
+craggy
+atmatzidis
+middleman
+unappreciated
+willshire
+saint-julien
+nitish
+submachine
+write
+manzano
+labasa
+violet
+priciest
+iya
+bartner
+virulent
+jochen
+kovalev
+roof
+6.55
+xperience
+aranese
+purest
+stabilize
+22.29
+sourness
+ferdynand
+snicker
+mechina
+northlake
+28.52
+63.19
+laxative
+bhind
+algroup
+rarely
+lawry
+multi-dimensional
+louisiane
+counterbalanced
+mantellidae
+orfanedes
+holovaty
+91.83
+multiplatinum
+gaby
+oehler
+saed
+goemon
+goodkind
+ratting
+chives
+jammies
+1996-2000
+sarmizegetusa
+caballeros
+dand
+d'auge
+graphic
+ishmouratova
+fiallo
+dns
+championship
+2-59
+mazar
+rut
+synod
+44.67
+baka
+sacyr
+1/25
+prosequi
+gheeraerts
+sacerdotal
+daala
+neo-dada
+parral
+spalinski
+nordman
+matsen
+verbillo
+outport
+nover
+hegazi
+zlín
+decipiens
+alatas
+belles-lettres
+nbc-owned
+bolotov
+sratsimir
+d'alma
+iditarod
+14-party
+82-foot
+hazor
+dergoul
+bursera
+stephensons
+gjemnes
+breker
+džemal
+schuessel
+respect
+mami
+strolls
+apologie
+dobbie
+states-led
+jæger
+mawlid
+wińsko
+wickus
+syringa
+aviaconversiya
+shina
+vitek
+6-5000
+jezik
+kraśnik
+cibulec
+merteuil
+armytage
+revueltas
+100.26
+8/km
+artyom
+cephalopod
+novolazarevskaya
+yarrow
+mentallo
+haberturk
+smeg
+muju
+tuitert
+diplurans
+3,672
+lemniscus
+dunakey
+al-majid
+rottenness
+insulins
+tonality
+schemo
+grosuplje
+cummerbunds
+mutabilis
+joensson
+lubo
+zaatari
+skyros
+15:06
+borrowings
+059
+1:51
+anula
+achan
+sempronia
+pi95
+wearne
+gesenius
+dahng
+gindi
+haarlem
+friz
+2.67
+ropczyce-sędziszów
+educable
+begada
+budgett
+parampara
+dopamine
+swithland
+mihaylov
+handicap
+scared
+yorkshiremen
+rté
+9400
+1,200-foot
+upn
+mamary
+nauk
+madonia
+grevil
+acidification
+jei
+yetholm
+mansiysk
+eylandt
+155.00
+sanjayan
+20008
+36.86
+adge
+underhill
+dicitur
+tapao
+untrained
+guineans
+hearsts
+outdueled
+159.2
+goldenpalace.com
+bogdanos
+milbauer
+saepo
+needlelike
+mangroves
+kadiatou
+faridpur
+wirahadikusumah
+hellmut
+niederer
+indecent
+guoqin
+fwg
+lidholm
+lescott
+hindery
+elfman
+formule
+luscinia
+28-10
+sidr
+pullar
+brasch
+tschammerpokal
+europäische
+ghaffari
+d'acre
+travelmate
+6-5
+weah
+ketner
+patsaouras
+matthau
+antiballistic
+leżajsk
+two-parter
+valverde
+thresh
+98.03
+liberality
+feres
+nestruev
+albio
+solido
+remodels
+saint-charles
+nobukatsu
+4-4-4
+dahduh
+cost-free
+pentacon
+u.s.-wide
+222-2284
+smolar
+maisons
+pashutin
+homesteaders
+ctb
+itb
+lubomirski
+nightmarishly
+arrowroot
+1m50
+sumarsono
+kharijites
+-0.09
+prepared
+.657
+dagworth
+tuskeegee
+imaginative
+dene
+acadian
+diphthong
+southdale
+shredder
+burst
+optometric
+vancil
+ivie
+arti
+geering
+10-unit
+236th
+caprolactam
+coyness
+h.b.
+ch4
+anntaylor
+raffaelli
+exorcist
+groveland
+ffu
+wiiw
+ajay
+dunand
+sobornost
+buchanan
+energy-efficiency
+haye
+comsubpac
+loua
+31.79
+bupyong
+hydrographic
+hanslope
+alethiometer
+thicke
+unf-unp
+myra
+scintillators
+519
+leestma
+73-run
+28.91
+m3a1
+campana
+bankrate.com
+layr
+sbcs
+3112
+kingshurst
+kahm
+eusebio
+.07
+_________________________________________
+swissport
+pdw
+hearted
+hammerheads
+pawtucket
+bimbo
+calverley
+two-body
+fasciculations
+ranelagh
+145.0
+peroxisome
+ayila
+multex
+gizzi
+tull
+otani
+helberg
+tetraethyllead
+i.m.
+gadir
+rihk
+heliopause
+didelphimorphia
+sundas
+braudel
+philology
+kumkum
+gorzow
+establishes
+polinard
+chided
+baptistery
+videocams
+anosh
+sporangia
+oltre
+embry
+tde
+biam
+sawaya
+outright
+arnault
+sympathised
+banales
+kishinev
+istc
+colecchia
+rumania
+parque
+olbia
+mixman
+db4o
+overall
+cankar
+unitec
+mccathern
+20.50
+syndicating
+bfe
+elektra
+halaby
+urap
+barbieri
+3,674
+metaphysically
+da'an
+zichron
+nostalgically
+dharmaraja
+corkscrew
+deanne
+entro
+brielle
+interac
+befriending
+banu
+barthes
+frons
+68.02
+rambam
+2,000-2
+b-61
+lugaresi
+1946-1952
+angiogenesis
+73.91
+moellemann
+bukenya
+charabanc
+takoyaki
+croisette
+christopherson
+belvin
+swagger
+subgenus
+promenade
+fuerzas
+unchanged
+remonde
+elefante
+119.4
+high-gain
+hullett
+stratoliner
+90,500
+jelen
+coprinus
+a638
+concomitant
+distillers
+dacoury
+jocelyn
+peeing
+盧龍
+cifuentes
+kryvbas
+cardoni
+gearhart
+finnie
+traversable
+spz
+obsessive-compulsive
+summarised
+liturgically
+poutre
+zakri
+6,775
+lapponica
+muralt
+dyslipidemia
+makari
+rothenberg
+heemskerck
+sumdac
+ottoman-controlled
+trimspa
+gillum
+staminate
+menton
+khartoum
+bfgoodrich
+halwai
+fandangos
+moistens
+refractometer
+amerindian
+european-born
+fleurie
+babbler
+bnr
+doinel
+maharashtrian
+nahuel
+077
+spangenberg
+carondelet
+chhena
+microorganisms
+0155
+cdfa
+foodies
+loden
+26-29
+harpooned
+auchincloss
+a.a.p.
+rootkit
+admired
+buxar
+joris
+transcending
+dobrudja
+uza
+willys-overland
+brittingham
+gtd
+volkspolizei
+nanook
+wakes
+kestana
+single-family
+accoring
+termcap
+lombardi
+dassault
+antirrhinum
+matos
+alcántara
+rockway
+vidhya
+dalang
+giampa
+yukon
+euro143
+bt.
+customised
+pucca
+bbc3
+83.70
+viste
+618-907
+heelers
+eets
+humidors
+stemware
+64.92
+zabi
+seat
+pordoi
+feasted
+three-second
+preisner
+caninum
+sarakhs
+pain
+archipelagoes
+middle-classes
+kurtág
+considers
+jno
+parahippocampal
+recordar
+antemedial
+m19
+marussia
+17.29
+ejecting
+satoru
+theoderic
+tropper
+sir
+azilal
+18.22
+liotard
+55,700
+evins
+sahlin
+lfi
+seh
+tailer
+cisalpina
+insignificance
+tupurkovski
+35.14
+nyamweya
+didnot
+tombolo
+buddhadharma
+loevinger
+pusd
+satellite-based
+tonje
+zhejiang
+andries
+elis
+locators
+lawwell
+ballast
+xwf
+higher-capacity
+predated
+helminen
+13.11
+porat
+p34
+fracasso
+beatbox
+cyclist
+δ
+deodato
+sealy
+53.75
+lurches
+skene
+undercurrents
+mandsaur
+youtuber
+d-men
+väänänen
+prohorenkovs
+87.86
+transilien
+savvides
+nikolayev
+authentically
+mig-31
+pentapolis
+realtek
+asc
+nadson
+meeschaert
+research
+valdas
+manomet
+monumentum
+threnody
+attiki
+sihala
+haggle
+98.9
+namers
+anschuetz
+evanzz
+fencer
+rajmohan
+charley
+endogamy
+milram
+gts-r
+batara
+bábís
+qe1
+harutyunyan
+6x86
+pre-1945
+xintong
+darmian
+miskell
+choniates
+puddin
+mendik
+navahrudak
+outdrew
+bobbsey
+hurr
+ploddingly
+grindon
+may/june
+alvensleben
+quadriplegics
+84.8
+shareowners
+conjugation
+paclitaxel
+troitskaya
+kvaløya
+57.86
+achucarro
+rovello
+depoe
+sandals
+ganze
+polaski
+foggiest
+brattain
+elsworth
+hallmarked
+landweber
+arend
+oli
+81-66
+goraj
+subcontracted
+no-show
+wylenzek
+bonn
+bbc2
+bt12
+absently
+upright
+tractor
+letard
+10.20
+teachout
+co-directed
+anti-miscegenation
+mozarabs
+barsky
+fairport
+al-arabiya
+avezzano
+sapura
+tiechui
+guararapes
+gantt
+primary
+jinxiang
+swirly
+communicators
+phone-ins
+249.4
+p.a.o.k.
+carty
+chronological
+sakina
+azuaje
+unc-5
+comrades
+hyosung
+legwinski
+53.30
+kakanj
+modesto
+zob
+abang
+owls
+50.99
+weirdly
+marah
+hoad
+inseminating
+blerk
+dargahs
+jyvaskyla
+68.38
+icapp
+dekeyser
+yangko
+poons
+still-extant
+rodota
+emulate
+gwih
+49-31
+ojdanic
+perez
+taylorcraft
+franco-spanish
+peccary
+beanz
+quackers
+boskovski
+1.5730
+benigno
+komorane
+twombly
+tarculovski
+markbreit
+kappler
+yuppies
+62.54
+manichaean
+popovic
+jerrycans
+simmers
+markey
+fourfourtwo
+caroused
+perrin
+hals
+tsereteli
+malakpet
+257.8
+szabados
+ilhéu
+romo
+stabilizer
+roughhouse
+sorokina
+alcione
+knuckleballers
+grøndahl
+oeselians
+2,224
+tschitscherine
+potting
+malacology
+hofburg
+2-person
+berbere
+1.67
+vanidades
+jhajjar
+scientifiques
+pantsil
+kyenjojo
+radio-electronics
+stall
+mpika
+stortinget
+telc
+1.81
+văn
+118.79
+grumble
+music-loving
+lockhart
+rattner
+keaten
+sadomasochist
+potholes
+ravenstahl
+chakaodza
+kamancheh
+drdc
+corded
+ndaba
+igloolik
+garat
+61,250
+cyg
+lamotta
+hafun
+kilmister
+fifth-rate
+ramenskoye
+adv15
+seclusion
+inborn
+reimbursable
+22-year-old
+abdülhamid
+penalized
+cnw
+nocioni
+capturing
+jpr
+whitsundays
+resilience
+birgenair
+granodiorite
+etr
+sainte-catherine
+17/35
+www.startext.net
+wyntoun
+quine
+washingtonpost.com
+marry
+middleburgh
+ada
+cutugno
+gph04
+kulina
+1.02
+2,352
+jansch
+trigram
+685,000
+herges
+epiphanic
+boyhood
+rheede
+3:2
+bibi
+thanachart
+typological
+veselica
+heavy-duty
+faramir
+kaysville
+taua
+bystrica
+pan-blue
+rutaremara
+ponnamma
+31-14
+pivar
+créteil
+super-villains
+multisync
+kolkata
+ganoga
+reim
+hectors
+charme
+biochemist
+50.33
+holmertz
+wark
+shick
+(912)
+antão
+lande
+grisha
+thangam
+respirable
+ex-new
+daikon
+grenadines
+clothing-optional
+toño
+coevolutionary
+tarradellas
+pristine
+parried
+vuorinen
+gesta
+mizanin
+molniya-m
+casazza
+tsoumeleka
+venusians
+razzaque
+petrified
+vent
+velopharyngeal
+ed
+google.com.hk
+kokudo
+carnarvonshire
+cadenzas
+scalping
+pollachi
+amik
+pedwalk
+carmes
+lcb
+partia
+byars
+sentimentality
+choreutidae
+aragonite
+wattie
+quamrul
+weksler
+worzel
+orewa
+lucash
+kranks
+sayyari
+sikhosana
+afta
+piccirillo
+epk
+cavalla
+canelones
+difrancesco
+europos
+poiret
+cepeda
+comprise
+unprivileged
+scolese
+fooding
+decoteau
+corrimal
+saraswat
+thangkas
+widener
+enock
+withy
+razayee
+gfk
+library
+aleksić
+cerezyme
+verkuil
+shots-29
+inequivalent
+unproblematic
+neeti
+star-spangled
+orr-ewing
+binzer
+kasperczak
+dissenter
+aurorae
+kajal
+pranava
+14th-century
+a-list
+greeson
+soane
+12-volt
+teviot
+upholders
+nkorea
+gumshoe
+urkal
+chaparro
+darko
+impero
+tooj
+sears
+nordisk
+18th-19th
+curlewis
+spoon-shaped
+protonix
+sultanas
+škoda
+krebbs
+rockies
+nalco
+'49
+harmse
+41
+lundekvam
+57-year
+44.11
+fakahany
+sadlowski
+pflaum
+lanza
+ozyurek
+naegleria
+moggill
+puerile
+n.e.r.d.
+2,931
+ramseur
+crucified
+formula_142
+self-financed
+grimma
+cad$
+pomi
+nsidc
+sunbathe
+arnaout
+jrc
+lalić
+lunchrooms
+badme
+tankbuster
+johnsonburg
+sbir
+santoshi
+echach
+9/12
+silliere
+vélo
+jref
+waisted
+s.a.s.
+maneuvered
+100km
+pantaloon
+volkwagen
+pocketknives
+saran
+hesitation
+ulstein
+smtp
+borj-e
+beause
+heathland
+27.31
+zycie
+unparliamentary
+fortnight
+nrw
+mangou
+wamwere
+cafos
+celebic
+prawn
+1401
+prisca
+harbottle
+postgraduates
+41,100
+guazú
+cbssports.com
+31.39
+lasar
+futari
+scripta
+tolstoi
+karrimor
+alejandro
+goif
+ikard
+mammographic
+bitterly
+usine
+bellotto
+publicists
+seiyu
+not
+airshow
+12.00
+00:15
+unpatched
+swinging
+ccv
+asalem
+pivetti
+chasez
+grazier
+dragoş
+chandeleur
+brinson
+kaabneh
+subbu
+west-central
+romay
+veh
+kostanjevica
+chevez
+dörner
+2,809
+italico
+battlelines
+bunaken
+mignonette
+ogrodzieniec
+carbureted
+neurones
+zvika
+eyzaguirre
+epg
+6-15
+300-millimeter
+granjas
+baião
+brgf
+youd
+ducktail
+wazed
+caedwalla
+peña
+shun
+fuzeon
+thirsty
+omnicom
+vicor
+wildthyme
+system/36
+gein
+mcmurtrie
+holiday
+shocklach
+adicionales
+lechuguilla
+clones
+mearns
+gansas
+vase
+ankang
+visu
+harperbusiness
+so-named
+jalen
+tsiklitiria
+12.83
+hwata
+samai
+chail
+etheredge
+mean-field
+mid-1880s
+funt
+bondholder
+queries
+rustics
+ajp
+hanle
+7,140
+limin
+bhante
+tolimir
+maslenica
+tradeoff
+rhodiola
+kapsabet
+honneur
+tiffert
+svan
+forêts
+kibumba
+collins
+siesta
+melody
+illithids
+goteborg
+keg
+ioanna
+humphreville
+gill-man
+gerken
+.353
+hatsue
+tcherepnin
+systemverilog
+melges
+franzen
+lysozyme
+isobars
+210.8
+parch
+19-0
+zions
+colchin
+38.1
+brit
+schneiderhan
+lithium-6
+demurely
+nöldeke
+plattsburgh
+alloted
+solemnities
+pangi
+moldea
+liferafts
+buttenwieser
+01-24
+1.3965
+saleen
+saxe-weimar-eisenach
+greengrocer
+whitemarsh
+0519
+mambro
+anti-roll
+okazaki
+324
+ambartsumian
+rikabi
+berdyaev
+4-on-4
+reconceived
+young-jin
+98.18
+androstenedione
+idealogue
+13x
+timid
+dimarzio
+città
+blackthorne
+anaesthetic
+northstar
+quebradillas
+behgjet
+russia
+phillip
+shunga
+cuervo
+168
+ningi
+simona
+xmm-newton
+kade
+mww
+rasen
+49.8
+croxteth
+dumbuya
+curlew
+ayyubids
+12.75
+napieralski
+porridge
+ashaari
+hobnob
+pasion
+1,180
+canadians
+kopytoff
+gijsbert
+sportfishing
+107.0
+yejju
+abject
+myrian
+discoloration
+yemenidjian
+nepalis
+mesmeric
+50,000-plus
+off-and-on
+vivra
+helft
+tarle
+tripitaka
+1,396
+xinjiekou
+inert
+polarize
+taita
+cuttack
+pricewaterhouse
+thruh
+drm
+senso
+histones
+heptachlor
+ghola
+anduin
+52.68
+quirindi
+rottenburg
+isaach
+traut
+simutenkov
+labors
+m.o.
+faeroes
+siderar
+emeril
+serpa
+rekdal
+madhapar
+submarino
+hour
+baradar
+e.k.
+krisna
+hybridised
+artschwager
+52.71
+two-place
+uncials
+natesa
+boljevac
+banes
+fastening
+kvarme
+boniface
+kieta
+multifunctional
+53.9
+angulated
+abbasabad
+halston
+high-caliber
+paola
+cpsa
+sorrentine
+ljungberg
+helianthemum
+transsexuality
+sandflies
+mertinak
+inpop
+sativum
+heavy-tailed
+brohan
+dūl
+tamposi
+manassero
+montsalvatge
+akhila
+polymorphonuclear
+90.70
+md/phd
+teramo
+knife-edge
+zanghaneh
+rationalise
+interpublic
+pecorino
+thermistor
+logothetes
+suharjono
+spinto
+eiseman
+terpene
+nguesso
+heilsberg
+maladjustment
+12-seeded
+10-seeded
+lazare
+takaaki
+wildfowl
+cokes
+afton
+togo
+victimize
+v13
+up-and-down
+vikings
+delectably
+inter-tidal
+marum
+durzy
+lequi
+2125
+amg
+hilley
+aubery
+elated
+scaffolds
+singuluma
+fimian
+akinori
+301.8
+oportunidades
+duelling
+factionalism
+monotonously
+cherni
+l'alpe
+1.3-mile
+dyads
+belgian-born
+dubnicoff
+102-year
+mulee
+erminia
+dalitz
+gobbling
+milborne
+km/hour
+400,000-member
+loudmouthed
+espncricinfo
+semites
+eddie
+dependent
+usaa
+66-percent
+deflator
+tahir
+ottó
+barrenechea
+telicka
+emig
+begging
+shantha
+marignano
+wows
+13-of-18
+fère
+grimmer
+65.85
+testicular
+lewins
+2.2-mile
+zrubakova
+tempura
+eigtved
+síl
+mweemba
+84.03
+bunkers
+hohenems
+olev
+rivalry
+ouija
+odf
+38-minute
+plautdietsch
+zoubi
+1,123
+platitudes
+adeus
+caespitosa
+nugent
+avers
+cause-and-effect
+lvr
+mezin
+fairbank
+manageress
+cogitate
+amh
+trijicon
+mosb103
+cpi
+afpak
+tegano
+roodt
+hundredfold
+wiskitki
+magnitude
+gebler
+formula_36
+uloom
+santillan
+sarmatians
+laru
+mobileme
+non-magnetic
+hesp
+janner
+schnackenberg
+wrens
+sunnybrook
+r2-d2
+jaffery
+lomasney
+56.66
+960,000
+glycobiology
+contests
+elva
+forthright
+digambara
+howled
+guben
+h-bomb
+12,000-foot
+creator
+latigo
+chusheng
+taiji
+cabrito
+when
+chibber
+vazquez
+deepsea
+dungey
+owusu
+129-year
+carjackers
+koine
+maryadi
+zanki
+r$
+cruze
+aground
+zogaj
+gerede
+brownout
+mepa
+pavlović
+dearen
+109g
+staten
+ratted
+berestov
+madlib
+hyperbolic
+lamins
+hitti
+kvarken
+tareque
+ivanković
+baader
+carquinez
+guttierez
+repointing
+christoval
+907
+fascinating
+kombat
+roussef
+xbiz
+ilegal
+mausoleums
+külliye
+asip
+dlya
+two-light
+baps
+xyletobius
+4ft
+cibeles
+kalasha
+orwellian
+bardu
+ortenburg
+cicchetti
+formulæ
+pcr
+syrett
+choctawhatchee
+sworn-in
+mór
+badman
+ranneberger
+gorni
+arap
+bunning
+jaxon
+brisingr
+litvyak
+ris
+avendra
+ekotto
+pashmul
+shale
+15.85
+dong
+ajello
+meselson
+zvezda
+elapid
+gehad
+bundesstraßen
+tingvoll
+nabf
+sikuru
+kampmann
+garratt
+512mb
+7:31
+sharabi
+verreaux
+disciplined
+a-thon
+nashe
+carnitas
+nonexistent
+tomioka
+jiddi
+50-47
+debriefs
+orchardists
+25-to-54
+venomous
+husseinov
+crialese
+dunolly
+yizhuang
+matapan
+2130gmt
+billancourt
+strattera
+reconvened
+smothered
+viktar
+quoteworthy
+pre-2000
+2/10th
+lihn
+prescreened
+calauag
+freshening
+rayn
+tergites
+annexing
+bangladeshis
+morand
+300km
+beastie
+city/25
+frisbee
+foscarini
+guyenne
+daken
+enlight
+scaliger
+furber
+1,000-2
+kawhia
+isabelo
+shawis
+arnolt
+84-yard
+022
+jaff
+sabari
+smee
+airforces
+zune
+bendale
+ljajic
+2.26-meter
+risk-taking
+looming
+kashira
+icheon
+saint-boniface
+ouda
+locarno
+phnom
+5.303-kilometer
+reporting
+wearing
+inosanto
+describers
+dederick
+torch
+97-95
+popple
+pierces
+zhongnan
+hitchens
+awdry
+salmin
+handful
+muratori
+thiemann
+pagliacci
+pordenone
+rúv
+chieftain
+chevaliers
+roanoke
+typists
+cetate
+3,564
+saint-flour
+pantić
+harkonen
+karlsruher
+1414
+geográfico
+metodo
+imaged
+b.eng
+michelsen
+mcphillips
+ribozyme
+,18
+haes
+makkinen
+rnp
+quisling
+1220
+kkbt
+hassayampa
+travelsmith
+faln
+hermannsburg
+compunctions
+indovision
+lausanne-sport
+humus
+3600
+astrada
+garip
+martinis
+kehl
+deibler
+mekka
+asthmatics
+89a
+workmate
+non-roster
+stubby
+counter-argument
+beeson
+feeling
+blessings
+amaranthaceae
+itri
+stratten
+molde
+gilgun
+pulpwood
+45-38
+avatara
+67.34
+faf
+coverings
+desai
+1155
+41.70
+dvd/cd
+geneva-based
+1996/97
+picquigny
+isds
+billis
+skierbieszów
+yuhara
+carian
+guclu
+massai
+aams
+walden
+tiles
+beaman
+deglau
+dharamshala
+a82
+79.5
+ilfov
+pacita
+premanand
+sysonby
+zhoushan
+satoshi
+kastrioti
+spora
+wooderson
+saint-benoît
+albigensian
+aydin
+papaconstantinou
+barla
+hortensio
+clarenville
+jurkowsky
+373,000
+ingres
+3.500
+ecobank
+flitwick
+vesselin
+42.34
+miko
+ki
+traianus
+urartians
+lnwr
+aati
+distinction
+bouju
+datlow
+survived
+piacentini
+disposes
+zedekiah
+kindreds
+yahr
+grubacic
+asoriano
+plataforma
+kirac
+.464
+pdas
+arsenical
+7,475
+jazmin
+mabinogi
+lanner
+pteridaceae
+archivo
+fantom
+elementals
+state-chartered
+thresholding
+tdoa
+marechaussee
+appaloosa
+kripalu
+naamsa
+fallout
+eske
+tsur
+distler
+bernward
+bellybuttons
+vestments
+earlimart
+marasco
+eurocommunism
+skater
+pejsek
+killaloe
+overflights
+nedney
+sisowath
+bukovsky
+lideres
+menez
+loveman
+thusis
+graduados
+transesterification
+shahid
+besch
+yoshiharu
+senamuang
+akitaka
+mishler
+government-appointed
+subalpine
+dialects
+aretino
+forres
+bewag
+glenne
+0.085
+mohajerani
+inglés
+hebborn
+boarding-house
+twenty-second
+yuriko
+lhoba
+makedonia
+kanemoto
+asesor
+bankboston
+narrators
+bolani
+legislatively
+open-water
+googol
+rhacophoridae
+steffon
+keilman
+klare
+shortfalls
+peroni
+zorreguieta
+11-billion
+sagaing
+headbutt
+tinatin
+unloving
+ziziphus
+infantiles
+limped
+berbizier
+educap
+sram
+lydman
+trifled
+vfc
+bankrolling
+tokat
+kolde
+second-order
+lehmer
+bielinsky
+naadam
+dreamers
+yanagimachi
+63.91
+oof
+cunoniaceae
+scheduled
+3.57
+ninos
+pettys
+togther
+gerik
+zea
+spree
+occidental
+mondulkiri
+isserman
+tenzan
+omegas
+oleśnica
+shantipur
+cony
+mervat
+53-52
+stolk
+111.99
+consume
+oglu
+lusso
+sambhar
+seven-segment
+cn
+gabourey
+settle
+vaccum
+80-69
+veka
+fallis
++.14
+annivesary
+clatterbridge
+severinus
+terabyte
+impulsively
+imbricate
+miniblinds
+pandemic
+nsubuga
+smartrip
+cremonese
+gidgee
+grouped
+tadanobu
+95.90
+al-haq
+pcgs
+unheated
+seida
+mizos
+denar
+dollarize
+guilan
+pricy
+embarassed
+absented
+tokimeki
+matchwinner
+davichi
+sutley
+navys
+hourani
+tailplane
+lobinger
+zeisler
+hibiscus
+279.5
+4,530
+fechner
+tchong
+gacek
+freiherr
+gelli
+pineau
+einherjar
+www.facebook.com
+excursions
+dalymount
+rathdown
+pashalik
+totmianina
+150-square
+wentao
+filipendula
+40.14
+kasrils
+fychan
+vinos
+arale
+39.95
+perambulations
+mach
+1.194
+landforms
+mushroom
+otha
+32.82
+cutlers
+110.84
+1830-1831
+5-hydroxytryptamine
+bulgarian
+nectan
+1:30
+boundary
+garmirian
+poseable
+lydford
+kuras
+efik
+agrégé
+giallo
+alexandrine
+lower-order
+grammis
+carbon-nitrogen
+question
+snep
+cameros
+motorway
+businesseurope
+contort
+cupronickel
+hitch-hiker
+epidemiologically
+euro15
+rebelo
+jerrick
+prole
+shirer
+153.1
+asgard
+epico
+leader-post
+pyrrhus
+taishang
+hershman
+casterbridge
+brailer
+htl
+khairpur
+grünbaum
+30-man
+dockweiler
+elbling
+moloko
+dicier
+well-positioned
+żórawina
+tunari
+brads
+bioprocess
+bandinelli
+slimer
+lou
+devis
+congaree
+remote
+adlington
+mors
+garderobe
+halliche
+basser
+grice
+besieged
+brasher
+chalet
+50.42
+barefoot
+brewerton
+parang
+ngaruawahia
+45-47
+province.the
+nadibaidze
+sigismund
+catalina
+makgill
+shibley
+trotta
+hendrickje
+ruag
+7.4-acre
+cauchy
+王
+trivium
+swayambhu
+paços
+cowshed
+jasny
+unloaded
+gudea
+hobo
+yanhai
+northeasterner
+tazara
+pruett
+arthedain
+freightways
+bolotsky
+lynfield
+qarni
+alifirenko
+crewneck
+necessitated
+schoolgirl
+ebi
+littlefield
+friskies
+maylene
+schilder
+saguisag
+bost
+keever
+confucianism
+sacm
+2k9
+anticipated
+rock-like
+perea
+francorchamps
+7.40
+lazarsfeld
+marymccarty
+mo02
+resynchronization
+kettling
+shikano
+sub-human
+adilabad
+bajor
+g.r.
+developmentalist
+bt30
+frantics
+tengri
+beanes
+barton
+nly
+succumb
+tryphon
+butler
+'91
+redeker
+neoh
+.346
+waifish
+bullants
+businesslike
+rednecks
+obed
+non-smoker
+kotek
+ratzmann
+helikon
+kowalska
+six-player
+text
+53.85
+owino
+keelmen
+gratefulness
+cornish
+semič
+caxito
+motte-picquet
+juvenilia
+rache
+implications
+sampaguita
+leefbaar
+auto
+second-seeded
+elsbree
+3,606
+randolph-macon
+wensley
+adult-oriented
+cantrill
+mcp
+estonians
+battlegrounds
+berland
+bayon
+pangolins
+pdr
+jette
+annawan
+09:02
+bledel
+brevnov
+cityvote
+moa
+sukumar
+anti-colonialist
+shotshell
+foote
+fitting
+frappe
+spillane
+clearways
+1564
+witch-hunt
+carencro
+kordofan
+willibald
+brokedown
+cecka
+coeme
+chidlow
+guoxiong
+regioselectivity
+chesting
+trippi
+borin
+1.1950
+1935/36
+odawa
+attorney-at-law
+rollet
+127.81
+svaneti
+177.50
+tvm
+vehemently
+forgot
+parvanov
+0.01
+28.37
+npower
+gsv
+urosa
+kwgn
+ranh
+horcoff
+university-based
+reategui
+ragley
+maudlin
+knyvet
+aristos
+loughrey
+eco-city
+wangemann
+mattarella
+kosilek
+sabian
+comebacker
+germaniae
+3,400-year
+nowgam
+9-of-15
+gunboat
+dullin
+25-strong
+sac-winged
+eesc
+medenine
+xiaogong
+stadiums
+yem
+diy
+uniqlo
+rajadamnern
+differences
+oxendine
+elen
+taling
+121-pound
+harlesden
+curtailment
+jco
+chelsham
+68.40
+wrapping
+64s
+agostini
+yeltsova
+54.96
+1187
+rockfield
+egl
+geografía
+shigeo
+cfrb
+dehumidifier
+astrazeneca
+ornithologists
+kaunda
+retaliatory
+joas
+kohl
+gaddafi
+quarenghi
+aggressive
+startup.com
+context-sensitive
+sousaphone
+scripted
+kempff
+coit
+hyacinth
+dogubayazit
+refering
+eidson
+six-car
+cullings
+froghall
+relativity
+hering
+24h
+ncmi
+craftiest
+nichifor
+o'keeffes
+109-100
+durably
+vander
+puea
+12-storey
+informing
+wieczorek
+dempo
+ingressive
+eviscerates
+pecten
+maxxie
+34.40
+kenwyn
+bivouacked
+tétouan
+hoffert
+shoe-making
+takayanagi
+frost-free
+baldick
+rpos
+126.92
+fernsehen
+750i
+vnv
+8.72
+crooms
+nbn
+kttv
+scrunched
+matuidi
+271-8978
+bmibaby
+isometries
+30-meter
+gramp
+ualr
+gosport
+goldie
+corkhill
+amun-re
+sunada
+affordability
+ortaz
+prahran
+lessened
+nzf
+fraport
+125.25
+bestor
+burgeson
+119.1
+mudukulathur
+agbamuche
+patio
+resolve
+buhe
+12:35
+coursing
+prelims
+maior
+kg1
+language
+t.n.t.
+maomao
+kickin
+56.68
+jeugd
+rs3
+x-play
+linnets
+kangean
+vemork
+1988-1992
+bureau
+barollier
+phantasmagoric
+xichang
+lapwing
+monypenny
+edentulous
+jacqueline
+off-field
+roro
+euploea
+cristóbal
+spase
+grifton
+piccata
+steinbuch
+dehaan
+icsa
+sbl
+gio
+carpinus
+intersubjectivity
+quebecker
+tõnis
+kovar
+zecter
+quare
+gotz
+gatch
+dall
+shackley
+kasamatsu
+kalyanam
+sayd
+adesanya
+patriot
+bungay
+julito
+viguier
+biographical
+mwaruwari
+manurewa
+vrouwen
+graustark
+mallinckrodt
+reichspost
+kosovar
+superstition
+kneeland
+haughton
+samih
+fraubrunnen
+feasibility
+dunfermline
+650-foot
+brosch
+airforce
+spratlys
+meher
+fractionated
+endeavoured
+bellori
+grb
+vaxjo
+moholy-nagy
+4.2-kilometer
+crossbands
+bhd.
+312
+pharyngealized
+ascii
+tha
+52.72
+predominate
+khalkhin
+fuzzier
+1.8-liter
+lancer
+macmullanglobe.com
+exelon
+myers-briggs
+maitre
+20-to-1
+p/o
+harbert
+.2572
+nkandu
+furious
+5,714
+aep
+encouragement
+markazi
+farhangian
+tierno
+marthoma
+hinrich
+sedbon
+ajram
+wandesford
+coyotes
+16.79
+coccidioidomycosis
+siemens-schuckert
+earthweb
+mataric
+crowfoot
+cocopa
+83.91
+156
+verlorene
+steeb
+voivodship
+agronomic
+rongotai
+jumpmaster
+sonnex
+8283
+gnats
+badal
+penstocks
+kerényi
+engibous
+tokuoka
+hydroelectricity
+sadok
+sapna
+amarillo
+0.095
+danker
+öresund
+barud
+petithory
+spode
+pittas
+jogbras
+cryptkeeper
+1190s
+indigent
+gadong
+profession
+osm
+kapow
+www.cbs.com
+porgras
+paleobotanist
+sudhakar
+:35
+euro601
+trust
+fenestrata
+alcinous
+manwood
+subzero
+huge
+crumbs
+tayabas
+straight-6
+wrecking
+52.40
+36.07
+saloons
+karpov
+giambi
+gais
+scorned
+calligrapher
+letendre
+protección
+vritra
+then-new
+maddison
+sulman
+formant
+manke
+watzke
+libi
+downriver
+punctuate
+husa
+stasiuk
+berau
+banca
+humat
+whitridge
+junior-m
+kilotonnes
+bohle
+μsa
+ričardas
+centres
+itoh
+yahyaoui
+huiraatira
+ksugiura
+starla
+2314
+48.48
+maso
+moulitsas
+ordnungspolizei
+tkalec
+sips
+augustow
+imagic
+word-finally
+franzia
+miyama
+renewal
+wicken
+kirkby
+magickal
+1989-1998
+ufr
+analgesics
+siddipet
+diminuendo
+illustrative
+single-walled
+23.72
+samaria
+rigault
+hollenshead
+03/21
+118.08
+1.2090
+kissing
+neatest
+1097
+zooids
+preforms
+thereof
+sbli
+sbml
+polemical
+concelho
+118.85
+biamby
+desi
+prerace
+birdshot
+warnborough
+mackellar
+momiji
+marna
+kacc
+ombe
+truso
+zad
+klaxons
+warrigal
+jamyang
+transmitido
+arias
+candidness
+goalies_toronto
+aestheticism
+beita
+duberry
+calabogie
+rogosin
+foyle
+anastassiades
+feuermann
+johns
+efficent
+colchagua
+mtrc
+192.2
+corporative
+ssas
+likeminded
+contacted
+jeyarajah
+blackwell
+login
+particulary
+carnuntum
+ultratip
+recounted
+viray
+centering
+navegantes
+d'allesandro
+kaylie
+cozart
+kenzaburō
+0.35
+taller
+,350
+barzillai
+printings
+sess
+sakakibara
+defined
+daytona
+darville
+brezovica
+106.19
+re-engineered
+tapulous
+幽州
+robp
+dazz
+cathodes
+leese
+havoc
+barzon
+sugar-free
+unstaged
+point-by-point
+film-makers
+shiromani
+bankrupcy
+volcanological
+haldenstein
+ngvs
+admetus
+12.26
+garthwaite
+uttarpara
+avowedly
+saikuar
+s-100
+alpheus
+cmp
+24-all
+clot
+shapes
+lulled
+anthing
+cylon
+220s
+tetyana
+marciana
+stonily
+falcatus
+sdss
+ijichi
+papua-new
+ndabaningi
+peggie
+prefect.com
+zeglis
+2,199
+42-25
+benchmarked
+20.65
+chermayeff
+barge
+fushun
+prof
+dimbleby
+škofja
+rheem
+ams101
+lavale
+flippin
+øverland
+kleinschmidt
+portolà
+hadsel
+re-gained
+differentiators
+n90
+u.s.-german
+greensburg
+pompeianus
+412,000
+ghaznavids
+pyrite
+mcchesney
+kinde
+0610
+1,104
+bisek
+pazzo
+six-person
+sternlicht
+kisorio
+rajyam
+s9
+rusman
+rhescuporis
+bloxam
+jackins
+35.80
+bastidas
+lehrman
+analogic
+39.52
+linguere
+58-54
+mittelstand
+bickersons
+bakhram
+microbrews
+mappa
+vasconia
+signalman
+doonesbury
+sonderling
+abassi
+meantone
+codefendant
+mutina
+createspace
+unreadable
+galicia
+putz
+pseudo-historical
+vlaovic
+52,600
+hadadi
+stoc
+curtice
+bcl
+non-peptide
+cogently
+304.8
+brunelleschi
+scammers
+88.46
+rundu
+combatants
+sciri
+4,328
+corrado
+corporal
+c-54s
+digraphs
+single-sex
+mejía
+kadic
+csizmadia
+parrington
+maxima
+moamba
+kammerman
+bestuzhev
+grefsen
+michele
+1968-1975
+intuitionistic
+c.s.i.
+legitimised
+razavi
+mlss
+biota
+cumbal
+goubert
+scowen
+proposition
+holm
+haya
+menatep
+haridopolos
+selbyville
+farmersville
+rough-and-tumble
+jellies
+78-70
+vartabedian
+1,500-1
+shadows
+reassess
+ednitem
+smilovic
+maldini
+mandap
+está
+atheletes
+nespoli
+helmet-to-helmet
+jodorowsky
+sechs
+roulers
+sarasola
+spirulina
+templi
+cohort
+gpg
+kreuzkirche
+harem
+defensive-minded
+hand-eye
+hospitales
+homogeneity
+runnicles
+solariellidae
+1b
+antagonising
+mistura
+murten
+citytrain
+bc
+bogardus
+12-27
+tirano
+hatherly
+orchis
+earliest-known
+solberg
+gilgit
+mudali
+bombload
+govier
+anzaldi
+katto
+samm
+nucleated
+danspace
+shirian
+speedweeks
+corruption
+qatradullah
+cesare
+kingsdown
+1.095
+stech
+caudwell
+mosab
+toh
+consecrating
+gluteus
+erring
+scrivia
+danorum
+hopton
+dubber
+quinn
+mk.i
+derrow
+specter
+muntins
+ribordy
+vacha
+irureta
+autodidactus
+statler
+euro336
+14-kilometer
+dreamworld
+dsev55b
+18sec
+countered
+tudeh
+denzil
+weatherspoon
+pockmarks
+35.88
+kuźnia
+crepidula
+corelogic
+cento
+psds
+caib
+aktyubinsk
+remorse
+siegrist
+wozencraft
+ranchlands
+sisay
+namirembe
+repose
+sarandeep
+opercula
+starčevo
+mifflinburg
+tambien
+worawi
+windrell
+vinaigrette
+schenscher
+minkkinen
+yohana
+lisovsky
+idic
+mallowan
+kath
+bernhart
+sensory-motor
+suebwonglee
+sulfanilamide
+shaftesbury
+vesti
+attwater
+sugarcrm
+craftsy
+namazov
+2.5
+zylon
+milkha
+kilmersdon
+.381
+cináeda
+semaine
+gencarslan
+bhanwar
+hausfrau
+rodizio
+medline
+weinland
+especies
+.40
+walsall
+matzinger
+hyman
+paddlefish
+florescent
+kandace
+pps.
+1778
+trinidense
+crișul
+snakehead
+nephron
+muf
+euro146
+40.26
+17:48
+hydrophobia
+1,991
+tundzha
+largan
+tonic
+brizendine
+backrooms
+october-november
+bessatsu
+backstreets
+rossmoor
+streinu
+divergences
+franchot
+primped
+chandernagore
+ferpa
+shavuot
+kodagu
+ducklings
+3-to-2
+independen
+politika
+left-turn
+goncalves
+cowlick
+lyres
+suketu
+dajia
+33.75
+gestion
+mengi
+admonish
+maskin
+vodrey
+aeolid
+schoolteachers
+lazia
+miga
+emollients
+gutiérrez
+dumbfounding
+antiabortion
+oligonucleotide
+klephts
+85002
+jorkens
+internship
+flanary
+ballan
+jianghu
+cajasur
+52.73
+klcc
+chafin
+tosnensky
+namik
+entifadh
+madison
+work
+redirects
+schreiber
+us-backed
+mischaracterizing
+yobi
+b31
+ltb
+uscf
+sumida
+diederichs
+cochell
+enthalpies
+implicates
+xiali
+contentguard
+friese
+donuts
+slaves
+hayata
+imbrie
+1.58
+tourino
+olompali
+dosages
+19.23
+coulombic
+winiary
+cliveden
+limi
+plainmoor
+1,8
+2,933
+coated
+1975-80
+dyab
+debtor-in-possession
+k.kahne
+royer
+satnav
+cuban
+may
+qcf
+geron
+pary
+uptime
+hoek
+ramcharitmanas
+catcher
+obliged
+phc
+combining
+perspectivism
+dermatologists
+inflect
+caddo
+nyeon
+netiv
+naisten
+arguably
+salvia
+vancomycin
+tatarkova
+complied
+nzef
+150,000-strong
+vanasse
+25.11
+nutters
+robing
+connexxion
+pugnacious
+kemerovo
+pompallier
+sivakami
+kadirgamar
+lacing
+barrak
+layover
+a3
+wanuskewin
+uthup
+frana
+honorarium
+parady
+tarcher
+rosbank
+nonribosomal
+mamadou
+momberg
+under-performing
+mordantly
+brule
+cbsa
+milhem
+remembering
+85.90
+solotrek
+ersa
+divots
+1,386
+shoichet
+appurtenances
+noranda
+akademia
+bhoomi
+arbitrageur
+dorabella
+extra
+hanish
+jascha
+54.76
+ricksen
+erkel
+awsj
+caraballo
+polity
+haden-guest
+karakasevic
+barmal
+gruzen
+gorgi
+livecycle
+tenayuca
+7.70
+multi-sensory
+unimplemented
+escritor
+28.60
+enterbrain
+2-14
+giordani
+bhut
+iphigénie
+17.75
+radiofrequency
+galtier
+youse
+danic
+simplex
+kanahele
+igc
+qila
+braselton
+match-winning
+spermophilus
+asio
+iavaroni
+xiuning
+wherewithal
+self-obsessed
+bya
+italian
+philibert
+eight-line
+armond
+abgals
+ghazawi
+calleri
+yuks
+jacmel
+outage
+overwriting
+62.19
+superfiring
+yechiel
+srebotnik
+panlong
+income-tax
+pitiful
+brumbaugh
+exhorting
+thoughtfulness
+hewish
+sunrail
+wqed
+broaddus
+dyad
+gout
+suit
+disputants
+sequenced
+afwerki
+pinafore
+arenafootball2
+balling
+71.65
+249th
+konvicted
+sige
+brunel
+trivedi
+peronists
+diffidently
+kranish
+bandeirantes
+borgs
+jic
+baculovirus
+ia-32
+edom
+struer
+empire-building
+giugliano
+dellwood
+n.c.
+carina
+lazarowich
+accuracies
+paiss
+musoma
+damrau
+takkar
+douglaston
+sannes
+rayo
+ov-10
+nasscom
+piney
+fatmah
+roc
+astrocytes
+ketel
+administaff
+fifth-best
+121.82
+alemdar
+then-soviet
+pressley
+60-58
+lakshminarayana
+diapered
+arsia
+stawiski
+ftorek
+zhongcheng
+swades
+indepedence
+violins
+27-billion
+hermaphroditism
+shawinigan
+trekkies
+tmdl
+skunks
+haymarket
+oar
+pelecanidae
+splashed
+deceive
+sitc
+28.96
+aynho
+goosen
+anastase
+windt
+catenaccio
+nouaimi
+12.59
+jigging
+71.45
+12,085
+capstans
+rupak
+adobes
+smrz
+newpapers
+fradd
+:40
+tailskid
+arratia
+pcboard
+mitigation
+ingathering
+5-for-8
+carjacking
+snowballs
+chengshan
+disreputable
+afeworki
+sprayer
+reassortment
+then-deputy
+changji
+wessinger
+hutterites
+ponchos
+yellin
+fenders
+55-11-3023-3331
+carmon
+8.58
+xlib
+purton
+u-21s
+vester
+352d
+sovereign-debt
+1983-85
+mangabeys
+lefferts
+ballsh
+soubrette
+lachmon
+plateway
+ganyu
+priest-in-charge
+kiesewetter
+emphases
+batchelder
+korwin
+patrologia
+900-meter
+asleh
+superfinal
+amha
+nebbish
+lubega
+madzorera
+seamus
+radiodurans
+zawra
+azzi
+hubli
+thiede
+i-22
+ed.
+105.1
+refurbishment
+bed-ridden
+atomistic
+bodog
+82.4
+wananchi
+1,040
+co-leader
+rifat
+gashed
+teruo
+altmark
+chumakov
+twining
+decries
+minneapolis-st
+puyuma
+whaddaya
+tamie
+islamorada
+rishiri
+964,000
+90.34
+sowerby
+100.64
+honderich
+super-ego
+recension
+klimesova
+nasrin
+explorations
+albertosaurus
+beeck
+jornal
+forsaken
+cittern
+majoros
+bykova
+cohan
+overclocked
+ausland
+62.33
+oakland-alameda
+pulpitis
+luhring
+danielli
+formic
+bulkhead
+tablespoons
+felber
+laurentiis
+iwi
+laforest
+kozhevnikova
+plums
+szczytniki
+calibrate
+staph
+modern-day
+ramel
+12-of-21
+ubx
+39.5
+teletype
+unthanks
+corgoň
+transdermal
+hyperkalemia
+carabane
+hernan
+amazulu
+guarana
+jinky
+herradura
+rarified
+high-level
+gtv-9
+mid-thirties
+wazirs
+scarry
+stubborness
+maquet
+mius
+2117
+1,890
+schlierenzauer
+karl-marx-stadt
+jehol
+arsyad
+osterman
+burdigalian
+valenzano
+640,000
+realizable
+hambly
+wintour
+koyamaibole
+iniquitous
+dalvi
+avas
+tsec
+580-billion
+solomon
+čović
+siar
+pro-labor
+aggravated
+dolllars
+leśne
+coprocessor
+blu-ray
+scrubbing
+clinkscales
+472
+plancha
+roethlisberger
+grobari
+yaqui
+swettenham
+fabiani
+amotz
+woerth
+kuzenkova
+rueing
+sphenic
+seideman
+ferozabad
+vdara
+qadry
+mcintosh
+tarbert
+brinster
+ss-24
+oxidative
+giner
+cabezas
+aao
+varde
+previewing
+77.5
+satomura
+chandravanshi
+iads
+nutlet
+brethren
+radiating
+1.76
+muzika
+volosozhar
+dolce
+u.s.-only
+troupe
+hamdaniyah
+santhal
+prohibitions
+hanning
+kristang
+californie
+treatt
+17-13
+hlp
+ranfurly
+asphaltum
+rinse
+helio
+2bl
+degranulation
+headstones
+amanar
+lightworks
+hoggett
+hardtops
+cooum
+tricolours
+1-an
+phranc
+tweener
+reinvestigate
+hilt
+pontchartrain
+n14
+palabra
+burckle
+childe
+tirhut
+mcfeeley
+marwick
+croak
+42-21
+oţelul
+gopalganj
+goucher
+kuser
+art
+karaburun
+labialization
+seem
+shfaram
+ardeatine
+kokhav
+tjones
+visbal
+hyperreal
+2,306
+reinjecting
+14:04
+shucks
+66.68
+cone
+acknowledge
+cba
+bendit
+vguerrero
+indie-pop
+tu'ipulotu
+solie
+hornbeam
+spofford
+rockhill
+anuses
+prequel
+schecter
+prelature
+writer-producer
+plam
+sejong
+weidler
+carriers
+martinican
+multirole
+hanegbi
+vsu
+woodworks
+notoriously
+broad-shouldered
+peterle
+ventrals
+pabulum
+hamshahri
+wobegon
+eight-piece
+outlaw
+thamar
+delemont
+f-mount
+uniformed
+1600
+pelkey
+aristippus
+3,950
+leonen
+83.89
+10,060
+maddy
+origin
+charmers
+palfrey
+20.83
+u-864
+bodian
+corkscrews
+khatuna
+mind-set
+mevalonate
+sbds
+123.35
+sava
+rationalists
+ardern
+nsn
+currach
+xylariaceae
+bedpans
+baffler
+rashtrakutas
+boudouani
+chris.erskine@latimes.com
+sts-95
+pittman
+proximally
+1.905
+trylon
+gulch
+easthampstead
+redes
+lzma
+lakmal
+fdtl
+kaitani
+massaro
+maile
+surveyor
+monomeric
+ucbsa
+three-strikes
+kipsang
+bloodlines
+ami
+moudi
+mccourty
+bellied
+zao
+masud
+zimring
+bilasuvar
+galería
+chamartin
+grombach
+denault
+telstra
+greenburg
+stress-induced
+sportsnight
+eleocharis
+chavit
+103-degree
+caley
+kawauchi
+hardpoints
+.10
+kesh
+fondre
+dagens
+bogong
+semnani
+adwick
+angua
+rupee
+radzymin
+equipotential
+kamphuis
+6-foot-7-inch
+lesvos
+tsakopoulos
+miked
+switz
+karena
+snan
+consenus
+state-issued
+omata
+vujanović
+brancheau
+goalposts
+gauvreau
+cadavid
+suniti
+czeisler
+smiler
+abady
+gosta
+possessing
+gudrun
+pandher
+ishioka
+bardolph
+car-free
+idun
+emmanuelle
+proselytizer
+lippe-biesterfeld
+devolves
+judkins
+shinhoster
+glenurquhart
+ecr
+krajnc
+sufferers
+firozabad
+shannaq
+pulsated
+tongas
+ngata
+112.65
+d-12
+11:18
+vlado
+élie
+topoisomerase
+welfare
+chichiri
+dobrin
+palimpsests
+jamaika
+inpi
+wu-style
+shoshidai
+cavaco
+talich
+borrows
+srv
+dessauer
+xenix
+haz-mat
+charina
+hapilon
+brundisium
+aquaponics
+calcify
+hochhauser
+guare
+ruilin
+torkildsen
+σ2
+baha'u
+recaps
+lipizzaner
+shvak
+birkenhead
+birthdays
+epistula
+immunised
+stormo
+zyuzin
+uncommonly
+575,000
+sodeco
+under-18s
+enuff
+naoya
+obliges
+105.4
+driftwood
+4:2
+gangmaster
+41.74
+groomes
+reddick
+davanon
+geoint
+nasella
+33.08
+ney
+kenmure
+tsheri
+amphidromus
+dunluce
+baljit
+kwhs
+unimaginative
+unexploded
+enduring
+marek
+kleinwort
+10-5
+busied
+aler
+bregier
+chouraqui
+gtc
+slithering
+redbird
+msha
+popstar
+pielke
+ibnu
+mcrd
+pola
+cañas
+straddles
+altmire
+charrúa
+balcerowicz
+125-year
+tiaras
+nations
+vaidyanatha
+qma
+domna
+137.0
+ruđer
+fiore
+libres
+apple
+knight-ridder
+sociobiologists
+mapping
+julija
+nom-de-plume
+affectation
+seljuq
+horgos
+massalia
+re8
+kapanda
+ansermet
+ghareeb
+niederösterreich
+mwh
+nev
+shey
+anheuser
+decals
+livius
+lifespan
+flixster
+bashundhara
+esashi
+airflows
+lasry
+gugerell
+daniell
+spendlove
+lobintsev
+groundsmen
+e-amusement
+qaasuitsup
+mystro
+bringin
+vesoul
+usoc
+vidocq
+experimentations
+kokudaka
+swamithope
+wallbridge
+ís
+akō
+tolkien
+bintley
+chab
+casterman
+demo
+veer
+thira
+obscenely
+pave
+klauser
+deteriorations
+supercapacitors
+114.2
+scotorum
+irishmen
+hic
+kelud
+hetland
+camiones
+28.17
+22-yard
+appellate
+onomasticon
+galimore
+meite
+cephei
+60f
+1,001
+lavard
+desloge
+justiciability
+siouan-speaking
+products
+ninety-eight
+tosta
+borcke
+ger
+mohr
+985
+journal
+10-bit
+porkpie
+92-84
+microcassette
+kurdistani
+telnet
+xiyu
+loir
+éléments
+tenuously
+silcock
+frewen
+maragos
+médecine
+382.25
+schottenheimer
+dvora
+etwas
+doncello
+sarmad
+hsin
+meerkats
+furnish
+repel
+zhenren
+climaxes
+manu
+ragging
+olkusz
+.216
+kamoze
+czerwonka
+karlsberg
+2,787
+radostin
+iframe
+afrocentric
+ns
+co-director
+chunxiao
+undersize
+purandara
+annika
+ostersund
+admir
+stanislovas
+hubay
+alcaraz
+weu
+corregimientos
+160-meter
+fortnum
+outlier
+horsewhipped
+ugra
+hailemariam
+hulley
+kremenyuk
+stiffest
+reauthorizing
+limitations
+deemphasized
+branigan
+4100
+karazin
+glauber
+3.85
+lewisi
+b16
+sympatrically
+walney
+gunn
+légaré
+benxi
+now-obsolete
+calderdale
+71.79
+rene
+art-deco
+43.92
+ratapong
+savan
+461,000
+canneries
+boyishness
+beichuan
+lovell
+mokrzycki
+llewyn
+fausch
+d'amboise
+etam
+jephson
+mech
+117.99
+badler
+śródmieście
+d'orleans
+xr
+shinyoung
+lignum
+teamwide
+11:14
+lcac
+106.1
+shinguards
+883
+clouding
+gutnick
+dendrite
+tuban
+workhorses
+klansman
+golotsutskov
+scullion
+cañete
+realvideo
+54-year
+psrc
+34-34
+juo
+outkicked
+lavella
+bécaud
+mid-december
+ketoconazole
+alvear
+237.4
+mihailovic
+deaden
+nyimpine
+produjo
+3,511
+hanborough
+dropoff
+thyme
+koppa
+calor
+abit
+womack
+qtd
+barda
+u.s.a
+empts
+suevi
+antiseptic
+79.99
+faiman
+asana
+alafco
+2006-2010
+kodes
+trad
+brezoianu
+39-17
+blue
+13.26
+alaams
+kleinen
+ibata
+godse
+technology-driven
+xiao-mei
+pattishall
+neapoli
+cistern
+okaz
+daubney
+sheperd
+1,000-plus
+publicising
+davidii
+wildfires
+lepidochrysops
+siributwong
+rpn
+myoclonus
+crud
+weaponisation
+republika
+hansch
+http://www.noaa.gov
+kusumi
+declared
+nanas
+hekou
+steblin
+nen
+benkei
+afram
+depended
+pcjss
+oreja
+ons
+fayette
+tivotogo
+belin
+gorgias
+100.77
+nurnberg
+gefion
+0.50
+taikonaut
+oradea
+palazzi
+quader
+belic
+mela
+onam
+chidsey
+guardians
+trophyless
+beaner
+1,698
+levitical
+infuse
+wimhurst
+titularly
+giedo
+katie
+wmms
+panetolikos
+luyindula
+sweatsuit
+palato-alveolar
+trekker
+taiheiyo
+porvoo
+garnishing
+mashers
+kette
+mingolla
+mwilliamscoxnews.com
+batesole
+ën
+fixations
+lecher
+managements
+cetelem
+muchadehama
+miske
+schinderhannes
+183-nation
+bitches
+state-operated
+1:5
+buerkle
+cem
+bitcoins
+anceps
+hébert
+shuckburgh
+ucha
+huaji
+connexin
+derzhava
+studentski
+forero
+percolators
+turul
+jacquez
+ferrets
+phosphor
+lierne
+national
+enlightens
+h-2b
+eaglets
+g.g.
+dramatis
+woocher
+telepathic
+hosam
+brasseries
+5,378
+encuentra
+wenesday
+personify
+1973-1975
+barkal
+quadriennale
+36.80
+djafar
+drupada
+coeval
+nagatomo
+pembaruan
+urinates
+zhawn
+baliuag
+identity-based
+6.0-liter
+tiers
+vorticity
+wijesekara
+x24
+makaram
+légère
+londoño
+boe
+anemia
+well-managed
+sophora
+ghah
+tjh
+jocelyne
+silenced
+eminence
+31.59
+jaco
+integrelin
+machtergreifung
+sveinn
+smoker
+coudray
+chappell
+endemism
+reinstituted
+terumo
+daemonum
+actriz
+50,800
+bandarawela
+hong
+3.6730
+neuroinformatics
+przemysław
+stunners
+worldpeace
+lunga
+euromonitor
+presented
+trocheck
+magon
+lapstone
+haworthia
+uhl
+sisoulith
+kaboom
+dinei
+moberly
+desler
+decently
+capacidad
+inquilab
+nosema
+pawan
+marakwet
+v2500
+hospicio
+synonymously
+mates
+v20
+cottian
+quantiles
+dormant
+narasimhan
+42.36
+losi
+lazarevic
+jumex
+ficcion
+rigvedic
+beckenstein
+steinfels
+mediaweek
+kse
+ideapad
+montandon
+implacable
+31sec
+busch
+coldham
+ongondo
+41.75
+sequins
+herefords
+hermeneutics
+liow
+contortion
+dison
+mailliez
+adjunction
+gouda
+kupreskic
+fedesarrollo
+woodmore
+publications
+tsouli
+gonul
+togadiya
+begona
+commuters
+furik
+106.30
+nonemergency
+majeerteen
+(561)
+attis
+echevarría
+3,262
+claman
+40,000-seat
+applause
+vaada
+bovec
+chadlington
+lands
+evade
+yiliang
+lavelle
+wrinkles
+benally
+spermatophore
+nadaraja
+mankulam
+kult
+balete
+79.00
+sadik
+interceding
+filiates
+castagna
+nns9
+ryoken
+prenzlauer
+weaknesses
+annually
+26.3
+everetts
+bottomly
+tazhin
+63.68
+effy
+papala
+148
+featurettes
+al-andalus
+honeymooned
+10-county
+mobikom
+chiarello
+wdca
+pallotta
+slyusareva
+planète
+cates
+flatmates
+gudi
+senal
+0803
+bestselling
+imitate
+henkes
+dorling
+nabisco
+phytosaurs
+colloid
+brežice
+8x10
+4,575
+ontology
+proof-of-concept
+saemmul
+hissing
+calibra
+solio
+leatherbacks
+meißner
+nightjar
+nigerien
+tuchola
+al-qasimi
+filyaw
+arbab
+phoniness
+drovers
+raghuram
+pubescent
+pilah
+richburg
+s.e.a.
+kaufmans
+f1s
+hertzian
+unscop
+mentawai
+teerawiwatana
+avantasia
+cloyne
+tides
+moftec
+považská
+bebington
+metalclad
+sexagenary
+108.43
+vels
+griffo
+overstays
+kaikorai
+exhibitionism
+irwansyah
+chechnya
+shibori
+epas
+seemingly
+mamizara
+scp
+ngoepe
+tullia
+meatiest
+parader
+saneh
+namanga
+odiah
+tartman
+depose
+medius
+pasmantier
+maketa
+dwellingup
+paldiski
+marcio
+maaseide
+euro730
+koffee
+dosa
+routers
+bidston
+funnels
+brainlab
+ia-64
+low-mass
+libellulidae
+epley
+hänninen
+djordjevic
+38b
+despair
+acrylamide
+seris
+incongruent
+julhas
+bergenhus
+flourescent
+lagging
+fourth-grade
+akinnuoye-agbaje
+reman
+acuff
+jhonny
+philippe
+haccp
+michilimackinac
+makinwa
+neyer
+naut
+dacosta
+baggie
+pepsu
+wellborn
+landale
+pomerania-stettin
+couchiching
+loiret
+700-square
+ackee
+zabranjeno
+fogey
+klores
+vadsø
+scissorhands
+simran
+supo
+schiavi
+baso
+nt-based
+169.4
+nationalsozialistischer
+nine-hole
+pierre-simon
+pacifist
+twelve-tone
+lawrance
+uzana
+weanling
+wolfville
+mamasa
+u.s.-drafted
+balloon
+grabb
+gihn
+thq
+estense
+7.91
+liron
+fibrillar
+aspis
+anti-revolutionary
+ksitigarbha
+murcia
+herget
+perov
+hardcovers
+florida.
+340.7
+mceachern
+banned
+multicoloured
+11-on-11
+twilights
+escalated
+avre
+jidi
+obolensky
+fragmented
+responsibly
+mso
+.539
+commissaries
+nestorians
+twrch
+cuby
+baracus
+miming
+yin
+7.5
+wasielewski
+glendora
+39-34
+mtrcl
+anopinella
+slank
+authoritativeness
+maude
+isenberg
+demaret
+kudu
+arcee
+furia
+cohabitating
+hearne
+interracial
+fusiformis
+mashaal
+142.4
+flakey
+adult-contemporary
+wigwam
+coldstone
+suriname
+ebuya
+zougam
+schnarf
+kounellis
+paleoconservatives
+55.83
+souchard
+sonargaon
+drug-free
+phinehas
+defraud
+iparraguirre
+paerson
+15-second
+pilots
+korana
+rigoletto
+alfasud
+drummondville
+5,487
+mchale
+10:33
+unruly
+honeymoon
+dally
+phytase
+soilih
+hemed
+nihilo
+chimaira
+basler
+sucka
+mościcki
+5-57
+db4
+sentimentalist
+kenangan
+1550s
+milhouse
+eroglu
+orgeron
+adeliza
+shedaisy
+1,910
+ten-string
+giannitsa
+wakefield
+10.23
+kimberly-clark
+muntjac
+thread
+euskirchen
+moroccans
+junren
+contraventions
+brisa
+cap-and-trade
+brussels-halle-vilvoorde
+jaabari
+jamalpur
+wenske
+taimuraz
+maika
+hitters
+tartt
+peartree
+horcrux
+addum
+dodington
+midlake
+palco
+vakilabad
+florence
+jansenist
+454th
+nohar
+srce
+43.54
+borre
+locum
+chibas
+tarpaper
+bobbies
+esds
+mikhalkov
+pattom
+024
+complainer
+democratize
+salmaniya
+romulus
+posie
+47.29
+wuchang
+hengel
+kenoyer
+hartnett
+benavídez
+87.35
+stankonia
+resounded
+xàtiva
+baeksang
+dhavernas
+rothermere
+dossey
+loaners
+colaiacovo
+60.52
+glamorous
+storo
+maccabe
+hammar
+217-member
+pre-1960
+exchanging
+all-africa
+maetel
+nf5
+novar
+mondini
+shinobu
+rica
+rasid
+reginald
+rdl
+ipods
+bapak
+tottle
+motionplus
+sgs
+mukta
+2108
+60.86
+coreen
+manholes
+rediff
+mastelotto
+hyett
+268.5
+reboulet
+tofael
+47-31
+sfatul
+dyott
+brakeforce
+cube
+trifluoride
+todman
+147th
+27-may
+aristobulus
+força
+classicus
+100-year
+suomussalmi
+sevene
+cachin
+114.81
+finisar
+keezer
+rhyolite
+switched-mode
+stx
+soopers
+komsomolsk
+brougher
+gadio
+inez
+clafoutis
+enmeshed
+greenville
+cinder
+special-interest
+dreekmann
+wildhorse
+2,447
+72.20
+sauces
+rustication
+garganas
+cavallini
+goguryeo
+thickets
+zelnorm
+topographer
+kalaje
+labado
+tomales
+hersi
+sellier
+natcher
+continent
+7.55
+söderström
+5-93
+ormskirk
+fron
+ayurbarwada
+shipway
+halbouty
+yemenite
+89-78
+anadigics
+najo
+tawiah
+dumbbell
+badruddin
+stanbury
+pribumi
+64-bit
+riddled
+tretiak
+lavochkin
+.517
+confronts
+desbiens
+rii
+padiham
+kostova
+1,500-ton
+arvid
+detonations
+redbelly
+avaricious
+aligning
+bool
+depoliticized
+carpintero
+discrediting
+double-digits
+nixey
+tondano
+politicize
+strassman
+kinkajou
+madarsa
+chithirai
+trebnje
+mbangwa
+nuptial
+harpies
+mutalib
+guglielmino
+septembers
+pudor
+yavne
+lotic
+marostica
+lockie
+bayed
+sleaziest
+pescennius
+blanchet
+pshe
+ommar
+gush
+3,582
+bunion
+across
+t-intersection
+118.20
+daewon
+travancore
+dorsch
+5-day
+atopic
+frechaut
+2,309
+abderhalden
+novostei
+restrictions
+endears
+sirius
+jave
+euro133
+raim
+kayce
+grainne
+mles
+mekons
+exorcism
+48kg
+bratz
+dionisi
+pennacchio
+http://www.nsf.gov
+bayamon
+poove
+41.05
+perno
+clomp
+sindhudurg
+gonick
+jashari
+leedom
+wagr
+harassers
+späth
+zadorozhniuk
+1-29
+fiber-reinforced
+102.31
+judases
+shan
+muntaner
+tallarico
+bankrollers
+photocathode
+netbook
+maurren
+hisako
+ebru
+popo
+barão
+ibok
+credit/debit
+snodgrass
+floridablanca
+five-episode
+pomazanova
+reassertion
+mini-tour
+woodswallows
+http://www.coxnews.com/2000
+chaunus
+euphemia
+2.05-meter
+23.20
+31.23
+mayuka
+quenches
+eco-socialists
+dissociate
+huppert
+mundania
+hebrew
+savoyard
+slitinsky
+senko
+dagano
+biology
+utsler
+vasantha
+bbcs
+““
+ciechanover
+nabaida
+bardeen
+miika
+beings
+hiligaynon
+alvinczi
+83.95
+nols
+kehres
+21:18
+ioana
+shafique
+carliner
+nonperforming
+sandison
+petronelli
+asenovgrad
+prospers
+verboten
+46.26
+f-16d
+quasicrystals
+danh
+eurotas
+diegan
+urumpirai
+titãs
+caesalpinia
+oroquieta
+reappearances
+sina.com
+nordre
+microdon
+mozgov
+shaywitz
+kataev
+kainer
+tortelli
+internships
+crista
+zaniness
+donners
+lootah
+smeltz
+sideris
+placida
+29.83
+chiffchaff
+illumined
+clifty
+278,000
+scoffs
+pursuit
+inflacion
+drezen
+mabank
+rabbitbrush
+paterae
+tempt
+tommasi
+eave
+prueba
+obituarist
+jingnan
+7:25
+traxx
+ronconi
+rolls
+petre
+evat
+niran
+tudori
+gatti
+day-school
+mohlglobe.com
+dravidians
+1969-73
+4,072
+rhodesians
+ghazil
+anarquista
+astle
+11,400
+ciné
+path-connected
+deery
+dziedziczak
+moda
+writethru
+raheja
+carbon-fiber
+boissieu
+gott
+luos
+sector
+nanorobots
+nitrite
+big-screen
+piroozi
+earring
+reorganizes
+159.1
+snakebitten
+thiebaut
+indurated
+accredit
+armiliato
+yoi
+noncorporate
+berrys
+prewritten
+paal
+connote
+corvidae
+suber
+watabe
+cyclosarin
+lidle
+ined
+maglione
+hania
+goalkicking
+kłoda
+kętrzyn
+fianc?e
+63.69
+st.-honore
+mp5
+sc1
+localizations
+ongar
+nazarbayeva
+sullied
+sts-124
+carbofuran
+36.39
+meagerly
+marzouq
+salacious
+memramcook
+pietersz
+folkestone
+ubico
+khushi
+skoubo
+malekabad
+damacy
+imitation
+artist-in-residence
+cheerdance
+pennine
+points-per-game
+pangasinan
+farhad
+48,500
+internationalis
+2.225
+stanwick
+spanned
+alemanni
+cmms
+perverse
+actinolite
+eisinger
+qayyim
+13-by-9-by-2-inch
+muhyadin
+nghệ
+leaving
+valder
+savari
+scharrer
+195.3
+asier
+pseudouridines
+sebastopol
+econo
+yuxian
+sinless
+amateurish
+unix
+hitchen
+cheez
+munt
+fahid
+seven-wicket
+refinements
+esposizione
+intimately
+www.expedia.com
+digested
+gyawali
+25.04
+academic
+sudheer
+c-4
+killen
+linlithgowshire
+677
+vishy
+1,3-butadiene
+hared
+fabio
+bergert
+elektroprivreda
+semi-official
+joujouka
+person
+sehanine
+shuttlers
+ufundi
+texasville
+rhus
+spacing
+kamaluddin
+bg2
+24-hr
+futenma
+75,000-square
+bandmaster
+35-game
+emigrates
+rydberg
+abeywardena
+humabon
+msdf
+111.63
+lafeber
+fitzjohn
+euro172
+ohrid
+nav
+hookers
+wedoff
+refocused
+genereux
+pirin
+interbedded
+gymnosperm
+desapio
+ashikaga
+ra.one
+ravensthorpe
+seethed
+d'affairs
+thronging
+lubars
+comitis
+myford
+sharlow
+mk1
+jakupi
+incandescents
+jcb
+mabelle
+25,400
+6.17
+mebane
+darkhorse
+15-28
+compressional
+yamile
+masturbation
+vasovic
+andaz
+rafm
+mid-1950s
+trsat
+carvalhal
+taverne
+targaryen
+sagor
+wwhl
+resistin
+supplication
+yrigoyen
+grouillard
+rsmc
+tiny
+ikan
+otherside
+kleiss
+onoro
+marocco
+9min
+natalis
+gaine
+atlántida
+sigilverse
+umbehr
+ires
+slavonic
+trmpac
+patient
+paschim
+750-million
+71.41
+commercialised
+9.20
+sja
+whoopee
+nairobi
+57-43
+lwp
+noontime
+biya
+prasadam
+199.4
+bugfixes
+oos
+555-seat
+phn101
+13.84
+out-of-band
+tempest
+restrictor
+hitquarters
+derogated
+25-15
+62.20
+spritely
+childrens
+aerated
+hariharan
+vaisseaux
+mmps
+poussin
+tatar
+rancidity
+battenberg
+statism
+post-bop
+icomos
+byu
+lacto
+lrcp
+staci
+iec
+koyamada
+fatherree
+hover
+44.18
+co-ruler
+l-head
+doda
+nzse-50
+gelsinger
+mpaulson@globe.com
+donaire
+tuyl
+reappearing
+buckham
+siemiatycze
+karshi
+azemi
+winnett
+kempelen
+erdington
+54-foot
+nahhas
+demonetized
+friedeberg
+magistretti
+claymont
+anfernee
+3-of-5
+remanufacture
+cumbias
+bullet-riddled
+contextualizing
+corps.
+šumava
+borujerdi
+kavadi
+shorttakes
+cross-site
+well-acquainted
+5-2-2
+rgc
+2145
+gko
+stubblefield
+elegiac
+niet
+rm21
+campagnolo
+nicobarese
+polygar
+levitates
+zohi
+bonda
+marmi
+pascali
+half-pay
+cavaney
+140.54
+wished
+safehaven
+ferrare
+quiznation
+doop
+marbury
+turbidite
+rename
+szilveszter
+pippins
+douty
+turbojet-powered
+necas
+pind
+ayyanar
+mayoria
+piracicaba
+luighne
+kostroma
+unvegetated
+kfum
+sazanovich
+kendalls
+wide-bodied
+tallmadge
+kluszewski
+100.50
+miłomłyn
+54.33
+lashanda
+mancera
+arianespace
+dissociative
+anglicus
+data-driven
+monumenta
+astrogeology
+98.67
+markie
+seacoast
+pharmacologically
+valian
+tunga
+cyanobacterium
+slapped
+mennell
+infosport
+reams
+parotid
+wheelmen
+stannard
+artemisa
+fyrom
+nurhaliza
+bunye
+penicillin
+wonersh
+stairwell
+clinton
+bv
+coinages
+skanska
+papworth
+re-founding
+guram
+axmann
+megachurch
+pent
+privies
+unroasted
+centrum
+pasko
+academician
+gelb
+prefontaine
+azera
+continentwide
+steelmaker
+tendentious
+cisplatine
+idealizations
+chorkina
+scrawls
+mirvish
+northesk
+three-hole
+aleen
+gardell
+hoasca
+113.70
+elston
+kimbrell
+desarrollo
+hydrolyzed
+9.62
+meise
+fiers
+circ
+adivasis
+tiffen
+(773)
+dedaj
+www.blogs.tampabay.com
+sterilize
+patrick
+223.8
+mahecha
+camara
+ensiferum
+headboard
+tarring
+kuber
+specula
+serampore
+clepsydra
+sigfusson
+776
+geschke
+51.29
+puttick
+zhikharev
+jarbawi
+uncreative
+fre
+83.46
+0.228
+celestine
+pejovic
+-67
+fagerholm
+perpetrate
+1024x768
+remains
+quetta
+emotionalism
+v.i.l.e.
+ntu
+sitwell
+crescenta
+heat-sensitive
+16-15
+hospitalized
+beightler
+anboto
+half-full
+hujara
+sod
+paratype
+bjordan
+siao
+council
+jakey
+peens
+michalis
+impassible
+thuringia
+mono
+doo
+pigalle
+aberaeron
+buffo
+grandey
+marashi
+secret
+cactus
+nemec
+hovda
+ugolino
+vigilius
+negage
+lauries
+skeleton
+æthelstan
+mauricien
+freiberg
+271.5
+bettcher
+opportunities_washington
+turambar
+coloring
+originalist
+26,800
+qamba
+sophisticate
+umana
+burntwood
+weil
+occupying
+latin-derived
+94.04
+bonvicini
+62.09
+ariola
+pyrophosphate
+pocho
+coverture
+minutos
+chromatic
+bouasone
+imee
+assertions
+hematologists
+gunatillake
+petiolaris
+piyasvasti
+sreh
+investimentos
+stratham
+herbe
+111-104
+zoroastrian
+cantanhede
+altoona
+power7
+masterminds
+epistemological
+nist
+scrambled
+stogner
+tom-toms
+duo
+jims
+many-body
+olivellidae
+uniqueness
+oorang
+bhatia
+d'aiano
+21-year
+hate
+kosów
+treesong
+skinny
+whistleblowing
+bramwell
+10-to-15
+neeson
+cowpea
+guatanamo
+terusuke
+goyer
+lương
+bhagirathi
+templecombe
+moneyed
+self-love
+druim
+32.65
+325i
+114.25
+crunchiness
+terminillo
+beadon
+tspm
+linas
+lks
+2.285
+gesù
+subasinghe
+totara
+cenis
+8:00
+college/university
+weak-willed
+oil-burning
+stupnitsky
+tual
+ejectors
+propp
+arable
+karjakin
+again
+tracy
+lakisha
+hemorrhagic
+ayanami
+contingency
+wannstedt
+50-cent
+gangopadhyay
+veronica
+pownceby
+hydrograph
+ulman
+denoueix
+pde5
+gaspar
+bayot
+federov
+churchman
+nursed
+fannies
+santhan
+spindleruv
+lumut
+ælfric
+ireport
+101-92
+2:3
+duss
+flaccid
+1952-53
+pantomiming
+nasa
+urædd
+sabatine
+94.59
+alkalaj
+49-24
+ashoub
+pankin
+riddlesworth
+widzew
+boël
+megh
+gellert
+unaccredited
+3-foot
+positioning
+instigated
+horcruxes
+ann-marie
+ommitted
+modinagar
+wes
+scarlet
+sdb
+streb
+demetriou
+3,347
+α2-adrenergic
+desecration
+jubak
+cetiosaurus
+ameland
+polga
+vleminckx
+obstinacy
+four-bladed
+1956/57
+pishoy
+combustors
+berliners
+turris
+sa/b
+brentson
+matschie
+wsga
+6-2
+egra
+rear-seat
+donde
+hyssop
+amounted
+galaksija
+itinerary
+modified
+okolo
+ethiopian
+italiens
+meisho
+alexanderplatz
+81-run
+anti-gun
+malmesbury
+edale
+declaimed
+160.6
+crofton
+meus
+bainum
+scheibel
+cronise
+propter
+tamannaah
+10.52
+strykers
+whithouse
+woodfin
+wronki
+mailhot
+agartala
+kingsboro
+donegal
+symbolist
+levinsky
+sureness
+acco
+lehtomaki
+45.47
+brighteners
+tayfun
+13.82
+goranboy
+codice_22
+euro298
+camogie
+56,700
+1.5135
+gilday
+controllata
+m-high
+sub-communities
+lambrew
+techworld
+aldura
+wonk
+tega
+rio
+apathetic
+sightsee
+faithfully
+1000.00
+chevrier
+unpleasantly
+kazoos
+kenesaw
+emblematic
+d'auteuil
+pacocha
+mirzapour
+atthis
+multiplications
+47.80
+dracunculus
+wctu
+40.8
+lingyun
+paranoia
+shels
+instamatic
+mantos
+nauka
+sigmatropic
+oughtibridge
+eelco
+diah
+1.046
+9,185
+trauger
+lyte
+oahe
+unwelcoming
+rive
+nutri
+cresson
+tufakji
+blasdel
+batting
+pullouts
+boyar
+nfs
+hinduja
+choux
+dorsiflexion
+maybin
+6p-9p
+eglwys
+sassoferrato
+multiplus
+falls
+1/9
+dorsolateral
+nottm
+dm2
+silja
+wakker
+vermiform
+clintonism
+179th
+poètes
+lilla
+5,070
+a-100
+activewear
+2,453
+kafar
+coot-tha
+ruffin
+hornburg
+comau
+recertification
+tricorne
+desertification
+foco
+newtonmore
+weisenburger
+alt-rock
+ibsf
+filmstrips
+acga
+applicators
+hugely
+replies
+ochten
+j.
+baldivieso
+disdains
+o.t.
+adjoined
+70-ton
+zoric
+fibrinolysis
+araks
+unfathomably
+masunda
+carneys
+(405)
+australasia
+pontifical
+ut-tahrir
+czech
+markert
+hourlong
+d'armor
+gerri
+biedermann
+maruti
+shoddily
+pelayo
+92.68
+kreger
+balleri
+revive
+skolkovo
+sobanska
+skeid
+nirs
+köprülü
+clearwell
+abusiveness
+247.8
+refrozen
+molyviatis
+tahan
+driggs
+dowlat
+morrocan
+authorise
+murry
+dunsworth
+ndiho
+hoos
+mtkvari
+barbone
+jla/avengers
+grafenwoehr
+gedeo
+punk
+、
+pickover
+migraines
+agreeable
+internist
+lwa
+epinotia
+claymores
+fastens
+bb6
+ss-gruppenführer
+guntis
+89.51
+wittich
+eurynome
+30-something
+64a
+tarah
+strahorn
+cadelago
+m.th
+grosso
+albury
+runing
+gihanga
+moremi
+belloy
+95.5
+sleepwalk
+riruako
+convener
+natar
+polgar
+meren
+marchands
+fannia
+puthiya
+cg-4
+enahoro
+41.18
+czarina
+hangeland
+storagetek
+prayed
+3:55
+chene
+1.375
+clubland
+settlement
+farrand
+scieszka
+casselton
+p226
+fate
+annihilation
+tĩnh
+okpo
+guoli
+crystalline
+upei
+encomium
+a350-900
+samut
+munificence
+chevedden
+7.58
+follette
+hadzici
+intraocular
+kempis
+d50
+chechi
+schweigert
+fishtailing
+75.23
+gadea
+blackton
+steppes
+anti-flag
+aldridge
+kadek
+circumcisions
+rte
+unengaged
+hebrew-language
+proportion
+sperber
+chomedey
+pangasius
+pica
+unshakeable
+humiston
+tsentoroi
+brucato
+capitalists
+isoun
+a52
+kiggins
+burlingame
+cumbia
+3,744
+sulser
+talas
+whiplash
+220-volt
+pugilism
+kulpa
+después
+dailly
+iraq-1stld
+conservapedia
+godsey
+14min
+accumulative
+7/km
+fulmars
+mckinna
+reredos
+tie-in
+congregationalists
+matua
+infancy
+pickup
+mayock
+eigeman
+hoshitango
+mérode
+hi5
+kazi
+plie
+ajili
+mythology
+arizabaleta
+duchesses
+52.34
+cowhand
+acimovic
+mastication
+kartchner
+fragmental
+pehrson
+-1927
+tifariti
+waltham
+raurimu
+tannenbaum
+balakong
+noack
+introvigne
+sital
+manabi
+pro-moscow
+1955-1958
+relegating
+edon
+intracytoplasmic
+wojewoda
+beisheim
+distanced
+116.68
+greediest
+norther
+grigoryevich
+jbel
+mcglaughlin
+dwar
+wreathed
+1,646
+uniformitarianism
+30g
+world-record
+vincente
+ellender
+inspire
+ndu
+rivet
+furring
+clipping
+bikindi
+tachia
+unmoved
+listless
+vexes
+virorum
+kittyhawks
+meskin
+stef
+oversimplifies
+ghul
+bodeguita
+zawa
+diaries
+veraguas
+struway
+259.7
+phantasies
+absentia
+martinek
+op-eds
+kes
+gesmer
+cosson
+gratuitously
+hedemora
+inconsistencies
+gulliver
+crazier
+hakkies
+plain-clothes
+father-and-son
+prepended
+maun
+ocr
+torrado
+lewellen
+repka
+étudiants
+warfare
+kalamazoo
+congratulating
+fuld
+remixed
+regener
+axils
+srinivasa
+killinger
+mapleson
+scag
+hosoi
+plumbers
+11:35
+shirov
+portugese
+ivillage.com
+consultant
+deronda
+pessac
+roped
+male-female
+zipaquirá
+369
+threadneedle
+panesar
+rassman
+kranzberg
+bigelow
+grigio
+klatovy
+244.8
+rockford
+legionaries
+nafas
+1.478
+suhadolc
+revenge
+9.7
+50-goal
+kishin
+haight
+letzigrund
+ragman
+beatnuts
+alexoudis
+cadena
+choeung
+skop
+crombies
+dierckxsens
+intergang
+diaconate
+brythonic
+deweese
+monophysites
+orhei
+stum
+panganiban
+augen
+freeride
+derman
+fusel
+scum
+satyrium
+appleford
+paletas
+fownes
+waigaoqiao
+kanaana
+north-northwest
+neutered
+atrium
+re-locate
+avobenzone
+etxebarria
+klepac
+hereditary
+abboud
+78.92
+99.29
+1.446
+chalking
+uslpga
+safes
+siemerink
+danys
+1,000-page
+pottenger
+transgressor
+dotcom
+10.39
+jugar
+drop-outs
+lednik
+interaural
+tronstad
+israelite
+noppawan
+mendeleev
+malori
+lüscher
+harmonizing
+wherever
+58.57
+2-3
+eagleville
+under-rated
+perutz
+yokels
+xinbei
+wjjz
+leger
+locavore
+dhaka
+stinginess
+dhanusa
+week-long
+thoi
+tuesdaynight
+hydrography
+saulius
+swadeshi
+over/under
+malietoa
+2104
+hawkin
+hommes
+eggy
+gloger
+eurovan
+governator
+2,394
+călin
+netter
+fadwa
+wetherington
+disciple
+cuiaba
+placated
+groupement
+sbc
+matei
+grazed
+6-18
+scindia
+wetsuits
+hongkongers
+stetler
+foreword
+17.96
+soumillon
+quasthoff
+yero
+ciff
+cienfuegos
+csds
+125.50
+ostad
+belarussian
+eyestrain
+150.0
+bač
+nokian
+buffeting
+primaire
+zittrain
+chevalley
+planaltina
+120.24
+ervan
+piva
+romita
+naina
+ghor
+26.74
+i-miev
+rfb
+4-for-8
+24:28
+jerris
+renunciations
+18:09
+tshuapa
+9,500
+execration
+baumrind
+53.37
+dinosaurs
+sopron
+gliemeroth
+creavy
+berlian
+1kg
+derick
+yankunytjatjara
+51.92
+cimahi
+blepharoplasty
+saddamist
+butyllithium
+koharski
+zabar
+derogation
+upper-body
+edinho
+1-888-346-9867
+yohann
+streetscape
+shahtoosh
+dezh
+tarry
+anglo-zulu
+d-iii
+5:55
+s1001
+cdu
+neupert
+suffragist
+bayas
+399
+afinsa
+eu-funded
+mundu
+sopha
+3.227
+ethe
+weisbrot
+qualla
+mke
+dangan
+behrend
+dlj
+ogborn
+qim
+r.m.s.
+droughns
+ebmud
+carafes
+near-fall
+montcourt
+collodion
+shalimar
+bends
+silica
+lodes
+malha
+cnp
+omniture
+schluter
+greenstone
+herzog
+manumaleuna
+estela
+scoreboard
+20-ounce
+dropo
+wilmott
+gernander
+rejecting
+goksel
+antireligious
+karges
+sanctity
+teppei
+105-year
+geus
+berghofer
+45-run
+la-based
+444-8823
+24min
+miyashiro
+kiribati
+akilah
+wauseon
+-1.75
+biozentrum
+cazaux
+169.75
+enthroned
+151-member
+digresses
+spitz
+intron
+pogson
+balasko
+floozy
+moshin
+isentress
+jodi
+mauser
+yarmouk
+klausen
+0-6-1
+microscope
+marcao
+kedumim
+almonds
+willans
+kati
+spin-offs
+blizzcon
+crusan
+highflier
+shailene
+convivium
+deremer
+85.6
+ships
+plenipotentiary
+damjan
+nonresistant
+jordan
+epru
+dolnick
+kamenka
+athenia
+windfields
+iftar
+sveio
+souled
+15,850
+spyker
+rhabdomyolysis
+causative
+9,875
+ogbonnaya
+sadko
+jo-yeong
+g.i
+señora
+macintoshes
+newbold
+nbc4
+twiggs
+reebok
+burghers
+maariv
+viduthalai
+dossin
+infinite-dimensional
+hungate
+featherbedding
+melawati
+elizardo
+turtletaub
+5,209
+66.00
+kiriyenko
+nikephoros
+kishoreganj
+naoussa
+islip
+fard
+,310
+fedorenko
+square-shaped
+daijō-kan
+multicolored
+119.40
+bailundo
+freetel
+3-yard
+erudite
+ustaše
+74th
+covariants
+vintsuk
+kaki
+highest-rated
+crespí
+guelphic
+cormon
+agreement
+maltravers
+udell
+kibiwot
+spongy
+videogames
+gsk
+judaizers
+cyane
+pavkovic
+wrx
+horrendous
+valkyries
+retrials
+squashes
+11.68
+70-man
+bolita
+6.26
+skateboard
+l'opinion
+jurijs
+monticola
+gavriil
+exanta
+whalum
+marly
+conceives
+pupienus
+hamdard
+luoyang
+tawke
+sebba
+alverstone
+patimas
+stanisic
+milbrett
+dijaya
+kya
+chabi
+tachilek
+paun
+kagarlitsky
+richibucto
+carlisi
+rochel
+jaerbyn
+bozzo
+grach
+scalzi
+gaisha
+pent-up
+cientifico
+chestnutt
+delineating
+greenlees
+us-77
+touran
+medmenham
+tuilaepa
+62-minute
+sadovsky
+dreiser
+carbs
+head-end
+smara
+cyclin
+principato
+puzzlingly
+drank
+dj
+ganadero
+grosse
+euthyphro
+dealt
+www.apple.com
+merisi
+4,512
+sextus
+siskel
+glancingly
+over-100kg
+2,743
+pietist
+sensible
+wm.
+afsan
+top-12
+ex-mayor
+prizegiving
+85.22
+gellner
+armati
+jerod
+uspacom
+gratton
+sonicblue
+sandars
+skeppsbron
+dhruva
+similarities
+macabeo
+bardsey
+fleischman
+represenatives
+22-30
+bmm
+birley
+nekton
+129.1
+revisers
+sriranga
+südfriedhof
+seifer
+contrat
+lingle
+doğu
+principios
+review-journal
+lainson
+representante
+paulet
+74.83
+kornilenko
+ktla
+unexpired
+shlomit
+dakahlia
+printhead
+overexpressing
+mundelein
+235.3
+wedin
+landsman
+wijewardene
+sabretech
+fingertip
+decroce
+84
+steinmann
+prompting
+arcore
+sytch
+theodorick
+bartosik
+paleologu
+rosenwald
+showmen
+hotten
+stilled
+melter
+charuymaq
+edmonston
+oblong-lanceolate
+monoprints
+jango
+rolpa
+baratos
+manhattanville
+accokeek
+http://www.kennedy
+factorized
+4x50m
+brington
+houdin
+friendships
+tomassi
+djankov
+conventicles
+sarni
+73.88
+forenoon
+artas
+overshadowing
+holochilus
+dualism
+zhiqing
+weilbach
+coventry
+willed
+coordinadora
+parable
+gees
+fatter
+baldy
+carax
+11.75
+jojoy
+under-16s
+parchments
+liaoyang
+figueras
+pouillon
+maicosuel
+pomerania-wolgast
+reincarnate
+discriminative
+w12
+lordosis
+tell-tale
+segui
+disincorporation
+kd2
+montelongo
+56-43
+rockwiz
+aces
+spanjers
+unwanted
+puzzling
+watertower
+salz
+skyliner
+klingenschmitt
+multi-mode
+nyora
+anti-radiation
+zeitgeist
+shanmugam
+traduction
+wooly
+all-rounders
+elaina
+spratly
+kettler
+brigade-sized
+biyearly
+opsf
+brayglobe.com
+şafak
+shohr
+saola
+dunellen
+tido
+kexin
+preemie
+escalon
+15.36
+cammarata
+putney
+minimised
+90.47
+ruminants
+organización
+dynamics
+dodgeball
+stratford-on-avon
+idris
+dor
+andrae
+vitelli
+ar-10
+fasola
+beti-pahuin
+thirlestane
+demoralized
+baramula
+dunstall
+uniiic
+kravica
+dergarabedian
+prozac
+crowding
+delic
+seamaster
+stanescu
+signification
+500-room
+sohrabi
+znamierowski
+exclusivamente
+abriendo
+kubang
+ss10
+4-last
+cotulla
+devasting
+over-enthusiastic
+gephardt
+atlacatl
+500-a
+gerhardsen
+natively
+full-brother
+atpc
+riely
+manji
+fitr
+noge
+icem
+skånes
+jamberoo
+tarsometatarsus
+rocknes
+angering
+identified
+encima
+527s
+stanmore
+kroonstad
+tuomela
+1499
+aerosol
+jishu
+clokey
+kalmen
+trafton
+taxin
+tomorrownow
+varazdin
+2,728
+khidmatgar
+lonstein
+unfinished
+9.8
+95.46
+lagoons
+comuneros
+somersaults
+matzah
+marcescens
+2,372
+cooperatively
+adv
+ctc
+12.5-kilometer
+under-represented
+visco
+mishake
+chitale
+balearica
+slowdive
+einars
+445
+polystichum
+staritsa
+646
+compulsories
+factor-alpha
+staffelkapitän
+second-tallest
+daina
+songwriter/producer
+crémant
+smas
+ueno
+1997-2000
+mitsukoshi
+schwall
+rescinding
+kwg
+copeia
+duty-bound
+awaits
+orchester
+yamoun
+arramirez
+mayard
+prodigality
+dreamlike
+cináed
+harmful
+ammonian
+=)
+lahsa
+hawg
+łask
+croatian
+terriers
+taormina
+dowlatabadi
+phongthep
+koica
+procopius
+composure
+credulous
+perelman
+thaçi
+fludd
+macinnes
+pannier
+penitente
+vedute
+aauw
+fairground
+williamston
+pinkett
+östen
+gerosa
+32.69
+aćimović
+elkan
+administered
+apogee
+aking
+17.17
+bebber
+l'affaire
+seminario
+wpm
+ultra-left
+social
+kurdestan
+freberg
+vandeleur
+łochów
+kwaio
+108.69
+ordzhonikidze
+okon
+chef
+goweili
+20.62
+lotf
+gary.andres@dutkoworldwide.com
+huitfeldt
+167.7
+mentadent
+illuminates
+tunner
+centos
+rampa
+rivulet
+38.47
+guas
+marie-victorin
+escrows
+lehi
+weierman
+gaith
+pleasurably
+subpoenaing
+gladrags
+frites
+heleno
+choluteca
+wryly
+disputatious
+tysse
+kersley
+loncraine
+jameah
+checotah
+126.40
+catc
+galperin
+bearer
+calliotropidae
+775,000
+arbitrator
+alester
+martin-löf
+bonhof
+seddiqi
+fsln
+113.4
+ulanga
+kalff
+canidae
+all-christmas
+cyrpus
+fula
+twins
+clignet
+ellingsen
+solve
+yoshinari
+sadhana
+tow
+defanging
+aerolite
+bundock
+cultivated
+acyl-coa
+rema
+24.13
+foxe
+lula
+arsalan
+kidcare
+kddi
+fractional
+mujian
+cashews
+trobriand
+exerciser
+coreopsis
+träume
+ispi
+recalibrating
+default.asp
+hesychast
+trilon
+khandaker
+sulz
+drammen
+populli
+millsboro
+wattanayagorn
+meylan
+anti-drugs
+erik
+mikulski
+firenze
+15-state
+hersant
+hauksson
+zé
+gaxa
+odometers
+carola
+name
+exuding
+despatching
+backer
+circumambulation
+shortt
+epicrocis
+lipi
+yukos
+bedstead
+newberry
+88.71
+honningsvåg
+11.22
+komu
+akpoborie
+1,790
+45-footer
+dondo
+ngabo
+bicommunal
+densham
+celent
+oggi
+dillard
+273
+pointy
+stojanović
+reserved
+63.16
+atje
+spyrou
+brutalized
+yáng
+anglico
+66a
+chirambo
+underwear
+pickled
+burl
+vb.net
+908,000
+sympathetically
+http://www.bls.gov
+vice-premier
+mecklenburg-schwerin
+tiktaalik
+plovers
+karmapas
+corsino
+liberec
+unwise
+marei
+mbala
+semnan
+bob.straussdailynews.com
+virgenes
+shuttered
+pedidos
+mitea
+immigrating
+high
+gastro-intestinal
+13.37
+8-for-11
+vqa
+rieve
+antigraft
+galdikas
+7-foot-2-inch
+trás-os-montes
+burgraves
+clockmaker
+tasc
+1982-87
+belabor
+commanded
+bururi
+horsts
+3,703
+skępe
+homage
+samegrelo
+slavici
+abrading
+lasri
+plucked
+achebe
+hakha
+107.65
+h3n2
+decolletage
+1366
+hareb
+taft-hartley
+soslan
+cologne-frankfurt
+homiel
+leichsenring
+aracaju
+1,513
+multi-stage
+pahars
+behre
+hendarso
+kihei
+83.39
+medoro
+ohangwena
+showstopper
+107.16
+masionis
+excursion
+halima
+anachronisms
+goldmine
+119-year
+potternewton
+circumventing
+minnis
+jiulong
+couserans
+devleti
+kountze
+wherein
+doch
+-1.0
+dubray
+auki
+corapi
+saveljic
+wallace-johnson
+.470
+cuneatus
+beamte
+arnstad
+semiperfect
+fukushi
+celso
+yardstick
+drolet
+escapade
+numerary
+hwt
+shirar
+agustin
+viperidae
+planoise
+dragonovic
+nelligan
+183.9
+hexamer
+liliya
+mm/yr
+ballarpur
+o'doul
+173
+urbanczyk
+57.6
+mulvenon
+residenz
+walmer
+vidal
+biweekly
+enb
+memorandums
+chila
+caray
+262.9
+tribe.net
+ottumwa
+preysler
+érenn
+comboni
+mindspring
+redenominated
+fusiform
+muntasir
+ceder
+frak
+salarymen
+frisbees
+509th
+glenys
+aleikum
+maassluis
+nervy
+markopoulo
+sign-manual
+lý
+83.66
+smigel
+emiliana
+beandalis
+libidos
+kounotori
+limonium
+aalto
+piestewa
+danser
+laplante
+soiled
+delorean
+yisrael
+28.31
+scugog
+loreen
+dallas/ft
+marktplatz
+rougier
+5,000-meter
+362.5
+santis
+cranborne
+parasitized
+haldibari
+12-34
+electrode
+hweh
+valentín
+lepro
+dietetic
+recision
+blaz
+arnoun
+flugels
+decorator
+wolfhound
+horb
+cfdr
+puni
+zbinden
+riddims
+bulstrode
+ferk
+of-12
+vereinsbank
+olubunmi
+1841
+chernykh
+appealed
+popovich
+peniel
+apam
+wogs
+tugod
+retinas
+ayyavazhi
+20.88
+radiosonde
+melanotan
+xueling
+josey
+veng
+duga
+novice
+nns5
+ragama
+ruined
+drizzt
+helfgott
+jurić
+6.5-hectare
+lacs
+loosey
+tahincioglu
+saldana
+rushing
+noirs
+zygotic
+aravalli
+anti-aliasing
+micellar
+pointlessness
+adgate
+rencen
+mallouh
+mbambo
+medium-sized
+featherlike
+rakove
+120.3
+klodian
+sings
+kadhafi
+pccc
+timo
+scilly
+solskjær
+ch2m
+kulyab
+getz
+obake
+standalone
+bahrin
+battler
+16mb
+crewson
+vorian
+senju
+idiosyncratically
+nordhaus
+wache
+103-102
+reintegrating
+qayah
+shingon
+endowments
+kostanic
+kilbane
+however
+179.95
+ethelred
+white-bellied
+somewhat
+contentions
+nasals
+tinting
+18-to-49-year
+44.79
+sharfuddoula
+reni
+rhinarium
+casmir
+armentrout
+rutabagas
+5191
+ii.
+stockaded
+ex-employees
+druzhba
+111.37
+37.0
+hornist
+browz
+borut
+aborigines
+77.35
+granberg
+borromean
+crisis
+110.44
+dracut
+hainanese
+hitzer
+bifidobacterium
+gaudreault
+polyposis
+33-seat
+150-300
+holyfield
+magnetoresistance
+oranienburg
+hungwe
+unsparingly
+homebrewers
+ozden
+humanizing
+lptb
+bugatch
+neurorehabilitation
+gamliel
+kpe
+oryzomys
+graeco-roman
+haseena
+35-man
+kpj
+hemenetz
+goldfeld
+afro-pop
+bodywork
+chengde
+enantiomers
+terroristic
+hightone
+ma'ariv
+l'oiseau
+semi-finalists
+daemon
+aigrain
+elkabetz
+pudgy
+vernell
+andal
+punxsutawney
+legnano
+milongo
+demya
+withnell
+6-foot-11-inch
+wild-card
+oeger
+nijenhuis
+spinboldak
+2,163
+chemtura
+drei
+gilks
+ngun
+210.1
+kuda
+callow
+pleon
+gilled
+adapazarı
+cuzzi
+jalaludin
+56.77
+5.8-percent
+cappon
+jagr
+roff
+holtermann
+paleoindian
+yellamma
+1.3455
+elland
+adhikary
+10-degree
+wiessee
+trellises
+gavitt
+glele
+evl
+stringers
+desrochers
+urdu-speaking
+bieberbach
+anakin
+kinbote
+hobs
+stavudine
+.410
+hérold
+o'driscoll
+proteomic
+2311-3731
+bolshoye
+zeitler
+australiensis
+glover
+reluctance
+dismount
+glaven
+avital
+norcott
+saydnaya
+arax
+visionaire
+77-85
+77.4
+self-managed
+kosmala
+infinitive
+hova
+ex-cop
+mariinsky
+heteronormative
+belcove
+quintero
+55-52
+kallistos
+cocoon
+gluskin
+pach
+melvill
+shlock
+beddow
+itemizes
+hard-headed
+norval
+7-of-17
+hydroacoustic
+léon
+naghan
+indo-saracenic
+grindingly
+ozier
+schleper
+overtime_5
+extremal
+outs
+salsola
+conscientious
+casks
+reddi
+gisle
+packett
+microglia
+xccikcstar.com
+appletalk
+4,021
+splicers
+grovelands
+muttahidda
+hyksos
+kerber@globe.com
+chamisso
+lutton
+halltown
+surefire
+arrogance
+hog-nosed
+eusociality
+transponder
+torrontes
+brinsley
+kornbluth
+vicentino
+newenham
+scribner
+petah
+ingrained
+chandeliers
+sousuke
+nesler
+35-hour
+80301
+ochterlony
+11-match
+vishishtadvaita
+srinivasaraghavan
+limoges
+respert
+egads
+shahbaz
+end-users
+3400
+o'steen
+paniagua
+havanas
+contaminates
+amend
+squamosal
+panathenian
+organizing
+baloch
+godar
+amund
+raut
+lomaia
+balili
+bau
+famen
+duhigg
+urng
+4hero
+gassing
+2-47
+třinec
+beyonder
+kalgan
+submissiveness
+yenga
+mechs
+saris
+nahalat
+kreck
+tageszeitung
+8.71
+2,966
+piazzas
+governorship
+high-minded
+lyndon
+burne-jones
+wayanad
+three-digit
+gets
+transputer
+beggars
+shigenori
+patriotically
+naz
+minicams
+bronski
+kochu
+omnimax
+edina
+attila
+schwantz
+curto
+15.8
+tasman
+kalimba
+headquarters
+rüstow
+yeap
+geminis
+capitalia
+frankenreiter
+abdi
+finntroll
+schlickeisen
+messianic
+betong
+193.4
+saurin
+osin
+3-0-1
+cgm
+pozdniakov
+u4
+cosmopolite
+over-represented
+tremendously
+quidditch
+gelpi
+microsite
+shimmied
+2412
+csillag
+canteens
+sciacca
+engelhart
+tsygankov
+bailiwicks
+mosleh
+ghanam
+padroado
+incautiously
+huc
+jarvi
+pilch
+euro58
+lill
+debark
+14.5
+nosferatu
+damage
+macaskill
+f16
+instrumentarium
+outguess
+kawf
+ifat
+relished
+davarryl
+energen
+greely
+habicht
+someway
+bargor
+sculptural
+zariski
+paauwe
+ssnp
+oficiales
+b93
+sarwono
+waa
+terreus
+230.9
+bucklands
+boonmee
+http://www.bankofengland.co.uk
+indo-german
+sacramento
+hokutoriki
+2-of-10
+bostrom
+shakil
+schmutz
+thirty-six
+53-million
+suffrage
+ichalkaranji
+voeux
+reflection
+toadies
+attwell
+sikhara
+kopell
+mizher
+larocca
+cadence
+46-41
+275th
+outgo
+dry-cleaning
+wolffe
+139.0
+pealike
+kaczynski
+concealer
+multinacionales
+nafin
+secour
+maritimes
+matador
+interrelationship
+homathko
+hirokawa
+distrigaz
+zayani
+afosi
+muslimgauze
+lors
+wpri
+castine
+tweeds
+92.1
+povetkin
+osaki
+al-ashtar
+pharrell
+peradeniya
+m-58
+ooru
+field
+guifang
+upmarket
+3sat
+cig
+schieppati
+bohannan
+reappoints
+lumens
+raymo
+317.6
+contraceptive
+ballantrae
+kuba
+988,000
+unaccomplished
+claro
+philbrook
+songhay
+eder
+d'artillerie
+enjoined
+pge2
+bolma
+welterweight
+flankers
+scrofula
+al-nusra
+belichick
+pirouetting
+chatting
+technophobes
+homeworlds
+exekias
+diapason
+archundia
+ferrars
+south/west
+xers
+glitziest
+stubai
+hashmat
+meditative
+dipego
+1269
+charbonnier
+mcleay
+kemba
+sprake
+-50
+tabberer
+dairy
+tuojiang
+badolato
+barkann
+npc1
+meitnerium
+talen
+68
+cecilienhof
+kanhangad
+riffel
+elearning
+who
+tameside
+wmap
+dato
+paymaster-general
+butterscotch
+smukler
+freeserve
+veruca
+16-yarder
+montrell
+phytosterols
+114.70
+woolpack
+ebbed
+ognissanti
+http://www.mofcom.gov.cn
+reydon
+kristanto
+momix
+0-1-1
+undercooked
+diplopia
+boucherville
+tsukiji
+adventist
+duchies
+drava
+stenmark
+conto
+90.88
+yuuzhan
+2,379
+strickler
+kirtle
+frostproof
+bogstad
+chellaston
+mcdevitt
+samaras
+ngân
+strongbox
+gomory
+0450
+yamen
+wissenschaft
+cerrik
+lowes
+.554
+pietri
+groome
+molaskey
+degrees
+paraguayo
+recite
+chickenfoot
+telescopes
+3,695
+s-13
+radivoj
+schultze
+handwriting
+1964-1966
+ashford.com
+meche
+computervision
+hackberry
+ghasoub
+kho
+dewine
+reliberation
+harrassment
+doppelgänger
+5:7
+atrophy
+assk
+514
+english-medium
+ktrh
+cartagia
+misko
+jubilees
+notepad
+77.39
+longrunning
+macos
+355th
+nsic
+larks
+azarbaijan
+fierlinger
+canoodling
+sharief
+glowsticks
+racak
+fcl
+virginian-pilot
+bluefin
+bonneau
+strigulated
+reacquire
+zhaozong
+favored
+wwrl
+ligero
+uparaja
+parnassian
+craugastor
+bezae
+peleton
+46.43
+desorption
+bagirov
+sahle
+4,236
+aalesund
+horwits
+jschultz
+demography
+retrograde
+dorrington
+dabbaransi
+yadgar
+unset
+69-59
+tenure-track
+10:22
+haemus
+glassen
+goudey
+comoran
+metafont
+zollo
+soñar
+pironkova
+heerhugowaard
+carpenter
+mississauga
+parents-in-law
+hamady
+seyrafi
+tv21
+voivodina
+sirt
+rothschilds
+51.46
+wipha
+khar
+sarpi
+fander
+furet
+euthria
+nicolet
+vegas.com
+ashba
+asita
+geminiani
+utca
+27-21
+shuart
+badawi
+maidservants
+disappointedly
+subcentral
+adelanto
+groupes
+mazurkiewicz
+bafq
+shaefer
+erhai
+browder
+hadithi
+rasulzade
+supes
+pac-2
+707s
+55.81
+avinash
+unsuspected
+cathy
+mojaddidi
+direct-drive
+vmx
+ibanez
+narrow-minded
+othmer
+norcia
+samogitians
+rizvan
+mitzva
+strangways
+aim
+bawden
+nabatieh
+emmeloord
+garners
+shaws
+remorsefully
+categorize
+godred
+cusseta
+-18:00
+khur
+single-story
+rcac
+anther
+robien
+semb
+bureaucratism
+zero-tolerance
+29.08
+sensually
+oddness
+taxonomic
+bombmaking
+howrah-nagpur-mumbai
+mingchun
+lâm
+tambura
+c-bus
+capitular
+codice_31
+excelente
+organdy
+tourcoing
+grey-white
+birtle
+bikinians
+knaven
+recondo
+pasay
+7-1
+lantz
+nonprescription
+shellfish
+1920-1921
+arzak
+ehrs
+out-of-town
+loue
+karn
+awamutu
+brucei
+pako
+bumpers
+fong
+muizenberg
+mieczysław
+weisheng
+truecrypt
+najwa
+arks
+maravillas
+doyel
+katholieke
+purple-brown
+twofer
+tchaikovsky
+greenhill
+harbord
+81.23
+dogleg
+bedingfield
+arses
+nihongi
+raimondas
+darkling
+waldeck
+chulu
+sollum
+thruxton
+self-balancing
+mourie
+1.092
+533,000
+52,500
+frogmen
+12.47
+49.95
+upperclassman
+predicate
+kotoka
+amorphophallus
+intolerable
+dompok
+u.s.
+rudders
+clarrie
+3,095
+unblemished
+closed-cell
+angiotensin-converting
+allianz
+arden
+1.216
+midvale
+ungur
+satoyama
+drifting
+sipcot
+56-45
+dunnottar
+loba
+conferral
+effah
+velopark
+dutti
+geninho
+kastriot
+ballidogle
+sumati
+maytenus
+teknik
+onslow
+postprocessing
+gaboriau
+checkoffs
+louvière
+heartstring
+crucifix
+well-supported
+solntsevskaya
+hickox
+anthropos
+doyennes
+superintended
+unafraid
+elden
+eppes
+667
+.161
+unicycling
+leverages
+democartic
+ciber
+nixes
+schoodic
+risztov
+nacco
+36-23
+repays
+limpkin
+derwent
+denticles
+gazon
+peja
+sandström
+cottars
+lashley
+instructors
+prestonwood
+dahlstrom
+68.44
+uncharted
+beheaded
+goblets
+fountas
+declivity
+redl
+bungey
+1096
+shots-30
+guiltily
+eslinger
+benthem
+komen
+berstein
+5.5-million
+scootering
+zvinavashe
+alcuin
+transgendered
+karşıyaka
+remkes
+biase
+vasistha
+blackball
+woodrat
+57.29
+jing
+rills
+alceste
+krg
+hardesty
+cepheus
+youths
+endorsement
+elitism
+kilborn
+61-nation
+musetta
+everard
+connells
+wissowa
+grevious
+borko
+(412)
+irregularities
+ismatullah
+lahtela
+soames
+franco-ontarian
+cyclops
+racewalk
+fffx
+đorđe
+rajabzadeh
+beagles
+fracaso
+georgia-alabama
+celltech
+nesat
+intranets
+patri
+fernz
+ghouta
+brewsters
+susumu
+12f
+seiple
+incision
+ebla
+obstante
+bryennios
+rugii
+leisner
+andesite
+1.2
+cochrane
+high-pressure
+stf
+faron
+diwaniya
+logopolis
+shovkovsky
+rhombicosidodecahedron
+orgia
+mallatt
+orania
+after-dinner
+schneerson
+zeliff
+adjudicative
+todorovski
+natyam
+tachina
+varenicline
+kilsyth
+issia
+sheff
+2,604
+arbizu
+volvulus
+1.73
+qveras
+landsberg
+konkona
+vitalizing
+anticlockwise
+valide
+djdam
+nobleton
+kedua
+tein
+immobilisation
+republication
+24-story
+undercity
+authorises
+constitute
+shosholoza
+148th
+colwyn
+aguardiente
+daven
+keshvar
+3,525
+principale
+riblets
+legalizes
+floormats
+ramachandrapuram
+blockages
+carreau
+d'etudes
+slivnica
+footedness
+qingming
+yellowface
+grills
+vela
+harde
+frankenthaler
+over-reliance
+uncertainity
+ashman
+kabatiya
+celestis
+tubercle
+everingham
+clamecy
+khurda
+250-year
+hypogonadism
+modulated
+nacht
+expeditors
+bazhenov
+gilwell
+desha
+farafangana
+reconfirmation
+400-word
+shuyong
+femurs
+tarcisio
+owensby
+jingmen
+tyrannosaurus
+steinbrueck
+compressed
+jast
+11-over
+underexploited
+ristić
+dumpling
+pleopods
+consulado
+1-foot
+oversimplify
+deda
+gingriches
+gustin
+thornburgh
+teamed-up
+laware
+abes
+quevedo
+beatable
+zaidis
+ylides
+89.5
+motivations
+andi
+112
+glivec
+rosangela
+voices
+chittur
+bhangra
+south-african
+bazzani
+schlichter
+ocellata
+eludes
+lutcher
+guarantees
+295.2
+poitras
+russow
+mazzini
+cerebrospinal
+elvas
+11:37
+foodgrain
+pinkston
+215,000
+716.5
+blairsville
+mercédès
+56.81
+montalt
+cartographic
+harnois
+1,485
+yaak
+guiseley
+mariot
+kohila
+biotech
+medalist
+1.80
+melies
+afterword
+sekondi-takoradi
+servat
+lesmahagow
+9,000-point
+skidaway
+footballs
+ny300
+usat
+burbs
+wiggum
+re-route
+lovesexy
+meyendorff
+pulliam
+passerines
+relapsed
+centroamericana
+35-6
+pacquiao
+glimmer
+foucault
+rell
+husein
+backrower
+ballia
+midkiff
+chhatarpur
+gillnets
+workpiece
+estácio
+ravishing
+b-29s
+phipson
+akunin
+musavat
+servetto
+cremano
+inrockuptibles
+91.6
+elshtain
+boksic
+amsterdamse
+equitum
+67.17
+nepomuceno
+19.89
+half-decade
+reichl
+madeley
+parth
+falling
+scallop
+wittstock
+narcoleptic
+russo-polish
+koreshkov
+zametica
+chiaie
+rhodian
+skiffs
+skynet
+63-62
+shier
+diskettes
+hallandale
+2129
+amathila
+gemara
+redruth
+one-acts
+cordoned
+dahn
+outstations
+lamaism
+ad-dīn
+millpond
+coplanar
+harpooner
+advantageously
+ft.
+vieillot
+slaid
+smallpox
+impoverish
+redhouse
+nathanson
+bfg
+backside
+sederot
+fibich
+biotechtrst
+4,392
+dranoff
+short-sighted
+coulibaly
+51.68
+conrod
+6.68
+1,300-member
+travelodge
+one-second
+bognor
+lines
+vicharat
+4.38
+cocodrie
+gizzards
+murders
+checkouts
+obiorah
+deryni
+jewison
+radiometric
+sultygov
+cwo
+epigraphic
+presences
+kaillie
+djeneral
+karadžić
+4.690
+brittanica
+racinos
+a.j
+broda
+oteri
+jeopardize
+discoloring
+100,500
+40.91
+tenshi
+bombards
+davino
+cayla
+tommies
+5,400
+nesty
+quale
+standardless
+sumie
+orene
+margetic
+xylocopa
+hurriganes
+legkov
+hollande
+loseley
+taup
+nyon
+helvella
+swanbourne
+zneid
+stamos
+gois
+under-appreciated
+djamila
+upsizing
+240.00
+anupong
+prettier
+amx-30
+partook
+m1910
+knowledgable
+comscore
+dieng
+chewy
+restudy
+goldwater
+zijlaard
+milon
+deutschlandsberg
+comanches
+curt
+pompilius
+klaproth
+equilar
+crays
+brimelow
+staffordkcstar.com
+culio
+vidkun
+duboeuf
+kjmc
+juiceman
+bègles
+madtom
+tash
+tagab
+rudeness
+nassar
+90.95
+benward
+somersett
+f-35a
+kingscliff
+akseli
+runescape
+258th
+45.74
+icci
+fekkai
+3rs
+amundsen
+almohad
+veliz
+funniest
+xiaotao
+s8
+bhilai
+herzegovina
+blairs
+1290
+fetal
+pangma
+talo
+geografica
+shigemasa
+recombinase
+togashi
+envying
+adzmi
+1,708
+wurz
+aere
+planter
+bitruncated
+hertford
+lixion
+chari
+colbath
+larini
+junnier
+plotkin
+time-span
+71.97
+3,702
+27-foot
+tayi
+sibirica
+1792
+murofushi
+diplome
+dook
+deku
+warrier
+receival
+cambro-norman
+nzse
+stockings
+kittner
+unitas
+naugahyde
+mehalla
+dismantling
+lydbrook
+stew
+poigai
+bibliothèque
+steubenville
+arvand
+dreyer
+kloden
+sonthi
+komornikov
+missin
+balsams
+mirzan
+cerceau
+dolgoff
+violently
+80-game
+1.4845
+stepherson
+boisclair
+hokie
+beholder
+höss
+powerade
+paco
+622
+hodgetts
+rotchev
+marysin
+penalver
+azami
+andiwal
+2,101
+250-square
+shimmer
+showkat
+raidió
+prydz
+lehtinen
+5-seeded
+zande
+tru2way
+smell
+podcaster
+vishnugupta
+nohr
+italian-language
+mcnitt
+reutlinger
+lieberstein
+powell
+sanon
+rotten
+qotbi
+ohshima
+nobiles
+spotakova
+zippo
+kujula
+revpar
+cisitalia
+1,902
+2-barrel
+semiofficial
+plunder
+kireyev
+yeshitela
+faluja
+fiscal
+safta
+roehl
+bawer
+juerg
+heathenry
+0830
+nhd
+teerasil
+23,500
+escaleras
+javerbaum
+inseminate
+doune
+jaipur-atrauli
+2,920
+stankowski
+grieshaber
+solothurn
+rescher
+keshet
+muen
+claustrum
+egmond
+1987-1989
+wehrli
+wellawatte
+schweighofer
+chromosphere
+atcc
+unprofor
+waldron
+scrubs
+17-0
+marcil
+blokov
+glx
+homare
+temperley
+20.26
+wftv
+worby
+banacek
+weor
+kretser
+infarctions
+3050
+gantelet
+runic
+rld
+fretting
+nachr
+85.33
+tularik
+stiassny
+205,000
+evsl
+gamora
+competed
+kooser
+aliased
+tendering
+ghosheh
+localisation
+fmcsa
+halcyon
+glycolipid
+cdp
+koelner
+hypercapnia
+rumoured
+millefolium
+nanfeng
+destructo
+κύριος
+alecto
+essabar
+parisa
+reddish-brown
+23.8
+fugate
+talmhan
+svx
+wooded
+silverio
+hongzhi
+odex
+rymań
+ocaña
+bacchic
+schönerer
+half-line
+hydrophobic
+milutin
+bunyaner
+veinticinco
+dokpesi
+potomac
+boyo
+scoter
+1,200,000
+bodenham
+koussevitzky
+triode
+spamming
+oohs
+shorin-ryu
+viipuri
+fessler
+215
+toyed
+berler
+chaput
+lupino
+subsecretary
+sangji
+scientometrics
+kovich
+flugelhorn
+pcg
+urmson
+2.390
+maladjusted
+yameen
+atanu
+outfielders
+vidosevic
+laogai
+sandbach
+tanzimat
+character-driven
+maquettes
+palmares
+nooke
+relearning
+longueval
+interweave
+mtp
+galvanization
+kilns
+vver
+hirshman
+rigg
+cardizem
+letraset
+16.25
+hognose
+zanjanrud
+sdeh
+zayd
+indicator
+drljaca
+tsuruga
+low-scoring
+sinica
+ndonga
+gravesend
+synagogue
+sidbury
+kayakers
+t-series
+rejectionist
+drupa
+posses
+sprach
+dvf
+warrilow
+chokeslam
+mindblowing
+misalignment
+krippner
+matteis
+effa
+acidophilic
+tesis
+sfg
+long-acting
+luengo
+babao
+ishmael
+alberto
+diagnostically
+talkfest
+mitrevski
+querns
+garce
+nolasco
+arrian
+mipo
+albina
+gawadar
+skylighted
+rankin-bass
+pantai
+face-to-face
+concocting
+stoda@pbpost.com
+gibborim
+cantonese-speaking
+10:16
+flyway
+beav
+multiclass
+putts
+papenburg
+sistrum
+275
+diageo
+halfords
+cypriot
+radków
+u-kiss
+donaldo
+rapaic
+srebrenik
+1,920
+erya
+105-kilogram
+barlowgirl
+sniping
+gchq
+1.4150
+papper
+steadies
+11/32
+conversation
+bb&t
+skjelbred
+villagra
+tanke
+pointless
+partership
+jacobe
+consumables
+poruchik
+sonderkommandos
+knock-out
+m'ba
+tina.daunt@latimes.com
+zeche
+73.14
+99.50
+tightly-knit
+553
+nega
+hsenwi
+18.57
+takiguchi
+serjeant-at-law
+multi-role
+kilcommon
+finials
+motivic
+jorvorskie
+khodabandeh
+guanica
+bellmawr
+64-0
+149-member
+barrueco
+batlles
+octomom
+watched
+leguizamo
+penciller
+manumission
+endemic
+sprays
+rockefellers
+1582
+dilettante
+0-7-1
+gerbner
+cimatu
+canzoni
+residual
+allotting
+mainardi
+madhyamgram
+silk
+nontraditional
+patakis
+butley
+bitencourt
+16-megabit
+guarascio
+heartbreakers
+37-28
+88,500
+satre
+orobator
+wahabbi
+byul
+loula
+pondichéry
+schoolhouses
+devotchka
+raworth
+dietl
+kavre
+majestie
+instinct
+hoepfner
+talman
+lugovoi
+lugoj
+this
+epicycles
+rosmalen
+univalent
+scraper
+mpinganjira
+nimke
+coordinatesin
+markham
+34-0
+narcolepsy
+gerden
+chuffed
+2,965
+confessed
+year-by-year
+buchanans
+reclined
+kolli
+hercule
+assiduous
+chalukyas
+twittered
+araguz
+turkle
+non-renewable
+seif
+nns13
+hallingdal
+mcfetridge
+wyngarde
+gloriosa
+lockman
+gabab
+spirituals
+mammen
+259.9
+vorskla
+hosein
+murtadha
+elmsley
+thomaston
+khoramshahi
+ferre
+armenta
+bohorquez
+catha
+commital
+schwentke
+panchyat
+under
+fassel
+verviers
+téméraire
+hamade
+ramana
+platek
+balustraded
+murdiono
+goujon
+demi-brigade
+aklilu
+living.com
+burghead
+trpa
+reed
+rzasa
+thoman
+dileita
+ohau
+audette
+afficionados
+fionnuala
+micrurus
+villaluz
+vowell
+pollyannaish
+(830)
+mulyanda
+keine
+48.89
+unintelligent
+ekuban
+των
+bartenstein
+melanchthon
+sajjad
+sigle
+e-jafria
+o'cain
+giraudoux
+sortavala
+u.s.dollar
+fuzzing
+loftiness
+mcgagh
+accetturo
+tsewang
+shusei
+pebblesnail
+dwts
+coale
+unionised
+lhotshampa
+genre-specific
+79.74
+martinez
+idyllwild
+4555
+ivrea
+mgb
+90.89
+harpoon
+idealists
+hamadi
+ihar
+aliaga
+dobrowolski
+menegazzo
+baltica
+cristy
+miruts
+hernreich
+dew
+1766
+machina
+ahwatukee
+riou
+sainvil
+zumanity
+1.6-kilometer
+gyroball
+hi-md
+branning
+woburn
+omelet
+bolger
+messager
+45,833
+acerbically
+stagiaire
+54-0
+praemium
+pinkner
+frontalis
+p-47s
+rajpipla
+breydon
+167.5
+chequamegon
+742
+yangxian
+oberschlesien
+returns
+redsox
+suffocating
+invader
+coggins
+alpert
+colecovision
+mhrd
+elmiger
+chersonese
+rutile
+kipyego
+reinterpretations
+trillanes
+mohenjo-daro
+zdc
+yeas
+x-man
+re-shoot
+mamam
+29-23
+anzor
+frazetta
+m/c
+colac
+serafín
+2521-4500
+wexler
+a44
+æthelwald
+australia
+bandanas
+lieutenant-admiral
+goldsun
+trigonometrical
+98.4
+simulated
+socialdemokraterne
+minuets
+ak-103
+3,121
+feathered
+predictability
+keren
+indem
+4,748
+camming
+hydroxycut
+momentos
+snakebite
+holik
+ciarelli
+symphoricarpos
+ove
+dicenzo
+tidak
+nyboder
+tristeza
+recoups
+krotoszyn
+mansdorf
+aty
+pre-schools
+kc5
+adcc
+eog
+kreuznach
+rued
+mitgang
+one-yard
+abdurajak
+amerikkka
+eudoxus
+66.60
+wartheland
+cubbyholes
+murciélago
+ludogorets
+gynecologist
+yardbird
+hmatsui
+π
+124.82
+baumbach
+abstracts
+counterrorism
+emelianenko
+anbarabad
+berquist
+gloom
+pocius
+tredway
+jollie
+frappuccinos
+yahuda
+subzone
+4,589
+10:02
+荊南
+geocache
+skink
+cpe
+al-sadiq
+edgware
+lordegan
+lambesc
+jabaliya
+thalaivasal
+reloading
+syuri
+moffet
+cordtz
+devaluacion
+broh
+118.19
+tendai
+working-class
+hélio
+serian
+evans
+azoth
+ekos
+dooming
+vo2max
+mineirao
+emittance
+westfälische
+5,390
+bouie
+physician
+glossolalia
+mukabaramba
+uaap
+sampot
+viceroyalties
+120th
+bulmer
+pascals
+lun
+73.18
+maksoud
+spielvogel
+golpes
+bmw
+abotsway
+leafbird
+haliotidae
+schuschnigg
+sivivatu
+saimaa
+36.67
+kalmaegi
+taino
+6-1/2
+1,514
+littauer
+jay-r
+timewrn
+neyman
+60-second
+golly
+dedan
+non-paid
+xiuhong
+1977
+j/rmg
+99-yard
+man-of-the-match
+lasi
+hazra
+outjumped
+sefo
+plotzker
+three-member
+monoblock
+berriman
+ayato
+cochetel
+unicameral
+pantsuit
+2,500-dollar
+steelman
+veroni
+friuli
+ddn
+struse
+vicat
+wulff
+bassline
+hannele
+bajada
+yolk
+kulic
+misan
+vanadzor
+denio
+berden
+ulc
+etomidate
+rome
+doueiri
+uncooked
+mandevilla
+synodic
+atenulf
+whca
+zvereva
+hlw
+finniss
+daynard
+ostade
+banaba
+diamagnetic
+postbus
+grover
+gopuram
+stanag
+consultoria
+mutual
+simmons
+tanagers
+dipavamsa
+seroprevalence
+second-growth
+mumsnet
+danes
+sarvelayat
+lefeuvre
+westerlo
+1023
+grimness
+cornewall
+felser
+salladay
+hohmann
+compellent
+nosaka
+demonology
+buntings
+heger
+80.36
+hipcs
+ostlund
+compart
+sightseeing
+downhearted
+northvale
+tzigara
+superdome
+2,808
+chandrasena
+bowl-shaped
+outhustling
+soha
+occulted
+offsets
+x-4
+amusa
+mathur
+year-old
+yuthasak
+wkyc
+ketogenic
+piene
+aflq
+promotions
+58.35
+-2.9
+mascotech
+cuckoo-shrikes
+holing
+harboured
+devoured
+bubu
+nwankwo
+berhampur
+scandalize
+mentmore
+sogou
+iajuddin
+vuoso
+wihk
+edn
+94-88
+gazpacho
+europeanism
+ebden
+guatemala
+anatta
+1089
+despoil
+chayna
+redbud
+261.8
+sinner
+pseudonymously
+lisk
+2.185
+pw&b
+middle-range
+hōkūle‘a
+soulmates
+dembri
+zelin
+uotsuri
+10-inning
+spotts
+7,000-word
+drouhin
+spanwise
+stobart
+qurbani
+censorinus
+valter
+wcrs
+0.56
+fulp
+behaviorally
+elberfeld
+24-hectare
+341st
+pneumophila
+undetectable
+235.8
+bocca
+topsoil
+gamy
+cherubim
+vladyslav
+bucklow
+sannella
+neuron
+spindles
+sillars
+balic
+dermatopathology
+fliegende
+treme
+loekke
+parkus
+rotana
+safdar
+21-seat
+boue
+moshrageh
+rodong-1
+kutcher
+piang
+self-strengthening
+pazar
+essentialist
+nello
+calochortus
+teens
+museminali
+10.14
+farrington
+cicchitto
+cadaval
+greenpeace
+chicagoland
+ubach
+richelson
+62.21
+bandurists
+capitis
+evaline
+average
+kreuzberg
+gossips
+yanbu
+battistini
+uniti
+rodovia
+wallan
+27-year
+82.6
+guénon
+loewe
+9,310
+familiarise
+point-of-sale
+allsvenskan
+systran
+1973-1990
+bazuca
+latent
+chorpenning
+eradicator
+shizuku
+manpads
+mohk
+kuebler
+volonté
+shinku
+epting
+forth
+bekic
+castniidae
+hambone
+sireniki
+pedestrianisation
+overflew
+rignot
+enthoven
+tooryalai
+enthalpy
+relents
+mamphela
+roadblocks
+throgmorton
+dourados
+aboud
+dhow
+winrod
+unplug
+ariz.-based
+delongchamps
+dolega
+20.66
+implement
+mullor
+zorn
+minimises
+pasteboard
+townhome
+quake
+neimanmarcus.com
+kngwarreye
+diterpenoid
+diaboli
+jackbooted
+dieselisation
+ghassanid
+57.46
+seohyun
+osce
+tsemel
+irish
+lealamanua
+2,669
+walus
+schmo
+wired.com
+simo
+beik
+challange
+alpinist
+selvy
+bonnyville
+4100m
+stai
+csun
+.568
+lovesickness
+146.2
+kiana
+consonant
+reichsführer-ss
+gani
+partizani
+fabricante
+a2dp
+1930s
+montoliu
+five-letter
+iron
+64.95
+labrosse
+vica
+terribles
+fabini
+langsdorf
+x27
+asafoetida
+acompanadas
+hemingses
+akyem
+ypm
+ghardaia
+25.12
+crockpot
+peti
+cherie
+anti-colonial
+mercur
+vaughn
+ninguno
+su-30s
+chlorobenzene
+malformations
+mujeeb
+17.06
+m-class
+commisioner
+lifeform
+saint-médard
+adjournment
+9-millimeter
+islamofascism
+instalacion
+chauth
+spens
+suleiman
+66-ball
+adulteress
+aom
+lurcher
+hassane
+simionato
+rundata
+timu
+liaquatabad
+lest
+horan
+ewins
+zambelli
+walsham
+meer
+38-25
+tartufo
+sited
+wamala
+undergirded
+farsala
+hyrax
+cadwallader
+colour-coded
+boringdon
+fornari
+gonzague
+static-x
+snackers
+fala
+acetic
+deregulating
+mkempner
+vallery
+barbell
+hla
+chodorow
+altia
+atheism
+dào
+euro649
+horna
+pulse-code
+gobrecht
+tougher
+2,430
+fromthe
+yibin
+sellon
+shengyang
+laffitte
+kertész
+tissemsilt
+bartonville
+biomedica
+minardis
+basotholand
+prodrive
+sleepers
+transco
+gasperini
+norelli
+635,000
+bordin
+eckernförde
+radiologic
+heche
+discharged
+2328
+overambitious
+falconiformes
+mz
+tpwd
+bryner
+wtev
+three-month
+h7
+targetted
+submicroscopic
+freedman
+seni
+bugel
+tetsuji
+spotlessly
+flaneur
+auvs
+prange
+windheim
+mártir
+tapai
+amniotes
+wetherby
+bog101
+68-yard
+interregio
+saramago
+союз
+28-1
+wiped
+arbury
+indravarman
+confuse
+15-strong
+loeu
+mbar
+shakespearian
+spotless
+tmr
+gudkov
+alcochete
+keystones
+chengyun
+intolerant
+kattan
+erviti
+gethard
+67.81
+glauchau
+hongcai
+stilted
+mitsunari
+82.04
+liner
+vexillum
+ren
+u17
+a77
+progess
+cftr
+corrupters
+avitia
+zoramthanga
+champaner
+xlviii
+kovic
+unexposed
+mär
+bueb
+pierzynski
+miroslaw
+hispanic/latino
+tuel
+form-based
+stroked
+whiffenpoofs
+almshouses
+co-screenwriter
+concurred
+scannell
+reckitt
+hillage
+plops
+danjiangkou
+pétanque
+princiotta
+backchecking
+shebang
+broadening
+inec
+vf-1
+ocellus
+interviewers
+danbolt
+vozuca
+maksimovich
+viljoen
+prokhorov
+estanislao
+shaktoolik
+couch
+lackie
+hoffman
+asce
+westerholt
+yelp
+atka
+.173
+78.14
+renewed
+7.0-percent
+0_0
+sheck
+sphagnum
+corvinus
+mecyclothorax
+4.55
+skillfully
+wattoo
+borle
+sudeste
+hexokinase
+henske
+saxe-merseburg
+kuy
+brandsen
+visaginas
+acharya
+maccabees
+trifunctional
+klemm
+şi
+ksfo
+moj
+dionisio
+hillas
+bone
+frohman
+hightailed
+newsprint
+vardanian
+maaleh
+puhua
+9-iron
+already-established
+rundel
+reimar
+dg
+1125
+petersham
+non-student
+crotale
+48.88
+creepily
+akki
+756,000
+bareheaded
+dosari
+hispanophone
+leissègues
+treacher
+ossified
+charybdis
+knolls
+desiderata
+decade-long
+sek
+graben
+eskisehir
+martyrdoms
+akhtyrka
+albicans
+outliving
+sucre
+alkene
+-900
+harai
+kyalami
+bulbs
+stoy
+debrowski
+mk.ii
+5-6
+watari
+589
+mpeg4
+schefferville
+erit
+1-26
+meperidine
+aapt
+neoprene
+bunty
+sriharikota
+glipa
+43-foot
+miniopterus
+jenjira
+certicom
+argentine
+economical
+importer
+phenotype
+senility
+cellared
+ainscough
+aschwanden
+mcmansions
+unless
+mlcs
+x-sampa
+acleris
+190th
+apba
+lionello
+audencia
+multi-national
+zipadelli
+cristoderosptimes.com
+panah
+nasalized
+welioya
+purie
+vuwae
+neema
+kansans
+fisherman
+605,000
+fluctuations
+perata
+glycosidic
+cardinalis
+waegwan
+goody
+outwork
+8:57
+chirped
+rainiers
+hmi
+deedrick
+songda
+broich
+fin.k.l
+chbosky
+seigler
+cgnpc
+extrinsic
+abhishekam
+mose
+acquiesce
+atlántico
+activ
+tarsia
+beadles
+sharkey
+nguoi
+maritimus
+ludolph
+komar
+quchan
+giverny
+howrah-chennai
+0015
+lump
+rayen
+liveable
+bullens
+58kg
+unreasoning
+seamico
+106.65
+serving
+delu
+61-37
+matravers
+dixiana
+shive
+2,687
+michio
+95-mile
+lianhang
+1981-1984
+swop
+dantas
+interatomic
+ataa
+iron-clad
+grinalds
+sleith@ajc.com
+re-evaluating
+herdahl
+königliche
+tuts
+ferrario
+pythonesque
+kunsthalle
+4,500-square
+columbine
+sáez
+sasabe
+tikki
+d'arcy
+kanshi
+fengdu
+maderna
+83-82
+celebensis
+nugee
+lesiba
+rumbold
+ltgen
+bilked
+9:54
+kiha
+t.a.m.i.
+wheelchair-accessible
+microspheres
+merlot
+agrivisor
+ungulates
+wamena
+midcareer
+khalaf
+explaining
+kotnik
+96.53
+stotram
+7,702.34
+chhiri
+bahnsen
+suburbans
+eisenstat
+four-foot
+794,000
+castelgandolfo
+malayattoor
+fayssal
+portlanders
+eamon
+moosh
+wigton
+hinemoa
+seelbach
+rights
+micropolis
+optimality
+lashoff
+saharkhiz
+olliff
+airtrack
+u21
+936
+crammer
+500,000-member
+1-7/8
+dharker
+cis-acting
+pears
+rahula
+107.89
+totonicapán
+chiusa
+25-57
+nazmul
+niezabitowska
+hungarian
+mealy
+nocton
+a-5p
+lineouts
+leck
+officinarum
+goldsack
+grandfathering
+t-mobile
+emic
+scheelite
+multi-cultural
+shchuchye
+tarakeswar
+solvay
+g-type
+semi-active
+srsen
+stablizing
+amides
+adolescence
+heung
+coordinately
+stiner
+red-orange
+red-winged
+wmex
+makars
+seeme
+alna
+alleni
+dorsoventral
+99.93
+kidron
+morais
+volchkova
+vinyl-only
+periplus
+šumadija
+republished
+khayyám
+cocca
+brewery
+valachi
+riprap
+terteac
+dixmont
+scherbo
+trium
+sawatch
+inactivates
+pomaks
+giovanissimi
+bankatlantic
+sentosa
+caryl
+lofted
+ubiquitously
+seoni
+umri
+enset
+lovick
+tizen
+marie-antoinette
+kagawads
+paa
+dowds
+chardon
+selle
+stabroek
+insatiably
+4,266
+luar
+spoils
+apg
+insulted
+galvatron
+rienzi
+narwhals
+afesd
+fitchburg
+reflexology
+wheatstraw
+friars
+manolas
+sesquiterpene
+kops-jones
+4,403
+bulgakov
+siphon
+issenberg
+batmunkha
+macrohon
+zayed
+jabouri
+akinyemi
+492,000
+malinger
+milley
+rille
+hellcats
+deejaying
+perimeters
+redocking
+junuh
+hoener
+mariella
+theropoda
+smrt
+jónsi
+isay
+camshafts
+tourenwagen
+hilltop
+uncasville
+suraj
+blandi
+paid-up
+gumdrops
+arochukwu
+69.63
+εν
+lethridge
+geeks
+isuzuki
+umrani
+arbitrate
+tomasino
+annales
+banton
+powerups
+stiffing
+monopolio
+chesed
+huweish
+cebit
+paracrine
+nextera
+ojiambo
+bedsprings
+fanatic
+president-elect
+cecchini
+bloemaert
+gesu
+rikishi
+venuti
+biparental
+dix
+2005-2007
+malefactors
+polmar
+sojo
+festoon
+skála
+bardufoss
+hardcastle
+30.01
+choirbook
+1965-1969
+elang
+methylation
+kinch
+oio
+atlantics
+interleaved
+durazno
+killingly
+54.46
+65-foot
+automative
+tressa
+lanci
+reposes
+non-refundable
+65.54
+lidbom
+dorita
+golhan
+egotism
+baggot
+western
+hyo
+279.3
+stunts
+fenster
+reconciliatory
+porticoes
+blitar
+yanchev
+saduq
+grotz
+varteks
+tierras
+73.63
+1169
+88.80
+1-7
+five-pointed
+senex
+19.38
+vendredi
+rigoberto
+ointment
+orientales
+korkuteli
+kolesar
+fabulous
+nkandla
+20-footer
+bismark
+chinnery
+dennie
+nikolayenko
+boyishly
+maasdam
+.14
+kosik
+huasteca
+instalment
+nirwana
+enmax
+afp03
+retuned
+synanthedon
+quorum
+1995/96
+sunbelt
+33-49
+tittered
+althought
+javie
+9,360
+d'auvergne
+challe
+1699
+purtzer
+purposive
+connor
+shparo
+sindel
+gabbing
+cancelling
+demimonde
+baoming
+guaraldi
+o'bryan
+actioned
+moramanga
+thruster
+rete
+vintner
+co-creation
+benazzi
+dullahan
+.217
+three-level
+ndlovu
+rubottom
+cortege
+willox
+edik
+signaling
+carbajal
+botulinum
+293.4
+oerlikons
+forgo
+matteau
+ilonka
+willing
+strughold
+huneeus
+jean
+dangled
+chuanzhong
+sniff
+5million
+chortles
+waze
+funtastic
+ramkhamhaeng
+serpentarium
+pouzilhac
+huges
+glatter
+rugu
+fills
+armeniaca
+imamat
+tarbuck
+coalhouse
+croatoan
+tg
+luteolin
+elevational
+graco
+gonville
+veturi
+underachieved
+ferentz
+nucleoli
+satelite
+euro371
+5.22
+cazadores
+arbus
+meccano
+contrasted
+debarked
+wheezer
+pharma
+evanescent
+guruswamy
+marven
+syt
+donahoe
+compulsive
+cd+g
+4,675
+bordering
+abovyan
+disgust
+25-percent
+mises
+fantasma
+co-financed
+rossii
+kibbeh
+backflips
+ameritrade
+brico
+burchfield
+turkyilmaz
+eared
+unification
+merna
+slithery
+hamsalekha
+lundwall
+action-comedy
+gamsakhurdia
+109.55
+invergowrie
+booed
+almy
+dockworkers
+bonera
+widney
+alcatraz
+palladin
+plumages
+tampers
+γ1
+bissey
+studios
+name-change
+tifereth
+pla
+unprecented
+electrolytes
+richmont
+4-ranked
+kadhimiyah
+teazer
+swoons
+ads-b
+arenig
+elysées
+dowe
+19.19
+ubaidah
+torchlight
+assents
+appetites
+tinie
+bmu
+duality
+tv1000
+mesner
+mcenroe
+kazaks
+66.89
+gaahl
+shafer
+eisernen
+fsh
+kurdi
+assinovskaya
+brundidge
+salur
+tads
+kingsclere
+olp
+leis
+waltersdorf
+101.35
+kelang
+precisionist
+sbep
+lynnette
+1,769
+directional
+1147
+hoellwarth
+389th
+animacy
+manabu
+apell
+pinchuk
+plastic
+yanping
+shesha
+hermina
+depleting
+capewell
+armand
+tempora
+scot
+pythia
+fukuo
+demesne
+horticulturists
+30-aug
+demandas
+23.6
+padova
+scantily
+goodwick
+bishoff
+throw
+és
+evaristti
+low-flying
+bda
+ecgs
+valtorta
+pakong
+ethnonyms
+opp
+45-seat
+decidido
+lombarde
+merrin
+hitoki
+birkavs
+basti
+rm29
+anti-spyware
+decc
+1350
+volatility
+outcroppings
+chimaltenango
+engler
+schussler
+mockers
+rogate
+snowpacks
+hightstown
+cynodonts
+plainsboro
+kaia
+yiddish-speaking
+plenums
+67.20
+penetrator
+sibo
+74.18
+padrone
+radiographers
+yousif
+economize
+mitzpe
+angamaly
+abdicating
+bradie
+doamna
+3,471
+onishchenko
+dramatens
+shootdowns
+troodos
+alroy
+posteriori
+ginoux
+chesbrough
+non-sequitur
+aran
+naomh
+ortenzio
+equifax
+rat-man
+wunder
+7001
+benhamou
+pseudo-documentary
+417,000
+borrisokane
+enrols
+abergil
+kabil
+190.1
+merak
+decomposes
+59.84
+libertarianism
+confidentiality
+airstrips
+microraptor
+mccarty
+mg/day
+rejigged
+boukoubi
+unlv
+amirov
+mishneh
+33.39
+zdenek
+abshire
+lgd
+85.45
+batna
+sedivy
+avvenire
+houtte
+latoc
+m-1a1
+pretzsch
+seasoned
+rosaline
+fcac
+kof
+godfroid
+colbrunn
+27.99
+zastava
+418,000
+jihai
+asawa
+hydrogels
+⁰
+mauriello
+navoiy
+190-mile
+amado
+panormus
+lofts
+twelve-month
+62.97
+hit
+mvl
+norda
+87.1
+neafl
+ikramov
+tungurahua
+shravanabelagola
+gnomon
+professes
+falsey
+m22
+250-member
+magtf
+ishino
+linhas
+drzewiecki
+foleshill
+burban
+raheen
+empties
+grotesqueness
+peelites
+steevens
+pazzini
+glew
+stupak
+excommunications
+antithrombin
+ghajar
+mullets
+mfo
+esmie
+zapopan
+crivello
+outdrove
+lipophilic
+nevern
+5,685
+micropsia
+rasic
+34-run
+fortuny
+tangs
+pakistans
+kocyigit
+tastiest
+hezar
+110-101
+91.66
+excised
+rocchigiani
+omaggio
+montañés
+ucsb
+chinua
+defogger
+kalachev
+b.c.
+bejarano
+720
+malatesta
+subbotin
+medeski
+nippers
+serkes
+lothaire
+yellowman
+time-weighted
+gjerde
+hegemony
+sognefjord
+kirat
+fellahin
+lms
+roofless
+ipatinga
+zanga
+off
+dalupan
+guest-conducted
+hilla
+ill-effects
+goossens
+euro211
+prepay
+kebab
+45.91
+toews
+r-400
+kaisha
+93.12
+pylorus
+bouder
+felitta
+moderne
+shenzhou-6
+hearx
+fashions
+virzi
+mdaum@latimescolumnists.com
+51-6
+howison
+thujone
+jackhammers
+leunig
+zhenqing
+cogo
+43sec
+wingbacks
+zhomova
+sealskin
+sunn
+eld
+blueprinting
+arundel
+chanson
+bub
+tatort
+sket
+patricroft
+paasonen
+coclé
+non-congress
+bartolomé
+prüm
+federal-style
+june/july
+suliformes
+needwood
+wsdl
+701
+enstatite
+pre-order
+harat
+488,000
+crawfish
+sorriest
+velib
+wateringbury
+marriner
+guy
+amélia
+nazmi
+woertz
+121.25
+1929-30
+vivienda
+tang
+ghraib
+1852
+herry
+cherrywood
+babergh
+changzhi
+wargaming
+radovanovic
+konni
+lesnick
+lacritin
+takzim
+omusati
+54.37
+soref
+woolcock
+polignac
+sydkraft
+listservs
+dlitt
+lnb
+loyola
+freelanced
+parini
+toraja
+far-ranging
+meriones
+sadiqul
+sunniva
+braulio
+in-joke
+mimeo
+mignoni
+characteristically
+euro320
+fests
+ocalan
+steelhead
+non-british
+terao
+017
+director/producer
+long-overdue
+comm
+apostel
+tughra
+7:14
+186
+tiefer
+freville
+spamassassin
+aerators
+aerofoils
+beaudry
+aktiengesellschaft
+monocotyledons
+brot
+rhue
+batroun
+paraiso
+gartnerg2
+peons
+northtown
+97.34
+náedo
+oyeleye
+sailboarding
+wahlstrom
+ringholm
+novogroznensky
+katin
+dramatically
+tasas
+esparza
+snapstream
+3.315
+benowitz
+1.163
+schouler
+crocked
+spraining
+fudoh
+stillie
+jón
+domeyko
+bridson
+gcac
+pseudorandom
+top-ranked
+ivana
+bergstein
+nrma
+ranthambore
+grecia
+grimsson
+torrejón
+huỳnh
+mahd
+18-21
+counterprotest
+towelhead
+test-fired
+saint-stanislas
+78-foot
+1.061
+flameless
+bayazid
+housekeeping
+parilli
+incorporator
+murt
+stanbrook
+gayoom
+fanteni
+eyeful
+then-no
+tiniest
+malloum
+b-40
+bucuresti
+backgammon
+witasick
+eydelie
+nothomb
+smugly
+redevelopments
+despatch
+866,000
+baroclinic
+boesak
+zrp
+rgm
+surulere
+dfler
+commendations
+ecclesbourne
+kinnan
+therd
+370.5
+gluten-free
+11-18
+myrosinase
+dray
+schliemann
+zhoukan
+anticholinergic
+filali
+sukhanov
+jijabai
+anaphora
+homeroom
+intuitively
+37.3
+müritz
+jinny
+militarization
+pro-southern
+hornswoggle
+sceptres
+rzeszow
+tatau
+ciaran
+disasterous
+geox
+105.13
+cornett
+wolfsohn
+psychologist
+marreese
+kolambugan
+shcherbakov
+battlebots
+overweighted
+hilderic
+buzz-in
+rajagopalan
+yli
+mercata
+caya
+iwanami
+populaires
+phthora
+-2.7
+mpri
+3-inch
+lca
+raions
+sitdown
+horicon
+eglow
+lluberas
+wearisome
+euro238
+bloque
+19.97
+harn
+chetwode
+midlothian
+1.5650
+wedgeworth
+incanto
+advert
+capoeira
+nagesh
+sammlung
+emac
+childfree
+craobh
+9.84
+gery
+50-run
+hawari
+vitalized
+rockfeller
+frecuentes
+freddie
+roffey
+21,711
+dodman
+reconstructionism
+cheaptickets.com
+saint-quentin
+jafargholi
+bowdoin
+orientalizing
+14-match
+non-parliamentary
+forested
+term-limited
+ashk
+2.425
+charities
+expecting
+bedhead
+50.58
+limpia
+palicourea
+555-foot
+eile
+parviflorum
+swarner
+oana
+buildup
+auten
+crueller
+meru
+mellett
+playwriting
+isba
+aolid
+zainol
+counterattacks
+outpunched
+ghaznavid
+heliosphere
+carlinhos
+utac
+a61
+purus
+handspring
+30.43
+telefile
+labib
+soundscan
+k.k
+bagumbayan
+rabbie
+ikumi
+haricot
+bittar
+pelvises
+impugning
+3,930
+seventy-third
+hamam
+10-22
+:55
+20:20
+32.89
+pro-serbian
+6-6-1
+oh-pa
+filippo
+shipu
+1962/63
+2.3-percent
+86.92
+aceh
+4,269
+co-rotating
+courcey
+glamourous
+45.61
+codebreaking
+highett
+saunder
+rushcliffe
+unwashed
+lente
+pihkal
+laurencin
+oakum
+elephunk
+fibroblasts
+macsó
+purify
+audiard
+grandfatherly
+2055
+agency.com
+maursemo
+aeromonas
+schön
+recouderc
+cdss
+15.11
+odintsovo
+swynnerton
+begay
+syndicats
+goltv
+kaukenas
+kia
+syriac
+gallini
+goyette
+ritziest
+velutina
+signe
+girija
+coupe
+1.5290
+cltv
+paseo
+unitedhealthcare
+ത
+underperformers
+awaiting
+euro271
+phoo
+murilo
+yv
+amarna
+alxa
+central-east
+sensitizing
+submarine-launched
+lanciano
+materials
+religare
+goodness
+reidsville
+sabour
+lighthorse
+orlović
+allwine
+vibrator
+boorowa
+endoderm
+41.12
+chianese
+macerata
+70-something
+ål
+iemoto
+jobert
+13-year
+ellipticity
+50-state
+counter-productive
+licari
+rubbra
+dail
+hamhung
+chahm
+augustenborg
+midafternoon
+moshing
+fuma
+dansereau
+51-34
+pomade
+powerhouse
+barki
+fröhlich
+97.36
+saramacca
+rûm
+lizza
+steier
+nitel
+157.8
+toongabbie
+sjöholm
+campione
+shōnen
+dasa
+desalle
+cinema-television
+kottar
+homestyle
+undoable
+reşit
+recidivists
+rozhestvensky
+dehu
+blagoev
+38-39
+suprises
+horrow
+dibley
+nine-dart
+tocom
+hott
+re-editing
+r.i.p.
+lorig
+itandje
+madiga
+visors
+sohm
+180-degree
+unwillingness
+drăghici
+16-4
+greenspring
+kurusu
+1,581
+punctuation
+macklowe
+valda
+itum
+kaoma
+drapeau
+ilsfeld
+96.94
+digitised
+202.1
+o.m.
+babalon
+refile
+urzua
+baser
+eigenvalue
+bason
+hitzfeld
+chermoshanskaya
+lozenge
+stefan
+powderkeg
+edinburgh
+tunguska
+unregenerate
+noster
+ganne
+barres
+margay
+nowels
+ibrahimović
+huashang
+anti-money
+86-76
+tindal
+illinois
+panamensis
+streitman
+rustington
+79.3
+oktyabr
+kg/154
+hemmingway
+ferrigato
+steinbrück
+1,000-acre
+kandern
+kaikini
+struggling
+liszt
+chawton
+hunterdon
+trochilidae
+pál
+mahotsav
+retouched
+josel
+anting
+foodists
+presumptive
+ect
+fiumefreddo
+inhabited
+hijrah
+donges
+poulton
+50-shot
+ritualized
+dayton-wright
+riku
+tahboub
+nanomachines
+insomuch
+caeruleus
+attaran
+tintin
+bair
+theblaze
+ylbhi
+haplessly
+ndesandjo
+suproleague
+brockermeyer
+btv
+1527
+stahoviak
+10base-t
+alured
+62.05
+arak
+jan.-jul
+18-yarder
+coquelles
+soricidae
+54-47
+sequent
+france-2
+swayne
+ironwork
+823
+revitalizes
+min.
+caddies
+whiteread
+cina
+mrmic
+89.45
+kähler
+filers
++1.2
+rezső
+omnipotent
+pio
+bondsman
+ovenproof
+odle
+enescu
+pry
+bataineh
+nanjie
+taesa
+.290
+turbinlite
+cow
+trueba
+prescience
+178.3
+gallerist
+ojcl
+grueter
+111.70
+shabani
+nazi-era
+zx81
+plzeň-north
+anti-stalinist
+imaginarium
+antoku
+popov
+02/20
+demoro
+bottinelli
+filoli
+unroofed
+single-purpose
+high-caste
+seidman
+seres
+maren
+pndc
+33.40
+werewolves
+svyazinvest
+disenfranchising
+birdwing
+slokas
+maues
+bonetat
+hardenbergh
+1.330
+sahab
+peintre
+camelcase
+pentastar
+bioinformatic
+gregers
+savoy
+cornelison
+cleanfeed
+libido
+liquor
+quanzhou
+goudy
+platzer
+ifc
+indio
+sabeh
+rehang
+unlockables
+disordered
+henschke
+makhtar
+cattleya
+cancon
+merced
+raphaelites
+large-caliber
+oldland
+hmso
+halevi
+treed
+zhongbai
+srgjan
+grosseteste
+prosvita
+belisle
+ziarat
+deejays
+kituyi
+sumitani
+hico
+muse
+barbastro
+kunk
+1,426
+magner
+dial-up
+masjid
+menhaden
+emmy-award
+verschoor
+2,996
+filizzola
+101.89
+disneymania
+komatiite
+1,816
+jurica
+block/panchayat
+consul-general
+mange
+outstripped
+death-row
+113-101
+shemekia
+antigen-presenting
+fauxlivia
+vágur
+amenta
+crammed
+library/media
+dimas
+silnov
+pekarsky
+rathmines
+prevailed
+borland
+aerocar
+anthonis
+bocog
+milosevic
+10-cd
+teletypewriter
+barbel
+movement
+shelters
+xviii
+windpower
+60.78
+hugeness
+kihon
+tippe
+conductor
+cytology
+milbanke
+universiti
+cicero
+gangnam
+liel
+17,072
+japanese-controlled
+serafim
+insa
+latchmere
+diffeomorphism
+syzygium
+donen
+escanaba
+bare-chested
+3/4cup
+maugeri
+molapo
+sillamae
+nadja
+pechersk
+ellipse
+rosebery
+bjelke-petersen
+conine
+88.86
+mckinny
+bazi
+sedeh
+springtails
+90-foot
+,460
+arsace
+cruddy
+annouced
+dramatisation
+goehring
+butin
+gamezone
+2,235
+dawah
+łubnice
+bitz
+briançon
+ryoko
+pairing
+buhler
+derisively
+brijesh
+kammu
+fibrocartilage
+consensuses
+magorium
+urnov
+thames
+dissociating
+institutionalism
+orbelian
+zanten
+kryukov
+rautio
+encrust
+livengood
+adado
+honeymooners
+nalder
+varahi
+lucius
+tskj
+moineau
+manker
+schoolmistress
+suzerain
+suprised
+cisse
+sandgrouse
+rehr
+140.4
+avista
+jms
+lass
+2,799
+freshet
+besler
+euro221
+100.48
+hadden
+sweers
+direccion
+saqqa
+seminole
+lawrimore
+luisetti
+hermeneutic
+tsong
+fua
+proposing
+marja
+bissix
+mbuji
+1,202
+baines
+pukerua
+ilyan
+utting
+janissary
+two-dimensional
+96.48
+cuddles
+miroku
+mostaganem
+cities/abc
+silmarils
+señorita
+hrb
+100s
+dissatisfied
+wupper
+wgpr
+midrashim
+broadstreet
+thohr
+5,046
+mikimoto
+grimsley
+purges
+47.74
+timm
+codice_28
+berghuis
+cabrol
+four-star
+70-homer
+laurendeau
+charima
+kingston-upon-hull
+tripling
+bifida
+malinovsky
+atwar
+immunizing
+maksym
+guenette
+dreamhack
+romley
+cogency
+dygert
+anjali
+tormented
+3,270
+perspicacious
+olperez
+spielman
+parornix
+moidart
+b.litt
+lanxess
+racah
+ascension
+lepanto
+pettman
+balraj
+ocurre
+altius
+stutts
+softbank
+yeniköy
+chitrapur
+mid-september
+8,330
+poncelet
+44.91
+centeno
+agabi
+confédération
+througout
+saltwood
+saguenéens
+airlock
+sammelan
+theseus
+cromme
+2,375
+grimms
+chalupny
+1040ez
+gulliksen
+2741
+eio
+buu
+cytec
+kovoso
+cerveny
+perrotta
+rychlak
+elfin
+medicins
+deduplication
+padhye
+frontyard
+feke
+strikingly
+phrasing
+53.42
+wriggling
+kisel
+porphyrogennetos
+kannapolis
+shlomo
+crysler
+bearing
+recordz
+geerlings
+go-sees
+azzurrini
+savaged
+kajanus
+aluminij
+danube
+tokaev
+dreamgirl
+toofer
+vittachi
+tetrakis
+itno
+of-7
+happiness
+245.2
+tùng
+goicoechea
+categorisation
+vestavia
+zeming
+hangman
+41,000
+girlie
+lenkiewicz
+tamlyn
+slate
+echeverri
+jacada
+-2010
+khloé
+micromanages
+manejar
+cellophane
+sukan
+screener
+karra
+2,633
+służba
+one-fifth
+initiative
+salama
+hoadley
+90-million
+admistration
+132.63
+gumilyov
+trutta
+iiyama
+orvin
+chickering
+cuchí
+36,600
+tianming
+deledda
+formulation
+hotin
+isengard
+edwardson
+aasheim
+sidecarcross
+ozark
+sella
+plath
+uproarious
+scherman
+19,583
+gniewkowo
+lutescens
+schear
+descenza
+outperformed
+gahagan
+simulation-based
+1.715
+risd
+ribcage
+thomasi
+probabilism
+o'liney
+wkyc-tv
+tripadvisor.com
+55-44
+ballyhoo
+durdle
+hochul
+sasagawa
+hagai
+formula_130
+steelpan
+half-breeds
+combiners
+turntablism
+mopsus
+g2
+nursemaid
+vologda
+golden-crowned
+kathua
+bemet
+lotru
+77-acre
+giraffe
+ishiba
+mizzen
+andhras
+overwing
+kuusela
+mindef
+1,019
+gunturi
+dikko
+toda
+0230
+ludgershall
+1,156
+tsahi
+displacement
+pyone
+solanum
+grallariidae
+cowherd
+clemencies
+elberta
+adss
+khedira
+kornwestheim
+bulwell
+malleson
+volodymyr
+clubmate
+oppression
+beckner
+coppelius
+s.i.
+barkston
+mody
+gun
+diacetylmorphine
+pseudo-riemannian
+on-the-spot
+10:45
+cardus
+cândido
+endrio
+siyassah
+kishline
+timelessly
+pipes
+notam
+counterrevolutionaries
+al-qadi
+hydrochlorothiazide
+midges
+stothert
+7:49
+ungern-sternberg
+imagawa
+perma
+wearability
+solidi
+beaglehole
+dendur
+digipak
+608
+varin
+cantankerous
+rail
+konsthall
+compactpci
+kirna
+arendse
+118.30
+fierros
+h-1
+jilts
+48.40
+jowitt
+alguna
+hilltown
+covello
+midweek
+frauenfeld
+identifying
+self-acceptance
+dubăsari
+impound
+espino
+ghostley
+utilization
+overarm
+grousing
+lafontaine
+licks
+retroactively
+distric
+brufau
+18-carat
+whitefish
+schönenberg-kübelberg
+half
+günter
+nikolaev
+leschly
+piasts
+polston
+1965-1966
+merzario
+spearpoint
+epiphysis
+boneheads
+aerolinea
+jurg
+25/32
+reverential
+jsa
+purgative
+trantor
+asustek
+taketh
+seawind
+visualised
+ypsl
+vorobey
+cronyism
+789
+kilvert
+mc1r
+walad
+rongjuan
+sakashita
+nowicki
+180-kilometer
+rifted
+mid-50
+almond
+1.5410
+ferial
+vakhtangov
+trilochan
+gulli
+brouwers
+rescreening
+sw1
+programm
+cheilitis
+dentition
+ingels
+lautrec
+karanusic
+lichtinger
+breakbulk
+sperrin
+fgg
+lio
+simino
+protti
+vesica
+undemocratically
+1,652
+290-pound
+flashdance
+excommunicated
+1962-63
+kamarulzaman
+grunau
+transfair
+contraindications
+nandlal
+4-for-16
+tranquilisers
+luchian
+vieru
+edgeware
+joplin
+56.05
+nidderdale
+yehezkel
+adolphe
+83-yard
+maneluk
+transpositions
+kick-started
+aaberg
+4041
+murari
+mazelike
+spellcaster
+jace
+lovebird
+8-iron
+richardt
+aidc
+visualization
+kajit
+razaviyeh
+lamidi
+1066839
+falconbridge
+tset
+starheart
+malharrao
+tectonic
+scilloideae
+καὶ
+ilr
+aaea
+jawbreaker
+rebuked
+leontios
+primorje-gorski
+wharmby
+arlette
+moulvi
+odrzańskie
+terrestar
+chilcot
+718
+gemma
+perianth
+atascocita
+452nd
+zoubeir
+videophile
+godinez
+cherry-picked
+danjūrō
+kuha
+lastrapes
+96.15
+8-quart
+insectivora
+microcosm
+oenologist
+non-north
+toback
+pyramus
+spray-on
+lreileysptimes.com
+suffering
+foulois
+werleigh
+hesmer
+újpesti
+possess
+ipcs
+mesures
+anteaters
+gonad
+marot
+bassie
+frenzal
+coolpix
+govender
+kamiki
+267.3
+adj
+khaosan
+szczebrzeszyn
+lottia
+ripoffs
+talamo
+jenifer
+inclusions
+bigamist
+6,720
+mamić
+refined
+kumite
+billi
+smb
+conchas
+jimmie
+rosenblat
+25.19
+cabaña
+kirka
+papagayo
+6,580
+maitua
+gisborough
+ugur
+gleiwitz
+5,000.00
+loen
+omphale
+arthropod
+constitutionally
+kieburtz
+endorser
+pichu
+dormouse
+rukai
+overproduced
+candidating
+shouf
+greenvale
+haradhere
+wadsley
+smiljanic
+oreal
+arly
+tidning
+macnelly
+balewadi
+malades
+kosc
+frutig
+bychan
+joenkoeping
+1,781
+decompressor
+timofeyev
+jaquith
+seeya
+reconvening
+blaffer
+providian
+myburgh
+hydri
+poder
+suzana
+vanstar
+intentioned
+school.the
+25.50
+aquitane
+adipocyte
+go-away
+118.89
+double-density
+3,232
+veg
+allays
+22m
+c-123
+fizdale
+netcast
+loubscher
+tv-series
+cesars
+allward
+38.81
+klark
+larp
+karume
+trigano
+lurd
+unsa
+elodia
+horseman
+lecrone
+prr
+dualshock
+off-course
+tongans
+mat-forming
+parme
+period4
+frenzied
+ukrainian-language
+directing
+coevolved
+chatty
+sayama
+b&l
+mazza
+horowhenua
+t-130
+vistahermosa
+echevarria
+diffidence
+2,004
+wangle
+lasta
+133.68
+giggled
+round
+50p
+saint-hilaire
+hainburg
+nzier
+anglade
+kokosalaki
+braja
+palmy
+babblers
+equipos
+sub-specialties
+chakhar
+civilizations
+rha
+stepanich
+robbin
+pondoland
+11,875
+393,000
+nurdin
+oswine
+ilkham
+fom
+10-lap
+capilano
+zeph
+gamagori
+skjold
+tortures
+barnett
+lsteinsptimes.com
+cartagines
+alchimist
+intolerances
+sailele
+lizzani
+masoe
+albarn
+cult
+tshering
+tolar
+halva
+retallack
+nordnorge
+nordstoga
+sheridan
+mihailović
+editura
+defecating
+puskas
+yeoju
+bülow
+gex
+245-pound
+brendle
+intelius
+placente
+bailiffs
+adresseavisen
+gris
+contour
+37.4
+wallonian
+100.73
+744
+co-developer
+xxvii
+wpp
+hruska
+1,455
+sheelagh
+accio
+1904
+krovanh
+monogrammed
+87-75
+zhenbang
+kromkamp
+et
+ryals
+titchfield
+julien-k
+redditch
+medex
+grandpa
+liotta
+alpino
+bellantoni
+blisters
+obering
+telegraphs
+devorski
+meta-ethical
+shahrastani
+shahbandar
+sacculus
+tilson
+godwin-austen
+squinches
+barsukov
+macguire
+dhoti
+gyohten
+geomorphological
+konsel
+cfar
+creation
+vory
+cusat
+hzds
+panzanini
+osagie
+ghormley
+35,500
+series
+parke-davis
+137,000-kilometer
+1957-1959
+hydro-québec
+maeno
+interchanging
+factory-installed
+7.64
+conches
+75.26
+attacking
+ultron
+80-seat
+13.46
+lindt
+antipsychotic
+horthy
+re-write
+synnott
+92-73
+litigating
+dogger
+rimbauer
+netease
+bureaucratized
+leitão
+stimulant
+market
+well-adjusted
+savinova
+muwafaq
+euro315
+nabc
+aciman
+8,500-square
+responsibilites
+appraisals
+pervin
+gcsb
+diverticulitis
+burins
+33-1-47-42-80-44
+harmonization
+famoso
+boram
+balaenoptera
+kittitas
+enciphered
+charmant
+tuynhuys
+5.6875
+gagny
+camerlengo
+ladbroke
+swallow-tailed
+bluie
+nashwaak
+millan
+seafire
+al-maliki
+abby
+chiffre
+chenevix
+yaşar
+cfc
+ulex
+adham
+longjumeau
+free-speech
+accidental
+okb-1
+2,029
+hemispherical
+moily
+załuski
+krawitz
+ptd
+l'isola
+multiplicities
+inchoative
+cavorting
+ahp
+roilo
+hongbin
+korvac
+tambu
+epicurus
+sandstorms
+hindrances
+gold-digging
+9.14
+mabizela
+niacin
+protease
+goans
+slovakian
+eking
+guardpost
+ironmaster
+festivals
+1/72
+tn-75
+2,333
+720s
+pacewildenstein
+64.89
+roseau
+cheul
+mls
+hieu
+valedictorians
+pittsburgh
+sarangapani
+3,278
+in-circuit
+t26
+homeopathy
+pounamu
+medium-size
+pheko
+zolotarev
+parvathy
+ouane
+orjuela
+adere
+béthune
+morbus
+veillet
+myinsaing
+charvel
+karkheh
+cuproxena
+collinge
+borsos
+tartabull
+counterproductive
+periodontal
+134.3
+36-26
+76.38
+yttrium
+sever
+kediri
+parsha
+10.1
+ceyx
+cranley
+wiling
+raan
+luth
+26.17
+nothwithstanding
+brockhurst
+streptopelia
+ibas
+vanderlyn
+sympathetic
+safafa
+vex
+pedestrians
+soprana
+106.86
+sadder
+yuggoth
+villagomez
+peterffy
+cerpa
+trenitalia
+barranco
+13f
+padsha
+kendal
+capossela
+kupczyk
+101.11
+charteau
+5,000-word
+8/10
+lanxiang
+gladiators
+pawlett
+25-room
+11
+commonfund
+clingman
+khurai
+biogeography
+zeitouni
+dancevic
+hollie
+poltimore
+souping
+yankov
+alpinus
+duignan
+uray
+ruttenstein
+330-seat
+19.99
+metaxas
+consistories
+solomonoff
+majorly
+thousand-year
+eur2004-ita
+isaacs
+ufx
+imprints
+agyemang
+s500
+fabolous
+engadin
+kadiri
+poghosyan
+caradog
+24-november
+90.54
+s6
+ratzinger
+in-progress
+massenet
+m.jackson
+banville
+passer
+mangwana
+feess
+vahj
+visotzky
+haugr
+lb.
+kaine
+dramatized
+zara
+esca
+savory
+leeteuk
+livestrong
+musaab
+sentell
+retto
+zhenchuan
+labiata
+corticosterone
+dasher
+balibar
+atkin
+paycuts
+patroonship
+typical
+tatneft
+47.58
+fatton
+afterburning
+40-lap
+vinica
+scrophularia
+tankian
+yalin
+domino
+1084
+yih
+patagones
+elevens
+situado
+f.b.c.
+neigborhood
+most-produced
+nurhasyim
+malgoire
+formula_11
+manlius
+lacandon
+juglandaceae
+21-inch
+sundridge
+suspensory
+rapacious
+fucose
+gaslamp
+quatrina
+eastgate
+gogh
+grauwe
+netas
+yowling
+287
+gamewinner
+pedros
+greco-roman
+meoni
+interglacial
+nurul
+kyrkjebø
+case-sensitive
+mansingh
+thiruvizha
+94.54
+palindromic
+mably
+2,600,000
+prescod
+bastardy
+dado
+cavell
+guiness
+noser
+s12
+buchloe
+maljkovic
+alemka
+40-23
+049
+leclerc
+barmen
+chuj
+fittipaldi
+thurmond
+keef
+afd
+glomeruli
+benchwarmers
+este
+kiz
+kavelashvili
+rader
+hhr
+duranguense
+chabon
+mute
+têtes
+hicap
+nemer
+enclosed
+borispol
+gadonneix
+tobermore
+enone
+solidity
+tillicoultry
+m&g
+exempting
+harrowden
+vaill
+bossy
+kynes
+knockoffs
+fothergill
+rushers
+compagnie
+zhaojun
+spaetzle
+242.8
+nippur
+aubel
+paean
+fixes
+lomibao
+dry-weather
+125.74
+zung
+belzig
+wolodarsky
+xuanping
+wargs
+pab
+slpi
+35a
+recapping
+noncomputer
+banyans
+sallis
+countries
+osler
+avriani
+0.005
+stefanik
+torched
+slovenský
+champagnat
+frari
+edgaras
+sancta
+91.85
+have-nots
+misadventure
+khondji
+ballfields
+hyperkeratosis
+sifma
+clandestinity
+romulans
+darach
+113-year
+peltier
+pnw
+makoko
+feras
+minnear
+827,000
+gillick
+dwb
+belen
+stian
+0530gmt
+unsafe
+3,875
+gameworks
+attaway
+blit
+bloodbaths
+borsten
+drought
+66.69
+aht
+europe-1
+kirchners
+rzeznik
+red-throated
+amx-13
+invitees
+varnedoe
+iskra
+cott
+gites
+1893
+armo
+degganssptimes.com
+ramah
+evened
+disinfecting
+42-17
+devolder
+longobardo
+exhalations
+xiaoxu
+cder
+3.25
+burnden
+melero
+kimmelman
+satirist
+transfinite
+7.82
+dinsoor
+rombouts
+waltman
+euro304
+swigging
+upholsterers
+urnes
+belov
+droopy
+linkup
+chicagoans
+chanto
+mass-producing
+hewett
+conceited
+lancellotti
+dobek
+395th
+ivory-billed
+shaft-driven
+pfiffner
+epf
+rajapakse
+mushikiwabo
+cnrt
+vinho
+riebeeck
+presumable
+zosterops
+metering
+sugg
+wfm
+5ive
+petiolate
+kunuk
+tarnow
+morcote
+sers
+menechino
+1960-65
+minn
+nece
+trebling
+kyrie
+buta
+25-12
+nutlets
+langway
+340,000
+judicially
+hexameter
+blossoms
+powershift
+outcropping
+straightness
+helichrysum
+1.6600
+sizzla
+bleck
+sellal
+catégorie
+diverter
+carma
+carmaking
+openstreetmap
+xfinity
+sounds
+dry
+sephora.com
+kočevje
+sasaki
+jafet
+bridwell
+steeps
+burrel
+kand
+71-66
+4.0-percent
+pedestrianism
+early/mid
+rabeeah
+sulinowo
+panjeh
+145.5
+pathshala
+20-12
+netshitenzhe
+popovych
+eundem
+social-democratic
+binaural
++33
+3030
+hsiungfeng
+shing
+castaways
+goldney
+nchu
+qe2
+thorstein
+türkoğlu
+bolzano
+seven-inch
+letwin
+topola
+enclitic
+pinguis
+naparstek
+bju
+accretion
+akuma
+gouala
+holslag
+84-year
+bobsleds
+persisted
+bridgepoint
+chevalier
+harlingen
+abucay
+340
+638,000
+self-belief
+11.15
+stohf
+villard
+gabbard
+esnaider
+non-terminal
+far-away
+triborough
+vebjoern
+punts
+multi-candidate
+attock
+61.70
+lavigne
+15-member
+brenco
+appraises
+feels
+topia
+raswan
+represented
+otosan
+mischke
+chickened
+3-53
+nikolaou
+flossmoor
+jerkiness
+ex-convict
+cabarita
+accusatory
+abbasid
+lochgilphead
+tish
+restage
+2.0-litre
+telesis
+tuner
+appreciable
+dionigi
+t46
+kgo-tv
+dekho
+lui
+heidecker
+computec
+chikun
+sweeteners
+wollen
+6.3-billion
+1,531
+blueboard
+lubroth
+fanatical
+exploring
+wildrose
+suga
+nickey
+11.32
+cribb
+tibur
+mitch
+jannati
+bluesman
+cubans
+terseness
+blegen
+artillery
+connick
+manila
+eggenberg
+hrones
+araucanian
+batbayar
+microporous
+kuyavian-pomeranian
+kabore
+reengineered
+bombastic
+sardonically
+tear-drop
+stares
+20-gun
+o-akbar
+o8
+3,154
+pasminco
+potatoes
+bryan-michael
+54.09
+one-design
+donizetti
+الدين
+top-tens
+sonmiani
+001
+zaz-e
+translators
+(508)
+adamec
+gorelik
+atex
+teiji
+bunnies
+bjorklund
+university-purdue
+flusser
+artillerie
+venzuela
+l'indochine
+ollila
+balsillie
+great-great-granddaughter
+programmed
+mabalacat
+pohl
+skaife
+8-speed
+perfused
+bosshard
+zaliukas
+tibbs
+vaselines
+firedrake
+semi-soft
+lampi
+,410
+beardmore
+6-foot-4-inch
+osmolality
+kuribayashi
+hillestad
+nrm
+shatila
+tombola
+wpd
+musicianly
+lasantha
+darwis
+15-win
+88.39
+kurukshetra
+apprehensions
+spiranovic
+75.28
+discord
+phobia
+pindaris
+derain
+stroot
+dempsey
+reinout
+qumran
+mcnealy
+erections
+formalises
+vytautas
+pre-kindergarten
+panitz
+luxembourg
+barkoff
+dishonored
+primanti
+blechinger
+sagra
+loskutovs
+kagen
+estaciones
+university-affiliated
+cylink
+telekinetically
+foka
+asteres
+manhattan-based
+112,000
+pany
+d27
+maquinaria
+hasting
+forward-thinking
+interlacing
+shert
+m1a2
+frenz
+phalange
+powązki
+kouga
+awgie
+ten-fold
+cybertown
+baguirmi
+rill
+trotuş
+siphoning
+egp
+walberswick
+white-only
+kinglake
+a35
+columbae
+readdress
+bamrung
+mstów
+defibrillators
+step-grandmother
+154th
+268th
+conterminous
+jacksonian
+hpai
+hyperolius
+tatlock
+totò
+mihail
+taproot
+garone
+heels
+mp3tunes
+l-carnitine
+glick
+loadmaster
+2330
+tape-delayed
+bérenger
+vacaroiu
+fmx
+rootsy
+disbrowe
+strangulations
+tao
+48.18
+47.18
+folios
+brushtail
+humorlessness
+morya
+loring
+98.41
+muqarnas
+sud-ouest
+tortora
+roeding
+huettelsptimes.com
+frahm
+cold-war
+euro136
+orderings
+perp
+34.88
+rubber-like
+cataphract
+alkhan
+daggash
+70.17
+sardinella
+logvinenko
+singspiel
+self-regulate
+self-governance
+al-megrahi
+administering
+sld
+tpc
+kfta
+clendennen
+pirmin
+jourdon
+tafoya
+rajkot
+torhunter
+publicas
+ready-to-run
+cheshire
+repotted
+aquaticus
+lennart
+tejas
+sipple
+veau
+itzamnaaj
+vehiculos
+donlavey
+unchaste
+ottava
+importation
+medveščak
+isreal
+gigs
+amortisation
+kimco
+qios
+muko
+ransack
+tijjani
+negad
+higashi
+2.18
+crawly
+lagann
+nanaimo
+hemlo
+pobre
+sciota
+sohr
+'09
+lilias
+sancte
+amenemhet
+warcry
+sinosat
+rizq
+papiers
+wladislaw
+doucett
+hypochondria
+88.22
+shilluk
+eagleton
+al-abbas
+puth
+møllergata
+boat-shaped
+brox
+tvr
+surapol
+keelung
+4.35
+dejavu
+naphtali
+saoutine
+18.87
+morphed
+urbino
+navarretia
+pentaprism
+pronunciation
+broad-gauge
+thiet
+washery
+sin101
+alakija
+vespucci
+drunkenness
+endress
+mauve
+saltz
+forklifts
+accessibility
+67-yard
+82
+tubdain
+90.94
+134.8
+macan
+char
+47.0
+delatour
+kangs
+mosiah
+whiskery
+plunkett
+malesiana
+sosialis
+videocassettes
+(250)
+community-owned
+derivate
+uggla
+badham
+dres
+młynary
+eggesford
+oif
+lindsays
+fj
+protopapas
+boger
+quaked
+balkanski
+rubinger
+liberatore
+12.8
+wingspan
+ilonen
+poteat
+polar
+6.7
+skanky
+ishwar
+ulice
+trinh
+cyllene
+beti
+arrendel
+orchiectomy
+wallenta
+assal
+brignone
+sarala
+renken
+unconventionally
+behravesh
+185kg
+frias
+plur
+daloa
+elt
+cuerpo
+cpos
+matterazzo
+zewdie
+mallerstang
+23,200
+hoisin
+attache
+outraged
+chemotactic
+amelio
+sittard
+lewine
+karauli
+nocera
+bolivars
+low-skilled
+32-28
+maccanico
+1.3725
+gospodinov
+zha
+uithoorn
+rozi
+pedrique
+panchayats
+höhe
+monos
+xml-rpc
+gladbach
+palczynski
+sangju
+computes
+cuaron
+twentyman
+pahang
+rupicapra
+hartpury
+killik
+ostinato
+bakay
+3-0-3
+goalies_st
+greer
+lhasa
+iml
+batwoman
+8,620
+maranga
+mehdawi
+fürst
+86th
+1957/58
+israel-lebanon
+koops
+innervated
+apax
+trompe-l'œil
+yaeger
+roché
+kheyrabad
+kason
+tujue
+four-person
+prayer-book
+briceno
+celes
+b100
+kenward
+presbyopia
+großen
+namaqua
+dizdarevic
+mccormack
+unassigned
+ï
+d'
+clomipramine
+rectums
+2.935
+measurement
+faghih
+guoping
+44,167
+jendrick
+practitioners
+elamite
+tihama
+honnold
+ahalya
+hlabisa
+mpaluku
+maardu
+boukreev
+pequeno
+kofarnikhon
+chamroeun
+buldhana
+rdjohnson
+misjudgment
+676,000
+skulked
+misdirection
+chambois
+trainlink
+westly
+33.69
+equalise
+dolares
+talamanca
+palmeiras
+inter-varsity
+bizzarri
+subadults
+yfz
+hokuto
+wizna
+opf
+tractebel
+99.72
+chahār
+ito
+proxmire
+couching
+transcriber
+shell-shocked
+ballcarriers
+fargo-moorhead
+kiffa
+guseva
+kogelo
+unnao
+temba
+zabid
+majesty
+bandh
+plus-4
+smc
+beddard
+rigobert
+pratice
+pagara
+decs
+bolliger
+ind.-based
+impute
+talansky
+ashlee
+ahlfors
+jsm
+decades-old
+haarmann
+novatore
+12.66
+vidić
+shorto
+kojima
+stsmithglobe.com
+raschi
+goulue
+couturat
+natsumi
+340s
+nonresidents
+binga
+mellal
+pbs
+manulife
+antil
+moḩammad
+tainting
+ivanić
+artistic
+lavity
+psychosurgery
+100-96
+xenakis
+saiga
+desmopressin
+46.41
+himyarite
+d?j
+geoeye
+my
+sacré-coeur
+63.56
+'73
+junjun
+umgungundlovu
+.146
+rosedale
+samac
+1.775
+satyarthi
+ngs
+rockettes
+hantman
+martialled
+lokeren
+outfitted
+couches
+infiltrator
+retsina
+happiest
+transplanting
+rybinsk
+bogorad
+alleycat
+stano
+drosnin
+1/3cup
+filarmonica
+1113
+eighty-third
+lasser
+tinkertoy
+1436
+bacas
+shumate
+najd
+i&m
+nh4
+sverre
+diaochan
+anyukov
+accessorized
+17.41
+gemmill
+laikipia
+horn-shaped
+malayali
+insideout
+sporocysts
+outrushed
+hurler
+offbeats
+huckabees
+viols
+non-dominant
+higher-quality
+magnitude-8
+hucks
+8802
+losers
+yoma
+ieremia
+swail
+13.73
+multicellularity
+caere
+khenin
+1976-1977
+60-billion
+nnamdi
+sherrerd
+bcm
+170-run
+three-issue
+baridis
+psychobiology
+1,516
+fornes
+mcadams
+hindgut
+kottarakkara
+tsu
+33-member
+druidism
+acat
+illbruck
+1.5487
+malpeque
+t35
+overeagerness
+sensors
+herz
+adizes
+qxe4
+hakkinen
+prerecorded
+viani
+refi
+kaabong
+manassa
+cynthiana
+buccaneer
+aghasi
+processors
+polyglot
+devaluated
+750,000
+ldpc
+muharram
+73.34
+shinwa
+samnite
+dozed
+sasiprapa
+mid-1990
+volunteer
+029
+ancestry
+hybridizes
+mallards
+ves
+pr-2
+baharin
+oil/gas
+hameroff
+tadpoles
+hourmadji
+tautly
+posibles
+kishen
+#a
+fastracks
+shreidi
+scrubby
+socks
+aygo
+masvingo
+gautreaux
+quill
+transportable
+ricketts
+yenlong
+vocalion
+mochica
+matuszak
+3,368
+blueberries
+arabs
+mushkat
+unrecovered
+scats
+lakis
+unmade
+willette
+morlon
+easyknit
+examing
+checkpointing
+guruvayoor
+d-ma
+elitists
+chemistries
+julius
+cawthra
+benhamouda
+tulo
+bussel
+fuck
+34,100
+republique
+skulled
+gibian
+metafiction
+332
+hilbert
+narnians
+sheek
+enfolded
+schmelzer
+rejoinder
+lamontagne
+fz
+fast-medium
+conservative
+1939/40
+dohring
+carline
+statesmanship
+four-ball
+detzel
+somaly
+exim
+zyrtec
+3u
+nowrouz
+gorgoroth
+lbh
+squama
+natio
+kitna
+tekoa
+wai
+eof
+instytut
+8-26
+flatout
+boars
+zahida
+ganbare
+duba
+kuivasto
+telecast
+humair
+maqsoud
+lmn
+smadar
+muezzins
+wicketkeeping
+mere
+asociacion
+leenstra
+bomarsund
+swags
+caravelli
+blitzstein
+55.94
+gosch
+fertility
+minnig
+kavuma
+kristiania
+counter-culture
+12/20
+ilana
+70.06
+3-34
+bhv
+dermis
+1.4752
+controled
+retrievers
+aisleless
+lumsdaine
+gattai
+strachanowski
+mountainview
+episodic
+d'angelo
+višegrad
+176.85
+kpcb
+19th
+fashionistas
+linbury
+burchett
+m1
+trottier
+fumito
+necesitaba
+boabdil
+liriano
+iacopo
+siamun
+lagoas
+bric
+tschudi
+alra
+faipule
+katharine
+radioteletype
+anti-hindu
+henni
+tracheitis
+whisked
+avionic
+trebor
+amey
+sherkhan
+controller-general
+hygiea
+cafardi
+sit-ins
+2,584
+napolioni
+issed
+deion
+sub-cultures
+2,426
+tracklisten
+u.n.-iraq
+rainey
+payback
+pálinka
+maty
+jazzed
+renschler
+guni
+non-operating
+jimmerson
+al-hallaj
+rodongs
+kms
+surgutneftegaz
+tsuno
+gniew
+kreese
+youssouf
+2gb
+kizhi
+palatinate-simmern
+geldern
+0.2-percent
+guehrer
+acquiring
+maneuver
+bilk
+salvucci
+micrometeorite
+maneuvres
+uncivilised
+thit
+doubtless
+tvline
+prosser
+biathalon
+sotra
+pushout
+non-eu
+unitless
+stanhope
+hikikomori
+berley
+sublets
+rothmann
+winky
+gorre
+tusked
+rudovsky
+corydalis
+działdowo
+bentz
+heizer
+löb
+1984-85
+flexibilities
+isl101
+122.35
+ruoxi
+yutang
+sportszone
+mrtv
+borsoi
+lobao
+musei
+forearms
+seventh
+dredged
+petionville
+schwäbische
+gynaecologists
+uniparental
+transmittable
+113.40
+distilleries
+landolfi
+sardinero
+sirisena
+buol
+pretournament
+defaces
+omkar
+masiyiwa
+.920
+niffenegger
+hooky
+pron
+zeze
+sonsonate
+ruby-spears
+off-leash
+bellcore
+barbour
+tibnin
+fisting
+peada
+black-crowned
+6-for-12
+generis
+tziolis
+livistona
+utoy
+blood-horse
+warranties
+nambaryn
+votomatic
+roxton
+wairakei
+stanislaus
+dankworth
+klenau
+2,704
+stamps.com
+47.03
+steira
+1,186
+drums
+mccall
+weapons-grade
+jgilmar910aol.com
+margotta
+recognizably
+soundcards
+enp
+www.nationalgeographic.com
+ahmanson
+nucleosides
+hoffecker
+austro-turkish
+colaco
+arafat
+slandering
+77-seat
+tautenburg
+cansos
+supposed
+alicia
+ramachandra
+registerfly
+philipsburg
+seiber
+d'agosto
+orchestrator
+euphonia
+737-600
+iva
+leia
+167,000
+panelling
+hoodwinking
+5,680
+gyo
+neurofeedback
+vocabulary
+68,800
+travels
+gesammelte
+dreamsville
+unphysical
+wiland
+713-3638
+imprint
+baraut
+maimon
+certainties
+paye
+kippax
+sodus
+renacer
+keszthely
+.9995
+ottolenghi
+woodinville
+115.2
+20.39
+ostracize
+soa
+newfield
+whiney
+velikovsky
+combine
+amateur-built
+parochial
+johanneum
+yudof
+20-gigabyte
+brunettes
+schlaff
+7-bit
+65.90
+hizbul
+vitti
+beezus
+lissl
+zilayi
+historique
+ersatz
+ingratiate
+killorin
+lindal
+tomica
+-0.1
+245.7
+tollin
+hyannisport
+wish-tv
+unimed
+partner
+rudisha
+kaletra
+worldgraphics
+palisaded
+chure
+oña
+overprocess
+superhydrophobic
+31.46
+annulet
+luen
+chug
+scyliorhinidae
+aventicum
+mdn
+bašić
+chelmsley
+landesbanken
+d'ambrosio
+belgaum
+longmire
+scramblers
+cruddas
+baghlani
+donta
+epidurals
+nauseating
+pil
+campionati
+daedong
+ruing
+angriest
+d11
+telecommuter
+scavone
+interamericano
+sockol
+tappi
+rodil
+techlife
+toenail
+nagamootoo
+intendente
+rugbyu
+trouper
+dinnington
+180-acre
+wright-patterson
+monomotapa
+cgas
+dagoberto
+never-ending
+diraja
+demurral
+sadak
+3-for-10
+dominate
+25-3
+wirtz
+wisan
+anscor
+sipser
+elmslie
+bass-baritone
+ildem
+junhg
+eshelman
+north-america
+precipitates
+pottage
+0.2-0
+executions
+grubben
+boysenberry
+pannonia
+zehle
+bakhar
+kizilay
+camerini
+lavecchia
+ulithi
+300m
+106.77
+catron
+3,106
+mirzoyev
+morgoth
+calbraith
+hwahn
+rap-a-lot
+jete
+photogenic
+visor
+91.98
+gwardia
+chichibunomiya
+officious
+akha
+retaliated
+wangdi
+5l
+justina
+3,790
+steamboat
+asad
+albyn
+nanterre
+diagoras
+verbs
+kaahumanu
+theophilus
+lerwick
+m.truex
+yacouba
+1866-67
+walkem
+shinseki
+piggie
+1869
+bartosz
+acwf
+wurzelbacher
+1979-1983
+ibraimov
+gustaffson
+katmai
+suppositions
+euro78
+niels-henning
+hovers
+bextor
+typed
+minutiae
+52.94
+gress
+bloodsucker
+dark-skinned
+beltoise
+occoquan
+antithetical
+mueck
+pagos
+quinidine
+mariavite
+nationalrat
+of
+40-homer
+short-beaked
+adefope
+saraburi
+sgr
+wolfskill
+felony
+744,000
+marylebone
+8,888
+installed
+linearity
+sphenoid
+ruegg
+guellner
+wbal-tv
+prakriti
+4-75
+warminster
+unendurable
+304.5
+weatherizing
+shikhmuradov
+huaihua
+pinning
+poulsbo
+nox
+dushi
+hypercube
+allocators
+focke
+anschluss
+heeb
+aways
+untutored
+icr
+fabritius
+hoog
+aimeric
+bemoans
+117.6
+non-profitable
+u.s.-nato
+moores
+hellbent
+doos
+asashoryu
+dingles
+weddington
+deactivating
+saco
+mamoon
+etx
+hexis
+120.15
+simeón
+krystina
+refseq
+10-6
+georgijevski
+munsee
+.889
+durano
+thalji
+pickfair
+spaying
+audy
+26.88
+defoliate
+hi
+small-scale
+railgun
+exantus
+bogatyrev
+5-ht
+byaban
+bifulco
+rsta
+nicfec
+vitezslav
+shadowed
+karolinska
+waht
+kutre
+transglutaminase
+misogynist
+vedel
+georgianna
+150s
+lombe
+ryanodine
+pph3
+retrieving
+thestreet.com
+adeniji
+rm18
+yory
+notkin
+everwood
+termas
+6:4
+ploughshare
+varnado
+bratsk
+cohabit
+tardi
+ahca
+mi-8s
+burung
+pilsener
+cukurova
+122.14
+shaham
+deep-frying
+pushman
+hurstbourne
+carlito
+skittering
+debb
+peñón
+bayan
+ice-age
+dehavilland
+3-18
+rejections
+workcover
+wollek
+kcmo
+ssbn
+arcmin
+buechel
+balompié
+rtsh
+martinon
+dispelled
+lenguas
+vj
+trautmann
+megalonyx
+kinjo
+nmsr
+herran
+tetlow
+worplesdon
+manufactory
+sixpenny
+68.79
+cuccioli
+sakamoto
+triptolemus
+sulivan
+countrypolitan
+mccroskey
+amboina
+ruka
+goheung
+tudor
+ebt
+achham
+horticulturalists
+garbhagriha
+udp-glucose
+egy
+capitalcorp
+mattern
+rajgir
+dimap
+single-cylinder
+633,000
+anatomies
+businesses
+muḥammad
+rosselkhoznadzor
+tube-nosed
+6,860
+maerad
+palmerino
+kapinos
+vowles
+stevensville
+kiddingly
+245.1
+500-yard
+naxos
+sando
+empaneled
+unmannered
+shikwati
+olmert
+bobolice
+nanping
+yurevich
+lozengy
+cerasale
+dothideomycetes
+gandois
+underfinanced
+eyedropper
+tinkerbell
+adamstown
+neuropsychologists
+oyamel
+darnall
+3,787
+schonberger
+gozen
+anthrax
+lanternshark
+79
+tanglefoot
+benglis
+dengate
+circumscribed
+olbermann
+hickson
+5-7
+enchantment
+42-pound
+ranucci
+debilitating
+baiyin
+hoani
+mazure
+sackville
+tapi
+remotely
+koki
+aventurine
+ricou
+masoala
+dambulla
+libourne
+czarne
+karađorđe
+birchers
+anti-retroviral
+cataracts
+390-4480
+1512-c
+hard-earned
+middlecoff
+newsday.com
+god-fearing
+liverwort
+4,365
+bier
+schuettler
+nauticus
+2,840
+domenech
+hjorth
+jihadist
+bogatynia
+vaso
+gaden
+chorro
+lesse
+polyphenols
+engelbert
+madin
+willer
+tiepolo
+kuyavia
+someșul
+metatarsals
+state-based
+antivirus
+diamandouros
+liliam
+14-member
+piaget
+four-seam
+olisadebe
+100,000-member
+voice-overs
+devours
+rfm
+45.54
+equal-area
+emāmzādeh
+alanis
+great-great-grandchildren
+shockwaves
+verrières
+adrenals
+thank-you
+eleemosynary
+gambiae
+impossibility
+112.28
+landlady
+superelevation
+warthe
+ammonium
+reissues
+navoi
+brawley
+phòng
+hali
+menstruating
+klunder
+skibo
+topicality
+sgd$
+jodo
+lisandro
+heward
+giblin
+best-studied
+longer-distance
+zarkava
+shunned
+misgiving
+wisa
+390-7872
+otterson
+denial
+régnier
+presides
+horsy
+compadre
+carswell
+cattanach
+toibin
+rugh
+cutscenes
+sassafras
+bellocchi
+2,176
+rajneeshpuram
+nidelva
+quehanna
+2750
+66.86
+cyclase
+unc-chapel
+qualifiers
+ddp
+recluse
+kenesei
+adah
+politkovskaya
+roxborough
+1-for-4
+disoriented
+deducing
+baddies
+familynet
+hôpitaux
+peremptorily
+22:1
+elsi
+fauteux
+rumaila
+tibetology
+aksener
+gorak
+bless
+picture
+mugan
+witenagemot
+sinorhizobium
+outdistanced
+41-32
+sambandham
+vaki
+vinmonopolet
+bunchy
+brunstrom
+2,500-page
+corixa
+weststar
+coreligionists
+iel
+maju
+kourtney
+corrugations
+anchorages
+regrouping
+capobianco
+thrives
+breakups
+1726
+malleolus
+dervish
+akbank
+mid-1989
+industry-wide
+zidani
+forebrain
+19.44
+errores
+high-capacity
+annus
+englander
+terephthalic
+permeable
+langzhong
+obiageli
+uppity
+24.47
+flinders
+non-essential
+intended
+merill
+stryfe
+lahti
+lubricates
+alphard
+gulfstream
+bissinger
+illinova
+euro458
+kariye
+mathematische
+1903-1904
+siezed
+stefanelli
+banc
+magnes
+racławice
+cannavale
+garriga
+billers
+eclogite
+mcabee
+nitro
+dannatt
+garko
+telegraphers
+knocks
+jazzland
+cosmonaut
+strongheart
+teleservices
+kubel
+x29
+82-71
+retorting
+landmann
+millette
+lych
+bruner
+jhansi
+lynda
+admiralties
+valanginian
+environmentally-friendly
+bilotta
+suelo
+mafany
+asbestos
+hibben
+dasani
+bladders
+kintz
+halmccoy
+intangible
+arpad
+toub
+plastino
+sokcho
+leidesdorff
+werre
+.54
+bussing
+hatem
+quinault
+fellbach
+wsou
+gitega
+ayreon
+24-gun
+3-6
+borivali
+astmax
+l'ermitage
+reassembly
+cherepanov
+istanbul
+1958-1963
+alexios
+jaffar
+denuded
+posthouse
+bernieres
+premaxillae
+modernization
+neild
+bayannur
+longimanus
+triaxial
+polícia
+gertrudes
+essingen
+dabbled
+dipa
+zorthian
+optical
+roho
+wallachia
+30.10
+hobnobbed
+hitmaker
+tamai
+fiancees
+swaran
+availing
+945
+asilomar
+gaffie
+nww
+crafter
+40.96
+alewife
+ezetimibe
+tabernaemontana
+furay
+goeters
+farid
+calzada
+euro229
+ignatievo
+mayson
+quasi-military
+biconnected
+altmeyer
+midori
+battier
+ravetch
+tomorrow
+wsyr
+grotte
+goneril
+19:24
+kinyarwanda
+quagliarella
+droge
+battlecry
+6-4
+armani
+tōkaidō
+carrà
+gené
+zubeidi
+233.7
+barentsburg
+wenli
+megret
+highfather
+hafslund
+lourinhã
+b747-400
+woollaston
+culling
+shields
+soffin
+microdot
+jenckes
+saraf
+1.3645
+zardad
+dorma
+spade
+12mm
+actionists
+barbiano
+buy.com
+end-of-war
+kadamovas
+pierpoint
+1000-1200
+zuh
+amended
+forti
+bosstones
+pilis
+confide
+ssrc
+irks
+scheper
+1598
+karaoke
+impressionable
+irwindale
+9-18
+(803)
+cradock
+lillhage
+echoplex
+clutch
+solemnization
+awantipora
+bexxar
+mpower
+komendant
+préparatoires
+histria
+kelan
+janzen
+panalpina
+playmakers
+delaval
+khanapur
+katagiri
+sbeih
+kommunalreform
+tawhidi
+retrenchment
+fane
+burress
+boller
+dagwood
+collpase
+ctx
+mòr
+acclimate
+risley
+'64
+nonplused
+kasih
+dour
+gemstone
+peckinpah
+ambulacral
+dunsky
+stata
+chromosomal
+invision
+dongzhou
+lewenza
+siliciclastic
+ashmore
+rovno
+footstools
+fujia
+w-class
+thrupp
+mintabie
+agrigentum
+colpoys
+suton
+seydun-e
+martini-henry
+wynegar
+yaqub
+dalzell
+jasek
+quieter
+democratie
+doublespeak
+seabrook
+cd40
+westerham
+gucheng
+arvo
+33.50
+kumyk
+30-april
+deianeira
+consolidators
+paschen
+sinyong
+unblockable
+54-34
+non-contract
+60000
+unreeling
+huseinovic
+formanova
+8,000-square
+mcowen
+progressing
+osbournes
+chajet
+aico
+ithil
+knuckling
+54,700
+conceivable
+armory
+coopersville
+20.63
+reaccreditation
+70-yard
+vendex
+alcorta
+harush
+fickett
+liberal
+30-16
+urschel
+saraswathi
+bezirksoberliga
+frailty
+wami
+shirin
+longshoreman
+sitout
+jetman
+tdg
+smooching
+heibel
+summary
+giolias
+takas
+nankang
+chastise
+ivanhoe
+1993/94
+wit
+chavous
+sunseeker
+nobel-prize
+monography
+joh101
+3.185
+vermin
+randee
+demario
+shimomura
+noticing
+littorinidae
+arlfc
+mukhrani
+1874
+podington
+brode
+quadi
+ranković
+takaichi
+anabasis
+salone
+portentously
+ordres
+tuneless
+grentz
+ennodius
+meggs
+akhmadulina
+elastomeric
+26.93
+10-yard
+1.4250
+greenstreet
+triumphalist
+holste
+roost
+hurriyat
+linklater
+lamsweerde
+dledbetter
+carboni
+rubery
+saint-henri
+banović
+board
+paralamas
+out-of-state
+sahiron
+gaikindo
+lebanese-born
+113.80
+c-train
+ximending
+nominet
+melhor
+hunzvi
+bhasa
+pharmacopeia
+sincerest
+razh
+heatherwick
+zenapax
+dinallo
+re-commissioned
+blackstrap
+22,500
+gooseneck
+cpg
+natalino
+raincoast
+oudolf
+out-of-control
+ukr
+100-88
+goaliestampa
+tianjian
+pharmaceuticals
+254.4
+goldmann
+emms
+micrometre
+havemeyer
+astors
+unmerciful
+bulz
+zile
+nipawin
+malacañang
+saïda
+b.u.g.
+publishes
+tempts
+meditations
+isabelline
+isaura
+muntu
+ror
+elementa
+staffers
+25-nation
+kinnie
+loko
+woll
+longmuir
+esmael
+bortolini
+europea
+heating/cooling
+multi-coloured
+litefoot
+waurn
+directs
+d'aspet
+allomorphs
+non-single
+beothuk
+sauvignon
+bell-ringing
+fuiste
+shimoni
+abderraouf
+chrestomanci
+anti-depressant
+corporate
+unemployed
+stagniunas
+zusammenarbeit
+pedagogy
+blacher
+foetal
+gurubacharya
+folkloric
+halkidiki
+shieh
+mühle
+dengue
+nutini
+götzen
+52-10
+yev
+watchlist
+gioacchino
+iveagh
+stuckists
+fanatik
+decontaminating
+kendiras
+seigneurie
+airlifter
+varieties
+nichts
+bolocco
+hartman
+mert
+maracle
+aisén
+demi-god
+åke
+lakhisarai
+bernardini
+heartier
+censorial
+leutar
+wollersheim
+ermengard
+gentilucci
+banani
+hens
+120.74
+48.49
+fevered
+escarpments
+ciccio
+kauffmann
+jehadi
+ginossar
+debt-to-gdp
+fernao
+69.41
+e12
+briesen
+mishnaic
+ivashchenko
+wallkill
+khanam
+goalies_colorado
+6-of-8
+monarda
+balastik
+rapists
+nereus
+41,900
+idham
+proactive
+quickie
+ddg-1000
+raghunathpur
+75.96
+norderhov
+fight
+cookout
+expounds
+42.61
+12:43
+wallmoden
+spin-orbit
+33.21
+bachtiar
+ccdev
+overhand
+allamakee
+erythrina
+ranft
+sakip
+shou
+ra6
+stefania
+yponomeutidae
+tantras
+fistell
+ferrabosco
+pardes
+nkp
+kozelsk
+lín
+ramillies
+hachette
+4,959
+saṃsāra
+single-carriageway
+paille
+asthmatic
+kankaku
+zanpakutō
+1.85-meter
+belgravia
+mandelli
+mulcaire
+34,688
+barc
+pneumoniae
+murdo
+sde
+reprogrammed
+kydonia
+westrum
+starched
+jubilance
+piccio
+bleekemolen
+champaign-urbana
+mccurry
+rinnan
+sumgayit
+mandu
+berrigan
+kharal
+bosma
+julienned
+43.81
+kosolapov
+ninagawa
+lăutari
+balamuralikrishna
+andalusian
+tharus
+restocked
+mediterráneo
+baccini
+combi
+dippers
+fongern
+95.83
+bicycle-friendly
+opcional
+antidepressant
+klaudt
+organoarsenic
+account
+combat-ready
+nypa
+counterfire
+s.v.
+21.97
+salver
+qxd5
+kearsarge
+granum
+emori
+3-g
+s/a
+desastre
+mays
+nationsbanc
+lagna
+bontempo
+vcast
+airstrip
+rankl
+amorello
+7,310
+klungkung
+life-forms
+masbate
+gaziano
+amstephenson
+aph
+since
+2180
+klao
+winlock
+ilmi
+barreiro
+gwynn
+kausar
+70.47
+celtiberian
+stepdad
+trulsen
+mahek
+comforters
+brohm
+rygge
+aphorism
+cpq
+86.81
+nanotechnological
+esx
+careerwise
+bamboozle
+marne-la-vallée
+isae
+ottar
+linyin
+cetina
+catus
+aasa
+leonora
+conceal
+zokol
+macabebe
+kitami
+daughdrill
+meep
+gusinsky
+glycosylase
+beiping
+chojnice
+traumatology
+excisions
+prevacid
+doe
+panthers
+33.45
+neighbouring
+tikaram
+squelch
+cual
+oneness
+tsutsui
+sc/d
+donnersbergkreis
+moffitt
+chettinad
+summiting
+erlenmeyer
+700-million
+5,970
+kokugikan
+kennesaw
+executives
+samye
+glinka
+warrick
+goers
+leumi
+fudgy
+côte-des-neiges
+lista
+llamadas
+curbeam
+garmendia
+ask.com
+46-10
+culminate
+114.0
+1943-1945
+kajagoogoo
+red-colored
+amplifies
+dynamo-2
+koskovich
+moasher
+-90
+ge90
+f--dellapa@globe.com
+inflicting
+challenging
+chatham-kent
+jinggangshan
+palghar
+scarfiotti
+lituma
+heythrop
+2520
+nadda
+bridgit
+pwn
+german-soviet
+homocystinuria
+parachuted
+gentner
+605
+sebrle
+kuwadzana
+elstow
+clios
+thyristor
+bellen
+paderborn
+early-evening
+tintypes
+kruczek
+benyettou
+sardinians
+cadix
+drewe
+chandelier
+kihlstedt
+francolini
+boatbuilders
+buckfastleigh
+nessun
+mosquitia
+omim
+liberalization
+suckling
+polonnaruwa
+5.39
+t.g.i.
+chibhabha
+veton
+skw
+cowansville
+fieseler
+vatia
+monga
+lipari
+salona
+markings
+schultes
+harahan
+irregularly
+montsant
+hooked
+85.46
+pools
+maudit
+acropora
+sullivant
+changa
+adjudge
+risalpur
+castrellon
+msconfig
+locket
+osanna
+inter-party
+razlog
+weight-loss
+fertilising
+benning
+minot
+commissaire
+sewanee
+bertrande
+1_2
+three
+danoli
+lakelands
+c-o
+dairies
+harshman
+qc7
+macphie
+cerent
+cubby
+chimpanzee
+jokkmokk
+noncommital
+plumb
+sungurlu
+prehistorian
+aeronauts
+peplos
+ilusión
+librach
+kingsbarns
+yowza
+yasir
+yum-yum
+ufw
+nejib
+dimensia
+grimy
+1430s
+taler
+labute
+laswell
+10.94
+powerboats
+africains
+piarco
+connaught
+rgu
+artaxerxes
+potok
+fathabad
+nai101
+rezazadeh
+450-room
+hinglaj
+bhavna
+klöden
+18-5
+self-criticism
+guaguancó
+disbursing
+sa'ed
+4/32
+wainui
+couche
+szálasi
+togni
+mack
+schwarzburg-rudolstadt
+bowmen
+impeccably
+goddamned
+citrate
+mendhar
+euro880
+one-quarter
+infonie
+zanamivir
+british-owned
+taiwanization
+ballistics
+aerocontinente
+newby
+septimus
+inamoto
+sergo
+73.21
+vast
+winsock
+leblanc
+hachaim
+tools
+male-dominated
+robison
+maiga
+mackal
+welkin
+rent-free
+sslc
+---------------------------------
+91.9
+suing
+karjalainen
+éomer
+voicexml
+gripper
+volda
+france-based
+euro331
+mauricio
+2342
+brittonic
+minders
+levada
+11:40
+lease
+universitat
+danish-german
+humain
+advancement
+ono
+machetes
+affirming
+byg
+two-year-old
+freeth
+diacritic
+81-3
+blemkin
+raskind
+wild-type
+1ère
+rockmore
+ultra-fast
+havemann
+constantia
+shlay
+mazda5
+201-217
+stotz
+philistinism
+originator
+semi-documentary
+neo-orthodoxy
+dacer
+luha
+alamoudi
+pulseless
+1.431
+hand-printed
+rain-soaked
+r30
+molitva
+72.21
+108-103
+poops
+commissary
+sat1
+mosh
+masan
+caseworker
+hardekopf
+welded
+nitriding
+101.22
+edwidge
+criville
+leavening
+eusa
+titled
+ruptures
+yermakov
+scrutinize
+36s
+oxfordshire
+jonty
+barrick
+lewenivanua
+20.12
+jogeshwari
+14.28
+alsobrook
+nazarene
+myke
+ecureuil
+brialy
+crescenzi
+krementz
+signifying
+adamic
+senafe
+ramza
+ashkin
+kassem
+murdstone
+chandrakona
+quintupling
+candles
+chiles
+deutschen
+toshiki
+abdulkader
+jolted
+phenols
+malvasi
+maginness
+sgreccia
+monterosso
+mi̇t
+calhoun
+zubaida
+dithered
+alans
+2,697
+miscarried
+idrissi
+mesdag
+manheimer
+56.75
+jangal
+10.16
+hirabayashi
+matinenga
+48.58
+staryi
+eccentricities
+metten
+cherven
+2012/2013
+kresnik
+forsell
+limited-overs
+reindeer
+lidec
+jiasheng
+tommasini
+soothes
+comdisco
+tofel
+lukasz
+dshea
+ramayana
+109.20
+pembrokeshire
+cockroft
+assurer
+bodied
+118.10
+polavaram
+ultimates
+lunine
+lujiazui
+trade
+ex-chairman
+farjestad
+banwa
+ullah
+commonest
+maipú
+václav
+zhiguang
+cima
+mwiraria
+jingxing
+poonia
+oce
+salingaros
+zollitsch
+wiliness
+lord
+hetfield
+dissipative
+nashwan
+hendron
+tax-paying
+assessor
+testaccio
+garnica
+boogieing
+stand-ins
+obono
+eclectic
+arnould
+rock-influenced
+morituri
+jamet
+shropshire
+tidd
+seonjo
+jihei
+saponin
+clabaugh
+damnedest
+kathy
+repertory
+joung
+hobbie
+dormitory
+layouts
+1417
+27-strong
+9i
+josemaría
+30,000-50
+parte
+fofana
+spitballs
+c-7
+exclamatory
+110.58
+sepia-toned
+well-developed
+27-aug
+142.8
+willingham
+moncayo
+newtie
+936,000
+kelli
+shallhorn
+gavroche
+catechesis
+euroscepticism
+agiesta
+jianzhen
+hinzman
+harbeck
+poux
+tamilnet.com
+bagnasco
+rutelli
+86.06
+koogle
+muskrats
+belek
+maître
+fist
+m55
+ahrweiler
+skobelev
+b-52h
+cavic
+taymiyyah
+36.71
+nutrilite
+kaganate
+lab
+olvidar
+labourer
+picacho
+resources
+rsnelldetnews.com
+revilla
+romuald
+3.09
+leslie
+aza
+spearman
+knock-on
+dinting
+tofo
+indo-china
+marshalli
+perused
+necesariamente
+lebedko
+wrey
+-15
+bcof
+korps
+r.c.
+13.1
+tuiasosopo
+dystopic
+pss
+kelda
+scrooby
+molqi
+shoreham
+hotelling
+cowsills
+702,000
+rita
+libro
+contemporanea
+ubosot
+irreparably
+malá
+mittelwerk
+bromborough
+108.0
+okoshi
+sexcapades
+linseed
+tiffin
+wsm
+prk
+rajagiri
+armesto
+finalized
+mach3
+colonia
+folkingham
+raz
+4,705
+feldwebel
+overbey
+opsec
+searchinger
+ternopil
+piraka
+precancerous
+150/1
+leming
+110.60
+social-networking
+74-minute
+wittig
+97.48
+chiasm
+adjoining
+sundlof
+strugnell
+tōkyū
+transkaryotic
+biggovernment.com
+ohayon
+wfan
+docking
+andijan
+ellerson
+groseilliers
+passmore
+first-place
+labour-farmer
+siguio
+pharaon
+terje
+boiro
+104.53
+banlieue
+littlehampton
+yuuichi
+methyltransferase
+24.84
+djebbour
+antuna
+royalton
+remarried
+honorariums
+dodgy
+meininger
+connes
+malcon
+by-11-inch
+excelencia
+kapatid
+bendersky
+arlen
+28.23
+phyle
+sasithorn
+aramaean
+lige
+sheila
+kasey
+komites
+brunzell
+screamers
+bideau
+kauanui
+davydova
+joslyn
+nzoc
+28m
+beidahu
+prldef
+erdan
+garborg
+sanguesa
+collons
+2.39
+pastorini
+astras
+flans
+0:01
+gender-neutral
+jermoluk
+niantic
+peut
+gokhale
+quets
+abhisit
+armwood
+50,000-watt
+grotter
+magowan
+scalds
+pre
+non-accredited
+gyantse
+spank
+must
+particularly
+regress
+dao
+u-233
+wellston
+4,199
+météo
+miroljub
+acet
+bioscientists
+maguy
+tannous
+10.69
+conor
+lobate
+steles
+6:5
+dokie
+56-day
+ssto
+ghaffur
+moonballs
+westfields
+craftsmanship
+wpt
+telethon
+evere
+burgdorf
+variations
+cnes
+sahla
+zaka
+calculated
+buddhas
+rime
+christin
+f0
+pothohar
+1736
+fresnes
+duhks
+drummond
+banderas
+plaques
+viernes
+cephalonia
+v-22s
+jdbc
+dhfr
+amidi
+fehlmann
+helaine
+granma
+2402
+nap
+meyer-landrut
+lsu
+roraima
+geolocation
+188.4
+tarvin
+meilleur
+woicik
+diocletian
+60-lap
+1,596
+gumble
+serfontein
+,0000
+cixi
+shotover
+sandbaggers
+taroudant
+repco
+nevi
+1,727
+jazzie
+siddhant
+daho
+pre-owned
+haliaetus
+three-speed
+beglarian
+takeover
+pekoe
+hounsou
+00:30
+sat-1
+riester
+adamantly
+wbgu
+celebrities
+womenfolk
+cesinger
+copperman
+150
+schlappner
+quarr
+meteoritic
+çiçek
+plumpy
+corp.
+myrica
+canidate
+ascribed
+hi-tek
+regionali
+1.7500
+napoli
+keizer
+destouches
+fibroblast
+mccampbell
+evita
+halbrook
+l'union
+herreros
+lineside
+29.5
+endotoxin
+intimidatory
+2,571
+mogao
+sídhe
+700,000-barrel
+penrhyn
+uf
+hieronimus
+rathores
+borghetto
+intifadas
+6,460
+adriana
+buet
+550-foot
+27.0
+s-phase
+bucaspor
+rainmaker
+404-582-7642
+huberts
+precluded
+pro-gun
+1.60
+sand
+idealizing
+shenango
+statoilhydro
+jazmurian
+tirta
+prefiguring
+majkowski
+12-25
+congruity
+painterly
+ventures
+scorza
+s.african
+18.08
+9.0-magnitude
+yemelyan
+qijia
+raouf
+pegging
+symbiont
+soleiman
+richeza
+rivai
+icterus
+kamisar
+measurable
+bullies
+vaisala
+mayahi
+jejomar
+power
+.73
+åsen
+antecedent
+postini
+rafah
+geil
+exitosos
+limitada
+daukoru
+elvis
+lpfm
+malbay
+xiyun
+blitzes
+930-vote
+gonghong
+knuckled
+quirinus
+muhana
+1,825
+stations
+minicam
+rbocs
+elista
+stpb
+telecasted
+mindanao
+2,2
+555-seater
+reborn
+monogenetic
+salmoneus
+shalders
+khawr
+d-flat
+chamaesphecia
+beachgoer
+foram
+akai
+pattersons
+dlott
+trelease
+dignitary
+37.18
+croagh
+durzo
+claypole
+libertarians
+rackheath
+eckelberry
+cleanse
+jaswant
+counterblast
+rosing
+wahaha
+nikol
+14.38
+98,000
+puttumatalan
+socinianism
+tovalieri
+5-phosphate
+kulathuvayal
+897
+wiretaps
+frieden
+rhett
+sekiguchi
+off-again
+aggie
+storycorps
+gbissau
+nebosh
+decathletes
+heinemann
+53,400
+kwun
+giolito
+zauner
+belo
+realizations
+consign
+508th
+natixis
+pilger
+guangxu
+105kg
+mohawks
+zari
+ellerth
+d?cor
+dosas
+zhaowen
+intelligence-gathering
+karbuli
+flotsam
+gelson
+broadcasters
+o'briant
+clariion
+scotch
+n.f.l.
+photogrammetric
+karna
+cdcr
+586,000
+airconditioners
+ninety-third
+muallem
+domesticated
+sviatoslav
+internet-related
+flew
+kalupur
+tv-shows
+fanum
+seilliere
+whimbrel
+negoiţescu
+hutchens
+annies
+bisected
+90-hour
+buttrick
+acceso
+sauternes
+2238
+premonition
+terrapin
+settled
+psas
+publican
+britishers
+obrera
+stijl
+zenit
+nostro
+boserup
+tauter
+nonchalant
+fregoso
+liker
+dojran
+59.57
+giddy
+anxin
+saltworks
+paracas
+hoarau
+stft
+bossie
+bernhardt
+717s
+unlatched
+askold
+hydralazine
+eschatology
+perrett
+anodes
+69.92
+zhuzhou
+burish
+tyrconnell
+nándor
+cernan
+foaming
+badoo
+mccarl
+geiger
+9:18
+gackt
+ghp
+amares
+positano
+ludwigsburg
+11.45
+blavatsky
+jubran
+abdussalam
+centerstage
+33-acre
+malayalam-language
+kumoha
+649
+mocambique
+31-13
+coronavirus
+euro47
+syratech
+tuitavake
+olonets
+dural
+22-carat
+jamestown
+migdal
+trecartin
+2012-2014
+bade
+klause
+poehler
+term
+polemonium
+fetterman
+softdrink
+englund
+immodestly
+jingzhao
+eeg
+legadue
+1,660
+56.03
+crable
+telmo
+pba
+angelo
+alviri
+singlehanded
+smooth-edged
+lovesounds
+therm
+lubelski
+spacebus
+multi-purpose
+ruthardt
+floridas
+governmment
+taeko
+46.34
+tapias
+argyros
+cookbook
+extorting
+魏博
+know-nothings
+sahag
+bandaged
+indiana-based
+k5
+bratslav
+dahlem
+68.12
+shipshape
+isauria
+baraa
+procambarus
+perfect
+toshimasa
+trashed
+one-dollar
+4,500,000
+44.59
+wanting
+lisaraye
+sergej
+32,750
+impressionists
+maeshowe
+spacesuit
+melony
+104.18
+moorthy
+svorada
+subsets
+gsfc
+kissell
+uspa
+mundos
+dedicada
+miwok
+shilling
+krones
+jünger
+1150
+airwing
+quibell
+anticipating
+mottola
+yutaka
+hurtled
+hbv
+necklaced
+finnieston
+dorst
+esteem
+winkfield
+olanzapine
+surreal
+hagegard
+par-73
+takuro
+s.r.
+rethinking
+mottisfont
+suvorin
+regionwide
+accessatlanta.com
+stixrude
+trigonometric
+åhlund
+171.00
+politeness
+triumphantly
+demagogues
+kolberg
+lesbianism
+borun
+kocieniewski
+stemming
+sarasohn
+cindrich
+uddingston
+melford
+tastic
+jehan
+lozenge-type
+llera
+bextra
+connally
+gundlach
+5.6
+fedotov
+220.8
+aherne
+thoracotomy
+ravni
+defillippo
+deccan
+pisidium
+transmode
+mayhall
+46.04
+quibdo
+badan
+tmac
+rapine
+winchilsea
+couto
+coelomic
+gayev
+sensational
+etsuko
+restless
+sarhat
+o'boyle
+luvs
+guangyu
+armstead
+cadw
+akaishi
+meuvret
+groo
+heimer
+mafraq
+sidenetting
+bwilson
+peppin
+simulants
+glove
+marakesh
+andora
+75.98
+walkden
+ascherson
+lutheranism
+prasanna
+gabel
+gynecologic
+probolinggo
+five-digit
+dissatisfying
+a.m.-2
+logistica
+upin
+flindt
+volksschule
+4,500-seat
+kloppenburg
+x86
+azscam
+vanoy
+chaisit
+deservedly
+kornhauser
+untrusted
+o-zone
+falkoff
+erlen
+auraria
+offspin
+puebloan
+shai
+edu
+tonna
+bof
+mahadi
+phatak
+boxoffice
+impeachable
+gaesomun
+76-57
+ug
+zhaoyuan
+crewmen
+barnstable
+3,025-kilometer
+accruing
+enraptured
+tombelli
+audie
+berend
+pelecaniformes
+18-player
+subg
+befehlshaber
+votorantim
+ksar
+borgou
+eves
+inverses
+primergy
+hysen
+temporale
+deregister
+ng
+piana
+parkman
+futilely
+solvberg
+cavernosum
+statens
+companies
+26.5
+stammers
+crescent-shaped
+pornographic
+provice
+nişantaşı
+sharji
+bakka
+rechter
+kreuzer
+shellenberger
+agno
+pidal
+fangzhi
+4-week
+altemps
+yamna
+180-pound
+amormino
+westerkerk
+aliena
+cloner
+agresearch
+sohio
+calman
+resolven
+headed
+khosh
+stipe
+friedenberg
+brepols
+danev
+dioguardi
+41.4
+hcd
+librado
+singhasari
+indurain
+utriusque
+blonsky
+pian
+morrinsville
+bark
+salcombe
+mbbs
+jakobsen
+scant
+kyoga
+shawi
+wedneseday
+basura
+popular
+raoc
+abnegation
+heneage
+demonizing
+mne
+flügel
+245.9
+kłodzka
+276.2
+16-country
+bellybutton
+kaliurang
+gc&cs
+isoflurane
+xecl
+co-composer
+garrotte
+f-35b
+danthebluegrassman
+salsinha
+configurable
+gulbis
+eos-1d
+hanbal
+mumia
+1802
+gelle
+1618-1648
+v-weapons
+sarta
+configurations
+megane
+norvegia
+diverticulosis
+existentialist
+zulueta
+akbarabadi
+biologics
+expands
+shoranur
+dahrendorf
+silberstein
+slana
+nasatir
+gappy
+rhinox
+cervecera
+dolley
+badilla
+passably
+ills
+navels
+peristernia
+guddi
+kalibari
+mimzy
+48.34
+xanthe
+sclerotherapy
+lyly
+necesary
+barratier
+lancel
+pijpers
+2,659
+resolving
+sonitpur
+3550
+aghaj
+radially
+3,291
+dreamland
+djinn
+único
+tomate
+10.54
+paulino
+ceramist
+birkbeck
+ayyappan
+1.5790
+conta
+okinawans
+re-discovered
+xj6
+tv5monde
+hyder
+campi
+bijay
+tanoli
+isomer
+diverged
+mcgregor
+hrazdan
+28-strong
+ralf
+babelsberg
+albita
+malmkvist
+dailykos
+renominated
+zemgale
+durgham
+self-satisfaction
+1.5875
+sarumpaet
+fyodorov
+dauntsey
+queasily
+alak
+bojović
+repudiation
+nonesuch
+egawa
+grewia
+anjou
+suckermouth
+akamba
+同中書門下平章事
+letsion
+glycemic
+two-part
+blackpool
+suplicy
+ulta
+zamanbek
+18-story
+koningin
+neo-confucianism
+thongbai
+amazon.com
+leica
+salimov
+transshipped
+94.19
+mińsk
+keam
+13-inch
+dayanara
+siple
+tompolo
+breastmilk
+ghiazza
+goldlion
+98.20
+codesa
+productiveness
+bradham
+www.hotel
+radoje
+boyolali
+54.27
+mols
+п
+championships
+balkanize
+pesonen
+supertones
+sharemarket
+karyl
+mondays
+provincewide
+polycyclic
+taxable
+mangena
+comique
+tamaqua
+shapleigh
+8-for-14
+gharbia
+minnett
+delshad
+kovick
+maximes
+ericks
+miro
+sudiro
+stpi
+gandhis
+weirdos
+kabūd
+tioulong
+wisecracker
+red-violet
+63.13
+shenton
+controversey
+votic
+picchio
+warheads
+tra
+1.93-meter
+dakotas
+yapi
+22d
+redshifts
+hagiographical
+150-year
+herve
+henery
+iturbe
+naharin
+felda
+chiodos
+privatised
+chiwawa
+alaknanda
+igls
+montez
+diderik
+uninteresting
+wuhl
+vakarai
+hungers
+verrettes
+highlanders
+10-15
+siderman
+rakhum
+strier
+genuflect
+cgil
+full-page
+haemorrhagic
+moussaieff
+sternheim
+cherubic
+brantford
+kramp
+gorcey
+razaleigh
+kaz
+sharland
+11/3
+xlt
+dahlgren
+berkow
+sophronia
+calkin
+loamy
+1945-1949
+searches
+cwmbran
+ekk
+huashan
+bartik
+6.62
+ipatiev
+bakit
+quartzites
+schnorr
+renford
+goldfarb
+milia
+gomma
+maliha
+schweppes
+lotr
+12.65
+petersberg
+white-bearded
+tyninghame
+tgr
+deliverables
+bordeleau
+liken
+149.1
+zhengde
+geringer
+isomeric
+haab
+grealy
+1-5/8
+sardhana
+stara
+ulimo
+nikolaus
+psoralen
+hessman
+goude
+www.slarmy.org
+luch
+naturali
+nupen
+itex
+34-point
+katsuyama
+guzy
+jörmungandr
+12-pack
+screwed
+bartlit
+vigny
+1.086
+sperry
+ugandan
+clausthal
+charilaos
+26.97
+agnico
+parsifal
+dackell
+anane
+angina
+oboler
+frondizi
+niso
+31.09
+anarchiste
+possiblity
+šantić
+hachiōji
+incumbent
+vaseline
+salafia
+rasmi
+kluzak
+intoxicating
+monster
+eidos
+supplements
+footman
+93-yard
+khmylev
+changhai
+ndugu
+1,639
+sultanes
+dragón
+pigra
+ruvolo
+pomatiidae
+piñeyro
+penafiel
+doubtlessly
+sedimentary
+impremedia
+biconvex
+secom
+divestments
+pos
+shuping
+shcherban
+arimathea
+hamdija
+immersing
+18.72
+belge
+unst
+award-winning
+padmini
+mariehamn
+roadworks
+plainclothes
+pollutant
+roggen
+256-megabit
+etch
+hirohisa
+khvostenko
+gamov
+goal_vancouver
+chaber
+grammars
+cologne-minden
+paithan
+119.60
+srebrna
+gunboats
+incarnates
+dilution
+bouguer
+bedworth
+virgilijus
+carolsfeld
+6,099
+tzeng
+multiphonics
+borzakovsky
+waigel
+colomer
+wgc-bridgestone
+interblock
+ravichandran
+myocytes
+npa
+nibelungen
+bistrița
+cullison
+collegial
+epithelia
+revelle
+financiero
+byczyna
+heta
+2006/07
+nedor
+rado
+hammoudeh
+harkening
+avonlea
+menkin
+right-back
+12.87
+972,000
+kathiri
+hazon
+drey
+heyn
+bogazici
+administrations
+biogeochemical
+penultimate
+szabolcs-szatmár-bereg
+cost-prohibitive
+heeact
+haddenham
+gladiolas
+oregon-based
+bedazzling
+liquidated
+earth-1
+fishtown
+tepi
+cm/s
+eminences
+kobierzyce
+kpfk
+al-zahiri
+countertenors
+southborough
+rys
+schamasch
+sirivat
+aniconic
+markwick
+dockers
+djindic
+replanting
+subsidise
+npl
+silverwater
+exr
+gamil
+coretta
+lithonia
+hollingshead
+pincavage
+40-acre
+cromwell
+cerd
+bullshit
+jonge
+ritchies
+shobu
+hawksworth
+kazlauskas
+picketer
+pilipino
+mehola
+mathcounts
+marched
+ב
+multiport
+primecap
+amamiya
+ritualist
+svatopluk
+tatas
+yechezkel
+kilab
+solyndra
+substructure
+moab
+alecos
+chamanga
+ramadas
+reticulation
+crda
+trickier
+rehl
+studyworks
+lucila
+charter
+morzine
+cortinarius
+atyeo
+apenteng
+150-minute
+glebov
+zielbauer
+msowoya
+magdaléna
+4,047
+avorn
+robinsonville
+taroona
+sdg&e
+humoring
+marandi
+trairong
+oblique
+landet
+fundora
+ground-breaking
+koussevitsky
+31-7
+szoke
+stuckart
+alerting
+mcnorton
+51.47
+larena
+o.a.r.
+u-men
+pfft
+stormy
+flying-off
+salesforce
+dexamethasone
+ottawa-carleton
+buckenham
+c.y.
+perlov
+equanimity
+paso
+algonkian
+shotton
+cremant
+670
+propitiatory
+lusofonia
+exterieur
+cko
+texture
+garet
+contrapunto
+sollers
+greengard
+toasting
+vacaville
+frydman
+distress
+smooths
+fuzzed
+tahaboor
+yawl
+balfour
+fulghum
+saudagar
+tulse
+six-week
+aiping
+magnien
+burland
+fête
+bozarth
+aleksy
+mbarara
+lasianthus
+icecap
+firehoses
+cvik
+pycnidia
+short-haul
+backplanes
+uktv
+jousters
+yosemite
+vaporware
+trawls
+karabiner
+shuisky
+2,812
+7,480
+hartridge
+2170
+propionyl-coa
+capricornus
+beichler
+corellian
+askerov
+neurosky
+ptr
+mqm
+30,000-plus
+gratingly
+mingei
+staffing
+chongzuo
+gornji
+sulemana
+luche
+reus
+doh
+kilgore
+batalion
+waterflow
+gack
+colorblind
+hamsun
+stepanović
+tacho
+carpoolers
+4-game
+kandaswamy
+damaru
+lanesboro
+linq
+calley
+bonnart
+34-month
+smuggle
+masshealth
+etchegaray
+maharashtra
+schmirler
+47.16
+sukey
+iéna
+message
+vukcevic
+lipstadt
+blooped
+taskbar
+2,515
+non-obvious
+gomarsall
+sweetgrass
+egghead.com
+soor
+perf
+asai
+uid
+nataprawira
+132.0
+blindsided
+railhawks
+referenced
+djoković
+exorcised
+al-masjid
+75.27
+kemmler
+bayno
+probyn
+192nd
+337.8
+aorta
+baramuli
+izzy
+shoesmith
+one-drop
+jnr
+buwayhid
+darbishire
+abdelmalek
+poher
+758.5
+.51
+r.k
+davani
+protégée
+capris
+wentzel
+minus
+queequeg
+chowki
+400-seat
+dyin
+guidelines
+leicester
+romulan
+euro439
+shanked
+alekna
+disobey
+tournefort
+söder
+15,750
+skydome
+124.34
+64.00
+9.612
+2,547
+mooneyham
+scib
+disbeliever
+komi
+foulds
+brostrom
+109.0
+friedbert
+10:07
+31.62
+mukendi
+w13
+lda.
+kerina
+madisonville
+fleva
+k-6
+breading
+benlysta
+amtran
+alphaville
+then-largest
+tigran
+armands
+f-15i
+ck
+swieqi
+teia
+thaicom
+d'arts
+luscious
+all-usa
+chuvalo
+bujinkan
+scitrek
+108-104
+suryapet
+125.85
+frugivore
+whitestone
+gottman
+hajipur
+brum
+karawang
+cove
+borjomi
+zyvex
+cleaves
+crime-drama
+]
+keio
+2,044
+sangallo
+jackup
+frel
+firehouse
+messenians
+nosratabad
+bharihoke
+nargiz
+intersexed
+boboli
+126.32
+nordlb
+hin
+⅛
+mutrux
+8.17
+2-86
+jcd
+intertype
+88.9
+sulfated
+43-10
+cummington
+eight-nation
+framebuffer
+aviators
+canzone
+kabineh
+45-year-old
+angerer
+9:12
+remarries
+367.5
+danielson
+wilis
+radii
+flock
+aktiebolag
+--------
+areias
+mini-14
+uzcategui
+lauderhill
+1.2900
+ub313
+ducent
+smk
+gunduz
+killamarsh
+kahlan
+l-tyrosine
+2,722
+grafenauer
+reexamine
+aikenhead
+belmokhtar
+al-mustansir
+raid
+spherules
+mediatisation
+herrs
+669
+cityscape
+c
+thanvi
+herf
+corbu
+fringing
+windies
+coauthor
+gunilla
+solitary
+meersburg
+lukoil
+antillarum
+natl.
+tsuchihashi
+kumarasamy
+burs
+48.93
+shinzō
+pukar
+1905-1907
+christensen
+supriadi
+reticulata
+hedonists
+4,828
+springstead
+mohiyedine
+keurig
+14-piece
+motorhome
+obrigado
+bruselas
+reiterating
+vasi
+brownjohn
+points-scoring
+12sec
+lamrim
+agram
+edogawa
+natwarlal
+e-cell
+mizumaki
+etal
+huachipato
+103.55
+ostrach
+1846-1848
+hokku
+charreyre
+smos
+pizzetti
+comenzaron
+arete
+nittmo
+cut-away
+surah
+blinking
+hardcover
+coday
+strati
+stowell
+nicorette
+71.49
+multi-cylinder
+ryacudu
+annihilator
+tierced
+eubank
+townhead
+d'intervention
+locals
+milliwatt
+odc
+bentt
+uwp
+5t
+boek
+lapd
+lowest-ranking
+non-invasively
+lilydale
+nsf
+trendline
+kaithal
+ashadid
+idiom
+tvxq
+naveen
+westerlies
+tricolores
+daoust
+aureola
+implosions
+maerua
+19.87
+171,600
+32.78
+aqmd
+airbridge
+micrografx
+godbee
+mefa
+dobe
+743
+nahma
+woodbourne
+axemen
+bezirke
+dribblers
+leakage
+tenille
+kallista
+contain
+hironaka
+cansfield
+churl
+régional
+co-prince
+shatilla
+jenga
+niwa
+marooning
+hiseman
+olszewski
+minotaurs
+menopause
+tellier
+36-29
+25-14
+batrachochytrium
+applesoft
+90.25
+1658
+20,200
+suffices
+manica
+forschungszentrum
+bajević
+debrah
+ewen
+lancman
+jardiniere
+garon
+incirlik
+frankau
+ouko
+sheepishly
+bjelica
+clut
+bisaccia
+belligerence
+hiva
+ssr-30
+mucking
+aetolia
+wec
+1.4775
+rsc
+mladin
+stourbridge
+oglebay
+barad-dûr
+crooners
+and-13
+trapani
+mayn
+nitzberg
+skylit
+discretionary
+gouna
+observer
+delhaize
+concords
+kosovoska
+lukanov
+bereft
+experiential
+bouschet
+lacera
+enrons
+120-ton
+process
+reedy
+maglie
+bt200
+marcolin
+corkage
+moodle
+gauntlet
+strega
+grondona
+un-islamic
+radić
+guinier
+opportunies
+recomendados
+smdc
+4pm
+3.58
+126.52
+winnenden
+caldy
+cartoon
+lamarr
+philippians
+hygrophila
+rats
+lobrutto
+cathala
+intrawest
+odhner
+mccracken
+draughtsmen
+reineri
+5,464
+warnke
+dhubri
+oleifera
+ensign
+25:1
+63.80
+varo
+arnaut
+taizhina
+archerfield
+moodyz
+hybridon
+74.90
+deepam
+sorano
+snitzer
+eulogists
+o.i.c.
+zuberbuehler
+120.56
+xanthi
+kaferle
+bsharri
+parred
+8-400
+elseworlds
+hynie
+pings
+thạch
+ramosissima
+etsi
+tzion
+chb
+uechi
+françois-marie
+yenko
+studding
+makobola
+bruske
+akká
+meth
+uwins
+aortas
+blackhearts
+icbl
+holovak
+sonju
+pininfarina
+canana
+tianmu
+starkman
+250.00
+eleccion
+ruanui
+mukunda
+forestalling
+crawlies
+penngrove
+hanbok
+arnesson
+slamet
+keells
+wilkey
+sodexho
+petrologistics
+loveliest
+disrespected
+hedger
+4.61
+-86
+rajarhat
+conjunta
+chartoff
+e-bikes
+iwamura
+elizaga
+elsevier
+conghua
+opteron
+shiyang
+longlines
+owens
+8-24
+aleppo
+chiyo
+cresent
+philos
+disseminators
+niemeyer
+63.32
+starlauro
+mufit
+riedl
+capabilities
+head-master
+ex-situ
+xiong
+kawakami
+drape
+amud
+mariemuthoo
+vielman
+sheves
+pieroni
+lebouachera
+angulo
+sending
+46,700
+visión
+1,762
+botham
+lemma
+oakenfold
+bordesley
+finistère
+echobay
+kachina
+414,000
+ateek
+nel
+townhouse
+plesiosaurs
+bård
+sperone
+prêmio
+petrakis
+persic
+enciphering
+imperii
+voris
+42.72
+mib
+kyoshiro
+coarsegold
+u.s.-arab
+tpn
+padres
+peik
+unionidae
+2,040
+1.53
+monotonically
+aksara
+2706
+inhalant
+dasilva
+ulleval
+0200
+tribune
+gluconeogenesis
+tewes
+daraa
+phosphates
+topley
+schmuderer
+quen
+gallicus
+everen
+breathes
+overshoots
+calverton
+unattainable
+dox
+kodama
+palhares
+01:10
+shisheng
+wildhorn
+vandenbussche
+bukharian
+set-back
+mongul
+aglio
+omara
+jolting
+ryszard
+rightists
+petmezci
+5050
+analysand
+alchemilla
+prg
+pan-american
+brunhes
+facilitators
+yangliuqing
+prva
+karvinen
+retriever
+huaqing
+lapel
+oure
+qe6
+frohlich
+fary
+živko
+blotted
+sirulnick
+shiv
+guntermann
+clagett
+nabulsi
+gi
+tryna
+3,071
+gurdwaras
+insidious
+rosarian
+1961-1990
+earthworms
+tomin
+six-man
+swipe
+roboto
+everett
+siyabonga
+33.04
+nicklasson
+200-person
+cruciani
+crispin
+taima
+3-0-16-0
+three-eyed
+antacids
+wickersham
+strieber
+naftogaz
+chucker
+three-night
+smr
+bornem
+art-related
+gellar
+darrel
+492-yard
+xuexian
+brul
+ćurčić
+sunsern
+sasse
+m.r.
+albufeira
+backrest
+rothery
+bickmore
+abiding
+sda
+www.united.com
+katzenellenbogen
+brauer
+akb
+twose
+pectus
+xenograft
+220,000
+gazal
+blankman
+95.54
+injectivity
+debaggio
+ntn
+fleek
+social/cultural
+nine-man
+aamer
+non-disclosure
+izzi
+batagram
+washouts
+horsecollar
+uncool
+cipla
+mazibuko
+cotabato
+syngenta
+waweru
+biharis
+stablemaster
+awk
+météo-france
+97.98
+grossglockner
+ghyll
+14.88
+gallas
+609th
+aimi
+hesitate
+bernon
+apocynaceae
+bigman
+dhamma
+eurolaul
+webdav
+microlight
+recrystallized
+yako
+boton
+sympathize
+zeitvogel
+texas-el
+badji
+unary
+vde
+nonsinging
+pietton
+ab32
+rafiabad
+walkingstick
+cordier
+kieren
+m17
+ocf
+donatien
+military-led
+43-centimeter
+cultish
+onishi
+qc6
+varvares
+pterocerina
+greenmount
+bakoyiannis
+surviving
+omnibuses
+shy
+10.6
+pytka
+epicurious
+fantasmic
+many-valued
+spiffy
+nobuhide
+corca
+t-55s
+máquina
+allom
+rael
+jangha
+biever
+junglee
+călăraşi
+repnin
+178.4
+colophon
+alarcon
+18-point
+uinta
+lundgaard
+pöide
+shots-19
+bobino
+off-reserve
+predation
+parkhomenka
+galban
+strutting
+akamai
+thembi
+iphitos
+asantha
+shizuo
+.206
+hardangervidda
+gioffre
+apang
+53.14
+bvc
+greyscale
+cambyses
+clasps
+overfilling
+loksabha
+epistolae
+conservatory
+abdo
+phototherapeutics
+isolina
+fortunes
+vhe
+kree
+secretariat
+aveyron
+elbridge
+piccard
+kasagic
+drahm
+109.85
+vineet
+methylprednisolone
+seawall
+storekeepers
+nitzana
+gazeteer
+5.0-percent
+gatineau
+cw-affiliated
+kalpoes
+arado
+200-metre
+poured
+portoricensis
+losec
+supachai
+mispronounce
+27-point
+self-medication
+expository
+forbath
+referent
+61th
+muzzleloader
+liberalize
+varaha
+kosovans
+folwark
+beqaj
+gavar
+tykes
+cravero
+zuckerkandl
+neuenstein
+237.5
+2,474
+wilonsky
+winnowing
+sinbo
+cowger
+20v
+blue-white
+mulga
+mercians
+kangaroo
+identifies
+calvani
+limping
+mendenhall
+usaf
+enppi
+maywood
+rohregger
+ndongou
+intercalated
+hayat
+codice_43
+waveguide
+xitong
+minxin
+clinicas
+chaconne
+isthmus
+retrotransposons
+sharpsville
+drumming
+kappos
+tigresses
+lh
+stinga
+maharagama
+prajna
+aydın
+internationally-known
+romanche
+calvey
+sensitized
+reznicek
+2181
+hacksaw
+enköping
+projection
+otus
+ippoliti
+hefei
+noriega
+chuen
+whorton
+zhengcai
+160.9
+geun-hye
+semington
+góra
+conseco
+enderlein
+yongxing
+107.3
+midea
+digo
+repressive
+jdams
+758,000
+séez
+gosh
+thuhd
+mphil
+yiling
++4
+rost
+gyegu
+nakamatsu
+mithun
+rheology
+byakko
+tsuchida
+quarter-tone
+35-2
+wyon
+bella
+pauer
+sharrer
+semantic
+oil-for-food
+77.17
+winwick
+tunç
+anarcho-communism
+40-a
+zimmerman
+saikrajang
+qualifyings
+eot
+eyo
+å
+jeremey
+mccown
+double-entry
+monodic
+gpib
+hangdog
+eatontown
+herstory
+c300
+kozub
+mansiisk
+chomp
+banwell
+nine
+semi-closed
+122-mile
+bimetallic
+wadley
+hamana
+inter-parliamentary
+solotaroff
+amsinck
+cowslip
+amassing
+moyà
+euna
+kakuta
+dientzenhofer
+3,424
+cafeteria
+emarginata
+enfermo
+masucci
+cedain
+126th
+59.05
+piffer
+guaifenesin
+radi
+vollmann
+enea
+joliet
+tawakoni
+dezhurov
+madina
+shoichiro
+nritya
+uncorrupted
+ever-changing
+rodan
+profuse
+neanderthalensis
+kirdyapkin
+panjandrum
+brasilcel
+microgroove
+l'arsenal
+downgrades
+halse
+rasner
+karthala
+isler
+sts9
+kamau
+bochenski
+peka
+hatsumi
+heedlessly
+mi̇y
+nagpur
+pantaenus
+pensioner
+rouille
+raco
+all-cash
+schlacht
+haaland
+vujin
+spruch
+threatened
+poletti
+dongdan
+wesleyans
+perusing
+tnl
+yusaku
+jaine
+kawanabe
+sub-clans
+astika
+sloudnov
+darvin
+earliest
+sumagaya
+bidadari
+breed-specific
+bordoni
+hrh
+agnete
+larkhill
+brebes
+oaxacan
+rowland
+wbap
+taumoepeau
+međimurje
+transit-oriented
+mysteries
+rauball
+legenda
+steppe
+wonnacott
+durang
+tollefsen
+green-lighted
+permanganate
+zingerman
+hengistbury
+doralee
+vella
+hawk-eye
+costliness
+blousons
+napping
+frenk
+nozette
+rincewind
+11-inch
+subashini
+intimidate
+ceramics
+kloss
+orthogenesis
+seljan
+moreels
+kearse
+russian-german
+ursine
+55.65
+50-caliber
+boz
+felderhof
+14.23
+superyacht
+amersham
+ghostlight
+navasota
+cantidad
+single-camera
+elmore
+buttonhole
+valarie
+razorblade
+critias
+powerhouses
+tikhon
+duyn
+us-6
+qxc3
+124.70
+gildersleeve
+maolconaire
+unhelpful
+688,000
+régime
+mohammedan
+50-44
+slanguage
+brisard
+atanasov
+dept
+futures
+rct
+i-64
+eija
+headwind
+corumbá
+terraced
+350-400
+heavenly
+whittingham
+asmal
+votan
+scanning
+first-past-the-post
+mitrovic
+nncc
+3-nation
+eilis
+disbursement
+mawlawi
+bogle
+bundgaard
+gloomily
+anointing
+kachloul
+réponse
+1,122
+29.21
+somme
+94-page
+caulkins
+blazy
+chettle
+nikas
+pre-1986
+reath
+elwin
+molteni
+4-percent
+hadler
+oen
+unmated
+short-stories
+nurses
+repairing
+brained
+moonlighted
+kapolei
+contratación
+sagitta
+2-bedroom
+upshaw
+kishanganj
+elapse
+pyelonephritis
+anthranilate
+evershed
+teil
+0.28
+sasso
+1993-1995
+hurriyah
+lecoq
+essayist
+mangula
+bri
+hibbs
+tereus
+71.89
+three-character
+raducanu
+10,300
+physiology
+monteux
+bezpieczeństwa
+lqg
+gallienus
+dynamites
+--------------------
+olimpija
+plus-10
+entrepeneur
+1/100th
+peetham
+huhn
+www.federalreserve.gov
+sub-atomic
+hollis
+mcspadden
+ganderson
+cannaregio
+duxiu
+earphone
+kieber
+ticktock
+itay
+esportiu
+cleverdon
+85.61
+saravia
+burman
+functionalist
+w.f.
+art-1stld
+vallon
+jaydee
+universities
+emmaboda
+bunhill
+3,680
+onome
+unitaid
+massinger
+amanzimtoti
+ghedina
+dagenais
+profilers
+sbs
+ulv
+dearlove
+herik
+vsc
+14-3-3
+puf
+lahaye
+cloverland
+berryville
+arnstadt
+shanlin
+encouragingly
+57-0
+tightness
+waseca
+co-occurrence
+ningpo
+ohlone
+sportstalk
+balotelli
+shames
+rofs
+abstinence
+inc.-owned
+halved
+begot
+serzh
+lubec
+alagoas
+aava
+guzar
+mergentheim
+applebee
+surly
+goddard
+negombo
+ereğli
+gau-8
+atom
+blotters
+.189
+kolokotronis
+cianciolo
+dollfuss
+hippety
+2013-2014
+par-72
+mandylor
+gie
+deidesheim
+callea
+md.-based
+1514
+longhorn
+lottomatica
+arismendi
+cvg
+licked
+191st
+respondants
+bohjalian
+rafidha
+stri
+timescale
+chloroplast
+anokhin
+cambon
+hajem
+m.a.d.
+agliana
+longyi
+58.54
+ronon
+saintes
+informercials
+frontale
+rigging
+cbrc
+chore
+fretless
+chote
+m29
+murambi
+belgae
+muurinen
+balz
+25,313
+nine-yard
+polzer
+d-9
+morinigo
+chaika
+anlaysts
+time-travel
+herglotz
+sirico
+steroid
+i̇stanbul
+hatheway
+unbaked
+chimayo
+payout
+theologos
+co-driver
+marchionni
+ringroad
+eaza
+l'isle-adam
+unadulterated
+boeta
+sirwan
+bisi
+specialized
+1980-83
+nysted
+othmar
+einhard
+mamic
+whizzes
+tugged
+bounced
+allroad
+torossian
+.921
+nyongo
+joh
+hypochlorite
+jalila
+iscsi
+lloyd-james
+chaniago
+mùa
+scribonia
+colenso
+pallbearer
+tackie
+3,330
+mollendo
+dubrow
+googleplex
+young-sam
+wtic-tv
+generalmente
+138.4
+13h
+zbuczyn
+saigon
+oganesian
+citynews
+brandenburg-bayreuth
+dogra
+sneaker
+lacaba
+tribble
+hietala
+wheatsheaf
+dancetty
+akkoyunlu
+koninklijke
+1454
+nogo
+-24
+1966-1976
+hitner
+béjar
+europort
+ineluctable
+umra
+microelectronics
+decada
+collio
+digiti
+pags
+nystad
+epilobium
+rute
+cleverest
+wakizashi
+imbalanced
+nawakwi
+gayg
+promed
+wenk
+73.5
+enclaves
+cullen@globe.com
+zacarías
+stricter
+martinsville
+veno
+101.60
+vozick-levinson
+croo
+móstoles
+convulse
+hennig
+35-month
+74.92
+kimsey
+125.78
+jihui
+cler
+forestier
+cabinet-level
+qtel
+sundial
+406
+hissène
+17p
+50,000-60
+tanghalang
+lamassoure
+tanda
+ornithomimus
+skyers
+muslims
+igniter
+gamasutra
+épinal
+intentionality
+chelmsford
+ángela
+oerebro
+jetsun
+potamkin
+capurro
+belkacem
+euro486
+kahane
+fdjeux.com
+basadi
+bon-ton
+măgura
+smooches
+dyall
+ickey
+izvorul
+haff
+brutal
+kennebago
+wobblies
+mevludin
+sebring
+hatsuharu
+orrefors
+vishneva
+polygenic
+bypasses
+shusef
+8.1
+like-minded
+rokugan
+earthwork
+underdevelopment
+abiotic
+cole
+sirkeci
+mem
+c-212
+garcia
+journal-american
+oman
+pavlov
+crbc
+razuri
+agm
+rikidōzan
+.687
+whooshing
+mulheres
+17.34
+millersport
+belvidere
+52.54
+nemax
+ghori
++100
+98-foot
+gazer
+shyness
+pothas
+gravois
+kabelo
+appleseed
+simard
+peruse
+globalizacion
+hassid
+writer-artist
+hirigoyen
+espn.com
+ejido
+afterload
+marchena
+arced
+qū
+overcash
+haradh
+muzhakhoyeva
+caseworkers
+20.10
+freethinker
+dhamtari
+raffia
+geetha
+three-and-out
+25-54
+chalai
+wearers
+demonstraters
+pagina
+gogitidze
+mostowfi
+spanheim
+francky
+preorbital
+fech
+metagenomics
+rhyno
+travunia
+vinnaithaandi
+kibble
+transcended
+quanzhong
+batoche
+pétrus
+pahoehoe
+1this
+dessen
+c-e
+fdi
+y3
+81.44
+silicone
+kovykta
+ached
+stamens
+remits
+gamtoos
+tirur
+puiset
+goater
+zakrzewski
+beta-2
+pontypridd
+tengzhong
+watermilfoil
+frd
+approbation
+bagration
+invalid
+appelt
+eijsden
+lurgan
+catoche
+czechinvest
+chast
+aj
+94.17
+backscattering
+baa
+kasımpaşa
+snubs
+googolplex
+urtext
+euro212
+renju
+bazookas
+asantehene
+145-billion
+zilwa
+kelsey
+7:33
+catering
+ridgetops
+unconditional
+multiplane
+sturman
+544.4
+nuss
+boeremag
+millbrae
+hispanicized
+e2
+euro557
+tilan
+oddysee
+mamontov
+tiptoeing
+mazuz
+tds
+magnifications
+komenda
+narayan
+otepää
+kefir
+alphasmart
+santillo
+novelli
+pólvora
+langberg
+non-spherical
+interferes
+thunderwing
+brugges
+soul/funk
+keetoowah
+salahaddin
+bonding
+karakama
+44-16
+campolo
+rukmana
+opri
+censuring
+mercedescup
+makram
+soo-hyun
+fanbases
+tittlemouse
+wiz
+kasparkova
+well-structured
+rubes
+leffe
+tnk-bp
+marulanda
+porphyry
+makonnen
+karadah
+forgiven
+ncube
+needletrades
+understandably
+bodens
+stalkings
+tarnowska
+soules
+plouhar
+insides
+powerscourt
+u.s.-u.n.
+aarchs
+urmuz
+non-slip
+catawba
+naland
+rarest
+illia
+jehova
+83.15
+dauer
+osibisa
+mabley
+1963-1964
+jongi
+k-1
+minkow
+non-hereditary
+philistine
+chatfield
+117-112
+54-7
+bso
+0535
+kalakaua
+hooves
+pertinently
+108.23
+6.84
+tander
+dymo
+unbuttoning
+lotharios
+53-29
+salus
+dusky
+9.74
+shlokas
+amplifier
+pdu
+vnqdd
+axelle
+cavelier
+shapers
+avard
+cfra
+nasugbu
+soyoil
+bhawana
+vassallo
+crossbills
+kila
+185.4
+himalyan
+pop.com
+rothfield
+tharanga
+groomed
+vladek
+kayako
+mainstreet
+douches
+fresnos
+rapee
+govou
+jujamcyn
+sunnier
+ariyalur
+enlist
+shahrokh
+post-conquest
+dizzying
+behan
+veronika
+http://www.nationalgeographic.com
+mytilidae
+posillipo
+straßburg
+pistoiese
+zeeshan
+v-battalion
+meany
+healesville
+ipoh
+parashar
+scandinavium
+seven-man
+oxiana
+zaatar
+andrejs
+gibbins
+torriente
+saretta
+accruals
+afsar
+behing
+cerreto
+pillager
+uhlig
+euro293
+fredegar
+markelov
+spellemannprisen
+takko
+transparencia
+turn-by-turn
+spillages
+grassl
+trumpets
+pyrethroid
+obon
+rope
+jothi
+inner-ring
+cocycle
+bostridge
+scrutinising
+7-15
+plaiting
+pukanic
+northam
+kedryuk
+berki
+256-549-2060
+lefties
+benhur
+krivoshein
+adavi
+grieve
+kiptum
+92.5
+ricciotti
+spider-sense
+snarly
+reẕā
+extortion
+edvard
+tootle
+brunning
+p.d.
+webobjects
+callused
+b&o
+troxell
+coesfeld
+calculates
+dapol
+kzla
+örtze
+vois
+knees
+zebras
+prog
+slathering
+pochentong
+nams
+lionizing
+spreader
+pertini
+yousri
+multiscreen
+customize
+amoeboid
+83.71
+2,200-seat
+rymsha
+shabak
+northern-central
+35-4
+twisp
+worshiping
+languorously
+parp
+kijhl
+fergusons
+owor
+staffan
+ayaka
+gillespe
+tetranitrate
+naturedly
+delme
+lacrimation
+37,700
+longmoor
+chapuys
+rheas
+quy
+fauquet
+80-run
+jailed
+icelanders
+copperhead
+1,357
+ctot
+budō
+ayckbourn
+kivus
+shiffman
+awori
+piojo
+adv.
+frodriguez
+cuthred
+spermatogenesis
+masang
+creigiau
+wilkeson
+sidanco
+abductive
+daut
+11-july
+felled
+babesiosis
+cressona
+chicha
+sierras
+sovereignty
+three-engined
+harwich
+rayson
+729,750
+flattening
+finta
+cramming
+brunvand
+uttam
+yajna
+0400
+heliospheric
+(301)
+broker-dealer
+qingshan
+207.2
+fountainhead
+jieqiong
+besieges
+pawning
+uptick
+advocated
+lychnis
+mics
+38.3
+outcry
+tompsett
+hanashi
+entrain
+2,544
+halloweentown
+kuhdz
+52-41
+directeur
+short-barreled
+valea
+shuba
+nyp
+multilayer
+kangna
+phrenologists
+ernie
+canisters
+corley
+shabalin
+tuberculatus
+korologos
+convertirse
+herlinda
+yamaga
+66-pound
+claverton
+yun
+clendenon
+rusevski
+aster
+cheviot
+kiyotake
+byala
+tisa
+1-for-11
+brahmanbaria
+787-8
+gaudaur
+remeasured
+hoplite
+moolaade
+honorably
+telegroup
+7,800
+investcom
+gyalwang
+payments
+symbolics
+pinchon
+23,150
+nasraoui
+stubbly
+euro302
+in-ground
+fine-tune
+phosphonium
+kalak
+minbari
+eine
+colonising
+olyroos
+98.75
+sherkat
+menologion
+conaty
+goria
+jinguo
+mcammond
+gorman
+kanakaredes
+d-day
+durance
+tatsu
+t-12
+gyle
+overpowered
+centroid
+stoudamire
+binghamton
+munchies
+speculatively
+108.72
+crecido
+2.8-3
+bargwanna
+meyde
+980
+nachtwey
+siofok
+websphere
+cadre
+zahner
+shielding
+vaya
+bonga
+90.08
+anderlecht
+air-time
+nestle-aland
+6-for-8
+flagging
+mzoudi
+chock
+three-star
+4,455
+kiyingi
+pirro
+tremolos
+adjudicatory
+quick
+systematize
+wintney
+bancassurance
+96.79
+ghandi
+1920x1080
+6:9
+tristia
+423
+embarq
+launsky
+threesomes
+mathew
+camper
+irakly
+landquart
+recent
+iconographic
+allesandro
+magnetize
+inspect
+salix
+4:45
+chelsea
+remainders
+pangle
+dpu
+krejčí
+mondor
+azuela
+ousmane
+musala
+ayobi
+36-4
+antiquus
+raiffeisen
+carfree
+gainey
+kitzbuehel
+kacharis
+triaenops
+qeshlāq
+sunian
+chatrud
+tayyiba
+wiegele
+untenable
+e-matal
+conson
+tavita
+autocorrelation
+ekgs
+i-78
+18-pounders
+vamped
+nfo
+wolfson
+72.7
+maroof
+anthropologically
+filleigh
+eme
+roughen
+roura
+elazar
+260th
+huashi
+depende
+65-67
+crimefighting
+tantum
+22,188
+zanele
+144.00
+wittow
+riffed
+kollár
+maclean-hunter
+urology
+have
+.24
+pandava
+worry
+rabou
+galic
+palley
+20.93
+discothèque
+sulfites
+beekeeper
+gießen
+isim
+velka
+dobell
+amda
+0440
+constantinescu
+bickerton
+dlowe
+metroid
+attributions
+whiteclay
+logica
+sabercats
+laertes
+aubin
+patte
+misinformation
+willsboro
+a-4p
+nestles
+oliverio
+fauconnier
+abdalmahmood
+rātana
+clamouring
+irglova
+troglodyte
+ngoy
+dixi
+sidya
+barbudan
+baccanello
+kwik-e-mart
+wdia
+chaker
+adow
+virtuti
+feudalism
+calque
+quilts
+tipoffs
+newborough
+ballet
+beker
+balhae
+formants
+data
+cesc
+b13
+yubei
+iltis
+marián
+doesnt
+semi-satellite
+bescot
+steinle
+62.78
+merlano
+parts
+co-captains
+tweedle
+zirkelbach
+tadworth
+jacklin
+bridgnorth
+krirk
+goggin
+cambio
+undeveloped
+taygetus
+cucurbitaceae
+yokut
+pennar
+josephina
+2805
+dulls
+koromah
+opawa
+malines
+stymieing
+dawgs
+adolfo
+beandali
+30-17
+nussimbaum
+endacott
+gadhafi
+enniskillen
+konfabulator
+cannoned
+rosenholm
+immunoassays
+assigning
+publicity
+48-kilogram
+ex-gratia
+unredeemable
+summiteers
+98.6
+vell
+cortile
+1967-70
+gherla
+984
+pequeña
+eo
+fe3o4
+neumarkt
+smud
+rayyan
+antiquarks
+value
+1977-2006
+disbanding
+kdwb
+charla
+gathercole
+:06
+madelmayer
+78-64
+striver
+euro278
+rasika
+klaxon
+tudor-style
+flirtatiousness
+hazratbal
+lucchetti
+4.52
+e320
+tu’i
+wagonway
+334.7
+makubuya
+bumbler
+548-5564
+glenrowan
+raqs
+scsu
+faizul
+olaf
+denialism
+sir2
+mahnaz
+industri
+sgt.
+flagship
+damaturu
+echelle
+crimmitschau
+5,660
+hidebound
+soundtracks
+dalmatian
+ruethling
+waak
+3.075
+nazri
+tindale
+cepas
+awareness-raising
+136.0
+117.84
+calisthenics
+afma
+ibuprofen
+daneshjoo
+fsp
+springmann
+single-span
+pictograph
+vith
+ramal
+bikram
+land-use
+moire
+axeman
+cássia
+derāz
+2,814
+66-60
+radisich
+telefon
+ballades
+lupopo
+heterostructure
+0135
+3/21
+yelets
+elstone
+106.93
+2,574
+calef
+rivers
+rawanduz
+matham
+durakovic
+81-76
+celebrezze
+recruited
+scorpia
+hydroxyproline
+dozo
+kinerney
+atmar
+sainthood
+sekiya
+malungo
+a22
+tektronix
+prasopsuk
+ravenhill
+temirtau
+domiciles
+tarachodes
+epler
+oxmoor
+jind
+henare
+gelles
+shead
+selectv
+daos
+kero
+firstborns
+hematologic
+jazzar
+shiraro
+uzo
+0:10
+moesa
+λόγος
+leaking
+thakin
+cordeliers
+mycogen
+dinshaw
+commandry
+sipo
+kursi
+95-100
+cables
+maastrict
+responsibilities
+snooze
+giniel
+hand
+indígenas
+lonelygirl15
+immerse
+kefalas
+sarfatti
+waited
+appealing
+thumbs-up
+s63
+handedness
+ramphele
+11.10
+j-8
+canceling
+refugess
+tomas
+dinicola
+locks
+dearington
+woodling
+pendergraft
+campesino
+ala-lc
+mpl
+partizan
+santilli
+listened-to
+reep
+tristis
+bandiagara
+wahd
+chameria
+zestafoni
+boruc
+snooper
+bow-wow
+gitanos
+21.17
+iltutmish
+by-election
+degrassi
+philosophia
+udon
+slav
+loket
+mister
+merivale
+jhenidah
+mettupalayam
+peruano
+dogmatism
+lie
+kōan
+timeslot
+whittingstall
+kettleby
+genevois
+liuxiang
+death
+debriefed
+6-member
+sneath
+esterbrook
+telewizja
+barthélemy
+macaws
+minnert
+bearhart
+sudipto
+smallness
+stagg
+rykodisc
+ruihong
+periscope
+goldschmidt
+bushings
+16-16
+tinel
+zacharo
+poujade
+zhongfu
+portsoy
+danite
+22,813
+anti-partisan
+winnifred
+kamorteiro
+grable
+sidepods
+imae
+minimizes
+acciones
+85.86
+1,619
+lfn
+cyana
+78-kilometer
+zona
+spyders
+nationaux
+ernani
+toyoda
+rearing
+galeana
+karnack
+gisselle
+mossadeq
+bindley
+thb
+karlova
+polycarp
+57-51
+amalgamated
+tunisien
+handyphone
+naem
+discogs
+wolfes
+37.81
+teetered
+neary
+jodee
+ābād
+paria
+1961-1964
+glabrescens
+anaemia
+barrowclough
+vedernikov
+playmander
+malaki
+father-in-law
+cairene
+signal
+paprocki
+lexcen
+ncurses
+ticker-tape
+drollet
+tataviam
+zhongbo
+shweli
+hernon
+barus
+bacs
+ferdowsi
+ulcinj
+buglers
+learning
+hispano-suiza
+godsick
+annina
+recessionary
+nonconfrontational
+abyei
+ixl
+f-1
+serigne
+guant
+roselius
+leventhal
+indulgent
+harvinder
+sales
+casagrande
+pita
+bednarczyk
+reassurance
+kasahara
+soper
+torger
+voronin
+honiara
+yhs
+spirko
+peraza
+kickham
+drydocked
+sentential
+unsustainable
+cdic
+non-hazardous
+quandary
+paternostro
+leader
+3.575
+unprotected
+mordida
+gopnik
+borohydride
+electioneering
+florist
+bookook
+schoolrooms
+smearing
+kertih
+boorishly
+cussin
+miquelon
+74-74
+northmost
+unaltered
+palmice
+pianistic
+ripudaman
+99.66
+medulloblastoma
+jawhara
+riley
+well.com
+mrkonjić
+raese
+visvesvaraya
+squidbillies
+kostis
+mappaseng
+strakes
+cockpit
+squabble
+kaverin
+blaschke
+15:18
+caramanlis
+itasca
+samie
+morgul
+corrugated
+validates
+laufman
+elliot-murray-kynynmound
+towhead
+lateral
+vitrification
+goodrum
+astore
+arlin
+nymphaeum
+movers
+chizuko
+period_7
+11-2
+yammer
+60.33
+anti-federalist
+pre-determined
+nikaido
+entrepreneurs
+uzbek
+amirsham
+onizuka
+1968-69
+giannakou
+borst
+fulminated
+platydemus
+23,125
+grabowska
+frederik
+skywest
+pastorship
+fingerprinted
+nurturing
+42-month
+kanwari
+oppositionist
+karoui
+ives
+cowards
+sayasone
+l'espace
+mundari
+super-intelligent
+hierarch
+hanzhong
+featherstonhaugh
+then-newly
+attalus
+ces
+www.cancer.org
+netburst
+nzaid
+zawisza
+harnick
+rijen
+mystifyingly
+a-porter
+50-room
+657
+officiers
+squiggles
+fly-over
+1034
+esclarmonde
+recreative
+chapple
+8,500
+tabakov
+cabinteely
+irreligious
+mdna
+tomboy
+strika
+non-gravitational
+hydrolysis
+habour
+luyten
+plutus
+winuk
+pozner
+55.29
+18-race
+pensioned
+csikszentmihalyi
+crossmolina
+rilwanu
+kokand
+disha
+batus
+wuhr
+fuks
+whatman
+fruitvale
+caquetá
+central-western
+teyla
+russett
+zahren
+pontificate
+overruns
+krivsky
+korać
+yellow-shouldered
+navegar
+ines
+skippering
+self-interested
+leapfrogging
+georgievski
+26.36
+ibrohim
+abdul
+venray
+aidar
+1.4069
+parwan
+'56
+gohar
+daifallah
+saboteur
+deplane
+kneels
+susquehannocks
+weaseled
+unfolded
+2-player
+sukur
+hankook
+unrecognised
+ustbtot
+vérité
+fiefdom
+punctata
+ibl
+rsaf
+miharu
+greenbush
+297,000
+veron
+vitalize
+scheppingen
+metzen
+kerrison
+parlane
+trimtabs
+pridiyathorn
+previously
+mahabir
+khôi
+baoyu
+foal
+peiris
+playin
+sammet
+badak
+churchtown
+1975-77
+cook
+landesbanks
+budh
+tena
+93,500
+120-minute
+pre-amplifier
+outpitched
+prescott
+dhanabalan
+katoomba
+fußball-bundesliga
+montbeliard
+heysham
+anarchism
+arranger
+mecke
+qibya
+subrange
+diarist
+guldborgsund
+mfc03
+blumenstein
+pale-yellow
+open-cut
+77-yard
+oppo
+hierocles
+dodgems
+two-ship
+earler
+juices
+maçka
+arouna
+hnx
+bohlin
+100.76
+cost-effectively
+midmarket
+sukanya
+friedensohn
+lapu
+ruivadra
+iremonger
+redcat
+amad
+mnj
+maîtres
+aeroperu
+boxer
+snub
+koysanjak
+sajama
+subsitute
+sierpiński
+shondell
+arfu
+eight-day
+binders
+southtrust
+40th
+suspicions
+snappers
+accomplices
+reticence
+lewicka
+radnet
+lavrenty
+bunnell
+tcw
+csu
+dongducheon
+mayanist
+7090
+bicol
+sachlichkeit
+zipporah
+formula_115
+sprats
+automaking
+combin
+32,482
+85.19
+indelicato
+43.3
+uts
+hobie
+harmar
+ceva
+higman
+66.38
+aarau
+wilf
+shelleyemling
+lafrentz
+haitian-american
+mnf
+rubiginosa
+redfox
+hangings
+hafid
+coxen
+underweighted
+veiny
+ukrtelecom
+fmln
+hrytsenko
+ingestre
+racks
+perciformes
+pifer
+constantius
+chituwo
+ndrangheta
+daoyu
+mova
+klipsch
+laroussi
+altkirch
+except
+mpls
+tuyen
+hanina
+choko
+umpqua
+1989-2000
+caddesi
+allyl
+145.7
+distinctives
+grasps
+boota
+schenn
+sigs
+filburn
+nwachukwu
+nanula
+go-betweens
+deezen
+seabird
+1,113
+prizefighters
+melgar
+non-conformist
+blankets
+comport
+17.67
+cillizza
+woodcrest
+36.81
+preparers
+mirovalev
+22.32
+83.58
+armstrongs
+bo-bobo
+altschuler
+museeuw
+misted
+pliosaur
+home-town
+aishihik
+duruflé
+lüshi
+fibt
+rapt
+prapakamol
+mouthguard
+125-meter
+droite
+70-acre
+british-occupied
+anamorphosis
+kirovograd
+50,000-strong
+weightings
+alphas
+york-new
+stasys
+begining
+dentures
+biki
+non-retractable
+waca
+155.4
+buchwald
+1092
+wetaskiwin
+guerir
+ctr
+dmp
+plumpness
+vasyl
+drainage
+sylwia
+calm
+vanisher
+boada
+monk
+firetruck
+gaultier
+16,300
+brummell
+jane
+vmas
+three-chord
+lebombo
+glassnote
+kalashnikovs
+synergetics
+exhausted
+semiweekly
+anglogold
+papyri
+perching
+sctp
+mlbpa
+e71
+16:22
+cosine
+trakeena
+600.8
+spying
+recurred
+lashinsky
+vaikona
+spectral
+delict
+71s
+gorod
+licko
+coconut
+bundesrepublik
+woodhenge
+cabaret
+wplj
+davie
+timlin
+churchgoing
+gobar
+pastureland
+hhhh
+sazka
+ja'afar
+cardholder
+kandic
+after-tax
+skari
+trouillaud
+tondaiman
+.135
+levice
+2,293
+derry
+kutch
+erben
+49.82
+proto-norse
+faguy
+slauson
+rnl
+ravensworth
+professionalizing
+hourth
+arutyunian
+leibniz
+guadiana
+calista
+silverados
+poventud
+macleods
+peeper
+30-strong
+flaithbertaigh
+vlajko
+stansfield
+cirone
+supernose
+toke
+marotti
+backlit
+msps
+tande
+tyrosinase
+293rd
+süddeutsche
+llaw
+mcnown
+padecky
+pre-chorus
+ataris
+felton
+dacha
+rangatiratanga
+hammered
+kintu
+7.375
+3,849
+lavington
+drochia
+shiras
+dawdles
+haekkerup
+singlehood
+trizin
+einsteinium
+alticola
+carasso
+rimonim
+hrs.
+daigle
+yinghua
+drexler
+balabagan
+naik
+a-wish
+garga
+zaheer
+18:23
+baccara
+inarguably
+moskvy
+bilonick
+11.05
+authorship
+baratheon
+l.h.
+intaglio
+jul.
+live/work
+nigmatulin
+ycaza
+refs
+dyar
+castellari
+lalgudi
+kiesel
+assaad
+khush
+164.1
+-31
+béziers
+khemisset
+rhetoricians
+gose
+39.94
+psy.d
+homegoods
+culp
+5-foot-3
+cruis
+sweatin
+genwal
+receivable
+allders
+necromantic
+ramezay
+bambara
+toughness
+l’oréal
+6.6
+sasanian
+aljabr
+expound
+adjourns
+remmert
+factfiles
+grabot
+chronicled
+pappi
+sanctum
+ringtone
+superficie
+jjk
+partnership
+12.57
+ardrey
+non-specialist
+3a
+cuse
+stesichorus
+bajaj
+zabriskie
+lakish
+pcw
+42-38
+immitis
+uncorked
+kepong
+netherne
+ormus
+ngapuhi
+228.3
+ncai
+expansively
+radioland
+5.09
+transfixes
+hryvnas
+michiganders
+labour-intensive
+osmania
+1916
+meteors
+tutting
+(613)
+skeptically
+interamericana
+dordain
+racela
+kravchuk
+zhongli
+simex
+opcs
+subapical
+kobasew
+unarmored
+pars
+beehives
+saryu
+cahun
+yellowish
+duri
+affiliations
+counter-protests
+1762
+albéniz
+bardot
+transitory
+wolfstone
+1966-69
+marques
+savusavu
+mewelde
+paq
+excavators
+seltmann
+.98
+caoch
+cree
+zeng
+jarratt
+35.32
+strathnaver
+eiendom
+seelow
+british-german
+12.88
+mauka
+subzones
+ecv
+mef
+pesäpallo
+abul
+nuytsia
+nyahururu
+pucks
+ap--climatepool
+voro
+lemmen
+maclachlan
+embotelladora
+rusudan
+iguanidae
+lali
+semi-monocoque
+oxton
+yklymov
+crashed
+waldock
+novoye
+ealam
+haole
+konstanze
+máille
+surčin
+christillin
+nokia
+4-for-17
+3.00
+cavaday
+belfour
+chignecto
+suranne
+takamori
+hatzius
+chaigneau
+beijo
+tetuán
+peace-loving
+eviscerating
+kanga
+persiba
+112.21
+darego
+pontos
+saini
+15.35
+gravesham
+restelo
+vandalising
+emunah
+51.41
+quinnsworth
+p.a.
+deori
+109.06
+6200
+pareco
+samani
+noviembre
+shure
+non-judicial
+peard
+saule
+u.s.-government
+bungoma
+znak
+orascom
+rancour
+dewclaw
+ma.
+tiainen
+escheator
+misidentifying
+unplugs
+tri-m
+all-defensive
+stoiber
+v&a
+38sec
+rondalla
+obligations
+strongsville
+direkt
+01-30
+blau-weiß
+rovigo
+bullishly
+wusf
+wickerwork
+wilmar
+emman
+lenition
+98-87
+belasica
+wondrous
+boats
+ratty
+khwae
+touchdown
+nixing
+ferments
+0835
+(520)
+sexier
+hassock
+whoring
+kiener
+temper
+durn
+authorizes
+quandt
+pazdur
+westwater
+neus
+unseeded
+3,265
+controverted
+kertanegara
+sandwort
+auran
+oberstdorf
+teleplays
+brookly
+pinna
+munera
+yanis
+fade
+jürg
+considerably
+valeron
+navneet
+64,400
+kutsenko
+hînceşti
+mimo
+bourbons
+blane
+ursu
+shuvo
+mahadevi
+deudorix
+lint
+hathazari
+goetsch
+sog
+kelvim
+charnas
+66.59
+booij
+muzakkir
+6.8125
+14:52
+helzer
+38
+moochie
+smoothly
+38th
+hand-made
+69.24
+depopulation
+formula_16
+marcinkowski
+luapula
+r500
+horseshoe-shaped
+intimation
+artifically
+lobstering
+intlnotes
+moviemaking
+impossibilities
+drumheller
+taiwan
+bird
+texier
+shesh
+p.m.
+konopka
+prinsesse
+newscast
+affori
+kittlitz
+denizen
+post-2005
+3.2-mile
+graeff
+dvs
+backsides
+82.03
+prostituted
+manacles
+orchids
+8,930
+welcker
+dniepr
+licitra
+idil
+gesamtkunstwerk
+haru
+probit
+never
+1880
+fnb
+mutuli
+charge-coupled
+aurita
+chuao
+21.38
+17.7
+gymnastic
+jasieniec
+normality
+benzema
+puffer
+zanganeh
+ronaldsway
+sandwicense
+mcburnett
+384.50
+75.37
+pressmen
+chapatis
+1974-1979
+goniądz
+hesychasts
+rekhi
+quadruplex
+rosies
+hessian
+thirty-fourth
+nirapathpongporn
+gushers
+hapsburg
+claretian
+41.73
+99,500
+bally
+subleased
+coull
+20-19
+francesca
+bancario
+otryad
+jellyvision
+shelp
+gasparini
+garrison
+acuminate
+ruyigi
+genil
+biolog-novokubansk
+claire
+perot
+past
+kweik
+roxio
+canudos
+hunchbacked
+yorck
+meißen
+vukašinović
+understudy
+schwabe
+arns
+obsessions
+fragilis
+arriviste
+mehrauli
+kinai
+ključ
+2,500-strong
+sanctae
+crooz
+1lt
+gesner
+unsuccessful
+occassions
+elasticities
+overscaled
+pretoria
+pyo
+surpasses
+blacklist
+footstool
+evaporative
+islamisation
+kikkoman
+52.67
+seroxat
+pectinidae
+incent
+squelched
+foreseen
+hoffpauir
+audrey
+calemine
+zhare
+steaks
+carta
+golems
+bioprospecting
+wyms
+yevstafyev
+non-adaptive
+geo-political
+ethnomusicologists
+4,224
+nanoscale
+paul-émile
+marrying
+dragomir
+wonks
+bochner
+referees_paul
+balushi
+kirchherr
+one-two
+titas
+laraque
+e500
+300-pound
+ctenophores
+rafaqat
+coffman
+hospitality
+terbush
+high-concept
+publius
+brutalizing
+fleeman
+petroperu
+euro151
++67
+acac
+haznawi
+workbenches
+bowlby
+kruif
+inversive
+genwei
+también
+re-teamed
+mamaea
+meguid
+.737
+bajevic
+ajmeri
+pawi
+direct-entry
+45.85
+winkie
+ivancic
+agrarian
+hyōgo
+jammy
+adv05
+enthuse
+wyborcza
+tourky
+champs
+barbells
+deshaun
+corioni
+2,063
+freel
+bertolli
+vunivalu
+gibraltarians
+taufa'ao
+nakayama
+goltiao
+carbamoyl
+artistry
+2,506
+beverly
+one-parameter
+mosawi
+tsushko
+conneely
+three-engine
+dubnov
+enerji
+bembry
+lionel
+hollywoods
+bhuiyan
+14:21
+vice-regent
+tri-annual
+i-21
+donyo
+rashidiyeh
+intoxicants
+extremities
+high-standard
+tomasini
+46.21
+jasher
+joundi
+levees
+uki
+vazirov
+liberton
+226th
+thinkcentre
+elec
+unficyp
+persis
+spokesmodels
+tomara
+aspd
+helst
+porac
+street-side
+hrishikesh
+andrina
+1977-78
+jubail
+chanakya
+bourada
+seven-episode
+starshine
+medhurst
+nagin
+goncharik
+indices
+short-tempered
+bronze-medal
+b-2s
+moose
+savoured
+leaseholds
+hurlbut
+scrooge
+chivington
+zanevska
+alderaan
+kbb
+hbk
+fragility
+ipso
+femenino
+sustainable
+nubian
+twitterers
+104.30
+ranma
+musalia
+uncategorizable
+gov.-elect
+micans
+104.22
+0-00
+undulatory
+adulyadej
+dunleavy
+solomou
+stefen
+divisie
+monoclonal
+weyrich
+2,147
+volthoom
+gurnee
+underrecognized
+cruelly
+oficial
+38-year
+cnl
+follow-ups
+micex
+121.60
+klasnic
+hrothgar
+yaida
+loder
+cmat
+cixous
+aeneus
+jhalak
+hajja
+bosniak
+demunn
+fidgenti
+2-1-3
+okajima
+behrooz
+9.72
+docufiction
+euro80
+ranheim
+mohamad
+elizondo
+baseline
+amoli
+prime
+inter-caste
+rvr
+lems
+bhau
+simanjuntak
+kawkab
+ulisses
+huizar
+succineidae
+healthsouth
+howwhy
+26-part
+brophy
+85.25
+8.98
+hypnotics
+nia
+lip-synching
+nason
+uniface
+bacalbaşa
+ellice
+75.83
+matsuoka
+14-5
+degeratu
+birthmark
+correo
+fibrotic
+0,5
+braddan
+ground
+jeopardise
+straightforwardly
+granovetter
+afeni
+topalov
+rack-mounted
+seix
+antiperspirant
+khales
+hobsons
+pinatubo
+norwegian-british-swedish
+ambalangoda
+upo
+self-adjusting
+evertz
+fims
+noaa
+nacogdoches
+raws
+yanmen
+herstein
+midan
+newbolt
+commanding-in-chief
+gubernat
+backlands
+lequatre
+rescreened
+pyromaniacs
+intouch
+marriott
+yesui
+mundas
+7min
+vignal
+manicuring
+b-line
+35.59
+netcenter
+ahed
+india.arie
+république
+wakeboard
+tecoma
+sachiko
+raffles
+ageist
+116.08
+fian
+kiyomasa
+e&gr
+2,535
+zolqadr
+itachi
+masar
+130.70
+molycorp
+halftracks
+fun-loving
+laplanche
+mposhi
+44.1
+caesarius
+utujil
+wfil
+asn
+varaiya
+kaehler
+hôtel
+anchorena
+1.147
+82.95
+moldovian
+danegeld
+paddington
+dettwiler
+ghostbusters
+aorangi
+numedal
+gastropods
+newland
+lomé
+antam
+152.9
+savanna
+valhol
+heltah
+otte
+sensitize
+schmitt
+vci
+subbaraman
+blotter
+vyvyan
+parihaka
+58-41
+kibris
+rushworth
+de-orbit
+bygdøy
+batterymate
+outslug
+neligan
+mangrum
+boguinskaia
+jubeir
+scovill
+deleone
+one-point
+'98
+cegielski
+sfinley
+8/11
+wnt
+saccule
+jedermann
+marching
+uog
+leyendas
+ujina
+kweskin
+truk
+nalapat
+proxima
+mojaddedi
+museological
+alviso
+austrian-german
+thihathu
+corrosives
+boesch
+bileća
+2-step
+jiyu
+kuci
+fly-out
+vietto
+bohlinger
+settlements
+usova
+berruti
+c-295
+megabats
+telenews
+velibor
+caldbeck
+nitesh
+gurr
+houchen
+mahila
+selke
+merkez
+ralambo
+gaetjens
+euro556
+brightwater
+afvs
+etl
+enthusing
+finer
+stone-lined
+nautica
+12,200
+condren
+adjourn
+exigency
+menchu
+50.28
+nustar
+terenzi
+tallying
+125.7
+480
+crivelli
+cymbiola
+zaftig
+386th
+crowland
+blosser
+khasavyurt
+farmed
+jamra
+bazaar
+3-all
+bicornis
+behren
+honkin
+joacim
+450-pound
+bandoneón
+coccothrinax
+mufg
+sumay-ye
+3.2-percent
+cordner
+trimarco
+wc
+york-based
+flateau
+madadi
+supermall
+durazo
+biscotti
+gabre
+chusok
+isao
+shammari
+seattleite
+overby
+nardaran
+desrosiers
+5-1-2
+ahmadova
+papas
+dicken
+defecit
+parkinsonia
+26.24
+147-pound
+micro-budget
+górski
+kirikiri
+s/l
+synopses
+vec
+rippy
+folkloristics
+khoso
+1,668
+fumiko
+1663
+ahmadabad-e
+aphthous
+dalton-in-furness
+kedrosky
+30-3
+u2019d
+nphc
+palmettes
+dav
+altstadt
+manzo
+argal
+airstaff
+brookstein
+auen
+díaz
+offsetting
+presbyteral
+fadyl
+cowhands
+nonconformity
+10-18
+navratra
+igric
+bangali
+gravgaard
+131.2
+zavis
+exec
+dieldrin
+tillson
+leenane
+barbarous
+fictionalize
+massad
+dahe
+adcox
+citywest
+matsumura
+55-inch
+velaro
+rightfield
+bijoux
+fruska
+inelegantly
+dlc1
+deja
+kmgh
+coto
+srikakulam
+iraqi-born
+66.40
+bendix
+orishas
+kellyville
+י
+mostovoi
+chavunduka
+nour
+93-69
+doubles_mjsweeney
+inextricable
+scroggins
+wiene
+goldington
+nitrate
+gts-1
+colorist
+footaction
+lumpiness
+sayenko
+martinelli
+kumaon
+semipalatinsk
+derivates
+dawlish
+feistiness
+turistas
+countach
+gobabis
+equatorward
+lapangan
+sibbald
+id
+scharffen
+loving
+lagged
+khalilov
+recalling
+gower
+eryx
+juif
+promptings
+ulver
+179.50
+brundibar
+germanwatch
+goble
+rahner
+verbrugge
+trachyte
+divorcee
+mundane
+beatify
+perceptibly
+newells
+morrin
+stults
+abenaki
+montecitorio
+rodoljub
+choummaly
+boungnang
+15/33
+76-run
+hyphens
+101.90
+jayawijaya
+109.92
+imb
+mushtarak
+rutt
+niessen
+non-identity
+223rd
+tafelberg
+slitted
+stpm
+incrimination
+fin
+spoonley
+naevo
+chalfont
+schematically
+bridged
+166.7
+drowsy
+seven-string
+dingus
+6,930
+flying-boat
+biblioteka
+triturus
+venu
+milkovich
+vapours
+arseneault
+barbee
+draga
+ex-marine
+winkelhock
+taxicabs
+corking
+seyi
+15.62
+linfu
+invasives
+xz
+421.5
+corncrib
+turco
+8:19
+solley
+two-player
+congel
+maure
+pandav
+fearlessness
+intraconference
+inotropic
+vohra
+auf
+hambali
+life-sustaining
+alanya
+sundews
+anselmus
+hotan
+tmvp
+121.45
+il-86
+ashida
+kwanchai
+zeleni
+macaw
+metronomy
+cicuta
+canisteo
+lachnocnema
+kubango
+4,059
+henrietta
+shehri
+british-canadian
+lueneburg
+fasel
+clancarty
+conacher
+ghg
+sundarrajan
+iness
+malfunction
+bonette
+34,452
+jaud
+threated
+srt-4
+donate
+oeta
+boštjan
+charles-marie
+yoshi
+scherrer
+.37
+carabiner
+stirs
+vaikom
+bawag
+president-general
+atlanta-fulton
+walseth
+handfasting
+head-first
+banin
+havea
+hythe
+adrian
+oocysts
+2203
+kryuchenkov
+non-standardized
+alleghany
+reversionary
+artzit
+bagapsh
+tryphaena
+pieridae
+summonses
+ennie
+timmins
+khuang
+centerfielder
+digha
+schnorbus
+fushan
+8-under
+precut
+hetauda
+cisplatina
+103.35
+aldingham
+499,000
+decisionmaker
+gravano
+comportment
+kąty
+creameries
+jeziorany
+ankara
+asap
+deley
+non-polar
+hoof
+calendula
+majeida
+resistivity
+brother/sister
+mauli
+dalecarlian
+cholinesterase
+masefield
+intermunicipal
+kingmaker
+break-down
+99.51
+pneumatic
+ineffectiveness
+practica
+eyecare
+lhadon
+herpin
+ausubel
+vogt
+corange
+32km
+ferocity
+qeshm
+baqouba
+disl
+figurate
+107.20
+dimitrakos
+joralemon
+low-residency
+hardest
+manifesto
+burson-marsteller
+90.06
+taeguk
+marsyas
+hotspot
+detonation
+industrialist
+nihilist
+semi-acoustic
+golik
+skou
+charice
+guerin
+parrett
+a-7ds
+roethke
+monosomy
+gizmo
+goethe-institut
+camaras
+variate
+affectless
+slk
+osteopathy
+nizamani
+levonorgestrel
+27-1
+upland
+497
+hammurabi
+100-degree
+tehuacán
+indoors
+x-pac
+97.19
+poehlman
+expert
+timbale
+vanmeter
+ruisseau
+profesionales
+125.2
+42-33
+norwid
+bankiers
+haseltine
+hasmoneans
+vindolanda
+froese
+jantjes
+joumana
+osuntokun
+genki
+overdose
+contenido
+disambiguated
+letterbox
+140.2
+saltator
+luminita
+phelips
+mycological
+mcgonagall
+balair
+federmann
+participar
+myka
+tropico
+fusaro
+fomenko
+memories
+löwy
+taints
+caamaño
+deep-space
+1983-2005
+libération
+15-judge
+surveilled
+conserver
+kitchener
+mansnerus
+britains
+statement
+reforming
+63.40
+steine
+judum
+certifiably
+yener
+an-nasir
+skok
+volontaire
+screeching
+i-210
+anyanya
+colonisation
+chukovskaya
+balala
+sebastiaan
+al-khwarizmi
+skimmer
+tahu
+pestilential
+mery
+laskey
+shunsuke
+overseeing
+idir
+rashbaum
+13-team
+thirlwall
+dissatisfactions
+sr.
+102.3
+ilgar
+collate
+cartload
+mostest
+buwan
+santista
+holsteiner
+poultry
+drimnagh
+žika
+skill
+d.c.-based
+dongs
+zurna
+capparis
+p-wave
+slender
+n81
+völkerkunde
+moataz
+brownie
+african-americans
+38-nation
+antipova
+boules
+ketron
+tombi
+similan
+esterase
+aerobics
+evilness
+vertical-lift
+overflight
+sherpa
+3:50
+31-17
+vanilla
+pv
+unice
+channelside
+darwinia
+manta
+pekala
+near-sighted
+chevis
+tengiz
+marcia
+interrogates
+creditability
+astrovision
+29-yard
+dewen
+silurian
+bushwhacking
+b-18
+otmuchów
+run-ins
+acquisitive
+brumwell
+cavernosa
+srams
+time-critical
+malinké
+80.04
+schnaufer
+110-page
+fare
+chugiak
+petrovo
+calophyllum
+lallana
+goalscoring
+118.01
+coleslaw
+172.3
+-----------------
+fourragère
+euro405
+zekri
+chilevisión
+palhinha
+provokers
+check-out
+dorow
+painting
+themis
+mapper
+tolon
+invitro
+vital
+lambent
+polymaths
+cinsaut
+inzamam-ul-haq
+daphna
+rice-oxley
+palop
+internet.com
+angarano
+gurban
+linz
+dresner
+diazonium
+st.patrick
+251.2
+caudipteryx
+cominform
+μs
+hindley
+razakars
+securites
+houri
+malangas
+mistresses
+delicioso
+noten
+antipoverty
+lavenda
+conceptualised
+spacetec
+griko
+unsuccessfully
+etymologists
+adjara
+marjah
+asplenium
+haggling
+gillnet
+macrory
+politicial
+sammarai
+fliegerkorps
+ubs4
+chiloé
+teachta
+nabucco
+2-8-4
+privations
+stoia
+beltsville
+1513
+decontaminated
+kouichi
+thutmosis
+draco
+kweisi
+quaranta
+torney
+mbmd
+.151
+jer
+yasuyuki
+m6a
+qifu
+machan
+legras
+eibar
+assadi
+antipolis
+jodl
+250k
+españa
+hekmatyar
+91-member
+s.f.c.
+vibrates
+ninnis
+deplasco
+jeepster
+peavey
+viliame
+dysgenesis
+bankrupts
+mechanicsburg
+8,000
+artifacts
+1777
+zhongba
+mwale
+backroad
+mayerson
+all-consuming
+clementines
+demagogic
+rotem
+soundboards
+isshin
+convoy
+impinged
+lipponen
+aerialbots
+salme
+bahrenburg
+mcvean
+hieroglyph
+6,600
+remissions
+bioterrorist
+dubius
+homeworld
+vougeot
+bayreuth
+5/6
+delaigue
+compean
+unsere
+kasam
+yingluck
+evangelising
+sahithya
+annalist
+newschannel
+compensate
+34.39
+protein-protein
+shrestha
+louisianan
+thirkettle
+hochland
+feria
+ilium
+giugno
+ued
+rossner
+falak
+scabiosa
+yock
+0.049
+dream-quest
+cão
+chumbawamba
+26-billion
+attracts
+ported
+atholl
+cyrill
+loncarevic
+villa-lobos
+wallers
+124-mile
+vathek
+ajara
+hopkins
+frundsberg
+sarawakian
+magidson
+jerrie
+33-23
+akrotiri
+esquinas
+159,000
+sudomo
+threskiornithidae
+overload
+harlaw
+allerton
+lej
+bkb
+resultative
+dameshek
+deformable
+dodonaea
+unscathed
+hfa
+inconclusively
+regino
+irvington
+gariety
+namgyal
+x16
+cheapen
+archchancellor
+parisina
++1.3
+academicals
+xantho
+rockabilly
+abadi
+heemeyer
+monomers
+steinbrecher
+solicitor
+wristed
+chupeta
+unpasteurised
+soininen
+peureulak
+serval
+arryn
+borovsk
+apoe4
+roads
+werneck
+raniere
+5-ht1a
+ceramica
+dynastically
+chlewiska
+evangelicals
+sferra
+metronome
+no-smoking
+assignees
+nationale
+cordero
+49-7
+hundleysptimes.com
+dowels
+schoenfeld
+draal
+bassons
+gouache
+bundoran
+miele
+1,093
+nyyc
+sherk
+retorno
+korcula
+34.89
+drake-chenault
+farshid
+dilhara
+egal
+polmont
+situps
+necropsies
+dollo
+164.7
+werk
+pavlou
+circumferential
+agas
+skinn
+10-point
+ma'anshan
+vienenburg
+moseley
+vago
+posovalyuk
+zieliński
+finian
+an-70
+con
+gear
+kylie
+schul
+inter
+subcommandante
+tipasa
+gelowicz
+kunhardt
+estos
+interrogated
+aspey
+after-sales
+petteri
+iso
+enteng
+congo
+kiriakov
+ray
+non-proliferation
+watermark
+120.71
+chipcom
+poteau
+keiller
+joystiq
+sampaloc
+al-hilweh
+ukiyo-e
+tumu
+interviewees
+first-quarter
+101-89
+boondox
+johor
+pomona
+levoča
+jmol
+74.65
+117.91
+rædwald
+noonz
+041
+harley
+corno
+haematology
+hildyard
+hbell
+auspiciousness
+css
+maegashira
+5:21
+soras
+mélisande
+96.50
+kaixuan
+celeborn
+muppet
+accustaff
+poetical
+esperando
+1914-15
+minjun
+zafy
+startles
+il-13
+ogburn
+barbacena
+tamm
+integrale
+chynoweth
+862,000
+unclassified
+damianos
+14.93
+hyundais
+khannouchi
+prudential
+imprecision
+golondrinas
+unstamped
+cordiant
+mesha
+gauch
+chokkanatha
+abolhassan
+x.org
+babahoyo
+carrizales
+aini
+conjuration
+keffiyeh
+66.27
+annualized
+casic
+decadal
+prabhudas
+loe
+75th
+carcano
+storytelling
+21km
+5,148
+37.71
+lambuth
+then-undefeated
+rawkus
+berlalu
+undertaker
+päivi
+tapah
+iðunn
+hayastan
+tarsiers
+slouch
+aerodynamics
+unbudgeted
+70-mile
+samoan
+opportunist
+roberds
+chupan
+moun
+tanam
+zulfahmi
+bidwill
+gluttony
+2,400,000
+kamalpur
+coudert
+birdwood
+4.6
+madera
+centroamericanos
+última
+ibda
+isole
+3.5-ounce
+euro658
+kinfolk
+bayston
+metsos
+55-64
+2-24
+drubbing
+lacruz
+5-ounce
+bayernlb
+husbandman
+78.6
+langford
+amputating
+84-73
+north-facing
+jimbo
+caddied
+aksana
+a595
+moderates
+knots
+spiele
+hagee
+hagerman
+biagini
+lovegood
+mohanlal
+feiyue
+oreo
+green-blue
+wierson
+asker
+berhane
+o'nolan
+berate
+whatsoever
+azmi
+dositej
+lonelier
+bradford-on-avon
+mambe
+tollens
+lapham
+besen
+ricaurte
+redican
+sulaimaniyah
+khakrez
+ceccarini
+wallechinsky
+kabalo
+venkataramana
+sari-sari
+selections
+mandato
+wymark
+radicular
+rook
+kalhor
+noncustodial
+westphal
+breviary
+madrigal
+golanski
+homenaje
+bancaja
+tongo
+cognex
+tedesco
+slimness
+1-nov
+osta
+lahor
+perch
+muscadet
+ozimek
+abc-paramount
+rohtak
+mcphatter
+gallieni
+ests
+gazillionaire
+aguateca
+rents
+line-of-sight
+markair
+dräger
+joakim
+836
+108.10
+fuyun
+rustbelt
+nectanebo
+11:30
+61.03
+1500-metre
+non-toxic
+trisomy
+yamasee
+microfluidics
+ambulance
+shugrue
+billinghurst
+'48
+fs
+suzuya
+34-15
+wenji
+gossau
+manze
+10,000-dollar
+geranylgeranyl
+saiō
+formula_97
+ressam
+jinasena
+harymurti
+zdenko
+purses
+1960
+glant
+mousehunt
+uranyl
+tiradentes
+wanke
+ord
+stormin
+50-win
+strathearn
+borok
+2.04
+bellringer
+stimpmeter
+yao'an
+ghoda
+rui
+northbourne
+erzya
+kleinfeld
+temel
+defensed
+pneumatically
+dornelles
+11.84
+cromlech
+mite
+mowaffaq
+muzammil
+hernanes
+scornful
+kanka
+scrolled
+feistritz
+2:16
+jeunesses
+tftp
+informatics
+redirection
+zakrzew
+26.96
+anyang
+letson
+gjems-onstad
+ziming
+pseudotooth
+undersigned
+bowrey
+52-45
+georgians
+dorantes
+safeweb
+3,360
+komitet
+marathoner
+navarino
+spinous
+ramcke
+kwok
+nydam
+sénéchal
+steamworks
+sen.-elect
+lagrow
+motorola
+pelly
+desc
+macheath
+penzes
+estenoz
+ekranas
+nanomaterials
+atharvaveda
+samosa
+pathetically
+sandeno
+solutrean
+interventions
+tarsal
+70.59
+neyshabur
+oleaceae
+peope
+arscott
+exogamous
+gilas
+euronet
+schlingensief
+tideman
+poul
+spate
+spottiswoode
+appliques
+klenze
+dance
+3-64
+nonrefundable
+iterates
+2,712
+3,447
+wpvi-tv
+sameth
+lębork
+exelixis
+561
+clunked
+madiran
+researchers
+lovemore
+12-billion
+arnalds
+impaling
+193,000
+desperadoes
+ikpeba
+136.8
+'61
+uracil
+306
+px-50
+cstrickland
+52.6
+turkoglu
+karma
+messenian
+impersonation
+lissie
+uniformity
+tetrad
+2,393
+natinal
+nervioso
+mingaladon
+lojban
+tiptoed
+7:53
+bucher
+juncture
+projects
+pfe
+adame
+non-linguistic
+jaufre
+sarbanes-oxley
+deveny
+250-kilometer
+besseberg
+schuller
+thanom
+gringa
+pysanka
+starfish
+roehm
+okocim
+archi
+babyhood
+kū
+newville
+ksas
+ncs
+falsetti
+cadlina
+kanitz
+ratnavali
+misrata
+scattering
+blackwood
+citabria
+transliterating
+creatine
+chouhan
+c-19
+jeje
+alamannia
+indra
+fischers
+jean-bertrand
+family-centered
+set-list
+zonation
+sidearm
+kazuyoshi
+4.5-6
+invercargill
+u.s.-supplied
+udts
+chota
+cirrostratus
+rommedahl
+bluffing
+neste
+9.03
+balak
+mizpah
+kumba
+antidiscrimination
+gme
+iliev
+mcgann
+kittu
+decazes
+m50
+siaki
+pinal
+majette
+pravo
+schrempf
+consilience
+aelvoet
+lamperti
+yangban
+nightgowns
+2,068
+64-day
+nitrogens
+excellently
+salovaara
+alvand
+schuylerville
+playroom
+saint-léonard
+paralleling
+estivill
+polur
+serpieri
+72.6
+toyah
+greedily
+59.49
+microburst
+mbulaeni
+zipp
+guerinot
+udb
+end-user
+amora
+1,311
+hijos
+millerton
+podicipediformes
+thiourea
+dicksons
+immunize
+confidentially
+batsh
+palaniappan
+morisot
+colotto
+snowiest
+monocarpic
+vda
+intermeeting
+sidime
+thickeners
+39.33
+karlowicz
+kapital
+serbo-croat
+impounds
+chitnis
+archangel
+eal
+foliar
+boom-boom
+bartholin
+goode
+122-mm
+tesoro
+shunju
+cayan
+eppendorf
+brenneman
+knaster
+kronen
+95.43
+chalong
+compare
+nakagawa
+no-hitters
+dickie
+puuc
+dubie
+alania
+gig
+tecnica
+co-winner
+moncef
+rini
+schellenbach
+hotty
+brulee
+,105
+glebe
+congreso
+agbami
+tohir
+sdm
+sarcomas
+maele
+cango
+cikini
+berrima
+636
+balletto
+thalamus
+bmps
+108.98
+arganda
+watertown
+fentanyl
+dariya
+coolen
+iro
+sixteenths
+48-21
+belouizdad
+attention-deficit
+burleigh
+experimented
+plains
+dearne
+boulkiemdé
+delaplane
+mitzman
+10.41
+crackers
+staunch
+casters
+fonsi
+circumscribing
+fluxys
+non-homogeneous
+joselin
+glimmerglass
+dinosaurios
+proleukin
+quantize
+struik
+10.5-million
+nyr
+stapled
+domanick
+dudnik
+nixed
+cupressus
+1.175
+gingersnap
+dsvd
+uninspired
+ioof
+globalfoundries
+279th
+bellagio
+drivetrains
+chronik
+2-6
+unswept
+asanowaka
+unmake
+caldicot
+agriculture-related
+saint-simon
+philandering
+redactores
+delayo
+developped
+yokomine
+arboga
+madinat
+1970-1971
+breg
+blowsy
+gaude
+pcps
+isildur
+183.6
+switched
+torishima
+habla
+1554
+cask
+motorbikes
+48.04
+200-man
+alckmin
+siraya
+washpost.com
+2000-2003
+hamren
+gemmula
+atef
+zaky
+hierba
+reflexes
+kirrawee
+sigurdsson
+culwell
+micklin
+sukarna
+hyperpower
+åge
+non-status
+colson
+passenger-only
+ripka
+millvale
+reflagging
+2,118
+assail
+remus
+caliphate
+4.59
+backbiting
+giddins
+oestersund
+189-member
+101-year
+radiate
+megleno-romanian
+kertes
+metayer
+porl
+grows
+fellmeth
+subscription-only
+transboundary
+teatr
+abiyev
+boab
+109.1
+adquirir
+wilmath
+avic
+gweye
+a1gp
+outpacing
+reaped
+naep
+natca
+aeronautics
+gattelli
+4-by-6-inch
+50.31
+monadic
+pedagogics
+coiro
+ballerup
+capistrano
+wkmg
+woodmansee
+brewer
+youngheart
+zhichao
+metagene
+havildar
+3,087
+mana
+plovdiv
+millencolin
+frognal
+ferdinando
+roa
+pequena
+oleanders
+adama
+huestis
+10/40
+katu
+saluzzo
+muellers
+kunitz
+springston
+onet
+fervently
+rulemakers
+smitherman
+batterymarch
+janich
+67.8
+broodmare
+plotz
+ander
+bücher
+narayanhiti
+erni
+hundreths
+reve
+bsw
+globules
+mulyono
+mayfly
+gekkonidae
+maoulida
+yeakel
+byas
+ekes
+yemini
+mly
+cetkovska
+helladic
+margary
+rosenow
+off-shore
+qingshui
+mulhearn
+e-series
+badreddin
+dionysiac
+domenico
+vodou
+vehemence
+ancestries
+umass
+cambell
+67.39
+celiac
+4,065
+ouden
+syberg
+beaufret
+.636
+veiller
+strophariaceae
+godliness
+pole-sitter
+socan
+flöha
+latae
+diborane
+sejnowski
+strikeouts_rdjohnson
+feldmarschall
+overstaffed
+332,000
+8,280
+76714
+spooned
+gojong
+palácio
+livingston
+24.2
+v-1710
+elliston
+then-first
+antinomianism
+cergy-pontoise
+weir
+camorra
+pomone
+lazarevski
+desaulnier
+pgl
+bombarded
+hksar
+jefe
+juliusz
+opinio
+equidad
+oakey
+frob
+profiles
+flume
+dut
+zahk
+pupunu
+drescher
+sjur
+ebonized
+sachen
+dermatome
+hatlen
+0335
+whack
+bryozoa
+vergennes
+pharsalus
+debello
+wilchcombe
+krashen
+rerunning
+lewthwaite
+outi
+phertzberg
+cherkasky
+miners
+goldminer
+obv
+agustinus
+readymix
+8,910
+jilin
+creanga
+2,232
+criqui
+dikumud
+lancelyn
+pittwater
+1,915
+warranting
+fmoore
+hypsiboas
+holmenkolbanen
+beka
+iese
+8,950
+mapple
+brevicauda
+yellow-green
+eade
+anit
+railtrack
+hwa
+burnette
+lonseny
+shiprock
+anti-fur
+scarpa
+avishai
+treasurys
+pickpockets
+spencerville
+fothergilla
+1,847
+screenwriters
+un-american
+commercialized
+wonky
+visto
+institutet
+168.8
+72-62
+abdulwahab
+mantova
+recessed
+6:36
+1,411
+embarcadero
+ossabaw
+doublets
+downpayment
+alek
+bundle
+qw
+less-common
+duché
+nihn
+musicales
+finanzas
+azizov
+trevisani@nytimes.com
+callbacks
+13:46
+30-inch
+jura-nord
+lacedelli
+dzmitry
+28.97
+dudley
+jude
+cryns
+top-40
+goddammit
+mazimhaka
+beefy
+megerian
+malolos
+bakhchisaray
+countians
+sailaja
+dehap
+uscentcom
+posht
+hayati
+r.b.
+matsiatra
+ronzoni
+87-yard
+german-american
+wade
+keying
+kononczuk
+bryon
+brevicornis
+gallifreyan
+constituted
+reformasi
+connoting
+chukwumerije
+sells
+petrosani
+nsri
+homunculus
+shuttlecock
+myelitis
+farhan
+bys
+tyminska
+ballyvaughan
+454.5
+melvoin
+oncidium
+radice
+tajol
+ornstein
+4:48
+49.7
+pouched
+babeş-bolyai
+turgot
+subordination
+cottet
+demonic
+atanas
+35min
+7.87
+dodsworth
+vira
+korbel
+nasally
+hijack
+angklung
+glenfiddich
+spinalis
+carsharing
+96.26
+hentai
+planetariums
+birkenshaw
+sunia
+deadliest
+frish
+quique
+wargame
+mangkusubroto
+esportivo
+zolman
+spadolini
+40-45
+kepesh
+berwick
+meda
+kingcome
+householder
+pense
+eavesdropping
+homburg
+dhangadhi
+zimuto
+aralia
+halabi
+everthing
+verk
+219th
+221-206
+equallogic
+76.05
+kadijević
+artech
+freshman
+palyama
+schinia
+civis
+175-mile
+mallala
+farmsteads
+1573
+4590
+borovsky
+froilán
+bombonera
+singhbhum
+four-song
+kamarul
+vigiles
+barbette
+vitthal
+fleury
+jac
+cedrick
+grigory
+tith
+eiland
+brookie
+garel
+jins
+sulfonyl
+mangled
+anti-establishment
+t70
+hayride
+nedumbassery
+honoris
+cartoon-like
+mintzer
+stench
+broca
+pendleton
+shard
+hole-in-one
+powerlink
+limbed
+haruka
+kobe
+emilee
+cancelations
+nodal
+dislikable
+alcazar
+printout
+enfamil
+ribeye
+pared-down
+gordis
+freerepublic.com
+257
+bohrer
+barroso
+b-grade
+rosae
+monokote
+deliriously
+hughie
+6/16
+wormholes
+kuznetsk
+ladoga
+espy
+passive-aggressive
+p2
+haxey
+gracchus
+euro645
+110-story
+napoca
+151108
+rainford
+bingenheimer
+declensions
+sheller
+izzah
+19:39
+renon
+olteanu
+sneineh
+ecosystems
+backlist
+zahirite
+wickliffe
+laager
+cabunoc
+afanasyevsky
+smikle
+elo
+laminations
+mesmer
+hiway
+coursera
+happening
+bandera
+blackfriars
+tredinnick
+seigle
+bacone
+geographically
+anjo
+cbcp
+lucidum
+heping
+47-3
+lynchpin
+shahab-1
+schrieffer
+armadas
+zero-g
+queretaro
+caspase
+lucine
+malberg
+chivero
+underwater
+atzori
+schmeltzer
+cercla
+boxwood
+hyena
+reedus
+topsiders
+998
+rajauri
+solv
+fgcu
+investor-owned
+zeituni
+spasoje
+extemporaneously
+98.97
+freie
+machinelike
+kulturen
+ornithopods
+culinary
+pueda
+apds
+foong
+ynys
+siembra
+maley
+codo
+66.29
+single-disc
+dita
+132-foot
+proffers
+tutterow
+4-by-8-foot
+cooks
+wsbk
+glusac
+nonstick
+softest
+h-class
+villa
+eih
+landmarks
+badgley
+277
+gnis
+second-team
+meah
+pettet
+vallely
+sharemarkets
+cottrer
+81-73
+sherrice
+chishan
+gambrel
+redash
+inspecteur
+jehn
+2,854
+14:38
+dingolfing
+81.63
+rickard
+4,726
+dyestuff
+operating
+musri
+bt11
+fill
+ringlets
+tzitzit
+esrange
+taking
+ousley
+indecipherable
+carwashes
+reluctant
+seventh-round
+ilinka
+20.72
+eunice
+fedexforum
+hids
+amphiprion
+heidstra
+distracted
+malaybalay
+isos
+3gp
+fourth-class
+golon
+newall
+examinee
+lingams
+rockodromo
+hardrick
+malefor
+givewell
+2,838
+48.55
+recherches
+seatac
+asobal
+mblaq
+lesbos
+batanes
+jinren
+31.73
+gazidis
+yonekura
+rupasinghe
+guin
+juifs
+1146
+welcher
+bruised
+mompou
+buchtel
+culpan
+taphonomic
+firebolt
+sany
+mokronog
+axelos
+huckerby
+perú
+shirow
+jd'alessio@ajc.com
+laurentino
+protoporphyrin
+cosmopolis
+distancia
+pillion
+cavender
+msfc
+leg-break
+mallalieu
+arens
+multi-stemmed
+reinaugurated
+hamsterdam
+rancherias
+wellton
+3:29
+startup
+tell-all
+o-acetyltransferase
+7-of-8
+huffily
+0.014
+guidons
+makinson
+zuhri
+sprott
+wodaabe
+vllasi
+16.63
+-2.3
+sakari
+exif
+55,600
+thermosetting
+91.28
+glyoxylate
+konings
+muyres
+berdimuhamedow
+captors
+cordata
+evstafi
+jaovisidha
+90-77
+q9
+saleem
+thrivent
+darity
+andu
+4,694
+emsa
+650-member
+79.91
+adrenocorticotropic
+contested
+rūd
+firmly
+analyze
+44.88
+fonseka
+go.com
+obilic
+veba
+377,000
+undset
+whifflet
+goller
+mellanby
+38-33
+neulevel
+phaneuf
+brodec
+e-190
+meteorologic
+leopardi
+yoshito
+burkina
+thog
+human-to-human
+astellas
+handsomest
+lierse
+sonck
+ignite
+ipratropium
+arawe
+life-long
+dehiba
+kornak
+kieślowski
+bluefields
+sīāh
+printmaster
+dishonour
+eraserhead
+góngora
+mottl
+origo
+porres
+eda
+zub
+tōdai-ji
+gardendale
+clf
+oler
+football-only
+garment
+revúca
+placek
+traineeship
+sanson
+wrongly
+basehart
+mook
+grebo
+kibler
+mcgivan
+fafhrd
+48.38
+28-21
+neveu
+three-axle
+shariati
+mowt
+mid-19th
+106.3
+exilarch
+glowered
+95th
+satyanarayan
+metropolia
+lagerwey
+february
+spelich
+ganancias
+2,601
+whitsitt
+malevich
+.330
+hangtown
+well-rounded
+dicara
+6-disc
+grey-crowned
+herberstein
+7.743
+frcn
+intercourse
+silverwing
+thwaite
+dangerousness
+gugasian
+vibha
+okalik
+capezzone
+puteaux
+lingg
+teqip
+6,180
+transnistria
+yuzhu
+inhumanely
+intranasal
+hydrologic
+ca$
+récamier
+9/7
+lammp
+objets
+astacio
+gui-based
+ouvert
+15.22
+ellerton
+dswd
+khagan
+arnar
+junes
+festo
+crinan
+smite
+accord
+.260
+nivelle
+keiffer
+donté
+dismissals
+cellini
+branagh
+menander
+dillman
+proby
+chalonnaise
+wishart
+fsanchez
+cgw
+akris
+conmebol
+353rd
+matee
+214.3
+badge
+eurus
+kayes
+peabodys
+wd-50
+uwatenage
+devereaux
+epicene
+80286
+swampscott
+kitties
+disabilities
+mainul
+hezb
+snively
+cuprija
+all-jet
+impenetrability
+intertanko
+ebtekar
+bipole
+2,200,000
+l'énergie
+gyepes
+bunglow
+katri
+turbomachinery
+gobert
+4,285
+wtul
+thepsuthin
+alday
+adopters
+overdid
+pippin
+enrollment
+largeness
+consultation
+cheol
+romig
+755-4000
+early-morning
+well-heeled
+double-bass
+lagerstätten
+self-financing
+spined
+griffioen
+mckinnis
+muddles
+microcosmic
+gph03
+exclaves
+59.63
+petegem
+drapes
+angami
+17-month
+lamberti
+mohamedou
+fagih
+videm
+versor
+11-horse
+payees
+tourgeman
+dogan
+tollerton
+pramudya
+hydric
+gamonal
+40-44
+chill
+booke
+oesman
+lydd
+gwynne
+militarists
+ramanayake
+saing
+miyazato
+rider
+pempengco
+dzehalevich
+mihdhar
+outpoints
+irish-based
+ferry
+damask
+wewak
+mullan
+middleburg
+ksat
+complained
+interiors
+morrone
+moodin
+benghalensis
+bakula
+gear-driven
+crosslinked
+10.44
+apthorp
+hdis
+furrow
+jozic
+pascarella
+soltes
+rappel
+brainless
+barolo
+maars
+50-60
+stink
+quilley
+3,899
+eritrean
+medios
+guillain-barré
+canoer
+collectivities
+gitis
+underperforming
+yonah
+single-valued
+94.13
+robach
+duvaliers
+1964-1967
+merle
+1962-1963
+78.34
+natal
+plattsburg
+left-of-center
+pilani
+waddon
+ophuls
+toricelli
+megale
+swillington
+okemo
+unallowable
+bonpuli
+4.095
+domon
+chirakkal
+collegiates
+wildstorm
+harutaeographa
+partido
+092
+highest-placed
+karpinski
+iiro
+stoo
+zeebo
+cobol
+surono
+estrange
+underarmed
+splices
+abuhena
+jianchang
+norfloxacin
+vaticana
+heusner
+122.10
+inter-allied
+notum
+recommending
+cocteau
+karelin
+druh
+bühl
+blabbing
+co-emperor
+98.21
+bierut
+casstel
+sikha
+thurah
+metabolizes
+32.64
+60kg
+22.91
+talmudic
+christiansborg
+basbug
+lindow
+prade
+zacatecas
+trey
+groped
+phils
+relates
+ncps
+29,167
+kostoyev
+backbenchers
+dislocate
+bbp
+islamists
+parasol
+omertà
+ocws
+16,500-strong
+homologs
+curveballs
+uvdal
+crist
+posavina
+child-oriented
+mising
+16,250
+bouabdellah
+ziadeh
+lutenist
+70-65
+kaishek
+ejercito
+—
+dexedrine
+guice
+38,250
+kiya
+waveforms
+loakes
+vestibule
+germnay
+odula
+wonderlands
+campozano
+diskless
+texian
+m.r.c.s.
+autumnalis
+samyutta
+hocutt
+tibetologist
+chupke
+ennahda
+gauger
+32.56
+chambourcin
+17-member
+1867-1868
+aftereffect
+supercups
+1989-96
+lachance
+d.s.o.
+fiacre
+at-4
+4-over
+contained
+shayera
+jenne
+spatuzza
+splashiest
+laiwu
+crippling
+benignus
+match
+hartzell
+eaglebank
+sportscaster
+thirachai
+dove
+lobe-finned
+weinmann
+amphoras
+turu
+season-opening
+sikder
+borghini
+polysomnography
+mj/kg
+colombus
+one-size-fits-all
+oooooh
+rostov-on-don
+14-million
+1181
+allergenic
+tarnovo
+5-41
+480-yard
+resistance
+tesco
+politicas
+fimi
+altina
+lehár
+kłobuck
+ainger
+reine
+colpo
+atrocious
+nonresident
+riho
+double-bladed
+1,813
+sarpa
+east-coast
+saggar
+1,956-km
+mckersie
+idealised
+parliamentarianism
+e-learning
+unibet
+afflicts
+slackers
+vieni
+mid-cretaceous
+telemundo
+ligi
+kickapoos
+isamu
+kvasha
+tamaraws
+dogtooth
+prusak
+bohannon
+three-person
+thrive
+parisot
+giovanny
+snow-white
+mufson
+vlady
+coralliophila
+ayadi
+301-member
+birdee
+t.stewart
+http://www.metopera.org
+27-hour
+ramree
+d-class
+deficient
+tarantella
+jolanda
+mccardell
+karalius
+destro
+phobos
+myriads
+lounici
+excavating
+boulis
+225.3
+thistles
+krarup
+khoshkeh
+frosch
+anti-national
+chevre
+southampton
+fastolf
+fontane
+nahanni
+scowling
+vanquishes
+akaky
+2,280
+fetishized
+pig-tailed
+jeung
+drop-out
+nukul
+orquera
+chesty
+martinsen
+celdran
+bozza
+locle
+metallurg
+helvetian
+ropeway
+al-sistani
+fossey
+gnus
+jitong
+wertheim
+michale
+bethelehem
+brookner
+positiveness
+multi-format
+citronelle
+wickett
+bannermen
+shahida
+favorito
+tonton
+chequy
+bakeri
+godhead
+zion
+al-sabah
+audis
+gambari
+22-21
+newcomer
+baddie
+motie
+overtaken
+hiuen
+orioles
+heiman
+yoritomo
+micciche
+sarat
+polycythemia
+perestroika
+disintegrates
+honoka
+sonelgaz
+sobel
+matured
+euclidean
+22.54
+gembloux
+rebukes
+5.52
+starnes
+macaco
+bodenstein
+rudder
+publish
+starstruck
+logar
+groups
+willes
+dalixia
+lipica
+wadis
+hengst
+animalia
+92-3
+tv
+tityridae
+pharnaces
+tenon
+ayah
+jiuyong
+grunt
+69.82
+barangay
+76-year-old
+depigmentation
+asx
+perlite
+juego
+medwick
+9.01
+dawod
+gragg
+gastown
+76.85
+five-term
+scharmann
+hiedler
+wedlick
+10,225
+morays
+matewan
+h20
+dyed
+lonchura
+achen
+golem
+southcott
+yunesi
+urey
+houda
+kendra
+single-user
+ichimonji
+alanine
+cardium
+hejda
+mouthparts
+d.n.c.
+saxes
+encontrar
+adithya
+3.0-4
+rightmyer
+honley
+mohite
+soldats
+allee
+unv
+gardnerian
+emitters
+ajantha
+bonpland
+hephaestus
+pompeii
+prym
+3.6728
+60-person
+chilka
+paloma
+gaetana
+fluphenazine
+adhu
+tat
+no-strike
+randon
+http://www.europeantour.com
+kerrin
+marila
+shapwick
+4-of-14
+aadhi
+pulsifer
+xiaguan
+choristes
+emmerson
+campau
+topeka
+lúthien
+yella
+antium
+peloponnesian
+patrimony
+sarakatsani
+movado
+macniven
+98-91
+tubig
+waxed
+16.22
+oldcorn
+sammler
+hirola
+kirchhundem
+contrails
+atherosclerosis
+vade
+bakai
+catarrhal
+nikou
+troutbeck
+ringstrasse
+palani
+hamstrung
+pemble
+sukenik
+a&m
+cryopreservation
+ideologues
+pommern
+lambroughton
+75kg
+chiun
+self-expression
+blx
+kayama
+schoneborn
+53.18
+71-yard
+37.36
+1,003
+lilliputians
+gärdestad
+4-h
+brasileiras
+legion
+demystifying
+co-existed
+lickin
+bidens
+53.66
+amietophrynus
+re-classified
+cicek
+filipović
+commingle
+moutoussamy
+co-created
+apelike
+dedo
+2066
+accra
+98-93
+16.62
+rejimen
+polypodium
+silliphant
+hungered
+montanez
+correlational
+mossie
+peaceable
+nccs
+lendl
+subproject
+45.45
+50,000-acre
+stigmatizing
+co-official
+superville
+drosdick
+pryor
+lunca
+5.44
+ellingwood
+overcautious
+874,000
+boschetto
+hodkinson
+villamizar
+bixby
+hurlant
+intercropping
+u.s.-backed
+readies
+lorenzetto
+parsian
+kafirs
+alencon
+gulps
+nefteyugansk
+adelt
+baigelman
+klinefelter
+ninghai
+khuur
+hongik
+basin
+41.00
+graefe
+menes
+experiments
+preparing
+porgy
+orthographies
+elers
+zdroj
+oxyacetylene
+asroc
+struss
+bring
+bravia
+kabushemeye
+dabei
+mid-southern
+octone
+rajasimha
+belotti
+1959-60
+micrometres
+face-up
+dharmaram
+usrc
+ugalde
+14:43
+202-887-8338
+www.childrensdayton.org
+gloxinia
+gathered
+120.9
+41.59
+reclaims
+prelević
+radnorshire
+synonym
+amputations
+airsickness
+sleigh
+44.42
+simin
+1.5-kilometer
+eiht
+abron
+epoxy
+hardiman
+unbroken
+clases
+tetrahymena
+durres
+implicit
+www.nhlbi.nih.gov
+56.90
+campani
+12-round
+mudhar
+chongming
+schormann
+dawgz
+compiz
+holiefield
+shirahata
+callee
+kabaija
+16a
+20-years
+goślina
+dunia
+45-20
+kumo
+outcrossing
+ex35
+wickert
+woodburn
+económico
+seocho-gu
+knifemakers
+comision
+barycenter
+jumpstarting
+heindel
+ciardi
+kalbajar
+follows
+karet
+mkhitaryan
+preheating
+lakernote
+pinotepa
+substantive
+smallbore
+forberg
+satpayev
+dripper
+fouta
+damien
+hofmans
+yeng
+napalm
+-1.5
+115.6
+interosseous
+hearthstone
+withold
+github
+hollingdale
+sauteed
+victorin
+tvo
+prompt
+samplings
+eben
+dritte
+109.56
+inah
+subhuman
+esposizioni
+eizenberg
+62.66
+readerships
+differentiations
+leix
+lse
+karyotyping
+xv
+relentless
+cdnow
+isaly
+victorinus
+ukc
+forearc
+dsb
+baudis
+kshitij
+1-of-8
+kiac
+dura-europos
+perennially
+rutgers
+ghanpur
+glucksberg
+courbevoie
+steuber
+1,796
+50-21
+foiled
+curtained
+preet
+higher-dimensional
+novatian
+lancair
+20.20
+amores
+marunouchi
+shilts
+boride
+fausset
+seri
+technomic
+phonograms
+;d
+keobounphan
+đảo
+doa
+sparganothoides
+manacor
+meuron
+one-disc
+hierakonpolis
+indult
+licea
+kairo
+limestones
+bribes
+http://www.epa.gov
+indians
+colouration
+3,151
+quanah
+fdb
+se-r
+tranquil
+942,000
+somerwill
+saifudin
+reservationist
+spinks
+agreements
+women-owned
+oufkir
+knappe
+pistillate
+kesselring
+harfouch
+pestering
+aboveboard
+chemie
+talamantes
+tradicion
+400,000
+1967-68
+divisió
+lackawaxen
+safelite
+heterodimeric
+olympique
+headliners
+tailbone
+rikke
+aslaug
+51.74
+gima
+agenesis
+14.82
+19min
+nohrd
+cockbain
+100ml
+arkia
+potez
+decembers
+kraprayoon
+nollaig
+violate
+vwd
+clent
+pardis
+gysin
+honglin
+liberia
+95-90
+scherzer
+gunite
+25.51
+708,000
+1.295
+1,576
+myotrophin
+plyler
+kencana
+honors
+kwamena
+harpalinae
+brit-cit
+notturno
+anjuman
+luzinski
+double-crossing
+waterdeep
+84.63
+mandzukic
+blakey
+15,000-point
+exhaled
+7c
+wran
+greven
+year-end
+botanically
+italien
+hagner
+gnaphalium
+101-93
+stage
+reinvigorates
+varah
+orcutt
+halfpipe
+14.00
+coimbra
+kalighat
+arneson
+linoleic
+solway
+damansara
+4.63
+left-winger
+m.d
+ashura
+jakov
+umaña
+backstreet
+aurea
+shifty
+panangian
+33-1-53-05-76-55
+vulgar
+9n
+second-named
+ver.di
+merani
+antim
+bic
+metricom
+klallam
+fusaichi
+dwellers
+o'dowd
+lero
+qft
+passagework
+putaway
+siti
+365-3500
+henmania
+tupolevs
+rockfish
+tatius
+plasmodium
+sky-blue
+rabl
+30.89
+sub-provincial
+s-5
+1,370
+20-8
+guardrails
+kiviniemi
+cuentan
+whiteshell
+mellophone
+shangdu
+valletta
+kikaider
+cairney
+4217
+27.19
+marksmanship
+adamsville
+meur
+shí
+gedan
+123.56
+vou
+unconstructive
+17:56
+shamlou
+superscript
+kans.
+pager
+lindh
+grenoble
+mahir
+deontay
+353.7
+factually
+bylaws
+odontophoridae
+quadrants
+university
+gourock
+larrys
+chiredzi
+moreh
+muhajir
+:25
+snowmobilers
+maximisation
+abbas
+dayna
+slighting
+hktb
+sberbank
+moshannon
+rapiscan
+youngtown
+pharm
+supernova
+69.38
+daour
+furrier
+binjai
+tadej
+seams
+vieri
+hammonasset
+hadrosaur
+cogger
+eyles
+misappropriated
+ressa
+unchurched
+areca
+lodomeria
+dufferin
+kroh
+16-and
+usami
+thuagsuban
+arlecchino
+breen
+cohosted
+merenptah
+nageswara
+porn
+mennen
+adornado
+irwin
+mormaerdom
+renatus
+stumped
+naotake
+cabinetry
+moxifloxacin
+rastafarian
+streelman
+cáceres
+217.3
+primorje
+monogatari
+carolinians
+restlessly
+habra
+psittacula
+tobacconist
+mcquivey
+goldthwaite
+loire
+kasur
+salaheddine
+isis
+berridge
+gunstock
+janita
+mainmast
+remoteness
+borrisoleigh
+18.83
+jihn
+coachworks
+krishnamoorthy
+rainton
+trittschuh
+cfsp
+2670
+sazanami
+knitwear
+ground-up
+ksl
+nbty
+service-learning
+andranik
+piasa
+didia
+forster
+hazanavicius
+flds
+tassie
+unprovoked
+tébessa
+3,008
+tetrapod
+gordon-conwell
+euro263
+cloth
+bodybuilding
+dlt
+milntown
+morvern
+dodona
+jarious
+41.94
+tibes
+1,848
+qeybdid
+align
+sportswomen
+moiben
+condition
+nightstand
+47.5
+maglia
+prenatally
+boker
+6-ranked
+pluots
+60.27
+turgai
+320-pound
+hop/r
+helseth
+15:37
+5-edmilson
+cornhusker
+sre
+bisengimana
+brabec
+kavan
+type-safe
+jayen
+fraysse
+capta
+aaah
+45-34
+australopithecine
+windowed
+uncrossed
+smoking
+mkomazi
+267,000
+fingers
+47.53
+urzaiz
+1956-1958
+pajot
+clave
+petracca
+49.98
+ugolini
+sveen
+grint
+69.03
+pop-music
+460-seat
+weikle
+mtz
+apologised
+cacic
+mesopelagic
+weisstein
+1.5503
+blenda
+mesmerizing
+r35
+reputed
+lowin
+46-member
+depino
+miyan
+135.20
+deletions
+fieldworks
+postmodern
+unimaginable
+wisut
+yingjun
+granulite
+logiudice
+sub-machine
+midhurst
+farda
+savagnin
+cerebra
+41.07
+así
+nfa
+demby
+non-economic
+carballo
+tepees
+celski
+bluemner
+friendlies
+rereleased
+bequest
+fws
+bijeljina
+marmaduke
+kogan
+surovy
+keraterm
+crystallographic
+gargamel
+izbica
+thorgal
+6:1
+velour
+volumetric
+ance
+hmmmm
+presley
+92.82
+evolutions
+streamliner
+hims
+dikir
+synchronic
+nacchio
+saronno
+56-bit
+forelimb
+sattui
+naplan
+napoleoni
+swayam
+bulmershe
+triumphant
+consuelos
+nanotechnologies
+glistens
+finex
+13.43
+lactobacilli
+hohhot
+azat
+indama
+koscielny
+samarrai
+curate
+bocelli
+artifice
+multicar
+lwalker
+tamu
+suydam
+anti-cult
+boyana
+yellowfin
+puder
+ah-64a
+sanchong
+lafe
+claptrap
+duremdes
+hunter
+congestive
+safrole
+trichromatic
+busting
+serotta
+2007/08
+mate
+aero
+open-top
+booker
+umbricht
+assuredly
+c/o
+ingenio
+cubical
+36.06
+nostrand
+yokoyama
+journalists
+chippings
+94.60
+eugenios
+longlisted
+vertiginidae
+alydar
+weidong
+222.7
+miki
+skaði
+huw
+malaitan
+non-business
+blackish
+tomalley
+travesti
+farma
+indonesia
+caras
+nodular
+trzy
+chinchilla
+vennegoor
+th17
+bringas
+retro-futuristic
+u.s.-oil
+grabovica
+4-31
+ts
+mishit
+hkt
+tlusty
+devilliers
+86.76
+ameristeel
+chiodi
+clief
+chassidim
+retrofitting
+antofagasta
+tsumba
+colo
+louvain-la-neuve
+4,840
+polysemy
+jegou
+kagaku
+funari
+wilts
+kristianstads
+telmex
+haarlemmermeer
+kotromanić
+océan
+kapenguria
+ōizumi
+weidenfeller
+broadnax
+gosei
+botanists
+billion-dollar
+margarette
+ritzman
+catizone
+oil-filled
+christian-themed
+2-gigabyte
+prosecutors
+megaforce
+beltways
+paci
+luckie
+producer
+bestriding
+miranshah
+tapanuli
+17:14
+slobozia
+twelvetrees
+crowns
+1-16
+passphrase
+norways
+slimming
+reveled
+kurdish
+tosses
+phencyclidine
+fabii
+behringer
+coiffures
+mahi
+appliqués
+mid-american
+ligertwood
+orocovis
+mcferrin
+nepheline
+uladh
+120-degree
+radebe
+pregnancies
+uppicks
+yeongdong
+catalase
+50-0
+contrivance
+chuji
+permeates
+2004/2005
+ngudjolo
+altantic
+cybercash
+lavrov
+lamalfa
+chalie
+1879
+nagi
+4-4-1
+whio
+enit
+metastable
+lehne
+potiskum
+tanagra
+razmilovic
+356
+balzano
+bendiksen
+41.82
+thamesport
+soupspoon
+gunbar
+godalming
+khusro
+investec
+thayar
+91-79
+74.03
+tulkarm
+signa
+rinke
+amerio
+individualistic
+wunna
+kilgannon
+59.20
+avs
+abdus
+rizespor
+murid
+uchitel
+hinge
+elisabetta
+1,026
+meduna
+up-down
+shaking
+rotgut
+slots
+steamrolls
+dolphinarium
+académica
+cholim
+child-bearing
+sidmouth
+asci
+ymcas
+119.50
+adverbs
+ecostar
+reice
+betrothed
+gru
+amero
+brockhoff
+rachida
+szepes
+peneplain
+jarana
+milne-edwards
+pröll
+lebaran
+minicars
+nazanin
+loudest
+aplasia
+3-1-3
+levassor
+mccudden
+solidworks
+mekbel
+onaran
+giourkas
+canavan
+ashleigh
+kotzian
+lemahieu
+bala
+well-disciplined
+algonquians
+tral
+91.23
+vandeurzen
+milanković
+dibaj
+sestrieres
+etteh
+mattick
+seq.
+38.89
+gavel
+icis
+mcclay
+probusiness
+giuntini
+27.00
+borbor
+aju
+curricula
+thielen
+kasindi
+segev
+mcroberts
+nyenrode
+al-khiḍr
+dro
+fended
+murshid
+neurally
+simplify
+tornquist
+merican
+transfoot
+duerer
+paczkowski
+mcgoon
+methow
+niggles
+osterley
+proturans
+deiller
+encirclement
+secco
+ilfc
+pyotrovsky
+hatam
+rtus
+non-catholic
+pyromania
+anti-apoptotic
+sonntagszeitung
+phosphatidylethanolamine
+gams
+reformatory
+reemtsma
+over-hunting
+marlan
+radcliffe
+yamabushi
+rakkasans
+42,900
+hardstands
+3,641
+over-wintering
+youngkeit
+calthorpe
+30.75
+homelands
+diego-based
+chamba
+maymana
+struggles
+blackwill
+qabatiyeh
+exits
+moxie
+23-million
+secretaria
+meiji
+benetton
+passacaglia
+quietude
+kup
+garlanded
+1430gmt
+dtb
+garas
+190
+usatoday.com
+alleyne
+baldoyle
+abdelilah
+temo
+biermann
+2,317
+spier
+oude
+meia
+lajes
+trathen
+659,000
+moler
+manfully
+orozco
+anastasios
+sidanko
+ycbcr
+3,845
+194.9
+aschersleben
+mangalitsa
+condoleezza
+munford
+re-enforced
+hacı
+120-yen
+actionscript
+algardi
+bapst
+scherzo
+rihl
+accessing
+paquet
+flojo
+bruney
+consensually
+3,207
+thyself
+quami
+20-15
+suillia
+sakthivel
+flg
+hetero
+bulkeley
+saluting
+kawa
+kongantiyev
+pavelich
+bleakly
+agrochemical
+ligand
+mayores
+wtbs
+grunert
+jurij
+dentinho
+81.90
+shr
+yucatan
+hanken
+nachiketa
+alpharma
+bilitis
+indymedia.org
+zurick
+superboy
+aliases
+2,529
+marstons
+helicidae
+ivans
+borza
+quests
+aasho
+doormat
+novotel
+rajakumari
+spooktacular
+andersonville
+never-built
+luner
+purser
+microfilming
+serrill
+loule
+lituanica
+fet
+compels
+walkup
+11/23
+ninoy
+coppell
+liquid-filled
+stratum
+donte
+lincs
+1993-2000
+balashikha
+mathi
+upscaled
+brought
+palpal
+sainte-beuve
+kahungunu
+chesterfield
+nueimi
+trà
+121.17
+14.68
+rosemount
+123
+topkinsptimes.com
+laplacian
+hajah
+weihai
+galva
+63a
+ubaydi
+submissively
+cnev
+right-center
+2460
+witschi
+u.n.-administered
+mid-1960s
+twiki
+wyck
+wreckers
+agente
+fults
+rabor
+akitas
+11-minute
+ƒ
+fascinate
+nesterushkin
+iue
+rashdan
+lacertae
+safari
+ardie
+www.epa.gov
+droh
+vishwanath
+vajrasattva
+blasters
+imamura
+fela
+reflate
+toga
+worshipful
+strudler
+freman
+16-millimeter
+gleam
+savai'i
+bourdon
+trogoniformes
+take-overs
+glenbow
+yuanzhen
+scallopers
+rooker
+gimnasio
+6-song
+25kv
+alethea
+stendahl
+heilmann
+goldstream
+shooto
+melania
+hofland
+oki
+ahronoth
+crusting
+5,020
+prudy
+parainfluenza
+lyashenko
+east-northeastward
+parasailing
+yodel
+wisconsinan
+echobelly
+kildee
+denoia
+blondies
+peligat
+lycoris
+roeber
+churrigueresque
+unsupportive
+goitia
+zamba
+diaconal
+kinescopes
+cellino
+kdfw
+jazzmaster
+almi
+13:52
+fleeming
+poulan
+nyeko
+zx80
+lannoy
+legat
+cayoosh
+koppie
+ghaznavi
+mujahed
+whistle-blower
+silvera
+peppier
+lochtefeld
+evans-pritchard
+daiki
+rouz
+fellow-countrymen
+shemon
+boleslav
+sleepily
+naul
+45-point
+112.08
+kabupaten
+elongating
+rogožarski
+windigo
+sugarland
+mejakic
+morison
+balgownie
+amica
+kaibab
+seegers
+elworthy
+166.00
+rtmark
+human-centered
+drapchi
+ferrous
+naher
+youngi
+chisago
+vanquishing
+mallik
+zamarai
+zhihao
+tied-up
+vigario
+ouellet
+euro40
+voisins
+yeronga
+mannheimer
+kompressor
+schwartzwalder
+non-kosher
+shiite
+cheyre
+britannica
+thalman
+nádraží
+salviati
+carolla
+sausages
+versus
+huguette
+sixth-best
+outscore
+inter-tribal
+surda
+tenaga
+streaming
+zais
+42.85
+carlston
+conscientiously
+fusco
+hunua
+gadison
+clb
+afpa
+1577
+arusei
+rmc
+olalla
+rtn
+faim
+haniya
+jameses
+majordomo
+rehired
+darion
+prosperous
+herskowitz
+girdwood
+pimpinella
+y10
+vendors
+disconsolate
+fencibles
+regionale
+hamburgische
+plumaged
+meira
+quechuas
+anticommunism
+novellino
+katifa
+lyudmyla
+6-bit
+spaelti
+puri
+grotzinger
+zwicky
+maples
+stiffelio
+sicarios
+sovetsky
+mcquilken
+kasparov
+gerakan
+86,000
+dement
+atlixco
+obojeni
+121.22
+delicately
+domitianus
+vesicles
+manaf
+tfs
+jaun
+friedreich
+mart
+smisek
+foye
+nathanael
+lusitanos
+costakis
+flukes
+kalifa
+.571
+mostapha
+kickstart
+springer-verlag
+steamier
+budgerigar
+jinxes
+n95
+1.233
+nni
+townscape
+bangledesh
+kozloduy
+discreditable
+souleymane
+vampeta
+monaural
+convy
+upledger
+strapline
+flaw
+rets
+sundstrom
+bandello
+bme
+unironic
+28-time
+retrying
+kiyonari
+sladen
+stable
+multitracking
+silvers
+48.72
+russian
+accompagnied
+28.16
+annalen
+buckskins
+hashiguchi
+tsafrir
+doran
+trefoil
+preform
+cross-cousin
+kurnell
+sahel
+102-mile
+yach
+lazne
+curses
+blandy
+recyclability
+sofer
+iquitos
+ocna
+sevenfold
+tetany
+wuornos
+shrink
+sudoku
+hamming
+shiel
+toptan
+nucella
+96-89
+shogunate
+hartsfield-jackson
+borçka
+saudis
+kanokov
+ligation
+sevodnya
+speleers
+ambientales
+orfs
+pantaleon
+mossel
+fomina
+potlatches
+grantly
+hellions
+custodia
+flemmi
+villingen
+mandor
+kernell
+julliard
+adag
+arzani
+viande
+kaufering
+proudman
+dasburg
+biliary
+burchenal
+tettigoniidae
+halong
+guoyuan
+l-serine
+al-asad
+67.12
+antiphonal
+balletmaster
+unamuno
+karami
+footspeed
+tiggy
+harpertorch
+snowboardcross
+t.v.
+43-0
+fluidization
+btn
+gatchalian
+cloches
+armload
+47.31
+column
+cilipi
+akaphol
+9b
+twiddled
+formula_167
+pointes
+meyrick
+1931-1932
+vodafone
+homey
+hauptman
+baltacha
+rekindle
+dwright
+dwarves
+mosco
+1876-1877
+ghasemi
+browbeaten
+19.11
+mid-1984
+1959-61
+khazaal
+krzystof
+carlesimo
+truesdale
+maruca
+boydell
+sacred
+barati
+hernus
+starovlah
+miserable
+wombat
+zaitoun
+welborne
+saltators
+bonhomie
+wagging
+valvata
+apoptosome
+pojman
+amendola
+investigación
+nosebleeds
+chilukki
+parioli
+ixopo
+umit
+plon
+620,000
+pembridge
+32,600
+laibson
+low-status
+sringeri
+hsinyi
+lucille
+mayling
+haydar
+15-race
+delmotte
+47.96
+cliche
+sámuel
+6-60
+cleal
+post-structuralist
+16.38
+accolade
+wjxx
+hypokalemia
+14,650
+belaúnde
+bargains
+sullenberger
+yasin
+waray
+euro52
+lingshan
+barleywine
+69.96
+maestoso
+darner
+svl
+rag-tag
+sicher
+ttxgp
+francia
+neijing
+zanier
+permadi
+gumbad
+castlewellan
+nightline
+lfr
+liancheng
+hadja
+strangio
+sree
+chacham
+escb
+freidig
+temizkanoglu
+fratczak
+testimonies
+aubry
+s-300s
+yenne
+alisha
+borucki
+grassroots
+heart-breaking
+skymaster
+nolad
+gunfire
+109.05
+1hr
+kadath
+rushforth
+enroute
+posttranslational
+116.03
+pets
+18-kilometer
+rahmon
+schweinfurth
+bundini
+z.b.v.
+oun
+weekenders
+vco
+candlewick
+joo
+cordwainer
+spota
+graduations
+sweatsuits
+litowitz
+pauli
+kartuzy
+9/2
+140,000
+trills
+distributorship
+alike
+sabhavasu
+ships-of-the-line
+mariah
+madrone
+chatr
+disinclination
+15:59
+thuggery
+rumeal
+drulovic
+rearguard
+loevy
+al-hassan
+longley
+easy-to-use
+re-enactments
+infinitesimals
+aforethought
+lepeltier
+mineralogy
+dokes
+hiatal
+storum
+machrihanish
+trend-setting
+innisfil
+dissect
+alberico
+nchito
+skelly
+sejanus
+disfiguring
+students
+ecp
+3,000-plus
+paga
+pauline
+fichter
+58.56
+sweif
+literati
+poppel
+mesothorax
+swedesboro
+doorne
+lazzari
+fenimore
+sandar
+chuah
+divisors
+evesham
+nail
+cabernet
+uveitis
+frankowski
+.738
+gedicht
+buescher
+icpd
+34.28
+guyer
+delfi
+ucr
+vic-ii
+autoregulation
+adamchuk
+summerhill
+bergstraße
+misguided
+borås
+98-gun
+jungfrau
+cerrell
+motte-and-bailey
+inderjit
+laira
+e-alam
+flerovium
+avory
+anfrel
+s41
+keylor
+okcupid
+busying
+non-conformity
+lukes
+dakini
+saxton
+leathered
+amaël
+oriani
+eisman
+aldrick
+cpl.
+famers
+buggy
+dits
+samolis
+lios
+heshen
+balustrades
+pinamar
+3,186
+cavagnaro
+agbank
+rammrez
+601-seat
+hanifi
+abdennour
+weydednytimes.com
+bottomed
+buried
+languedoc-roussillon
+bugg
+unkrich
+back-to-back
+lwyd
+guardroom
+iguala
+rsum
+tuberculate
+11.89
+qap
+nordhordland
+co-managing
+defines
+roz
+knighten
+114.00
+12-months
+roomette
+kihara
+somerled
+bergtraum
+unpublicized
+dells
+stumblebum
+3,162
+biracial
+kusf
+50percent
+louhans
+46-38
+concentrically
+avocado
+dragicevic
+pzu
+3,200-year
+castration
+hellerman
+27.56
+hud
+diplomats
+unsworth
+actuacion
+overexposing
+galich
+matha
+time-varying
+yanase
+15:57
+orlo
+kittleman
+singles
+waifs
+magnetopause
+rerecording
+zolotov
+lukáš
+turbografx-16
+130.9
+camosun
+utd
+minimum-security
+fugu
+pangaribuan
+forgoing
+panfilo
+mongkon
+gieves
+ambareesh
+meinen
+113-112
+rurutu
+38,125
+liechenstein
+iheanyi
+hellinsia
+bt300
+d-4
+perder
+lesher
+lapiths
+brenthia
+varis
+shuming
+relearned
+113th
+stracke
+kennerly
+prolactin
+underpainting
+venpres
+sedibe
+116.32
+warmbold
+yangge
+off-island
+železniki
+bubo
+kraszewski
+mmorpgs
+savoca
+127.82
+binbrook
+45-mph
+saksi
+legales
+272.8
+osmani
+5-speed
+flyfishing
+diao
+baitullah
+dayananda
+leuchtenburg
+hyphae
+45.46
+al-ahmad
+amrapali
+sunal
+sadeqi
+cunxu
+pontarlier
+supression
+agnone
+7021
+inseparable
+mannschaft
+re-introduce
+countersuit
+7-of-12
+sub-10
+mankerni
+alario
+19xx
+virudhunagar
+knockdown
+brac
+poesía
+sloughing
+oxymorphone
+1
+ruche
+satélite
+anta
+premillennialism
+mubarak
+wyoming
+toppin
+http://www.defenselink.mil
+greenbank
+newswatch
+stress
+ossetian
+mescheloff
+pennekamp
+rishabh
+pasttime
+cites
+kothamangalam
+brydges
+gruevski
+hegle
+hemis
+iltalehti
+gameboys
+persinger
+thouars
+bachelet
+gangelhoff
+xla
+pseudopostega
+slashings
+xb
+muckdogs
+rathkeale
+dobry
+domracheva
+sdg
+nehn
+s.w.
+laidback
+proliferate
+hiscox
+pictoris
+yulaev
+co-operations
+kabat
+pabo
+4-pound
+seyyedvaliyeddin
+tessellations
+saoirse
+ghassan
+numen
+tetra
+nannes
+45-5
+powys
+corbusier
+bourjaily
+linesperson
+7:11
+sistiaga
+mizzi
+douarnenez
+aspectos
+people.com
+nhek
+cerruti
+mosen
+yoelvis
+elisabet
+quitte
+cherating
+takechi
+frewin
+pseudomonas
+karaha
+bantadtan
+acclaimed
+d'hilliers
+debelle
+5,025
+300-billion
+arcaded
+sermo
+tholey
+formula_129
+324th
+asarum
+i-x
+predisposes
+carignon
+staatstheater
+oppressive
+quinney
+blankenheim
+wastewater
+lunéville
+pneumococcus
+munck
+8,460
+biotec
+marray
+pasts
+sango
+round-leaved
+109e
+contending
+toofan
+mese
+sindhupalchok
+biennales
+45.07
+reșița
+i-475
+swiney
+paranapanema
+folk-lore
+dabbagh
+61.46
+lespinasse
+terrrorism
+spirometry
+six-song
+branzburg
+52.7
+abdolhossein
+19-million
+montúfar
+spurfowls
+schmidheiny
+f-86h
+cyberspice
+changanacherry
+marawanyika
+phenomenom
+dmarc
+friedeburg
+philosophizing
+lts
+gacko
+dalakhani
+nehalem
+dershowitz
+imbudo
+krulak
+musicae
+wührer
+primatial
+farzan
+pettibon
+furtwangen
+viburnums
+300-member
+solipsism
+50.24
+schneidemühl
+848
+terminals
+omelchenko
+disappearances
+highmore
+nyu
+frogging
+53.77
+upend
+30.83
+mourides
+role-play
+billfold
+skateboarder
+reinet
+necho
+gonthier
+hemert
+sdic
+yuning
+figer
+corbett
+nikanor
+krasnerglobe.com
+laurelwood
+forbidden
+scold
+re-export
+vomited
+smiled
+violette
+spf
+18.67
+bridgton
+grocka
+baishui
+1309
+krinsky
+woolls
+gopalaswami
+horgan
+stuckey
+charisteas
+balochi
+chac
+granot
+victorianism
+flirtatious
+on2
+190s
+hat-tricks
+third-oldest
+ramallah
+love-interest
+toksvig
+selänne
+chloramine
+mesenchyme
+crémieux
+e/i
+kokshoorn
+ladislao
+dwoskin
+dulue
+kowloon
+117.72
+kayo
+outclassed
+jatinegara
+publ
+44.68
+yûgi
+haveeru
+compassionate
+wealth
+gryshchenko
+pastrick
+zu
+ghailani
+fantasy
+846,000
+stomachache
+illion
+baute
+aitaroun
+sitgreaves
+bottone
+greenlights
+stratus
+coalport
+7/12
+kinlochleven
+perinatal
+piping
+elohist
+1998-99
+shawfield
+mid-twenties
+khodr
+willimantic
+krumholtz
+kambalda
+sinfulness
+greasepaint
+scalded
+2004-06
+alfroy
+zorro
+descendent
+12.42
+bourke-white
+westwind
+solwezi
+sainovic
+2teaspoons
+kurume
+dynamite
+ravenscourt
+study
+makeover
+upbringing
+12.45
+mesmerize
+overworking
+rhomb
+beville
+tindle
+1947
+91.43
+magnificently
+nderitu
+baltsun.com
+trapezius
+1945
+zige
+48.92
+saturay
+carbon-rich
+ouachita
+qualis
+fabro
+stanshall
+65-6736-0283
+shaltout
+89.37
+95-67
+16:13
+carriages
+walrath
+guth
+toque
+qizs
+audio-animatronics
+peli
+marinatto
+1896-1897
+satriano
+colares
+22.23
+teach-ins
+arrondissement
+schlechte
+3,222
+130th
+79-70
+37.52
+panayi
+dadgum
+guldibi
+páez
+villarreal
+buzzelli
+hoey
+electromigration
+sesquilinear
+turn-based
+mechanized
+marcus
+byob
+lyglenson
+macgrath
+1.099
+kölsch
+transformer
+benthopelagic
+yawner
+otlk
+ndou
+winsor
+gallopin
+blaen
+bucer
+second-in-line
+jewfish
+muldrow
+109.13
+myasishchev
+eddisbury
+yul
+paliwal
+sailors
+pedrazzi
+clt
+chichagof
+dæmons
+glycerine
+rbx
+51-36
+boutiques
+churchwarden
+mugwort
+arkansan
+sciurus
+myres
+39.75
+steppingstones
+embolus
+kolinda
+dodemaide
+parting
+anjum
+twirler
+axcelis
+glycerin
+'50s
+high-bandwidth
+breer
+headworks
+rewley
+37-month
+43.16
+thriftway
+13-digit
+2,971
+mussorgsky
+co-owns
+.518
+parted
+ginseng
+kotenkov
+ekran
+melanesia
+mckart
+harperentertainment
+40-hour
+vfinance
+safeworking
+fasti
+5-foot-9-inch
+delaski
+uh-1n
+opened
+revived
+rhizobium
+knowns
+irlam
+trebišov
+heteroatom
+hilson
+dowagers
+bhamo
+waman
+vaginosis
+tearing
+dehiscence
+blue-purple
+cdc6
+deportiva
+tessellated
+g25
+nimani
+chalupas
+inviable
+borgia
+hasnawi
+kuchis
+roses
+goatee
+ofili
+roughrider
+steelton-highspire
+oms
+3.525
+sommerlath
+rovine
+markinson
+genessee
+disbelieve
+mayerhofler
+imaginacion
+government-access
+loboda
+srdja
+twardowski
+clomping
+vyner
+turtleback
+neuberg
+semi-professional
+d'harnoncourt
+mijatović
+78.75
+dollman
+rusk
+irtf
+xuv
+613,000
+bogue
+comports
+budeiri
+e-boats
+safayev
+battlesuit
+microsystems
+1394
+cianjur
+huanca
+89.72
+winslow
+vetiver
+1.2545
+tserclaes
+arunachal
+nominators
+2305
+theocracies
+kaurov
+121.78
+reichsautobahn
+wire-braced
+poer
+khâm
+braydon
+nci
+cubillas
+162d
+banorte
+travolta
+lavanchy
+hrsg
+marrash
+musliyar
+gitlis
+mas-ipsp
+annacone
+maquette
+irex
+9-for-9
+laplaca
+sokoine
+meinhard
+flatts
+pardon
+mdpv
+sitara
+14:13
+sixties
+95.0
+well-dressed
+shijun
+micromax
+chippawa
+effectuated
+knoc
+m-28
+holli
+irrevocably
+soporific
+mimidae
+forswear
+osco
+o’malley
+modules
+doctrove
+moyles
+nzoia
+marmont
+derniere
+matten
+lower-pitched
+ethnohistory
+pseudonyms
+wadood
+scritti
+admission
+sirota
+spoor
+edison
+22-ranked
+nahb
+116th
+3-93
+paiute
+bagrationi
+inactivate
+hradecká
+haiyuan
+cushwa
+osram
+inculcating
+minnick
+portugalete
+17,317
+meades
+katongo
+marys
+briefer
+hd2
+nyako
+wheelies
+misson
+deidamia
+mont-saint-hilaire
+playpen
+tassel
+zoe
+banyoles
+parented
+2171
+shophouse
+goldhagen
+morir
+batei
+hobert
+glawischnig
+issmmaof
+tooting
+godbout
+pue
+prabuty
+yii
+xiiith
+morphs
+chuan
+42.1
+catechetics
+abar
+673
+orchestrion
+cromer
+tangdar
+gradual
+gertsch
+awad
+464th
+heill
+diopside
+kaiyuan
+237
+dederich
+wtp
+hoeppner
+0.03
+candra
+petitti
+102.40
+elsham
+heelan
+epel
+künstler
+low-volume
+kumeu
+macapagal-arroyo
+lejla
+whitmarsh
+esmer
+diaspora
+steinhorn
+feature-length
+105.22
+waiblingen
+zlatoust
+feigning
+malzone
+1,969
+cyp2d6
+viewable
+chicagoan
+ficano
+couple
+polite
+apnewsalerts
+obotrite
+93.53
+452,000
+bilheimer
+lighthouse
+dels
+voidoids
+ipcc
+ecma
+sa'ar
+125.35
+shantytown
+fassler
+predicament
+bunkeya
+draganja
+sutures
+3-0-2
+trypanosomes
+okagbare
+mannil
+wone
+nwo
+68.84
+harbors
+mozah
+luding
+saguna
+fiorio
+famine
+baumel
+manat
+chrobog
+screechy
+inchiquin
+exhausts
+choda
+smilin
+hilary
+grandstaff
+okw
+mavra
+plein-air
+quarantines
+chandrasiri
+80.000
+siloxane
+scrumhalf
+gourdes
+heterosexuals
+29c
+molby
+hitschmann
+mzamane
+overshot
+kidz
+nanban
+0.53
+ngp
+usa-based
+sporophyte
+hcc
+muyu
+baan
+intravenously
+brestovac
+wxtv
+skweyiya
+aaup
+wide-area
+bensinger
+visted
+dumermuth
+hannelore
+doty
+interconnectedness
+cytidylyltransferase
+interconfessional
+manabe
+58.72
+acklins
+goed
+somalis
+agadez
+aquarist
+aeroponics
+ohmori
+egu
+fresi
+sanjaya
+rintoul
+4,123
+kathoey
+volcaniclastic
+horenbout
+malan
+111.15
+apokaukos
+arcain
+linstead
+erber
+seraphs
+1,327
+kdo
+heedless
+kuopion
+gosule
+dpx
+genpei
+hotsy
+tensed
+mcintire
+producer/writer
+non-orientable
+beared
+skyhawk
+griswold
+borinage
+to-2
+eastleigh
+flake
+osburn
+122mm
+boathouses
+chlorine
+offa
+bismil
+kizilsu
+1,114
+lowthian
+blaxploitation
+l’ecole
+katzenberger
+hurlyburly
+illu
+ansley
+giavarini
+amphorae
+alimentary
+43,900
+kentrell
+d'erlon
+eyeing
+targetting
+midewiwin
+gattinara
+cormo
+benizri
+richest
+rmartz
+programes
+dinars
+bandicoots
+mahbubani
+nagelsen
+117.78
+muzorewa
+patronise
+raiko
+yazawin
+associational
+rpf
+stepfather
+althans
+sherpas
+toddler
+progestogens
+chalbaud
+94th
+speculate
+pilipina
+al-marri
+picola
+concentric
+mieh
+roeper
+112.15
+non-tax
+challinor
+42.20
+fomunyoh
+a330s
+corimon
+chitarra
+vendor-neutral
+dik
+nanako
+securicor
+1,461
+1.4655
+lovece
+healy
+combes
+kure
+temporada
+79.66
+hooded
+shahram
+powerlifter
+criteriums
+finery
+romankow
+tetherow
+co-create
+seacă
+48.16
+copco
+12.4
+wertheimer
+withdraw
+mathabhanga
+hartnell
+komintern
+fortiers
+unreal
+inarritu
+matsuo
+canoe
+clee
+kneževac
+fevzi
+graphs
+event-based
+ruckus
+ardoyne
+mcroy
+koobface
+ozugergin
+harrasment
+tyrannis
+iree
+cliente
+metula
+croom
+1750s
+phayer
+mini-games
+benedetti
+bohanon
+hengchun
+1182
+1,604
+schikaneder
+brelade
+gullets
+carnie
+burkett
+neradko
+mammal-like
+garraud
+e-sharif
+hosain
+osdene
+genders
+5,855
+curries
+vaastu
+isidoro
+koffigoh
+italo-turkish
+chinoiserie
+boffo
+mauler
+addon
+p.e
+miller-heidke
+denser
+half-court
+test-tube
+tfo
+transducers
+businesspersons
+freighted
+wieschaus
+perdomo
+shedrick
+nanofibers
+altimetry
+velev
+qaly
+shackled
+drl
+thrombophlebitis
++10
+synaxaria
+bumpstead
+rubric
+116.00
+15b
+kneser
+hailong
+dikes
+jung-gu
+superabundance
+magick
+hornworts
+1.87
+21,563
+stanford
+loker
+boardercross
+stephenville
+1977-2010
+implausibility
+zossen
+redox
+devdariani
+aijalon
+commissario
+830
+ossies
+borrowed
+coul
+escandón
+vicuñas
+h-3
+carolis
+;
+outsource
+dewolf
+zairi
+2,158
+peeled
+hoghton
+12/16
+hopewell
+yoav
+hermeticism
+jamescummings
+davit
+rongorongo
+oficials
+fujimura
+bunney
+boastfulness
+gallico
+waeli
+strachman
+producing
+yachi
+elixir
+formula_68
+magicians
+embryogenesis
+secuestro
+macky
+mandolin
+671
+fluff
+hif-1
+ident
+muganda
+metrohealth
+gecamines
+kuhn
+6:3
+laach
+rosanna
+solaro
+ensures
+an/tps
+vinayak
+lingus
+beveridge
+17,083
+viens
+addding
+jetliners
+sodastream
+angawi
+berserk
+#ukqaqtqszbzszr
+rebovich
+sharp-pointed
+sullivan
+gavrilović
+kheli
+htin
+lillard
+63-point
+sceptre
+goulooze
+bc8
+operário
+lindsell
+2,982
+melanopsin
+insp
+sōbu
+tetroxide
+zuleyka
+florescu
+tethered
+ak47s
+edmundsbury
+ffrench
+aiva
+subleases
+dasc
+down-to-earth
+kanter
+darrang
+immanuel
+jerk
+switkowski
+painewebber
+haidl
+yuasa
+durum
+meme
+73.82
+bew
+telmatobius
+labonte
+freest
+storytime
+ranjan
+verettes
+12.56
+herschell
+venis
+dodder
+licences
+superchunk
+mahina
+woong
+wajima
+monstrosities
+31.01
+radhi
+popeil
+miandorud
+nirvash
+ethocyn
+cojuangco
+josephthal
+frontage
+mdluli
+1,204
+imprisons
+turbeville
+develops
+manasseh
+3.6-million
+asymmetrical
+commey
+disaccharide
+randstadrail
+spindly
+fast-food
+cioffi
+13.62
+227th
+gardon
+sieff
+dundee
+sabie
+exclusivas
+anti-lynching
+shoman
+antineoplastic
+marooned
+fayn
+lipsko
+loverboy
+stylish
+shamil
+azouz
+rmx
+3,884
+charkaoui
+utm
+left-handers
+krokodil
+willetton
+nosedives
+oncogenes
+limas
+ggagbo
+hasrat
+crepuscule
+sakhnin
+to-day
+banggai
+genc
+caporal
+cnsa
+mid-2007
+adsorption
+boina
+grammarians
+thiruvanmiyur
+diena
+jayussi
+huff
+ranteesi
+57.78
+rentree
+consternation
+54-yarder
+prophesying
+gurdev
+bozon
+diederik
+mulenga
+meti
+quadratic
+hryvnias
+wide-reaching
+ednam
+spyro
+racemes
+feb
+katergiannakis
+rasher
+36.23
+337.17
+couplings
+tschirnhaus
+broyer
+marshwood
+24.37
+meador
+vasilii
+hopalong
+mosed
+2-73
+heartgold
+diviš
+howes
+ranchera
+tiras
+fangshan
+toffee
+soiree
+murder
+daigo
+engendered
+lakshmanan
+srpski
+rostelecom
+kembla
+3.64
+zeven
+provis
+kompleks
+epilepsies
+quarterhorses
+viafara
+0:31
+phytoestrogens
+mid-19th-century
+distritos
+pestana
+fynn
+fortuneteller
+travel.com
+leekpai
+raec
+maqdah
+reindeers
+wenming
+güssing
+ratelle
+rs50
+aurand
+hih
+churchmanship
+five-bay
+gobierno
+bernson
+certitude
+high-quality
+a40
+bfc
+norteamericano
+thaman
+bizzarrini
+2,052
+hongda
+20-yard
+yurchikhin
+openworld
+torg
+⅓
+horace
+st-1
+build-a-bear
+airshows
+hower
+euro89
+2,365
+1,000-odd
+trudges
+kastel
+remodernist
+skrudland
+benderman
+arabis
+hanhardt
+sekera
+24.57
+bahorok
+rhj
+gay-lussac
+iatse
+self-trained
+benrubi
+fouda
+collectivity
+sufficient
+mostefa
+qaqazan-e
+maunganui
+ijebu
+davidsson
+daioh
+sky
+deafness
+megazone
+rebounding
+christmas-themed
+slotin
+126.4
+cosmogirl
+21a
+túrin
+daybook
+niseko
+samsun
+rubai
+crobuzon
+gremel
+not-for-profit
+interceptor
+declaims
+radwanska
+ginther
+140-day
+shade
+http://www.census.gov
+johansen
+widefield
+pucillo
+demag
+two-up
+non-governmental
+mind-altering
+gonnet
+39.76
+intercounty
+ecompanies
+corvus
+1987-1993
+8,125
+e.s.t.
+bhatti
+shilstone
+firefighting
+6-page
+vaygach
+witt
+ghatam
+sharana
+1145
+gukurahundi
+4,191
+bystrzyca
+argenteuil
+intoning
+cowers
+manohar
+burial
+tempelsman
+neoral
+gunshop
+107.06
+mazzella
++.31
+wwor
+fukuoka
+masayoshi
+makani
+theodoridis
+chinese
+1,105
+jeopardised
+clausel
+bezoar
+gairy
+bilges
+eagleburger
+bunched
+buel
+rapota
+efficacious
+violante
+hurndall
+gonadotropin-releasing
+whampoa
+sweetbreads
+movielike
+byomkesh
+hopscotch
+addictions
+interning
+leaver
+basterra
+death-defying
+huelskamp
+marinemax
+stamler
+contemplates
+lakoba
+64,900
+schuchat
+beaton
+spastic
+montecinos
+shereef
+qlogic
+yurie
+pictographs
+taxidermied
+indupa
+magistris
+veronese
+penthouse
+kaspadu
+euro750
+silbergeld
+12,850
+souviens
+amundsen-scott
+2610
+.0213
+thyrsus
+33.56
+loverly
+agropoli
+smartlink
+bahlul
+movielink
+roter
+twenty-two-year-old
+superstitious
+bakrie
+flurries
+pillman
+bonaiuti
+32.54
+36.00
+friedle
+sodium
+churchdown
+graystone
+gadgil
+24.07
+premix
+ampoules
+skybar
+reframed
+wladimir
+gumballs
+ughi
+hadrosaurids
+australiae
+72.31
+tamati
+kanana
+mangifera
+wickedly
+rademakers
+ryoichi
+montezuma
+chegwidden
+grebbeberg
+gallate
+halfdan
+rekar
+sixten
+synthesize
+vulture
+santry
+demorest
+ackland
+siffre
+karel
+111
+bauzá
+29.97
+dinettes
+avant-rock
+bunts
+t'pau
+franklin
+stoudt
+balmier
+dakhlallah
+ruysbroeck
+leaf-shaped
+hodson
+websites
+3,427
+hooijdonk
+diesel-powered
+stringy
+wwt
+repellent
+21.81
+u.s.-egyptian
+democratic
+spanish-born
+cian
+kimjongilia
+levis
+carstens
+dadt
+musicus
+buckeyes
+kūchek
+33-room
+kenyi
+hafilda
+freddo
+kirby
+meta-ethics
+zakarpattia
+space-themed
+warranty
+creations
+niagra
+simplified
+l'orfeo
+shawbury
+daman
+umaria
+154.3
+top-tier
+scopoli
+dehesa
+studebakers
+fuzz
+guscott
+blue-black
+skindred
+dukh
+eur2004-por
+unreserved
+matagorda
+leys
+kalix
+230th
+157-year
+biesbosch
+sportsperson
+newdegate
+prof.
+xemacs
+kasoulides
+roestel
+karasin
+asdf
+timecop
+bodystyles
+carnies
+fielder
+linlin
+morad
+nwe
+moai
+ruea
+yamasoto
+skamania
+gollin
+bouake
+eskander
+1993-96
+dagestan
+neccessary
+redraft
+cancellariidae
+movies.com
+flossie
+auditioning
+adagia
+b-class
+maqadmeh
+tarim
+mulrow
+sasson
+cleander
+medinah
+fetish
+godana
+73.73
+icebreaking
+exo-m
+strongest
+10.2
+senarath
+3,049
+soderini
+pukkelpop
+saidou
+presidios
+onramp
+megacities
+communitywide
+depaula
+banyu
+beiteddine
+80.35
+louiso
+non-marital
+cvw-14
+carer
+7260
+constipated
+teutenberg
+120.7
+aerostat
+empi
+minavand
+skycycle
+battered
+pumpido
+sturdza
+wheat
+bensel
+pierre-charles
+vacationland
+supélec
+lescano
+bi-annual
+warships
+flatbreads
+bnv
+writeups
+saut?ed
+diskin
+victorians
+ulna
+waldnaab
+meszaros
+interconversions
+motte
+engender
+biosimilar
+goats
+urchins
+tetrahydrocannabinol
+koyn
+equilibre
+vedette
+41.40
+ciar
+arête
+mix-a-lot
+thow
+thammanoon
+gordijn
+970
+madhur
+semara
+sull
+hyperplasia
+schutter
+encroachment
+bust
+three-man
+nakatani
+collura
+kwc
+cozza
+teplice
+rahesabz
+silencing
+mourier
+oddly
+good-will
+ligat
+rahme
+dhaliwal
+kuusinen
+geremek
+prise
+153.4
+carpatho-ukraine
+schütte
+15.7
+statik
+pflp
+ll.b.
+banis
+sweet
+dragulescu
+logoglu
+maddi
+solveen
+vlastimir
+radio-ready
+czarist
+ponders
+grosset
+praefcke
+2000m
+gustatory
+pinwheels
+51-24
+platitudinous
+dc-2
+sutliff
+adebayor
+acer
+oligonucleotides
+towhees
+blasier
+macroscopic
+bnk
+starkiller
+58.49
+münchwilen
+usw
+biasucci
+7,375
+woonsocket
+2-0-1
+mccloy
+wakeford
+kushi
+66.70
+lated
+.86
+slaked
+moisturizers
+specialization
+19:40
+shawshank
+njoki
+shipai
+newitz
+52,200
+falletti
+moncton
+božović
+,20
+aikoku
+25-220
+soini
+pruyn
+grope
+meadowlands
+belched
+cahora
+wiessner
+anolik
+kontra
+citroen
+dupain
+chepkirwok
+12w
+breaker
+escapists
+heyward-bey
+mfps
+footer
+lihir
+karamanlis
+ecclesiastics
+charu
+wooo
+ma60
+juneau
+udine
+usr
+rededicated
+70-gun
+60-piece
+1,700-mile
+lgr
+chilcutt
+red-shouldered
+holdrege
+802.3
+khola
+commended
+golodner
+paulk
+shobaki
+vacanze
+stojaković
+tunberg
+grimacing
+douwe
+3-13
+mazzeh
+rorem
+sarasa
+reinstall
+ilga
+updating
+zalaegerszegi
+17:04
+hinman
+661
+prosti
+shareeka
+tofflers
+bulk
+lue
+aborn
+warcraft
+ingenuous
+sahabi
+edgemoor
+ready-mix
+linnaean
+siksik
+manera
+crissy
+55.96
+associati
+valleroy
+prapas
+catholicity
+haraldur
+bamaga
+entry-level
+obstruent
+menacing
+527th
+aub
+fitts
+lioré
+foundationalism
+ullathorne
+cochlea
+three-hundred
+liedson
+shuangshuang
+12,000-strong
+combattante
+kreischer
+helmsdale
+fuddruckers
+corduner
+52-44
+dumps
+losman
+82-mm
+tush
+hillson
+nonintrusive
+governments
+putas
+savvas
+u.n.-ordered
+breazeale
+przewalskii
+eraiba
+10.7
+clozapine
+.445
+juniata
+facilitative
+llanover
+jewboy
+playmania
+bahts
+guld
+ankles
+am1
+jizhong
+cccs
+judaization
+unenviable
+formed
+zoom
+acss
+suspects
+mouasher
+1063
+doffing
+mowlam
+pelangi
+northsound
+closed-cycle
+helminths
+vocally
+ruin
+wabe
+tosovsky
+intercable
+5-square
+warboys
+breasts
+capece
+borax
+lukwago
+119.18
+kharaj
+548th
+doremi
+dogana
+tippet
+soft-spoken
+giuda
+theophanous
+chengue
+farland
+,970
+amenorrhoea
+recharged
+lavea
+tules
+kheiri
+kuehnert
+suavely
+nata
+võ
+d'huy
+dhenin
+cornwallis
+sharbi
+atiyyah
+rags-to-riches
+72-500
+.519
+37.79
+30-20
+martone
+čorba
+siswono
+bolender
+prodisc
+sleek
+malanda
+finarsih
+11,000-mile
+zehn
+alouette
+thouron
+amplexus
+shefki
+forty
+donated
+crisscrossing
+mutuel
+princeling
+u.s.o.
+domhoff
+regierungsbezirke
+obraniak
+extasy
+öre
+directories
+mathe
+gavriel
+microcline
+dekom
+11.19
+sar-e
+adicional
+mazarin
+majolica
+eliminated
+4,432
+dood
+nowe
+olvidado
+genentech
+vlts
+jönköpings
+favre
+unstinting
+peer
+qalat
+myss
+oxcart
+montena
+porc
+kwi
+diurnal
+12.18
+zubarah
+triplicane
+mypa
+togliatti
+lobanovsky
+53-51
+clausen
+ruanda-urundi
+critter
+kintex
+wootten
+naruse
+yunessi
+choueifat
+refractor
+mehrzad
+didone
+multiplying
+unscored
+sanjeeva
+tenures
+halidi
+blossman
+6100
+peenemünde
+phoenician
+bisphenol
+thành
+casket
+insurrectionists
+half-term
+116,000
+blairstown
+17:1
+tropic
+akoto
+build
+polebrook
+roughton
+wherowhero
+jeffersonville
+verfaillie
+sulphate
+210-seat
+preprogrammed
+jibla
+salvington
+9.000
+grozdeva
+menon
+pratiharas
+constrictions
+nacka
+marudai
+river
+exploitation
+rushan
+countenanced
+sheriffs
+rollcall
+testily
+nykanen
+gusa
+île
+vandever
+syncellus
+voluptuously
+bumbling
+ittehad
+forfeit
+7,000-acre
+redolent
+perceiver
+oc-192
+slobbering
+stiletto
+ws
+rajamani
+nortraship
+singable
+haqqanis
+schrier
+sivaraman
+fabricates
+michelangelo
+mohajirs
+2824
+substitute
+lampoon
+shenfeld
+ticos
+blackard
+usfda
+oly-2004-cycling
+sauti
+241.3
+1930s-1940s
+germanos
+stavisky
+donsky
+photoreceptor
+gravelled
+issoudun
+quadir
+nasutus
+fucker
+humaniores
+stenciling
+al-muttalib
+harbison
+tiresome
+carsey
+schleswig-holstein-sonderburg-augustenburg
+gardena
+manette
+stand-up
+esbjerg
+panjal
+paniai
+joetta
+round-tower
+bhittai
+regnard
+gernsheim
+abcnews.com
+ruggles-brise
+heberto
+lucha
+dalmuir
+bankhaus
+tabadkan
+40.13
+arbitration
+sillas
+air.com
+brownish
+coober
+langage
+bundled
+cystidia
+cocis
+pzpr
+ocaml
+pelezi
+narodowa
+phrack
+trusted
+nisour
+saham
+1.213
+asota
+mwonzora
+6,115
+fcoe
+kisra
+germanisches
+1,100-year
+giberson
+freno
+aberaman
+senckenberg
+munyao
+gynecare
+caper
+rosnazura
+barad
+unresponsiveness
+conqueror
+kamalov
+130-day
+miret
+crystallex
+storming
+48.08
+schechtel
+hht
+re-grouped
+rogers
+115-111
+shammy
+schwingen
+cobalt
+assassinations
+seeler
+organosulfur
+rodeph
+economists
+kefalonia
+104.70
+3,820
+fason
+rocar
+hormone
+20-meter
+nedzad
+scni.com
+finelli
+faycal
+mannington
+badalucco
+harnoncourt
+steussie
+bipyramid
+oco
+semicon
+helicarionidae
+sabuni
+delamere
+infernal
+1.5-3
+308.5
+hypolito
+3-level
+squiggly
+cumming
+xintai
+quarterline
+project-based
+analemma
+meitetsu
+rotavirus
+mccarthey
+owo
+ascari
+alekseyev
+7-for-10
+yagudin
+281
+0650
+whitling
+.0211
+seltzer
+colombina
+stickhandling
+jabłonowo
+chepa
+swatting
+ageorges
+apollonius
+approximation
+rudolfinum
+ruchi
+blechnum
+dpb
+arrange
+bouna
+1974-1975
+.524
+nizzi
+bought
+sinopoli
+biogenetic
+deisher
+subfloor
+12.33
+talwandi
+ambassador-at-large
+bruff
+talb
+shuyuan
+clawless
+60,000-70
+chakrabongse
+sherburne
+neato
+araruama
+chaum
+stodgy
+snakebites
+ascendency
+miedo
+templum
+punta
+luge
+pemberton
+frsl
+sondergaard
+kc-135e
+ourselves
+nigricans
+martock
+zermatt
+ahram
+brettanomyces
+opbf
+traikov
+ermis
+bellocq
+-600
+mccoy
+superfamilies
+nulo
+23.49
+happold
+shins
+interval
+xueyong
+27.55
+gyrations
+galenika
+1.4820
+do-or-die
+talip
+banny
+vpro
+f-100s
+ན
+tattoed
+ratcliff
+shafto
+skarżysko-kamienna
+amoxicillin
+doubtfire
+glyptothek
+rossignol
+soham
+short-story
+palefsky
+atwah
+bine
+831
+sarault
+cyj
+cloned
+courtyard
+nyonya
+troma
+1.236
+lutin
+brummel
+creon
+meanies
+bads
+lubchenco
+multiscale
+pout
+45-46
+r
+insofar
+indiecade
+diyarbakır
+hyles
+85.50
+resisting
+junsu
+304.6
+rocio
+houn
+saltford
+yaacub
+fuero
+meanly
+45.68
+reconciles
+30-5
+merch
+cromie
+suppl
+ghale
+weisel
+artabanes
+reveil
+a-century
+automakers
+kamouraska
+katalog
+mardyke
+albe
+canche
+myrtles
+círculo
+tagum
+basilea
+thar
+shuffles
+www.sptimes.com
+fanchon
+63.64
+zetkin
+dereköy
+zeez
+tothe
+12-day
+ribas
+yawi
+toylike
+naing
+keiō
+böttger
+korunas
+beagle
+reassembles
+xingtang
+shaohua
+rayner
+doherty
+rissoinidae
+rebiya
+penuell
+2300
+nsaa
+selecter
+vgs
+egide
+montepuez
+512,000
+misgivings
+boocock
+fricktal
+3,800
+smadi
+hamanoshima
+sumaye
+grandee
+17:38
+messi
+cleansing
+seduces
+selectees
+helplessness
+eim
+overacted
+melkonian
+pona
+shirey
+cityu
+57-39
+culcheth
+earwax
+calexico
+moonshell
+berab
+ratbat
+chastang
+183,500
+reengaged
+ippg
+suds
+thackray
+nasrabad
+lahmeyer
+khost
+fundación
+ekho
+lithia
+pacetti
+koltai
+m'kraan
+koornhof
+first-class
+45c
+currituck
+savak
+loveable
+bestari
+pennybacker
+tokuno
+42-11
+tyen
+mudlib
+pursuant
+singularly
+euro109
+halon
+179-seat
+hailer
+t-34s
+mir-155
+best-seller
+kinshasans
+a-trak
+63.76
+veets
+nzimande
+humiliation
+kidner
+basilia
+leadbelly
+clarithromycin
+dedaw
+pesticides
+2.49
+placekicking
+farecast
+tallberg
+anyuan
+summerbee
+barley
+xingwana
+71-57
+steampunk
+lévesque
+mintages
+dragao
+mourners
+guidestar
+chebucto
+blue-skinned
+saffet
+demetradze
+korytnica
+allotey
+jarnac
+libelous
+krank
+guilder
+bookstall
+jacome
+schemer
+pretreatment
+bidwai
+srđan
+przechlewo
+16,000-member
+kochav
+jamais
+season-ticket
+addled
+traynor
+surfer
+ecx
+alpha-linolenic
+musicomh
+3,720
+socialites
+fiumicino
+cbancroftsptimes.com
+vixens
+45.73
+cations
+118.82
+intendants
+godo
+panduru
+minerals
+patrício
+jidaigeki
+goblin
+bonanno
+frelon
+.87
+rps
+ratanakiri
+peaks
+10th-11th
+hai
+ozz
+africanist
+markle
+comicon
+nu-metal
+restraints
+wrapup
+non-infectious
+vostok
+drop-offs
+jazz-influenced
+cerklje
+heroe
+lansdown
+tranquilizers
+khachaturian
+humbugs
+iwccw
+loughnane
+couth
+tumanyan
+rath
+nahrin
+pistils
+stellated
+straight-faced
+ethel
+large-scale
+scana
+sullying
+brillstein
+sangh
+perthshire
+disruptors
+novaes
+roadshow
+covelli
+151st
+barrayaran
+crake
+emmerdale
+2,882
+mortar
+kayal
+torricelli
+yamanoi
+rear-end
+ryl
+rumseld
+melle
+mwy
+knocked-out
+ldn
+tinky
+paving
+mavric
+erstad
+auriana
+strabismus
+wjw-tv
+habitats
+ov
+majority
+kerri
+formigoni
+rautiainen
+cornelisse
+mihali
+1/32
+jetix
+malaika
+ahorros
+ischaemic
+kerkeling
+pcb
+vannoy
+orkdal
+1979/80
+rutabaga
+microstates
+personam
+big5
+accumulations
+1293
+idrees
+twachtman
+zau
+overpotential
+brinjal
+bundestag
+ipsco
+gramig
+usum
+non-veterans
+ulysse
+antas
+hrw
+sluts
+alapuzha
+alkoxide
+dajo
+seijun
+sluder
+lampkin
+chinanet
+nakhodka
+ruhe
+breteau
+amalgamate
+propper
+po2
+tapered
+gioura
+bry
+dimucci
+boycot
+sonae
+oxberry
+roussy
+006
+copperplates
+expectations
+oddly-shaped
+furze
+dfd
+endopeptidase
+bassen
+aglaia
+pathophysiological
+konnie
+heaslip
+behnke
+hartwich
+fenring
+rakshasas
+trivially
+juozas
+paz
+capozzi
+skjeldal
+ecuadoreans
+politicizes
+rocketboom
+dunham
+kuna
+rhys-jones
+rx-7
+intermingled
+ballinamallard
+linesmen_andy
+tognetti
+consecrate
+rosenstein
+idealisation
+andrychów
+laguardia
+graffanino
+snores
+84.45
+clausthal-zellerfeld
+fcu
+dollfie
+millo
+leasers
+aron
+non-english-speaking
+memeti
+alexandri
+menziesii
+groundstroke
+tona
+a406
+isometric
+transponders
+solids
+spurling
+chunju
+clubhouse
+shebelle
+ratepayer
+bilman
+cheddars
+kowalik
+intellipedia
+modification
+ziguinchor
+demaris
+nideffer
+shurman
+vadodara
+reviling
+dudleya
+a57
+aubut
+heinsberg
+calakmul
+emmett
+chevelles
+voce
+exemplar
+vivah
+crevier
+criner
+amnion
+approximated
+sastrigal
+beiriz
+balaton
+yulee
+figgis
+tafrov
+660-foot
+footvolley
+jtb
+chiko
+grodas
+kipapa
+capensis
+kleveland
+eriador
+homologous
+hill-top
+bapindo
+cryptosystems
+55.41
+tabitha
+1992-2000
+populars
+penlop
+acharyas
+lounds
+antonenko
+immune-mediated
+nuestro
+106.8
+dzhavadov
+sichuanese
+cosme
+tneb
+paynesville
+1,256
+13:51
+fezzik
+nohara
+468
+ngeny
+lushness
+impellizzeri
+disuse
+jingxi
+baleine
+bosco
+anke
+mlb
+gridded
+cpgb
+retrospectively
+13.2
+entirely
+asprey
+saint-esprit
+preached
+pried
+62-24
+lilibet
+desperation
+blain
+shankland
+من
+zulu
+plum
+2,361
+kearin
+81-67
+chole
+imaizumi
+37-10
+n8
+veils
+naticidae
+hand-woven
+herron
+hincmar
+boof
+dapoli
+dbauder
+disposal
+easthope
+moyá
+3,448
+sidd
+oncologic
+waren
+naxal
+amphitheater
+aitch
+concentrating
+baset
+tolchin
+demarest
+unexceptionable
+volution
+trolleys
+curators
+anastomosis
+fricatives
+silanus
+kensett
+340.8
+hockenheim
+poste
+jakobovits
+displaces
+dieudonne
+3,441
+hirondelle
+mtops
+1,844
+bangweulu
+lyoko
+mullumbimby
+plec
+murasaki
+magaddino
+chkalovsky
+06-07
+semi-retired
+izzedin
+tremens
+naimur
+crocks
+matadin
+tzvetan
+hunter-reay
+pesco
+polyacrylamide
+painless
+frobisher
+steigen
+prepaid
+pindad
+mordy
+phonon
+scheltema
+sibuco
+49-6
+scriptoria
+scriver
+flandrau
+eazy-e
+cls
+weatherwax
+goodie
+lion-peugeot
+413
+nonmetallic
+larger-than-life
+lovedale
+bardhyl
+cherishing
+electrothermal
+namby
+tegulidae
+cavtat
+6.99
+hellogoodbye
+adc
+mansura
+weinhart
+willo
+dae-su
+duracraft
+prevlaka
+silberne
+chapra
+parta
+fragonard
+ploys
+setu
+gow
+cryptograms
+bt
+giardello
+65.61
+bombsight
+magicienne
+sweetnorthernsaint
+4.91
+tamoun
+r26
+kowtowing
+nwhl
+seigneuries
+booby-trapped
+haci
+guesdon
+grownups
+45-17
+menk
+sarmast
+ganguro
+holgado
+bellevue
+oceansize
+koun
+30.16
+heat-treated
+handily
+baychester
+newburgh
+orig
+crile
+waszak
+tadanari
+cosmic-ray
+somersaulting
+initializing
+fazlic
+al-quwa
+turid
+ewhc
+camry
+correlator
+miasma
+sailo
+coincides
+interrogation
+syam
+fowlds
+karikari
+bonallack
+waitrose
+hedgers
+uninhabited
+semifinalist
+adjudicate
+ranstorp
+cadential
+nichia
+1,624
+qiqiu
+staniford
+thoraya
+morissette
+jozias
+attentats
+superspy
+30-per
+out-of-pocket
+vasta
+orăştie
+wusterhausen
+carlini
+bvuma
+1.000
+jugni
+brimah
+manipulation
+instability
+quirinal
+nescac
+pseudomelatomidae
+camet
+oomycetes
+akshardham
+kotto
+alaotra
+troadec
+banneret
+gushchina
+ruzindana
+chrome-plated
+9.76
+ny111
+gauhati
+spinners
+co-lead
+hypoglycemic
+tordoff
+douridas
+treeshrews
+freudenheim
+aristotelian
+no-fly
+arhuaco
+reaffirm
+daughtry
+itabashi
+dervla
+sanfilippo
+b-pillar
+kūhiō
+1614
+barich
+intraparietal
+vairelles
+lichte
+bialek
+51-story
+inexpedient
+inornata
+120.64
+jien
+dávid
+shōmu
+chudes
+xn
+carfagna
+injury-free
+monivong
+prepositional
+shisana
+cantacuzino
+stoutest
+ha-kohen
+delannoy
+apj
+namatjira
+rufer
+nccr
+cutup
+hagy
+roimata
+vnat
+hetao
+30.98
+worsthorne
+baathism
+1600cc
+kidzone
+tetanus
+grimmest
+123-member
+wam
+8-2-0
+heroes
+shaher
+samitova
+pavanello
+murie
+natrone
+catemaco
+ondrasik
+kotevski
+luces
+tulis
+phusion
+dramatico
+nobuhisa
+a-man
+fsu
+comilla
+fgc
+70.8
+curtsied
+biannually
+corraled
+hleb
+tusa
+1-for-9
+lawdy
+ephialtes
+29.51
+tigrayan
+tarboro
+filderstadt
+colisée
+nicos
+haruno
+frommer
+budinger
+rbn
+luděk
+carlow
+regurgitator
+eyeopener
+borgir
+vaanii
+cydf
+globalization
+dilger
+arasi
+kampar
+eltman
+ngcuka
+delivering
+worsham
+mandating
+broker
+coffeecake
+starlighters
+brunet
+iscm
+emiliani
+pedicel
+chikballapur
+minigolf
+ossietzky
+sudano
+schang
+crans
+erasers
+ayeyarwady
+manicured
+half-yearly
+downslide
+alberghini
+coronae
+gwangmyeong
+mckitterick
+reimagine
+shatha
+sifa
+playfish
+viewings
+oroku
+invalided
+alexandroff
+benschoten
+q4
+eguren
+enio
+iirc
+sobieska
+biesen
+bipyridine
+sweb
+bratsberg
+euro536
+knb
+weiyuan
+jeremic
+tividale
+cheah
+tel.
+holzappel
+melamed
+frt
+analecta
+reverse-engineer
+javabeans
+deshong
+l'héritier
+levée
+unreceptive
+garamvolgyi
+rashdi
+intracom
+rehearse
+efca
+pezzullo
+panait
+non-germanic
+115-114
+prophesies
+džeko
+-58
+bluestocking
+leachate
+materialists
+29a
+aesculus
+neurologically
+87.27
+jessalyn
+kulothunga
+griffons
+47.56
+fingall
+chagos
+darent
+mette-marit
+disallowed
+conca
+kinji
+alexeyeva
+conchology
+111.8
+gugl
+osf
+plesac
+selvie
+härjedalen
+parente
+67-foot
+pff
+čukarički
+afrin
+teos
+dougie
+marykane2000
+komis
+encke
+limned
+prakasam
+histochemistry
+pagine
+exophthalmos
+(213)
+harman
+honus
+splittist
+macrobiotics
+ancyl
+faerber
+dushanzi
+palmeira
+introspective
+obese
+682.5
+presentism
+suvarnabhumi
+fens
+eumir
+c.m.
+cunene
+gavião
+euro144
+plumpjack
+barrie
+glasya
+farren
+11.34
+allo
+semin
+itv
+ninfa
+seabrooke
+cphc
+indigenization
+purcell
+mb/s
+gorrini
+myitkyina
+darvel
+slavonia
+stalnaker
+fujiwhara
+primatology
+243.6
+lympne
+ipomoea
+tonhalle
+locution
+carder
+d&c
+neutralization
+euro860
+nietzsche
+alagem
+sargans
+1,550
+kirkendall
+beckstead
+humprhey
+pogo.com
+rrna
+ngobeni
+carhouse
+sibongile
+baekdu
+arnaldo
+camporese
+cmda
+palicki
+ivb
+nyx
+semi-fictional
+pinet
+2258
+grubenhagen
+3,143
+queyranne
+navarra
+nodia
+putah
+shadowy
+brainstem
+nincompoops
+khushwant
+drakpa
+calorimetry
+gimmillaro
+scuderie
+rm180
+.34
+amused
+tamaroa
+bergholt
+laxity
+introgression
+procrustean
+horngacher
+12:39
+btc
+test-bed
+euro127
+tootsies
+variable-pitch
+mccain
+nidus
+elwing
+fibration
+maiorana
+shuysky
+sørvágur
+smokovec
+opacities
+schifrin
+automorphism
+blagaj
+pandith
+alzheimer
+glm
+uniter
+antalcidas
+transposing
+quandong
+massar
+1000-year
+wallenpaupack
+recchi
+gillooly
+frangipane
+aldine
+hample
+at4
+9-14
+track-by-track
+saturnalia
+seremane
+aleatoric
+antiwar
+68.8
+jonatas
+ratier
+nesna
+20-something
+karamat
+sarries
+beelzebub
+drivetime
+erasure
+27-hole
+non-māori
+mfd
+38.95
+scapinello
+4,495
+re-runs
+headlands
+masochists
+out-of-the-box
+brinkmann
+unattended
+fischli
+dequindre
+jancis
+asplund
+11-plus
+maughold
+caravansary
+three-bay
+groaners
+84.69
+palila
+requalification
+966,000
+soedergren
+ladlad
+zamorano
+florido
+train
+21,458
+68.65
+steamrolling
+crête
+tis
+stirbois
+higashio
+blanks
+splinter
+houten-groeneveld
+bülent
+zip2
+rait
+gohr
+sauvé
+bvb
+15:31
+bccl
+curs
+fid
+sub-basement
+dobruja
+dasrath
+hui'an
+suif
+lipner
+bestwood
+95-run
+gayle
+vilsack
+niedermayer
+servicewoman
+politische
+stohler
+neck-and-neck
+laurens
+shadowhawk
+topaze
+especie
+fiv
+1551
+wheesung
+mapmaker
+mattole
+dukw
+tolbooth
+policia
+clovelly
+shawne
+kadambas
+kelty
+incrementalism
+zymogenetics
+liveness
+campina
+single-stage
+60k
+arsames
+ehara
+rán
+severin
+odría
+bspp
+nemoto
+compactified
+marginal
+bapatla
+hydrochloric
+mathml
+vacuums
+diaoyus
+gender-related
+gambel
+bierk
+orgil
+shivan
+489,000
+sath
+billabongs
+knoller
+floridly
+tweaker
+dbms
+worldvision
+dutra
+fskate
+mutilation
+20.3
+arctica
+mandos
+cirs
+doidge
+tkachuk
+conger
+116-113
+diaz-balart
+bristol-based
+ovide
+ida
+akathisia
+drewery
+scalper
+fair-skinned
+ilko
+usda
+rw03
+tli
+tight-knit
+51th
+.70998
+tomentosa
+bluebottle
+cortical
+caymus
+skała
+kermani
+directive
+schott
+oj
+largo
+3.99
+alumna
+92.60
+undyed
+dalkhola
+amaan
+vassos
+helvis
+yiqun
+zakariyya
+crafts
+oesterle
+economics
+wolfpack
+tanggu
+hepp
+tlg
+yoshitsugu
+innovia
+1,150,000
+fmcs
+matridigm
+tunisians
+modjadji
+tavira
+78.03
+hydrae
+neo-colonial
+renne
+kaleme.com
+ssl
+actinomycete
+hesiod
+compulsorily
+liberal-leaning
+breathless
+turpal
+willadsen
+quaintly
+magers
+stephano
+tunneling
+marienberg
+basah
+wartsila
+uteem
+1948
+roesch
+tsekos
+schlüter
+mpge
+spata
+33-1-47-42-18-81
+admiringly
+feebly
+mulberry
+long-run
+pongpen
+snowden
+knology
+rattled
+51.58
+stds
+u.s.-thai
+homburger
+96.19
+chirbury
+gazeta.ru
+rompres
+frequency-dependent
+hegan
+madhi
+churn
+14.17
+christain
+498,000
+warbled
+spitznagel
+okadigbo
+collectorate
+mentors
+peregrino
+anomic
+umeå
+187.2
+catalytic
+isumbras
+blissfield
+.59
+calvaire
+sociocultural
+sonoda
+sophea
+reticles
+robberts
+laska
+butterworths
+paizo
+2q
+witi
+eartha
+cohabitants
+dren
+nishiki
+pelphrey
+ardanuç
+mudenge
+orangists
+regretting
+conning
+zygote
+jyllands-posten
+flachi
+601st
+8-0-2
+jabu
+kolda
+unflattering
+unrepentantly
+broe
+writes
+castellet
+sáenz
+matabele
+guéranger
+littleborough
+loehr
+moray
+knickmeyer
+jiongming
+arcetri
+titid
+diminish
+enough
+aswani
+ashiq
+gumbleton
+kito
+sarathkumar
+mullenweg
+vitascope
+46.39
+toblerone
+13:15
+almrei
+valī
+40.21
+jesenice
+betwen
+gockley
+16.58
+recuses
+clandestinely
+población
+parcs
+boldyrev
+avy
+slover
+west-facing
+second-person
+180-mile
+mirab
+maramures
+loyalties
+feldzeugmeister
+vinit
+39.58
+.395
+acftu
+vincent
+7,370
+papiss
+baerbel
+indemnifying
+4id
+gosheh
+flammable
+grateful
+2a
+omukama
+tytell
+biebel
+speedball
+wirtanen
+aggressively
+journalistes
+96.66
+dazu
+entrap
+entoloma
+aemula
+gambrills
+rosukrenergo
+2,8
+16.02
+flamel
+earth-bound
+convertino
+diraz
+esme
+tehnika
+dhool
+earthship
+potawatomi
+besuited
+tencor
+non-removable
+vitomir
+darabont
+minka
+coalgebra
+kuroichi
+procrastinator
+aresco
+kalevi
+hypotonic
+ed.d
+drammatica
+drinkers
+vete
+42.70
+s.league
+eest
+ccyl
+sidhom
+showplace
+qarun
+6-for-13
+mollis
+traugott
+reemployed
+yuanmou
+45.50
+eicosanoids
+1,249
+giovinazzo
+objects
+detect
+olfert
+adina
+maken
+overeem
+krauth
+17,500
+longacres
+coupeville
+goodlett
+well-constructed
+32.12
+lopota
+tripartite
+kyes
+mollā
+jmu
+spookiest
+reponded
+leckie
+32.29
+homasote
+hamwi
+enel
+haddaway
+pan-democrats
+anxiousness
+1794-1852
+clanbrassil
+crapp
+katmandu
+carelli
+starc
+lycra
+steadying
+volo
+farallones
+shamelessly
+haynesworth
+brighouse
+15.47
+chhatisgarh
+dd-21
+utk
+zhenhua
+kingdom
+dehnow
+lifetimes
+dividends
+whil
+mzila
+sutlej
+4.49
+chiriquí
+baldred
+marouf
+xherdan
+touchwiz
+rakoczy
+162.50
+castelluccio
+gaxiola
+lemhi
+battambang
+chiquititas
+shawar
+41-37
+118.92
+crtc
+ilwaco
+s-matrix
+stanculescu
+mealworms
+westrick
+undersea
+ayre
+siskin
+nakdong
+sébastiani
+54.65
+razor-thin
+muttaleb
+rvf
+52.58
+jig
+autocatalytic
+ancon
+cloisonné
+leatherette
+ventilatory
+floodlit
+feininger
+scrimmaging
+avid
+patin
+8:36
+goalkeeping
+i-264
+e.r.
+jacka
+sevcik
+melandri
+revanche
+manian
+aleksandrs
+2.36
+93-mph
+hypokalemic
+monter
+eastenders
+friedel-crafts
+noreste
+molineaux
+“‘
+briga
+chaouia-ouardigha
+bayh
+tanyon
+trimeris
+gissin
+imitated
+franceso
+misioneros
+fuchu
+manamadurai
+remanence
+974,000
+hellmund
+cjackson
+scratchcards
+setif
+camelot
+workaholic
+glutathione
+etecsa
+conceived
+artnews
+immense
+bunka
+cockles
+claverhouse
+commitment
+eclipsing
+gwenwynwyn
+coucher
+rubidoux
+kandersteg
+biophotonics
+nouriel
+soweto
+canoed
+e-zpass
+22,250
+denholm
+nerd
+lubicon
+tubarao
+ha'am
+payot
+43-24
+4,794
+ploesti
+eagan
+chromatin
+winthrop
+operand
+listach
+drinkin
+stroj
+f-16s
+53.50
+mns
+bactrians
+mullet
+musayev
+organophosphorus
+chungli
+protoplasm
+98.56
+boutonniere
+biersch
+nightbeat
+mini-estrella
+plutons
+yerba
+irrefutable
+plutonium-239
+genske
+carlsen
+cycling
+nachbar
+80.54
+caplan
+m.kenseth
+nhema
+sdn
+shirokaya
+polier
+2,918
+twerton
+cocky
+falana
+print-run
+1.4085
+winterswijk
+novaković
+contemporaneity
+fascista
+fern
+422nd
+dirgelike
+toshizo
+koforidua
+3,840
+helton
+100-person
+zikr
+lóng
+hovered
+tàu
+oskanian
+i-49
+klopman
+turangawaewae
+1,720
+dyesebel
+watchung
+revistas
+musar
+largescale
+jaquez
+beet
+ghali
+kleene
+undershaft
+z-transform
+deadalus
+paraschiv
+buskirk
+saec
+fatherhood
+papademos
+valachchenai
+nida
+petroleros
+27/28
+sutrisno
+mosher
+borisovas
+succi
+now-extinct
+135.50
+130-foot
+3-love
+74.63
+37.83
+bauang
+ψ
+agyeman
+osbornes
+sponge-like
+all-weather
+dénes
+coze
+haake
+sieged
+akwamu
+sayeh
+hpv-16
+a.f.
+lawrenceburg
+tyers
+sweeneys
+erelli
+mammography
+m-flo
+superstructures
+serricchio
+fletcher
+millay
+younger
+left-hander
+copter
+regulaciones
+etruscan
+slog
+172
+optimates
+mudford
+foutch
+steinberg
+diabetes
+terzi
+uploading
+pattison
+reverent
+jae
+legout
+carboy
+cochin
+hoyem
+fourth-floor
+chalifoux
+hawijah
+rm90
+calgary
+jingwu
+stilo
+coughenour
+60-kilo
+2-83
+holbrooks
+synergies
+intersection
+sasquatch
+skylands
+incentivized
+pelicula
+libbing
+matmour
+screw-on
+sesshū
+shrinathji
+mariska
+tasseled
+soltner
+debatably
+canyon
+wittenstein
+kiro
+aruga
+takuo
+climbers
+rigamonti
+varriale
+lenzner
+pont-aven
+cross-fertilization
+houldsworth
+agassi
+destiny
+barstool
+medecin
+dsta
+splashing
+pooper
+howsam
+chontal
+antibody
+multiverse
+munyaradzi
+denbigh
+lymphoblastic
+zarzuela
+beautifying
+shipwrecked
+crispier
+belz
+stannary
+multi-service
+oldwick
+pokanoket
+licinianus
+maternal
+lalas
+dinking
+careened
+taluk
+makdessi
+offerman
+cordwood
+black/white
+blencoe
+tigard
+muncher
+27.33
+prohibiting
+chaib
+oxo
+inscribing
+117.95
+kourouma
+anti-regime
+mudslides
+hecklers
+20-27
+domhnaill
+85-78
+co.ltd
+barh
+sva
+gpb
+uaw
+radioactively
+janowicz
+leasure
+cdd
+stingers
+khaya
+moisant
+clicquot
+ill-feeling
+baren
+hoogenboom
+6,025
+f-3
+wcdma
+detestation
+debs
+narcs
+khandro
+ransome
+astronomically
+modals
+pelosso
+spearritt
+kurashvili
+364
+sadek
+1907-1908
+underfunded
+svoray
+on-hand
+rutnam
+fulfils
+meccan
+chesil
+sheopur
+eparchies
+cc1
+26-gun
+ashrawi
+j.i.
+lintong
+dearth
+british-based
+tronc
+squawked
+2.11
+bozanic
+beilenson
+poset
+parthenium
+225-2395
+bosia
+hld
+berth
+stpd
+18:28
+stapp
+fougères
+sarcoidosis
+herschel
+frantz
+weatherproof
+annamese
+ine
+armageddon
+late-20th
+syro-malankara
+18.46
+10-foot
+disgrace
+38.25
+lolich
+iadt
+40.77
+abra
+streamer
+motobi
+22-member
+ladislaus
+desultorily
+ringers
+agitates
+wc2003-pak
+94-93
+2,716
+popolzai
+bunma
+poky
+airbreathing
+laffont
+osowiec
+infants
+shaiman
+electronic
+feaver
+colney
+148-nation
+chlor
+ismm
+98.96
+polnareff
+numaligarh
+hongdu
+warnings
+idt
+olot
+mutiara
+nph
+dondon
+cullors
+reinfeld
+ethekwini
+zonen
+apma
+stendal
+alluring
+sremska
+fugees
+enchiladas
+sawin
+rogus
+genocides
+piëch
+schlecht
+2,269
+liev
+meitav
+endgames
+contax
+36,700
+volzer
+white-eyes
+vqt
+vacates
+kholodov
+overbought
+frolics
+stosur
+matsunaka
+479
+curfman
+leconte
+blauner
+precomputed
+jiji
+ex-director
+gayness
+efforts
+atthe
+al-fassi
+anti-realism
+egon
+n2k
+abstractionism
+42,000-seat
+braider
+efrat
+umbilicate
+langkasuka
+borophagus
+statuesque
+kuriansky
+battlefield
+fimbria
+off-off-broadway
+commodes
+112.70
+yoadimnadji
+teetotalism
+abdelouahed
+roughing
+sodbury
+aeolians
+ct.
+motif
+piquing
+talmudical
+budokan
+popoola
+gauthe
+schum
+grabsch
+atisanoe
+2,585
+ermengol
+revolutionise
+houssaye
+four-beat
+jandrain
+cars
+abrio
+vice-presidential
+superheroines
+reliables
+kingsnake
+1368
+nf4
+simplifies
+kostyantyn
+aidsvax
+combs
+hilman
+paster
+hemmingford
+194.3
+øresund
+taenia
+wetering
+bridgeable
+sansores
+castleford
+tyrell
+erlend
+f.b.i.
+usha
+preparatoria
+minie
+funck
+shirked
+ehmann
+zlobin
+conditioner
+chynów
+vestre
+raisons
+draheim
+turisas
+timișoara
+assante
+alexandrite
+chandigarh
+rawest
+mariza
+acrolein
+.200
+potholder
+4,106
+tiruvarur
+safty
+sub-alpine
+teleconferences
+maznah
+drumgoole
+dokle
+bizard
+wizardly
+rual
+apricots
+haversham
+scheherezade
+dongying
+tyroleans
+inu
+cosmologies
+2010-12
+tainos
+afor
+ten-story
+pit
+tello
+leykam
+symcox
+rnzaf
+mucronata
+dugua
+draughts
+o'briens
+mutiny
+jombang
+dublon
+loco
+longfellows
+zardeh
+zoë
+kundalini
+pflugrad
+subur
+enewetak
+verwaltungsgemeinschaft
+mogavero
+wivern
+mehar
+saxe-coburg-saalfeld
+perpetuus
+readjuster
+rossall
+ravikumar
+furman
+auto-tune
+kda
+belbo
+refracts
+3/2
+turnoff
+shulgi
+1346
+tughluq
+trainspotting
+kordia
+waziri
+shugart
+warka
+ennismore
+1,401
+minutemen
+darrehsi
+antiquated
+skydivers
+lacourt
+dinkar
+66.18
+fla
+hightech
+space-based
+03-dnp
+28-member
+surbakti
+setit
+lumpectomy
+divize
+meyeri
+özgür
+shuts
+durif
+31-september
+sissi
+jarrod
+cragg.hineschron.com
+unanswered
+landeta
+montalivet
+sidka
+devote
+bria
+luening
+sensurround
+digit
+minimising
+chaldoran
+gee
+clarinetists
+12:17
+edelmiro
+dhund
+hursley
+palwal
+lownes
+11-mile
+greenup
+64.50
+audenshaw
+rustam
+jocular
+zhengji
+southwind
+undreamed
+kirschstein
+safwan
+mcing
+lopa
+886,000
+rescission
+ipsos
+flavonol
+vignon
+mineola
+klavier
+apportioned
+extraordinaire
+opposition
+gallantly
+chandrashekhar
+munno
+ivies
+downes
+sarpalius
+wetsel
+thuram
+taubaté
+16.27
+impassivity
+m.i.c.
+nord-ouest
+non-stop
+leofoo
+gcu
+casebook
+scriveners
+dutch-style
+clamber
+zhidan
+awat
+dhading
+rectangular
+lonnis
+nagasawa
+marzouki
+churchbridge
+shashikala
+priuses
+204.1
+68.08
+elburz
+a43
+blatner
+17:58
+khir
+tetum
+decicco
+souther
+reposing
+231.7
+apocalypticism
+formula_4
+29-30
+resettle
+hypericum
+incunabula
+108.42
+sanchuniathon
+brunhild
+minière
+temporarily
+wickremesinghe
+unimpaired
+wildscreen
+15:21
+amasio
+tabarez
+smt
+cis-regulatory
+vitagraph
+companionable
+deciding
+mirabel
+kharis
+nyathi
+airachnid
+voulgaris
+84.83
+22-2
+veejay
+afh
+gelredome
+evgeniya
+castorena
+wyn
+julies
+lucio
+shokhin
+delio
+36-yarder
+coutry
+tsohatzopoulos
+sulla
+millbrook
+bisschop
+agapova
+32-13
+kosslick
+rui'an
+frightful
+760,000
+seritham
+moneylending
+pascha
+cyberarts
+pappano
+weenie
+deromedi
+11,900
+mohrenschildt
+neta
+spanaway
+84.85
+whiteaker
+hensleigh
+kabinett
+peddars
+ལ
+1,808
+stringently
+decomposers
+collinsworth
+tengen
+18.91
+anhanguera
+endzone
+u.s.-turkey
+dooley
+ceri
+hpt
+military-civilian
+emancipation
+eelv
+declaim
+7-cube
+frightfully
+6.36
+diphosphatase
+128-run
+lockroy
+nil
+cerati
+pudemo
+freni
+aduriz
+alosa
+buza
+zilin
+purple-tinged
+corporacion
+comparator
+borusa
+cadman
+cynan
+graffitied
+hijacked
+oufi
+.0342
+varmint
+gulfstreams
+grabbed
+calvez
+jets_signed
+cardiel
+raffray
+lucario
+duragesic
+goldstar
+well-coordinated
+nakheel
+easdale
+skyways
+118.38
+88.81
+2-cup
+assumes
+53-meter
+doumbe
+malavas
+derr
+dislikes
+derecho
+heat-resistant
+colander
+petrov
+1-in-4
+83.8
+jones
+chich
+mundingburra
+allyson
+d.v.
+on-hold
+measurably
+elmley
+sedwill
+jafar
+edurne
+man-sized
+vijayaditya
+pedroni
+hupo
+5.5-mile
+yokum
+face-offs
+caronna
+catchings
+mocker
+shahjoi
+18.1
+zéro
+sunfish
+persistence
+klemme
+naalin
+78.45
+apomictic
+41.66
+hearse
+astronomic
+tbatista
+casualities
+89.74
+warworld
+dharug
+kaopectate
+y100
+sneezy
+matalin
+ianno
+ex-soldier
+francolins
+saurauia
+studzienice
+guabira
+scoured
+ricart
+pushpanathan
+eca
+impressa
+haythe
+attucks
+deuce
+mellan
+ælfflæd
+inter-dimensional
+1.2560
+puzzler
+mx-6
+sajjil
+8:33
+ksč
+pittsville
+chameleonic
+judeo
+hagåtña
+sabharwal
+newcastle-under-lyme
+swabians
+bandwidths
+dụ
+muqrin
+m-43
+'41
+decentralized
+1931
+subfamilies
+putu
+whoopers
+100-member
+2,925
+reparata
+c-20
+culverden
+schaumberg
+wrac
+voke
+18-run
+grier
+metonymic
+bitis
+edits
+amim
+snookers
+33-14
+hurt
+archeological
+steersman
+scip
+smodcast
+54-point
+uninspected
+marvi
+gazza
+denuclearisation
+curaçao
+excludable
+redbank
+boskalis
+leaderboards
+dudinka
+newtyle
+spreadsheet
+acela
+reille
+weatherbug
+discharge
+flitcroft
+lamoure
+dharmendra
+fekner
+kees
+kthompson
+markin
+half-dead
+30.79
+restituto
+padshah
+1.1-million
+lieu
+grasping
+ascani
+perimeter
+baraquio
+haghighi
+akr
+dementyeva
+turkovic
+bourges
+casspi
+benigni
+linings
+19.79
+ofta
+pcs
+gottfredson
+marinaccio
+javasoft
+machine-gun
+flagbearer
+haram
+quiza
+rehashes
+kaessmann
+peculiarly
+feilding
+milagres
+deramus
+mezzo
+kisaragi
+daehlie
+inexpensive
+iaquinta
+upe
+gilet
+finns
+langland
+provable
+dreamt
+sats
+hyper-threading
+flatter
+commendam
+add
+hazaa
+aluminate
+trans-hudson
+chaves
+hannigan
+guayama
+northolt
+lincolnshire
+komlan
+dik-dik
+xuereb
+wdtn
+sahitya
+gering
+bruère
+nafar
+108.8
+registers
+vasselin
+stockum
+0-for-9
+nicander
+thorir
+tutut
+roia
+cmap
+corll
+cocaleros
+43,750
+b.r.
+exploding
+28.25
+dacite
+turbocharge
+hugel
+09/10
+netconnections
+entrance
+099
+ahobilam
+seaters
+misora
+three-run
+well-paid
+44-36
+mainstream
+utah-idaho
+tithonus
+tallinn
+azcarraga
+santonian
+available
+949
+radnicki
+pothier
+enele
+scifi
+,280
+toja
+desy
+ventromedial
+nematullah
+s-4
+fascistic
+mccleery
+aribert
+fujikura
+u.n.-drafted
+caligiuri
+plaintively
+fleur
+cd3
+zeka
+hayley
+39-yard
+gabbi
+baumgartl
+nedved
+fly
+grabowsky
+vintimille
+schwabing
+shelley
+cinématographe
+joern
+macaroni
+302d
+m1911a1
+litigant
+v/line
+katama
+freelances
+athenahealth
+subaquatic
+hangouts
+lacazette
+mussa
+russo-japanese
+wriston
+supersensitive
+3-83
+lahoud
+unbecoming
+segner
+anticodon
+multidimensional
+râmnicu
+dunya
+peynaud
+liddell
+butts
+penkridge
+salzmann
+montserratians
+achaea
+unavoidably
+odell
+maximally
+phosphoribosyltransferase
+sweepback
+,25
+stauss
+suzanna
+65-59
+6-hour
+zanjan
+single-party
+leonard
+lottum
+scénic
+longyearbyen
+0.035
+amelia
+sood
+przecław
+gorter
+176.3
+terasen
+vault
+juanico
+817-390-7784
+aggregates
+żejtun
+looc
+33-run
+lliga
+golf
+gaziosmanpasa
+yrs
+domos
+f4f
+puffball
+florø
+epidemic
+gardenhire
+ataulf
+ledbetter
+clerkships
+self-defined
+83.33
+dallben
+wynton
+moot
+myskina
+camaro
+feudal
+ldl
+cabiallavetta
+decimals
+hisanaga
+8-all
+actionaid
+thorazine
+muskoka
+kelner
+tshogpa
+ordinance
+infonavit
+barratt
+bellin
+luthuli
+marchers
+charioteers
+padinha
+3,466
+euro437
+l'oréal
+brideshead
+25-may
+farense
+compensations
+dutch-american
+combatively
+kombissiri
+ruzicka
+pangbourne
+zhanybek
+houphouët-boigny
+70-meter
+neuropathology
+dueñas
+stonecipher
+preminger
+gardan
+rudnica
+externalities
+bergville
+ene
+1982-1984
+indoor
+yeshurun
+1915-17
+humorously
+19-foot
+dragovoljac
+parmelee
+matip
+funfairs
+slappy
+pleanála
+8:52
+modalities
+peculiar
+manure
+rajouri
+subcultural
+delane
+findus
+tzaraath
+zingara
+turobin
+knezevic
+herrod
+kraj
+61,600
+zebari
+khmelnytskyi
+naspole
+barzan
+revisits
+honi
+mits
+70.60
+kendig
+engelbrektsson
+mariánské
+gesticulate
+toddlerhood
+finetuning
+37,813
+diarmid
+contraire
+4-66
+mitchard
+thiophene
+paper-and-pencil
+heupel
+festing
+requesens
+henk
+carthaigh
+marenches
+greenhouse
+mariss
+fuzed
+coarse
+edilberto
+makarfi
+negligeable
+vincristine
+81.73
+maelgwn
+woi
+topkapı
+ul-islam
+highest-paid
+sogno
+8,192
+catechetical
+logics
+arnoldi
+starforce
+shada
+aleh
+saland
+conveys
+arhs
+guiltiest
+charlottenborg
+konjevic
+lacewings
+gurbanguli
+boisei
+tcnj
+xanadu
+ellinwood
+plebiscite
+sandringham
+zhuan
+119.26
+strathkelvin
+aneurin
+korolev
+hentz
+mustered
+iho
+rudoy
+auctioneering
+malbork
+martyrdom
+2001-04
+mocha
+goldbug
+edgartown
+heshmat
+scarinci
+roopa
+etireno
+kaf
+file-based
+herpetopoma
+parhat
+casebooks
+46.08
+eloxatin
+actes
+peca
+clew
+tesobonos
+dec.
+methylphosphonate
+pirat
+1929-1931
+pettine
+enemas
+british/american
+four-wheeler
+borges
+0.76
+finetti
+factsheets
+orakei
+sullo
+5-of-14
+adhan
+nikolaevich
+nbl
+documenta
+giguere
+unmentionables
+eisfeld
+matsuda
+kilolo
+taşova
+amol
+kirchdorf
+groundless
+unadventurous
+bellatrix
+mcintyre
+zoologists
+women.com
+famie
+forints
+downregulated
+155
+boxcar
+tact
+blacklight
+ma
+ratites
+44-story
+monymusk
+45.4
+carrizo
+plex
+entwicklung
+tollan
+mausolus
+uwazurike
+bacchanalian
+churkin
+bmj
+chained
+kamrupi
+thermoregulation
+cfma
+eghbal
+monophyly
+sandra
+reassembled
+f.supp
+non-semitic
+lpsn
+53.0
+timequake
+legitimists
+soumitra
+exertion
+.990
+cruiseliner
+monsiváis
+gawdy
+defenceman
+befana
+jaleo
+conecuh
+tinu
+revelstoke
+1,748
+bezirk
+hadean
+unicenter
+verka
+clipperton
+800x600
+suppress
+human-powered
+vouchsafe
+limbic
+54.49
+landscaping
+frequents
+verlinsky
+dasam
+alloyed
+gosselaar
+coahuiltecan
+315,000
+graeter
+chat.yahoo.com
+recital
+bezirksligas
+elses
+pty
+tuberosum
+austronesian
+portobellos
+dlugosz
+worksheets
+birch
+villano
+eukaryote
+khaleq
+post-production
+4,499
+yvan
+d'alimonte
+confederacion
+bbv
+poedjangga
+four-years
+12-1
+kass
+19-day
+249.5
+akopian
+bonewits
+launcelot
+humvees
+morfeo
+hisaishi
+ministeriales
+takeshima
+itsekiri
+plus-2
+press
+intertan
+skirmished
+qingquan
+ndiambour
+kazak
+measurer
+commercially-available
+mockery
+tarpons
+prachar
+bocachica
+boltzmann
+15.53
+home.htm
+warragul
+peebles
+browser-based
+putbus
+sonepat
+spoke
+wapnick
+plate
+phosphite
+kurze
+warehoused
+raining
+sharkia
+youn
+charbonnet
+guster
+bakradze
+fejer
+brandenburg-kulmbach
+legitimation
+chillies
+fasciitis
+1820
+canción
+quechan
+18-ounce
+aqualad
+rechanneled
+mules
+gunmetal
+emsdetten
+interned
+macomb
+ring-opening
+instigators
+buckeridge
+57-kilogram
+balsamico
+chancelleries
+carletonville
+glenway
+naenae
+belonging
+mundaka
+http://www.hrw.org
+queen-consort
+2o
+cusk
+impressionistic
+continuously-operating
+windpump
+importunate
+olesya
+relinquishment
+sii
+cosmology
+ordinarily
+sabinov
+nitrosomonas
+weekes
+shanghai-based
+spatafora
+glennallen
+kratom
+whetstone
+countersuits
+puffs
+c15
+romine
+lindau
+83-81
+druids
+uncatalogued
+zschopau
+namsa
+khryapa
+kerse
+ebz
+neena
+travelers
+elledge
+ichizo
+chalwe
+gottex
+disfranchising
+91.77
+lonchocarpus
+a350s
+pensado
+cuenta
+ciento
+domains
+hathcock
+expandability
+pregunto
+upm
+courteous
+piano-driven
+gisulf
+76.18
+u-verse
+hartvig
+auritus
+nightlife
+ca
+winningly
+sx-70
+ovda
+involutions
+fa'afili
+member-owned
+darken
+goeke
+58
+wundagore
+faeries
+solano
+sbm
+prostaglandin
+penick
+juri
+jungr
+kejian
+dembowski
+tabatabainejad
+maritzburg
+51,250
+caffe
+coola
+hatsopoulos
+somnus
+balts
+zeiss
+purnananda
+esch-sur-alzette
+chengzhi
+unthreatened
+suzane
+jir
+lusby
+alojzy
+30-nov
+feitelberg
+yannett
+chairmanship
+dissident
+wordly
+schuppan
+laundered
+alosha
+nocsae
+fines
+efe
+chowdary
+matchett
+strange-looking
+carret
+phonologically
+rafflesia
+nazeri
+anxian
+quatre
+rigan
+cafardo@globe.com
+postville
+crusca
+holds
+sebastos
+mutinying
+ljubljanska
+saint
+simamora
+regge
+duprée
+4,995
+antoninus
+raffa
+lymphocytes
+thr
+4.725
+ploceidae
++7.50
+zuraimi
+chamique
+prilep
+zerbib
+yakutat
+catechumen
+prisioneros
+ifpa
+beshir
+fizeau
+orasure
+co-religionists
+bado
+sh-1
+italianization
+encyclical
+cen
+isherwood
+cossar
+sejm
+110.15
+λ0
+2-0-5-0
+sesac
+spurs
+forging
+roosters
+rtcg
+6.5-foot
+carmelitas
+half-elves
+65.62
+provincias
+stolley
+goffredo
+p-51d
+pedunculata
+farallon
+anigo
+buha
+galleri
+pulikovsky
+museology
+watsons
+bdn
+uw-madison
+slovene-speaking
+minefield
+rassilon
+airbase
+approaching
+waake-up
+bancomer
+ekdahl
+shabaka
+electro
+phytoremediation
+fuzhan
+haustoria
+116.43
+minus-18
+navman
+doubletwist
+traina
+hozumi
+984,000
+rmk
+cheon
+nonacademic
+sandblast
+1.4090
+secondary-school
+vives
+vitamin
+2,733
+60-day
+glomerulus
+speaking
+bằng
+copper-mining
+preceptor
+euroclear
+bizzell
+techy
+vágar
+junell
+bestest
+miltonia
+salón
+www.fcc.gov
+thomaskirche
+81.70
+osnabruck
+crato
+athénée
+sinna
+heald
+electrically
+greece
+lloyd
+vehbi
+anchialine
+zurzach
+71.29
+waiter
+6:49
+chuong
+102.25
+light-dependent
+vingt
+josserand
+fivethirty
+cly
+pre-professional
+gerontological
+kandam
+toro
+hmc
+dbrs
+hawke
+reaffirmations
+whitman
+vilayat
+gp120
+mniszech
+daja
+deliveries
+cr3
+tuddenham
+chavarria
+ergosterol
+yohanes
+psychotic
+quietism
+wallaby
+zeidler
+bressay
+portfolio
+bishopscourt
+fernon
+125kg
+tackiness
+1.4083
+inh
+lyuba
+ginni
+12.62
+kerkhove
+collas
+langs
+vlans
+esox
+københavns
+villaume
+deliverability
+dimed
+shamayleh
+widjojo
+kirwan
+fmd
+nienaber
+schopf
+5-year-old
+tradable
+namespace
+mugerwa
+grebeck
+wlir
+farooque
+biscay
+georgine
+diabaté
+creamers
+stringybark
+35-seat
+jefa
+nailing
+gilstrap
+viaje
+16g
+89.69
+intersectional
+consider
+ease
+wain
+pabhaga
+empor
+maintenance
+pigtails
+liani
+marmie
+38.6
+xenon
+calcaneus
+montserrado
+dolle
+13.77
+69-63
+shiell
+quaestor
+leuser
+elshinta
+multifaceted
+rearranging
+vaporizes
+communicative
+reynoldstown
+jagannathan
+espanto
+teddi
+22.95
+ashkar
+taisugar
+burani
+navaho
+27,300
+ruder
+18-percent
+gagg
+panish
+single-subject
+letter
+guaimar
+neverthless
+iges
+fagerstrom
+olivetti
+altay
+misgav
+moncoutié
+wroclawski
+777-300
+12.60
+influxes
+guenoc
+32.10
+cullotta
+bailiwick
+single-deckers
+argüello
+1,618
+kotelly
+gsg
+négritude
+limburger
+1.78:1
+nativ
+shukhevych
+wiggler
+16,800
+barentu
+1-888-603-1036
+tunics
+non-agricultural
+bit-part
+goitschel
+galatis
+maintenant
+flat-bed
+blumka
+blurbed
+mujeres
+sd-6
+3,661
+skeat
+pölten
+ic50
+mewa
+165-kilometer
+unscom
+amboise
+wideroe
+shinnick
+ruano
+bor
+leonova
+libis
+hello
+coq
+work-in-progress
+89.85
+rodier
+latex
+makeli
+top-most
+unbanned
+manikpur
+roussopoulos
+xueping
+ogiński
+afsluitdijk
+44-6
+fright
+hortatory
+oppenheimers
+a-37
+ndo
+yearsley
+dante
+compaign
+rib
+harijan
+loscocco
+377th
+arbeloa
+mendelian
+feore
+uestlove
+rüştü
+103.3
+hailes
+wurie
+dhritarashtra
+boster
+micronics
+ulev
+barrancas
+compassionately
+klerk
+420,000
+exaggerate
+hologram
+cabinet
+inkers
+merideth
+2-2-1-1-1
+automating
+yamada
+kelk
+mateship
+ɣ
+puppis
+culford
+protege
+ocal
+whaleships
+sulis
+pan-malaysian
+voghera
+ssbns
+kupe
+prodding
+motovun
+snowbell
+third-wave
+107-98
+brwari
+högni
+mappila
+flowerpot
+wreck-it
+bottrill
+kronenberger
+40.35
+osugi
+mph
+maxi
+instal
+radius
+birkhall
+goodnight
+hedgesville
+limacher
+aflutter
+esquerra
+ntp
+handrails
+4,143
+engberg
+6,670
+trinitron
+1530s
+1,200-tonne
+metamorpho
+ಬ
+armacost
+normalizing
+turnstiles
+25.96
+zetia
+henzell
+1913-1914
+probability
+43,250
+tulipan
+333,333
+hota
+2062
+dokmanovic
+hers
+tribune-review
+muslim-christian
+36.29
+antología
+unfurl
+lasik
+komputer
+michaelides
+tamo
+ndeti
+powerpack
+yngve
+schonfelder
+2,472
+also-ran
+wolong
+a-7e
+clathurellidae
+swimsuit
+asenath
+hkpc
+fess
+suwit
+mbna
+lidong
+ellan
+radstock
+alenquer
+discours
+haters
+yi
+bjd
+linschoten
+miyahara
+35.9
+minnery
+landside
+nekzad
+sacrorum
+rostislav
+a39
+hamacher
+seismograms
+médailles
+spiritualists
+не
+energetica
+bettarini
+chetcuti
+huard
+konjice
+saggart
+veeck
+devoicing
+l'illustration
+32.99
+elduayen
+rahan
+ukranian
+neagu
+device-independent
+wigner
+steegmans
+ryck
+fuchai
+aihole
+shirzai
+high-income
+camisa
+ahrons
+yoknapatawpha
+him
+a180
+ten-volume
+eurostars
+on-pitch
+neuroprotective
+jgsdf
+pdn
+khaldi
+z-axis
+qiwen
+heidesheim
+ernests
+3.045
+bertolini
+fathima
+zalău
+sandinista
+camcorder
+206.5
+in-law
+five-lobed
+essid
+vassilev
+36.74
+textron
+jimerson
+sonic
+kaya
+3.92
+rison
+yokota
+bartko
+swartwout
+3,472
+webcompass
+scapulae
+karibi
+malicia
+saadatabad
+meachem
+assumpcao
+aqib
+prolifically
+ayeka
+mcdowell
+biobased
+civilly
+banfora
+timony
+desbois
+irisl
+bilbo
+pennsville
+fluorophore
+ncic
+sneddon
+chortling
+4-of-5
+hemoglobin
+30-love
+nyariki
+uvb
+spathulatae
+4.00
+3,796
+birutė
+encampment
+proscribed
+92.74
+refereed
+pandas
+ľubomír
+tutted
+77-73
+predeceased
+orestiada
+l&mr
+baita
+lower-priced
+baseggio
+hgc
+title-track
+lyhoog
+28.10
+partakes
+nimroz
+benaderet
+toposa
+stepbrothers
+1929-1930
+swansong
+other-dimensional
+sofiya
+heartsease
+tankards
+hummon
+lanzafame
+mcinerney
+10a-4p
+pamux
+achaia
+heck
+breech
+bozen
+towel
+ząbkowice
+rosholt
+religous
+gendebien
+calabar
+lorenzana
+kilifi
+umbrella-like
+pramono
+plaintexts
+kirkus
+pam
+pavley
+petrides
+kuhbanan
+episteme
+cribari
+axisymmetric
+zipkin
+mid-1780s
+drabek
+gaillardia
+subdirectories
+re-mastered
+longbows
+seagoville
+donji
+taylor-wood
+speedskate
+33.34
+4-1
+shikoku
+lewi
+kimlinger
+i
+ukhta
+planckaert
+wlaj
+gonal
+3,497
+absenting
+passenger-side
+microtones
+huilongguan
+disciplinarians
+polski
+pusaka
+mohammadzai
+isagani
+foxwell
+yongxin
+radiantly
+phaedrus
+chaouki
+đường
+fagenson
+proudhon
+renaissance
+kawal
+remitted
+kcho
+backwell
+garrisons
+tamazula
+triglycerides
+doan
+kaskey
+ping-pong
+swaying
+nitwit
+wathelet
+oddson
+badwan
+muenscher
+nullity
+childrensdayton.org
+subversives
+kuso
+sublevel
+0.51
+zabłocie
+kirstie
+perrysville
+wolfenson
+muyembe
+sukhumvit
+miyanda
+rabba
+kachel
+aggadic
+apep
+51.34
+domazet
+oo.oo
+interfaced
+suchet
+sportage
+892-2347
+1944
+semi-salic
+a-row
+abhinavagupta
+1889
+chettiars
+taurima
+shots-26
+migratory
+wookie
+hirschhaut
+suman
+hanway
+fedde
+frontsin
+holleyman
+liquefy
+bonfiglioli
+aribo
+playtone
+bungaku
+collaborations
+galás
+mram
+lpl
+sternad
+glyndebourne
+singular
+heworth
+izrael
+21.71
+idahor
+saikia
+klasky
+semi-presidential
+paan
+malindi
+cancio
+faciliate
+honiss
+charreada
+riling
+zhongtian
+mangope
+tm-sidhi
+perron
+ouellette
+ferntree
+livadeia
+94-84
+contends
+zeckhauser
+tobis
+youngblood
+mccluggage
+spatula
+townley
+walmart
+parbhani
+magnify
+radiotelescopes
+osb
+gompers
+goel
+figge
+jafarov
+euro637
+benthic
+chisnall
+kahlo
+scapular
+kabui
+edmark
+donini
+livro
+proteobacteria
+g40
+g.i.s
+180-meter
+gelabert
+pachman
+casement
+unlamented
+rasevic
+positively
+gpwc
+56.01
+wreck
+yen-hsun
+wakemed
+brambell
+kg2
+lechleiter
+waimea
+blasket
+snmp
+táchira
+tizzano
+zade
+copay
+perkūnas
+rgrantham@ajc.com
+blancs
+rarefaction
+tetraethylammonium
+one-bedroom
+falzone
+unchallenging
+sinas
+b12
+megiddo
+4,660
+mellen
+skrastins
+portunus
+nhật
+cablecard
+diabolical
+1189
+115.4
+odonata
+morphy
+radicova
+4,085
+detract
+berlekamp
+tanoh
+trepper
+tuđman
+insinuation
+ngah
+lakkundi
+nuta
+low-risk
+eata
+out-of-bounds
+5.57
+petrequin
+fancier
+severino
+bouarram
+brushed
+boldfaced
+christianised
+jowett
+note-for-note
+ashrafieh
+sikiru
+hansberry
+3,017
+douthit
+zigzagged
+homeworks
+carseldine
+mitochondrial
+gudjonsson
+tacker
+miss.-based
+vammen
+buchmann
+daku
+saddam
+advise
+ill-will
+milenkovic
+rokr
+leysen
+cover-ups
+chemises
+http://www.nps.gov
+spitze
+ozren
+referenda
+zippos
+lazaroff
+vistaprint
+260,000
+two-stroke
+ratan
+lamma
+kharma
+illusionism
+bolshaya
+lucretius
+teen-oriented
+zik
+19/arista
+pimelea
+2156
+fieldturf
+xavierian
+heigham
+hegemann
+www.uspto.gov
+nabilone
+mitis
+aluf
+gadacz
+antipodal
+reforms
+priuli
+silence
+ukrop
+185.3
+dodecahedral
+mark
+steady
+wesak
+42.80
+yesterdays
+37.45
+npc
+apol
+bodill
+post-paid
+tartary
+lugares
+algun
+glassine
+geezers
+transwestern
+117.53
+grimbergen
+imprudent
+87.4
+comosa
+walsin
+dc-10
+liya
+soulseek
+edvac
+kdu
+mid-20th-century
+lte
+jeepneys
+kouba
+denbury
+autoshow
+dismember
+leaved
+900-square
+m58
+hambro
+m2m
+strawn
+mcnutt
+3abn
+garendon
+falconio
+dilla
+hkta
+chm
+shemu
+blurs
+lundborg
+collingtree
+schizopolis
+wilhelmsson
+dano
+semashko
+jimani
+mudbugs
+hibbett
+18.21
+suljo
+buco
+glamorously
+3,975
+jayavarman
+revitalised
+atlantans
+tugrul
+collets
+1988-1996
+tomline
+niamh
+anemometer
+nontoxic
+wilczyn
+239
+jnp
+phủ
+1827
+--------------------------------------------------
+christmastime
+hagley
+nushawn
+overtime_none
+boca
+heartsongs
+wyncote
+ilievski
+pregel
+field-of-view
+beilin
+shamsher
+burd
+jacir
+raghuvaran
+co-presenters
+montparnasse
+left-wingers
+kaing
+noailles
+niketan
+auron
+152-year
+niuean
+monkeyflower
+elara
+97.44
+d800
+thee
+91.80
+panentheism
+quasiconformal
+powerlines
+meritage
+main.htm
+efthimis
+avispa
+114.18
+manli
+ferruginea
+felsted
+commissions
+shashi
+logjam
+itl
+elma
+sheely
+basada
+jayadev
+strakka
+trung
+iasa
+icn
+yixin
+fjordane
+trudging
+brutus
+r.f.d.
+jeantot
+niesen
+rangatira
+ovation
+prescribing
+66-66
+celene
+5p-9
+skydrive
+demayo
+starburst
+martines
+broadbeach
+builder
+hypnotism
+pasamontes
+lcc.net
+6,825
+sandur
+sadig
+benkirane
+brochs
+x51mm
+hongta
+3gs
+aldermanbury
+80-mph
+haibane
+longshoremen
+1,080,000
+bilborough
+kyōka
+vocalisation
+vencor
+maire
+kropko
+power-base
+preverbal
+tengwar
+khamis
+baltiysk
+lofgren
+sartorio
+ered
+precalculus
+replenishment
+cesareo
+cobeno
+tiyapairat
+siestas
+mde
+ernan
+gabber
+earworm
+devia
+reppas
+enis
+shacharit
+kleť
+gargallo
+poland-lithuania
+bloodletting
+septimal
+bastianini
+money
+unexpurgated
+westenra
+ksawery
+e75
+rahbar
+semi-literate
+tollgates
+1981-84
+colding
+7.02
+guðni
+matombo
+kojève
+kerley
+betts
+3yo
+aunis
+hattersley
+tulisa
+omarova
+vanunu
+quilon
+causer
+gerstein
+rosalee
+vegf
+marangos
+pokémon
+grudziądz
+satpal
+100f
+delisa
+it.the
+aiful
+csd
+zajączek
+1964-1965
+valiante
+hanarotelecom
+rot-weiss
+foy
+ramstein
+massada
+kilik
+enrolled
+elron
+mityukov
+grij
+blogs.tampabay.com
+fossil
+cyber-shot
+suto
+aspirated
+1970-1976
+saipa
+jabot
+paeonian
+ceg
+nkausu
+rapke
+prs
+polya
+miler
+arnolds
+malalas
+sikhote-alin
+85.43
+dasima
+valorem
+ecstasies
+cohn-bendit
+heuchera
+musidora
+for
+gomm
+brockman
+bioweapons
+hrdinova
+length
+witman
+18-years
+soulan
+contestable
+sutherby
+distillates
+87.49
+equivalents
+61.54
+montulli
+riq
+leasowe
+r15
+yomo
+deleting
+blankley
+wildmon
+azran
+condottieri
+dellenbach
+veľký
+dermatology
+thạnh
+untruth
+moni
+berekum
+apollonio
+cannibalizes
+radoff
+moonscape
+cssc
+degenhardt
+1:00.95
+gabions
+corbetta
+ranvir
+lethaby
+ngarambe
+precipitously
+swiftlet
+viluppuram
+letaba
+63s
+milyutin
+pcas
+ypo
+brazza
+haakon
+kulers
+tigerman
+scrunches
+jedis
+klykov
+kolodiejchuk
+head-body
+hairdressers
+români
+1961-64
+59-7
+vorkuta
+ajo
+brickman
+oerter
+qingke
+deluding
+varla
+4:09
+unethically
+soliton
+prerelease
+umax
+augstein
+wazi
+soymilk
+146.75
+50-36
+imagine
+tidelands
+verrastro
+borght
+kattouf
+85.71
+groesbeck
+107.52
+lehnhoff
+koronka
+yakuts
+djembe
+keyes
+carillion
+shishu
+112-106
+khaba
+harmonized
+least-squares
+pudi
+hideharu
+zauriel
+miscarries
+regilla
+nouméa
+aargau
+us/uk
+chemnitzer
+125.75
+asistencia
+pspace-complete
+cisticola
+p.jayawardene
+laoshan
+valtrex
+pojistovna
+preiser
+bestfoods
+diceman
+4-wood
+singson
+jigmi
+gibs
+escrito
+jurkovic
+schoolchild
+delving
+qadim
+lugubrious
+cedes
+kanturk
+balija
+joydeep
+zachariadis
+chou
+李
+alec
+dylans
+jurchens
+384th
+209.5
+hi-nrg
+kabilan
+excelerate
+bi-polar
+anderen
+responded
+119.12
+burrowed
+1090
+greyser
+maksimovic
+422
+jahoda
+juho
+1989-1990
+gmt
+kucinich
+1,141
+longwu
+lungs
+villein
+féminine
+staysail
+1.04
+sof
+mid-seventies
+51-10
+icebreaker
+glaube
+savers
+zixun
+three-age
+helots
+fieler
+lahey
+occasional
+substantiated
+ōsaka
+panhandles
+cevian
+w.w.
+spheroids
+59.64
+1696
+unpledged
+186-mile
+rufescens
+shoukri
+adulation
+demophon
+counter-terror
+bunmi
+arnison
+urgyen
+canarios
+73.05
+potęgowo
+80.96
+frontbench
+www.ftc.gov
+furlongs
+willson
+bruce.seeman
+benaco
+aitic
+serpell
+kai
+manningham
+invade
+palatal
+bobkova
+1303
+238.5
+xcacel
+consecrated
+morata
+lepeshinskaya
+5-pin
+æbbe
+bil
+22-man
+amps
+ubeda
+otterman
+prepping
+johnson
+grosberg
+zundel
+dysmenorrhea
+hottest
+joinville
+ledi
+baldness
+0.39
+bisons
+milhous
+steinen
+dal
+hauts-de-seine
+semon
+arwin
+euro615
+5:25
+divines
+kirara
+savuth
+seumas
+ha
+jeshua
+1926-1929
+clapboard-sided
+1953-1956
+yili
+swadesh
+montereau
+italys
+eclipso
+llanes
+double-pile
+zarni
+qusay
+forewing
+500-euro
+senecas
+thorold
+swats
+krasnyi
+kabul
+1.19
+varkari
+20,000-capacity
+2.75-mile
+roley
+i-95
+ranghar
+sequenza
+barked
+thetis
+7.89
+omischl
+michizane
+molema
+oldtime
+freeboard
+emet
+upkeep
+woollens
+gazsi
+desautels
+omics
+phibes
+viimsi
+sociology
+60-footer
+pheasantry
+southlands
+donators
+penguins
+prominent
+pelaez
+envisaging
+boulard
+dubna
+ochres
+chieri
+1951
+bows
+210.7
+aventura
+biegler
+deporter
+ex-husband
+velupillai
+skomal
+mirek
+chicago-style
+kinetz
+jasse
+conocen
+vipsanius
+yurdu
+brancatelli
+right-side
+m500
+dowlatabad
+moez
+31.12
+spiaggia
+euphydryas
+frightfest
+sotheby
+detrimental
+tks
+mcivor
+timeworn
+nyakyi
+årets
+1.4710
+llevaba
+camotes
+pyjamas
+mustin
+lasered
+preemptive
+urbani
+tobolsk
+sulfuric
+piskorowski
+bashur
+urness
+14,600
+half-moon
+manvers
+111.71
+iid
+14f
+tvp1
+chane
+channon
+disinherit
+73.38
+tenix
+kwambai
+raif
+ferronickel
+71.85
+adolescentes
+jarocho
+paperwork
+senki
+ashkenazy
+ansf
+bessy
+atiq
+fossil-fuel
+bereaved
+dangriga
+conwood
+zollicoffer
+iroquoians
+sety
+ruichang
+garston
+pmtct
+platonic
+menelik
+1,861
+tribunes
+spelthorne
+mebius
+birders
+nanxing
+4868
+cheetah
+rajaji
+134.95
+saydia
+729
+unamir
+hatanaka
+lomatium
+malard
+dayi
+assimilatory
+76.94
+therian
+houtart
+2,045
+hamkyong
+agbaje
+eastbound
+subheds
+inimical
+shamasdin
+pilaf
+bushan
+proton-m
+6-foot-5
+malicki
+eizo
+lesok
+91.42
+tepco
+14:34
+camshaft
+chazov
+tico
+2fm
+gundling
+jayasundera
+graca
+kalnoky
+zhvaniya
+ibe
+aso
+lawson
+wirkkala
+306th
+mosto
+gelateria
+madhuca
+4.34
+snettisham
+loudly
+creak
+cytidine
+urad
+curler
+ionatana
+neergaard
+heidemann
+blustered
+zidan
+gaucher
+femicide
+chanel
+gobies
+nowsco
+oaky
+biennially
+boie
+koehne
+chakvetadze
+weisskopf
+d'armagnac
+trigiani
+needville
+awoken
+pecha
+yemets
+-0400
+rajasekhara
+hieng
+non-canon
+basel-landschaft
+baroe
+krupnik
+kabba
+verville
+gerbe
+lusher
+grynberg
+125.5
+todt
+schraub
+gujjars
+gershel
+englebrecht
+vases
+zaa
+ziobro
+hepner
+einsiedeln
+nord-pas
+subverted
+crustal
+bewdley
+hendrina
+nos.
+berenguela
+carolyne
+toshack
+munawer
+eswar
+civilization
+aranmula
+folk-influenced
+groen
+objectionable
+holker
+knowledges
+enfeoffed
+blardone
+schedulers
+shield
+46.70
+molted
+bbn4
+lezana
+monarcas
+irn
+antisthenes
+fremington
+boonsong
+morales
+deaconesses
+much-discussed
+shihong
+madere
+malea
+exeter
+intuit
+neuropeptides
+sadasiva
+matton
+loramie
+telegram
+uhmwpe
+1.3600
+cennini
+pilaster
+non-parole
+kaduthuruthy
+pebereau
+rennenkampf
+pegs
+montis
+pajcin
+greenhoff
+kromko
+two-party
+shabaniyah
+jabbering
+magnin
+hodaya
+maserati
+missae
+italian-born
+chiefship
+televisual
+erez
+ronstadt
+sadatoshi
+gyne
+alborán
+bx
+politifact
+geoffrin
+eurobus
+kinu
+mpaulsonglobe.com
+marienburg
+mambo
+repugnant
+grandkids
+slipstream
+immigration
+saurolophus
+relook
+enceinte
+streptococci
+oehme
+mmcguire@timesunion.com
+kidwell
+ibom
+kovacs
+1290s
+argentinian
+arveladze
+giacalone
+stae
+carloway
+cybercrimes
+anthony
+physioc
+trego
+azle
+123.73
+knidos
+ado
+walhalla
+saliva
+nadterechny
+94.30
+counterpoints
+shuhs
+55-60
+morgantown
+3,655
+narsingdi
+rosengarten
+delvaux
+kozjak
+keele
+eather
+interspecies
+sperling
+nabiullina
+sheberghan
+92-minute
+pulverize
+hydrotherapy
+gagn
+162,500
+sunnyside
+verjuice
+raindrop
+mjsweeney
+ljubo
+pow/mia
+kigali
+sppa
+frito-lay
+ottomar
+kjeldsen
+ketamine
+conferment
+megajoules
+mekachera
+ammeter
+setswana
+beral
+unhappier
+forward-center
+sporadic
+montasio
+3,900
+f-15
+boora
+adwords
+galef
+majcom
+under-8
+bdt
+krapf
+craigslist.com
+papular
+obscura
+cotys
+1.305
+vulgarly
+ecatepec
+balbi
+atheists
+0.062
+ravindu
+dasyatis
+entero
+gerani
+roomiest
+wasi
+jiande
+pinafores
+faune
+avigen
+rackham
+korchemny
+sabbaticals
+pedipalp
+shayler
+whisperer
+hydroxymethyl
+burn-in
+sismi
+toni
+millirems
+temporals
+bandiera
+brise
+buka
+1.685
+loogie
+samuels
+quads
+county-maintained
+uncac
+chishui
+95-84
+ebr
+nemsa
+1953/54
+nykänen
+hazardous
+5,066
+staid
+taneatua
+neidhardt
+annelies
+slama
+eques
+egeberg
+winemaker
+leumit
+nuovo
+60.40
+sogang
+skrepenak
+butadiene
+historias
+rehmatullah
+slipknot
+botanischer
+sexagesimal
+mödling
+feinblatt
+necesito
+111.45
+small-eared
+fallingwater
+a-way
+kiowa
+lutfullah
+haygood
+ragle
+chyung
+mother-of-pearl
+westhaven
+therapy
+blackfish
+asiaworld
+1,161
+tallit
+2,849
+50-count
+river-class
+cuti
+permanente
+kedzie
+freeburg
+empereur
+22.6
+buoyed
+mestiza
+rainilaiarivony
+yoona
+lemacon
+royd
+jackey
+dobanovci
+fewkes
+gerini
+poddębice
+26-may
+krugerrand
+maestrat
+neediest
+stoke-upon-trent
+kroni
+retiree
+contralateral
+-----------------------------------------------
+108.81
+tussles
+taepyeongso
+autech
+guelowar
+40n
+combermere
+touliao
+krok
+pas-de-calais
+voutilainen
+amyntas
+mawilliams
+m-16
+louvois
+trumping
+devan
+119.34
+scalzo
+hanji
+hellestrae
+durojaiye
+whelehan
+brück
+5/1
+oceans
+saluted
+sorlie
+dhanaji
+missenden
+miyoung
+cardassia
+rdx
+kws
+ouémé
+yargulkhel
+140-square
+85.04
+vitner
+troina
+smola
+tremé
+mehal
+0.059
+tâm
+21.47
+radoslav
+sbp
+dorasan
+goodna
+kinlaza
+djackson
+aken
+peonies
+levitation
+3.29
+mahotsavam
+combing
+aggregated
+distribucion
+kettleman
+phobes
+bonita
+22314
+tajbakhsh
+southville
+wallichiana
+homs
+zwolle
+taché
+kalkstein
+headfirst
+hawgood
+schlock
+asseo
+sandbar
+sencion
+importations
+ildiko
+plazuela
+wiriadinatas
+droemer
+thangavelu
+karrakatta
+commercialism
+tutors
+mayavi
+lesk
+muzzleloading
+annemiek
+morritt
+cinquefoils
+vsg
+josten
+unhitched
+angelia
+akragas
+banner
+nomenclature
+claimers
+sunroom
+brain-computer
+cinemark
+50-inch
+antidumping
+eserver
+grand-mère
+nurfaizi
+ndayirukiye
+inclosure
+commager
+ekavian
+chamberlain
+marowitz
+retinues
+gasset
+dekalim
+theosophist
+troncon
+diatribe
+streamlines
+afore-mentioned
+ivoirienne
+1211
+operon
+warlord
+aiwan
+familiarisation
+roedelius
+40min
+11-state
+biddenham
+m6
+soccerex
+assuncao
+unian
+kikkawa
+(813)
+intermediaries
+boza
+bardoli
+shaykhs
+liv
+ddu
+captain-coach
+dolan
+presidentials
+epistemologies
+cantú
+jagmetti
+78.20
+konstantinovsky
+incisions
+karmakar
+170-foot
+collado
+patacones
+synclavier
+coe
+shouted
+nonbelief
+herald-leader
+khristina
+godal
+nano
+suffect
+catsuit
+degorski
+urumchi
+tendo
+paddison
+olivarez
+technologically
+malise
+dadkhah
+scruple
+stężyca
+pettus
+nyai
+passthroughs
+langhorne
+kulan
+llewellin
+ifrane
+abihu
+pedot
+bunt
+jared
+space-like
+krishnan
+fisherwoman
+acon
+soldiering
+newdigate
+essai
+rox
+74-foot
+renard
+zegers
+u.s.-inspired
+nakhi
+x-o
+pfg
+zoids
+delray
+alpinia
+9million
+aiyappa
+arguments
+unshorn
+daubing
+itumeleng
+rıza
+apophysis
+ajas
+abdel-rahman
+rodmell
+aillet
+pilkington
+kpop
+scheidemann
+televisió
+mi-171
+volkmann
+bto
+polden
+tadhg
+darehshori
+180.5
+kerinci
+sinuous
+20,000-plus
+ngāpuhi
+karluks
+miyatake
+skowron
+budgeted
+164-centrifuge
+spach
+residuated
+sojourners
+1,110
+jacinta
+pamiers
+appellants
+editorially
+tryweryn
+mantodea
+empedocle
+3,345
+weisenthal
+sivensa
+khusf
+korsakoff
+eurasec
+svitlana
+halhed
+absolutists
+wh-movement
+venda
+utahensis
+braying
+andrea
+fatzer
+trumped-up
+cvrd
+kapllani
+oelschig
+gorza
+qayeh
+user-level
+sparda
+imangali
+aoshi
+soyster
+goglia
+takushoku
+electorally
+zonagen
+fullone
+marianas
+nandralone
+ilovar
+re-launching
+425-degree
+reexamination
+2,666
+vučić
+jackalope
+baldacchino
+buttermilk
+jasira
+dekay
+flophouse
+45.57
+savar
+hmos
+sigler
+crucifixion
+drolly
+clash
+shebergan
+lerew
+1,445
+ratcheting
+propagation
+sibuyan
+tambay
+avello
+15.80
+deleeuw
+architects
+obligado
+self-identity
+d'alpuget
+padico
+4.30
+first-look
+gimigliano
+natural-born
+srirangam
+alsatians
+theodoric
+hanna-barbera
+riverstone
+simorgh
+unprepared
+chenaran
+goalies_philadelphia
+hieronymus
+monnin
+ānanda
+govardhana
+mahendra
+politicus
+treachery
+bearcats
+abeyant
+borisenko
+umf
+baade
+pedant
+lyubomir
+fuckin
+109-105
+bukhari
+rogge
+southway
+endang
+tahl
+qami
+shinui
+mameluke
+aghahowa
+baitarani
+:56
+atsuta
+giorgione
+rare
+thương
+maguana
+rivolta
+mostek
+oae
+eterno
+2007-11
+morones
+rouyer
+1988-1991
+storybook
+zamosc
+watcom
+diverts
+cetera
+sun-like
+rödl
+oddie
+seats
+fontana
+ehrenfels
+shalon
+prank
+zabirova
+moomba
+nazem
+cammalleri
+pjc
+thaksin
+vendéens
+colégio
+cerniglia
+viera
+15.61
+trouville
+aclj
+orosz
+okimoto
+52-47
+thul
+1h35
+drafters
+embeds
+multipronged
+top-5
+depressaria
+böblingen
+trapp
+stotesbury
+teslic
+robersons
+282.2
+balmes
+yuddha
+dmu
+mcniff
+cee-lo
+ladled
+backstrom
+seara
+banja
+sinus
+possibilty
+propitiate
+steinkjer
+3,167
+cornforth
+6,196
+unites
+regular
+sorkwity
+contrini
+chamartín
+pescatore
+hunke
+zeleznik
+chataan
+sampat
+tarrasch
+chişinău
+lanqing
+deepali
+indentified
+zweifach
+barbecued
+activesync
+kary
+agonizing
+şen
+taxonomists
+96.32
+papon
+wilmot
+efferent
+sendings
+so3
+leba
+legalism
+937
+791
+pichichi
+opatija
+guayasamin
+heisei
+ravages
+madhubani
+audelco
+hodja
+52.15
+rajabi
+49-36
+aguilas
+code
+chaussées
+miramar
+securitized
+rajakarunanayake
+a10
+oxx
+lowder
+quinoa
+oddball
+http://www.cso.ie
+tofino
+91.49
+berners
+pvcs
+virological
+swagga
+tisza
+votechart
+53-8
+jaani
+corneas
+lockheed
+frisco
+accelerates
+-40
+roncal
+musgrove
+acconci
+yuca
+tafi
+101-100
+sicard
+investissement
+pigott
+heidnik
+advincula
+gamon
+niani
+dieters
+westfalia
+friskier
+doar
+antipornography
+sergiu
+allis@globe.com
+felliniesque
+shellers
+u-1
+montefeltro
+nagra
+uggs
+lanpher
+pro-israeli
+phills
+hupa
+strontian
+memorializing
+shizuko
+baliles
+walnuts
+bietigheim-bissingen
+42-18
+1946/47
+chapela
+14.91
+3.5-percent
+kailas
+findon
+landers
+reenactors
+euro391
+librairie
+altro
+23:59
+hvorostovsky
+këngës
+satriale
+doce
+holzhausen
+marghera
+deirdre
+gedser
+perverts
+genroku
+bihong
+churchouse
+formula_153
+d.c
+84.29
+gopac
+metropolitanos
+shipra
+saponins
+gruppenführer
+mccombs
+hillcourt
+gingrichian
+agnihotri
+kafkaesque
+yelping
+2,500
+cinco
+buko
+enbrel
+srb
+truck-mounted
+webct
+köstritz
+peavine
+iscb
+ortel
+ecumenically
+durell
+65.39
+rula
+refrigerant
+chickening
+gouged
+salvadorian
+non-social
+auxerre
+msar
+restart
+ararat
+http://www.ibm.com
+summons
+bolgatanga
+1301
+shenyang
+stjørdal
+miege
+pitești
+hemant
+beggar
+nuur
+mischaracterizes
+drinking
+dunnery
+bakersfield
+œuvres
+taban
+rosen
+1927-28
+kines
+tambopata
+supertitles
+patrizio
+casesa
+66.45
+indian-american
+15-35
+calamity
+matsuzawa
+continuously
+dassanayake
+luq
+ifan
+christodoulakis
+bpg
+taxol
+beel
+fadeev
+spamhaus
+straitjacket
+caresse
+cremated
+tighe
+headcounts
+nettlebed
+laureat
+bernoulli
+zabaglione
+hanigan
+mallets
+inkpot
+dodworth
+qj
+gauleiters
+dogue
+wignacourt
+kosrat
+awdal
+77.30
+62-page
+euro395
+pułtusk
+team-up
+ľubovňa
+pachyrachis
+7x
+cemil
+sweden-based
+9.9
+sagi
+hh-60
+rizza
+idlewild
+tallinder
+biggane
+sananda
+sheppey
+rufino
+stumbles
+surayud
+arsacid
+clerked
+shafik
+zdi
+prindle
+47-year
+longhaul
+terrien
+rmjm
+conesa
+carful
+nb6
+athanasian
+supercritical
+reentering
+contas
+axiomatic
+cyrano
+wakashū
+budde
+lindleyana
+uigea
+i-480
+firefall
+tassigny
+baileys
+donnchad
+3,251
+whined
+3330
+meppen
+schweizerischer
+slamball
+khichdi
+beymer
+wedel-jarlsberg
+j-7
+insua
+priestman
+strutton
+tijanic
+molinon
+orenthal
+kreps
+commercenet
+rms
+fadama
+divvying
+kathir
+17:50
+hermite
+vardan
+acmecs
+publicizes
+prigione
+galanz
+manikkam
+scoundrels
+a-mei
+étendards
+botero
+pipistrellus
+900-plus
+jojima
+munshin
+u2009
+reformulate
+breakpoints
+hoppner
+defamed
+leering
+auvers
+grottaferrata
+yele
+messiness
+morrey
+cajal
+fipe
+583,000
+caffra
+rekers
+allianssi
+ponzu
+trudi
+celta
+windier
+meinecke
+apologise
+u.n.-nato
+94.25
+k-tel
+52-33
+corda
+shoujo
+interbreed
+scotorythra
+spasov
+pivka
+adegbite
+barbettes
+6,027
+nazko
+twenty-fourth
+ammianus
+dulari
+mephistopheles
+estefanía
+sino-british
+verrazano
+148,400
+parashurama
+lucchini
+seccombe
+m-30
+bedrock
+verisimilitude
+rankovic
+2.70
+www.nga.gov
+boulden
+commutated
+zahaf
+mahayana
+3,933
+pag-ibig
+creed
+times-dispatch
+pripyat
+bello
+cagnes-sur-mer
+emami
+53-run
+piromalli
+heider
+impurity
+dębe
+stranraer
+(510)
+yue
+mojitos
+feathers
+polonium
+farage
+programadora
+dibbell
+relive
+flowage
+royce
+bobl
+festiniog
+frameshift
+appy
+crookedness
+göran
+livia
+blackballing
+40.61
+hellish
+22,000-strong
+contextualism
+ryti
+sprinkle
+park
+massari
+thomasson
+63-53
+3_4
+34-35
+daytrip
+strolling
+(203)
+deoria
+multi-venue
+deems
+experiencers
+bourgeoisie
+capacitance
+fire-retardant
+nouwen
+feikens
+synchronising
+earlwood
+drawn-out
+224.00
+refurnished
+nath
+lludd
+ib
+irritant
+nishino
+tonier
+g&swr
+chamni
+begley
+autothrottle
+franquicias
+golden-yellow
+2.5-litre
+desmonds
+cannan
+kirschner
+damon
+motola
+prespa
+bibb
+kaeding
+gyangze
+horii
+schwitters
+hallaren
+14.55
+46-28
+dufton
+enviromental
+fahlgren
+semigallia
+rocket-powered
+vaishnava
+putinism
+liévin
+segun
+repels
+ansto
+yuhs
+omemee
+fortuitously
+glitter
+zilberstein
+ossola
+olkaria
+sulagh
+rumler
+nazr
+kirati
+huế
+neelan
+lopaka
+40.3
+xueyantuo
+loong
+temenos
+3,111
+arliss
+horin
+apb
+petzoldt
+snocap
+free-falling
+xiaoguang
+ef2
+cekcyn
+bucklers
+goeas
+mensajes
+schiffrin
+pitaro
+lemelin
+meatus
+benelux
+hamengkubuwono
+bajer
+160.3
+rotala
+bologoye
+wisma
+barghouti
+asuka
+simonelli
+aptness
+vnu
+flesland
+weightage
+lordkipanidze
+jallow
+schöffer
+hazarika
+nine-member
+kanoya
+woodcraft
+vetusta
+frigid
+aphasia
+extraterrestrial
+avontuur
+dietician
+tts
+sigillata
+roadtrip
+sculpted
+kanezo
+nawabi
+voja
+bizarro
+hibbert
+camouflage
+http://www.oprah.com
+demystifies
+169.8
+bolan
+300-seat
+fouled
+tanker
+rogg
+callejeros
+sicakyuz
+calas
+118.93
+jeevan
+shahnaz
+doğan
+music/maxi-singles
+lyndin
+alikhani
+case-based
+hyperbaric
+6,288
+stiffy
+moat
+boeotians
+dieck
+dosh
+breadfruit
+1,176
+buron
+hawkesworth
+rodion
+leebaw
+archpriest
+cron
+mt1
+implied
+khee
+hoage
+criseyde
+bottrop
+divi
+croke
+ballymote
+bullfighting
+rustigan
+squanders
+chāl
+lakofka
+puffinus
+cyclopædia
+lixia
+hirs
+40.36
+kaarma
+mcgroryglobe.com
+mirai
+tage
+ripia
+mackinaw
+obihiro
+periodicity
+diphenyl
+yanqi
+sourav
+hashiba
+mariage
+40-bit
+71.58
+hustled
+elveden
+regio
+1986-92
+addicks
+tuskegee
+2102
+rufa
+pinstech
+shotwick
+ub
+prester
+naturalism
+annotator
+beget
+chhoti
+konrads
+undiluted
+autotote
+codice_20
+frothed
+shaitan
+mangue
+51.30
+dummett
+10b-5
+nihil
+cleto
+rungwe
+tsomo
+boulou
+tsinghua
+fsc
+toledano
+colfer
+eça
+half-day
+22.09
+katzmann
+2575
+g1/s
+shahaji
+islet
+t'pol
+episode
+hemberger
+http://www.tsa.gov
+dember
+35-member
+penchants
+lamen
+34-28
+battiato
+shakespear
+ozette
+potier
+lilo
+fordable
+32.87
+lieut.
+59-23
+pronto
+premierships
+everlasting
+korber
+rerecorded
+87.33
+remscheid
+nablus
+gustiness
+ebles
+ruggiero
+scarcity
+lichtblau
+yoke
+http://www.fs.fed.us
+esotericism
+homines
+stirton
+opacic
+calafat
+bolstering
+3,202
+hku
+inish
+wellfleet
+canister
+60.65
+open-pit
+deceptive
+puritanical
+lübeck
+liseberg
+hiya
+prvi
+110-minute
+cevik
+ghostwrite
+harkatul
+mockbee
+stoneworks
+s&h
+southcenter
+nnl
+jianfeng
+6-for-7
+iyabo
+déisi
+industrija
+weissenberg
+thibaudeau
+loam
+t-100
+tadd
+toonz
+disparaged
+kunimatsu
+himara
+49.73
+mccosky
+ponzi
+uloum
+medium-fast
+saichō
+adv25
+novavax
+16:15
+krupa
+allem
+renuart
+garde
+adjusts
+adrano
+36.16
+bancha
+relaxation
+duquesnoy
+open-wheel
+mystères
+weidenfeld
+stripper
+asus
+undiplomatic
+-9:00
+icier
+recuperated
+106.90
+shadbolt
+morteza
+leongatha
+mari
+comatose
+aravane
+mazer
+tokhtamysh
+popgun
+cross-bred
+meteor
+korn
+zevi
+24-valve
+unpolitical
+barbodes
+neurotically
+yoshino
+kenteris
+coatzacoalcos
+marigot
+kozushima
+crsp
+5,735
+cattrall
+hots
+helfert
+stolpersteine
+deftones
+maciver
+toyma
+absi
+ekf
+616.5
+assagioli
+barlaam
+prt
+tartakower
+3.40
+53.89
+agrimero
+footrest
+punctilious
+93.26
+postmarks
+mid-1980
+solders
+1.78
+orena
+mirkovic
+qiandao
+chubachi
+danns
+kyrgystan
+exactions
+tamazight
+stablization
+emerse
+ludd
+dumaresq
+collegians
+runts
+customizers
+seeta
+rybicki
+cukes
+sprawling
+11.36
+sajid
+fete
+leapfrogged
+dharma
+toho
+reburial
+ratchaprasong
+judes
+phylum
+stollsteimer
+srimuang
+khripunov
+embezzle
+phials
+barkeeper
+patrol
+13:26
+wunderhorn
+182-member
+guttenbeil
+jamaat
+mesler
+syrmia
+esbern
+terna
+kitri
+pithoi
+discs
+turcot
+rv
+béarn
+metier
+tumbledown
+baddeck
+similarity
+sook
+adige
+polyunsaturated
+hida
+77-run
+ichii
+sartono
+galanti
+strovilia
+irony
+eprp
+condemning
+14.18
+binju
+thuong
+hatemonger
+darnestown
+handbag
+40.76
+marathi-speaking
+hüsnü
+bourbonnais
+gyres
+cartolini
+hebo
+64.20
+bibendum
+junín
+toppan
+ditullio
+untitled
+nsfc
+nemecek
+creyke
+wmar-tv
+havard
+nissans
+sotos
+organizacja
+formula_29
+pre-calculus
+lepidoptera
+floreal
+blondie
+paru
+shorter
+waterjet
+cerri
+chkdsk
+16w
+biloela
+unfunny
+attests
+sadiku
+dąbrowice
+donaghmore
+noortman
+nopporn
+metsovo
+bancroft
+2,701
+vivyan
+404-526-7282
+gaylactic
+odonkor
+kinzer
+carbon-dioxide
+corre
+kaukauna
+perihelion
+eyewash
+meatloaf
+33.32
+auto-immune
+flecker
+accusative
+35.98
+khash
+chorak
+1h08
+56.72
+co-operated
+cliq
+25.38
+3-108
+ifw
+kozarska
+macromedia
+nrp
+sentient
+gaelscoil
+worsley
+debaucheries
+tâmega
+north/east
+15.55
+olam
+demons
+.465
+cbes
+tumanov
+halilovic
+purbo
+eleuterio
+vojens
+m44
+sinedu
+heaver
+bharya
+cristofori
+40-28
+15-kilogram
+2.995
+łąka
+conoco
+traver
++3.5
+gonpo
+emana
+madhepura
+kandarr
+lavage
+sherley
+supratemporal
+branching
+bandırma
+brother-in-law
+latimer
+denvers
+clavel
+1,909
+lansana
+act-r
+köksal
+lahiri
+fix-it
+100,000-a
+tornillo
+haltzman
+paleoindians
+bieito
+iodide
+2.01
+hoven
+robic
+babani
+lariat
+aviano
+recollecting
+117.59
+guofan
+chakhoyan
+moulding
+neutrality
+nyanda
+rearmost
+radion
+duarte
+oravax
+casco
+biko
+grawemeyer
+qolī
+ringworm
+ligurian
+182nd
+speakers
+bullecourt
+poblet
+hijazi
+bacciocchi
+nadira
+minuartia
+computimes
+gyuto
+61-51
+biggers
+aranyaprathet
+shellings
+declarant
+overvoorde
+nucleoprotein
+siciliano
+folketing
+1,128
+infixes
+bogomils
+barreling
+peairs
+degraded
+eqa
+jacks
+short-acting
+d'avila
+tramonto
+catchpole
+shortcomings
+snn
+ortolani
+luba
+arrietty
+unaccounted
+ouseph
+,250
+chasman
+damper
+2bn
+cultivable
+jiul
+fuqra
+pollet
+torstenson
+saidgai
+br04
+thuravoor
+retorted
+sicut
+philiphaugh
+phylogeny
+mats
+vsel
+leisi
+cornice
+90.5
+p-vine
+nimar
+mouthbrooding
+palomino
+kayak.com
+boudet
+battell
+16.89
+chatroulette
+phonetically
+hifk
+mccaughrean
+kavli
+20,000,000
+feillu
+over-use
+hogh
+tripoli
+luvox
+christian-democratic
+muchness
+2,268
+buttock
+yonfan
+loyal
+anan
+114.57
+smitha
+rebibo
+aucuparia
+mmmals
+jovanovich
+bpp
+abdelnour
+climbed
+prefectural
+lanvin
+bunter
+balaclavas
+caja
+ciulei
+ignites
+bromeliaceae
+stellaria
+2,308
+saboia
+winelands
+aquitania
+guanaco
+83.0
+1975-78
+karnit
+adam-12
+153.3
+bedevilling
+buy-in
+holsman
+cello
+chekalin
+hatchet
+nutcrackers
+ingratiated
+25-member
+benét
+pinkola
+mesoscale
+fazil
+indecision
+raydi
+choy
+460-member
+abugidas
+takaishi
+carafe
+conclude
+84.73
+g4tv
+lubutu
+traill
+gether
+gaiman
+pre-world
+excel
+nocerino
+jubilant
+lichtsteiner
+bothwell
+nanuet
+modu
+68-63
+arviso
+rumba
+volesky
+neelakanta
+lontra
+thumpamon
+cappelle
+baltes
+mauboussin
+mariota
+emane
+1,990
+hkpa
+vice-captain
+chilam
+fataar
+steering
+mcevedy
+manchukuo
+pamby
+glenridding
+pinery
+millcreek
+ghufron
+co-ordinates
+vulpine
+junbish
+kotoshogiku
+bufano
+bremian
+liberationists
+rudnik
+diatomic
+61
+vygotsky
+roadable
+corsican
+milking
+smyrek
+formula_100
+fep
+pundra
+9.2
+shahir
+valkyrie
+rokeby
+kalicharan
+umbrellas
+iordache
+brambilla
+cuffley
+pruter
+community-oriented
+backboards
+schueller
+fotiadis
+ne4
+vub
+abecedarian
+klm
+non-carbohydrate
+234.7
+kob
+byrne
+onen
+31,667
+eustachio
+cismesia
+achadh
+tobacco
+zubair
+93.93
+humulin
+bote
+relegate
+marketwatch.com
+shogren
+imielno
+tchoupitoulas
+meghann
+niemi
+eristavi
+badarneh
+innkeepers
+alife
+gicm
+68-0
+sarg
+steinhauser
+o'er
+she-hulk
+nstx
+frontera
+quomodo
+autopilots
+95-year
+kobus
+tempestt
+aquanaut
+trupia
+ohta
+møre
+videotapes
+elabed
+johnnic
+piia
+sheekey
+ceqa
+sanction
+malaprop
+dolorosa
+safety
+albese
+hellspawn
+taittiriya
+wahyono
+undercarriage
+hanssen
+ramona
+haal
+upw
+rokitno
+travelogue
+folmar
+cazes
+noraini
+causalities
+emperors
+fatiguing
+rowspan
+fait
+jandar
+shiitakes
+high-heeled
+miei
+stinson
+6,065
+beyeler
+dubia
+atratus
+1947-49
+treutlen
+aiket
+jyotisha
+alexander
+fgn
+munna
+avenir
+sakit
+92.44
+analysers
+yahn
+photosynthesis
+antibacterial
+fiala
+delucchi
+o'fallon
+80,000,000
+bicker
+innoculated
+chasity
+submarines
+rhoemetalces
+boediono
+108.87
+bandz
+bouvines
+shafiq
+fatigues
+jeevana
+protais
+juncos
+crises
+110.05
+karlan
+unflagging
+intragroup
+startalk
+goudsmit
+bischofberger
+test-driven
+goeltom
+puchong
+8.35
+swahn
+169.2
+over-40
+montecristi
+honorem
+rabb
+gurita
+claudine
+a259
+terbang
+exerts
+squirrely
+qwark
+ayass
+a.j.p.
+63sm
+delegates
+toselli
+regulares
+outbacks
+forschungsgemeinschaft
+kenah
+feghali
+piensan
+nostrums
+52.33
+hardwick
+65.53
+shicheng
+murti
+78.85
+63-61
+browns
+bnm
+23-15
+laughing
+nswrfl
+haverton
+criss-crossed
+40-ton
+granito
+weigh
+s-3b
+ausmin
+higest
+spag
+enap
+serviss
+dinmore
+austro-bavarian
+ribar
+reisz
+son
+ayvazian
+150-man
+sepang
+luckless
+coneflowers
+roni
+shape-changing
+hunsrückisch
+366th
+moved.tech
+xac
+41a
+shoulds
+sabahattin
+nyaruai
+nysdot
+,930
+2514
+idioms
+wieringen
+abuso
+padma
+dazzlingly
+leeds
+lambada
+35.92
+shirbin
+salwa
+funnyordie.com
+blumenschein
+oniani
+mahabharatha
+revelled
+mayuree
+giuseppi
+ca.
+tahara
+conveyance
+interweaving
+denizens
+rutenberg
+corundum
+halsman
+135-kilogram
+siroki
+whigham
+sayan
++11
+insipidus
+1999-2003
+caustic
+huta
+perfunctorily
+nafc
+nardella
+landesbank
+mainland
+neupane
+xymox
+healthfulness
+laterals
+halime
+deggendorf
+k.e.
+godbolt
+quanis
+baraachit
+rakowicki
+stammer
+hurwicz
+viceversa
+mantilla
+bérard
+citadelle
+zablit
+mykelti
+suqami
+counter-example
+bremner
+recollected
+dailynews.com
+smouha
+vishera
+shorelines
+doxey
+furley
+chittick
+smackdown
+kranj
+reviewed
+arijit
+untidiness
+desisted
+oakengates
+detonate
+22-under
+benshi
+ramlee
+samwel
+64-player
+mangles
+glynn
+ettien
+mistook
+azimbek
+atari
+crusading
+walk-ons
+0400gmt
+5.65
+grasslands
+copes
+sabritas
+minani
+unfussy
+virak
+412-foot
+counterbalancing
+9.29
+fireless
+truant
+calogero
+diffusers
+boliviano
+kfro
+preussag
+oliveri
+pavel
+dunam
+tumblr
+mkd
+8,740
+u-123
+90-80
+assimilated
+palad
+aeroplan
+late-romantic
+corruptible
+moplah
+karzai
+dallastown
+covering
+rambos
+59a
+overbooked
+bafang
+songul
+videoland
+meprobamate
+primaticcio
+gillon
+joseon
+wolle
+grownup
+aldonin
+whoever
+hofmeister
+nunno
+malmstrom
+ū
+siguen
+aporia
+yangming
+492
+imprenta
+teeing
+taraz
+balachander
+pavetta
+unbeliever
+fructuoso
+mcminnville
+hồ
+luchador
+1972-1973
+premetro
+time-independent
+1.5000
+djan
+582
+hedy
+barbados
+jaburi
+21/22
+55-42
+marinsky
+qf6
+lonie
+questionned
+sportscentre
+robidas
+187.4
+nonn
+steige
+crossville
+archivist
+dendi
+rongji
+özkan
+micmac
+mamboundou
+dancemania
+taksim
+declasse
+alysha
+geographer
+mazariegos
+icon
+myway
+9,539
+17th
+ntv7
+brunetta
+berried
+panembahan
+ebrahim
+150,000-a
+rire
+desiring
+vronsky
+jmanasso
+archaism
+88-79
+sea-god
+iglauer
+bloodstream
+manute
+1986-93
+il-sung
+chudasama
+sambucus
+funkhouser
+marmontel
+suprise
+untargeted
+schonborn
+bunia
+extracellularly
+stripes
+selecky
+nusair
+ingrida
+hinchman
+sperner
+semidetached
+coaltion
+crom
+lakemba
+suasion
+antigone
+syntypes
+jarolim
+1,051
+cds
+rm14
+cx-7
+machico
+dispirited
+quitely
+aok
+shabelle
+9.08
+ablikim
+pretzel
+break.html
+veran
+.0216
+tuwim
+silje
+wossen
+koistinen
+salchows
+67.37
+allahabad
+sta
+vaticanus
+paey
+dscs
+replicants
+parley
+standouts
+jostein
+lundie
+1300s
+lifeng
+15.15
+idiofa
+kann
+partition
+creamy
+sherut
+mhh
+faidhi
+agudelo
+henric
+113.63
+freeview
+light-sensitive
+burntisland
+3,187
+neuroradiology
+96.51
+sleeplessness
+staibano
+dhole
+annie
+aunty
+sneden
+hartney
+sweringen
+itty
+shafiullah
+twinjets
+1,372
+82.9
+32,100
+balme
+classon
+unequivocably
+brontës
+herzogin
+gram-negative
+nitre
+kimhong
+ruhnke
+srikumar
+renowned
+hauck
+pharyngeal
+annulments
+sanchi
+7bit
+eisbären
+writers
+rackstraw
+whome
+topfer
+750-foot
+81.79
+martis
+1748
+32,200
+bottega
+krisjanis
+mulrooney
+lineberger
+27.45
+ladic
+2,695
+preparedness
+arqa
+propagators
+mukerian
+battallion
+three-storeyed
+qurashi
+wurster
+derlin
+phalangist
+agirre
+hippodrome
+narisetti
+jovian
+pitmen
+moosilauke
+runs_lwalker
+orderliness
+viette
+thornliebank
+ozamis
+perfluorocarbon
+forbund
+female-dominated
+95-87
+selassie
+pomesania
+30,600
+bravery
+20-26
+hembree
+pasties
+kua
+controlee
+bithoor
+pitie
+univeristy
+smaldone
+bums
+calico
+2.575
+trollhattan
+ashtamudi
+trapps
+2,763
+1-6-1
+ttu
+spampinato
+tutera
+kostrad
+ipcress
+.900
+girardi
+meldola
+asia-oceania
+premiums
+antun
+7400
+dysentry
+fishbase
+confiance
+rence
+ohs
+aurochs
+binstock
+lanterna
+patea
+dabash
+28-25
+peixe
+abbotts
+barbato
+usitc
+535-7710
+5,720
+bougon
+girl-next-door
+poverty
+extranets
+nyhart
+51.26
+indo-european
+clifftops
+orogenic
+150-mph
+jinno
+bargarh
+ayr
+yulin
+battlefields
+drophead
+matkovic
+lawruk
+rice-based
+nhai
+bulbous
+mial
+laliashvili
+ghazal
+bounding
+maderas
+precogs
+1984-91
+persons
+mccasland
+v.t.
+n.y
+lightyears
+monetary
+firmed
+mahlangu
+83.85
+breus
+twohy
+yatsen
+scma
+kuwabara
+roeder
+repetitive
+signatories
+8-paul
+euro624
+combines
+popović
+polyaenus
+tpi
+breininger
+margown
+16:03
+talebi
+isradipine
+412.5
+wkcr
+desaguliers
+tarbox
+boyer-ahmad
+fiol
+warzone
+azzaro
+graziadei
+spišská
+kellin
+self-protection
+45.65
+79.09
+hoffa
+alburnus
+s.paulo
+valiyev
+football-playing
+bourdeaux
+closer
+shahjahanpur
+ahrenkilde
+heinousness
+backdrop
+gericault
+reichsmarine
+sulamani
+stefanyshyn
+mafiaboy
+bakan
+aegidienberg
+mezzogiorno
+scablands
+bui
+dunking
+waldenbooks
+yoakum
+chesterman
+manny
+smiley
+mcdermid
+akakpo
+kartli
+tolai
+chiellini
+viticulture
+apligraf
+vedānta
+michonne
+leuk
+serna
+levinger
+mccollough
+megatons
+mandrill
+maqdadiyah
+casitas
+yamini
+utuado
+millenniums
+kinza
+chakraborty
+apples
+u.s.-india
+ojala
+77.15
+snuffles
+shimatani
+siddis
+pothead
+magis
+devlopment
+vallière
+predictive
+dreidels
+oblivious
+staley
+gla
+carbocations
+p-e
+19,555
+dunama
+rynek
+losse
+monastics
+ngtc
+dolgoruky
+36.98
+lobby
+102d
+celecoxib
+lewy
+coddling
+1945/46
+cadamosto
+scotts
+thesen
+co-drove
+95.8
+vanimo
+polyurethanes
+ekushey
+himala
+asiatic-pacific
+ideas
+dahar
+bischofswerda
+sajjan
+tatanka
+shuo
+chased
+10-season
+pats
+sknl
+chintz
+irresponsible
+utimco
+mistaking
+mbas
+right-to-work
+libertes
+orlik
+actinobacteria
+inserted
+inter-library
+talia
+giemsa
+ledley
+tenerife
+labrecque
+meson
+yonts
+non-profits
+wigfall
+x-90
+sagal
+chummy
+40.33
+24.18
+athanas
+1q
+83.96
+mabton
+neglect
+agat
+cakan
+cit
+poale
+rachmaninoff
+oldenberg
+atemi
+sardy
+neiss
+1979-1989
+1.385
+gordie
+reconnaisance
+amalie
+harwit
+skirting
+arismunandar
+fedco
+thornes
+unhcr
+recomposed
+akrour
+sepasi
+latitudinarian
+tr3s
+bittersweet
+lopat
+hazam
+concentrator
+519,000
+1.0625
+pre-condition
+84-6
+enza
+sections
+priem
+macoto
+deenar
+http://www.continental.com
+mutola
+post-ww2
+renin-angiotensin
+hydrographical
+aerovironment
+siberut
+hartsfield
+hoz
+lantana
+trappist
+pgs
+yogas
+goobers
+bräck
+drum
+schwing
+nasogastric
+videotelephony
+gulick
+h16
+kotayk
+1.975
+helman
+outdistances
+9,350
+monroig
+reckoned
+skb
+apperception
+ikrema
+pickup9thgraf
+tancredi
+ragland
+wädenswil
+benamar
+shihz
+tgf
+waka
+2-93
+cloete
+perzigian
+burdon
+extendicare
+serdar
+issyk-kul
+yellowcake
+72.36
+henan
+thanong
+yara
+subito
+gabes
+yamaguchi
+paygrade
+thaworn
+shankar
+henningfield
+personalized
+vinoly
+18.50
+ponte
+knack
+97.79
+thanda
+cyberangels
+illusionists
+thara
+analyst
+ipsp
+atlantico
+1644-1911
+52-5
+loudoun
+knockdowns
+beleriand
+startle
+franzi
+22-gun
+rear-wheel-drive
+trillo
+terminations
+filiki
+tirades
+escp
+87.94
+firstbank
+fusari
+partible
+directions
+zealandia
+rumore
+cathcart
+strad
+gronkowski
+detainees
+keane
+selber
+rfp
+claudette
+misleadingly
+mansel
+non-existing
+bakony
+淮南
+cdpf
+1965-1970
+raglin
+stonehouse
+kirksville
+14.22
+hới
+implies
+kolundzija
+telenet
+mca/universal
+lamperth
+bancboston
+take-up
+26,250
+severine
+moring
+10,560
+bourdais
+yearender
+emanu-el
+lindenstrauss
+scorpions
+devrim
+goot
+moti
+dimitriou
+bicorne
+afield
+cotillions
+antwone
+completeness
+k-129
+155.5
+viacord
+němcová
+118.78
+hkmiami
+heliocentrism
+niyogi
+rajoelina
+spaeth
+sportsline.com
+13-part
+.545
+cashpoint
+62-1
+http://www.lpga.com
+alson
+misplaced
+cuckold
+royton
+1,760
+kamasutra
+tif
+4.3-liter
+brodersen
+skymall
+426,000
+57.88
+compote
+zahhar
+gigantea
+suwat
+romsey
+merckle
+digamber
+diadem
+bruggeman
+negritos
+sohn
+banzer
+zeidane
+autosport.com
+statehouses
+forty-third
+mukhisa
+kainantu
+adornments
+surjective
+revers
+sotol
+chefs
+peddapuram
+expected
+fixated
+kelowna
+koalisyon
+puckett
+ichor
+oped
+qasr-e
+decarboxylating
+66-kilogram
+ionize
+samels
+cortaillod
+bpe
+aromaticity
+economiques
+21,875
+racketeers
+mamadi
+semikhah
+inqilab
+(810)
+longport
+al-rahim
+abdolreza
+sixty-first
+vamps
+chewie
+outremer
+tpe
+jhunjhunu
+63.45
+greco-buddhist
+wofl
+dashes
+sarraj
+h3t
+alguacil
+moruroa
+5,850
+slavkov
+d-a-d
+flashbulbs
+495th
+mixner
+pomp
+levallois-perret
+pythagorean
+nbc.com
+reads
+kesten
+haleiwa
+guillen
+pentavalent
+winstanley
+1-2-0
+raikes
+altoids
+187.3
+pyramidella
+67.30
+hopetoun
+tzoganis
+hughley
+intercollege
+bodø
+badfinger
+ballcap
+lygia
+oxidoreductases
+dayang
+coningsby
+erhardt
+1900d
+dinelli
+nayer
+getachew
+kasserine
+darüşşafaka
+pendarvis
+shwin
+zapotecs
+ntagbottom
+65-run
+lemurian
+domicile
+remenham
+jianmin
+nedlac
+icebox
+shopgirl
+mapk
+leehom
+sairaj
+oshun
+42.66
+29-under
+guisado
+dwell
+plaits
+3-58
+kcsg
+1.7000
+talaja
+pintail
+vergès
+soorya
+onnagata
+fiandaca
+40.95
+sesquiplane
+chalcogenide
+zebedee
+soapsuds
+ulidia
+year-2000
+truecar.com
+fawn
+isadore
+brasco
+blacktip
+claverack
+cuboctahedron
+bebo
+schoellkopf
+sardonic
+aberconwy
+confirming
+eulogio
+květa
+3,208
+12.86
+avantis
+straczynski
+84.32
+covector
+rubinsztein
+triennial
+perseids
+95.58
+advertise
+affluence
+tatin
+well-understood
+olerud
+skyteam
+bayezid
+grins
+pennon
+nonmagnetic
+al-basri
+recouped
+anywhere
+derussy
+monsey
+heere
+gotesco
+369.5
+obaidi
+kvitová
+41.37
+saeid
+2,344
+quantizing
+ferri
+hotshot
+promotor
+eigenfunction
+hadamczik
+renormalizable
+repasky
+petula
+halberg
+self-destruct
+antitax
+sloping
+stormfury
+reoccupied
+notredame
+116.37
+usc
+hiv-infected
+wigham
+sadirov
+harmison
+montale
+helensville
+krasnodon
+behaviours
+libretto
+semi-enclosed
+silsby
+7.83
+two-year-olds
+kananga
+1837
+on-board
+thermographic
+michaëlla
+fibrils
+mycorrhizal
+brahmbhatt
+honky
+sommers
+do-nothing
+yambol
+tsūshin
+galoot
+korangi
+boschi
+conjunctions
+sampang
+danka
+coronary
+untung
+rishon
+navigator
+vazir
+cantius
+libman
+chediak
+arazi
+satinath
+2,552
+450,000-dollar
+lydgate
+fact
+crepes
+rhoderick
+mahonia
+12:52
+rads
+e-mailing
+ullern
+musiqueplus
+dictates
+dobrokhotov
+96.83
+cavallari
+unceasingly
+åtvidaberg
+koling
+gutsy
+roadie
+blanco
+126.85
+shibi
+squared
+hex
+116.10
+langemarck
+potiorek
+silsila
+parisyan
+hibernia
+jyotiba
+insufficiency
+skinner
+languor
+2:51
+echinopsis
+edrich
+bilhah
+ghostwritten
+montgelas
+mctear
+ft-17
+decadence
+victimology
+colic
+overcoming
+30,938
+221.3
+triunfo
+murfitt
+thu
+6-3-2
+redant
+traks
+coupes
+embajador
+khosro
+brinkema
+kaleybar
+dipsy
+beston
+tobit
+worts
+bondy
+24p
+kahnawake
+hypnotizing
+nicknaming
+1995-6
+orza
+annona
+svishtov
+ec$
+synapomorphies
+double-sided
+palmes
+blackguard
+etfe
+lattner
+winterling
+limbert
+hogwash
+gambar
+gleneagles
+bitterness
+berehowsky
+unwelcome
+erlingmark
+shannon.buggs@chron.com
+jaysh
+janati
+polyphaga
+euro628
+sympathies
+lpfp
+arthit
+pipefishes
+thornlie
+teliasonera
+glazed
+pursat
+buru
+music-themed
+outlook.com
+hintermann
+titanum
+öpir
+dc-7
+nygard
+jeanine
+33.35
+fena
+sussman
+glow-in-the-dark
+fifield
+putdowns
+stewarts
+discriminate
+sayar
+wowereit
+urca
+wangui
+873
+salzwedel
+karatz
+14:27
+deadmau5
+vasospasm
+encase
+goddamn
+adversarial
+systemically
+deerfoot
+donnacona
+disposables
+nitobe
+40-39
+sub-channel
+turbinella
+noi
+a-changin
+88.98
+290th
+35-29
+mangualde
+glacialis
+bewildered
+geminate
+1h33
+dolbear
+in-camera
+edram
+divider
+schultzi
+mannucci
+utami
+melatonin
+mcanulty
+gazzetta
+26-20
+suggestiveness
+alake
+andriyanova
+1903-1905
+juggernaut
+rheinbach
+linzee
+tribu
+deadspin
+aníbal
+kompakt
+goolen
+kogut
+mulia
+36
+sedative
+95-85
+takbir
+goorjian
+euro224
+eridge
+nupedia
+misshapes
+msgr.
+cockily
+selvig
+florissant
+magen
+aréthuse
+waly
+22-year
+neocolonial
+ironbridge
+teats
+promethazine
+mouskouri
+matriculating
+electricas
+steponas
+ferment
+hbp
+apolo
+phillips
+prinses
+junkie
+glycyrrhizin
+krabbe
+toncontin
+cheeseman
+jianxiang
+afflerbach
+reege
+paradises
+aegir
+medelci
+straszheim
+bladensburg
+toranzo
+tansi
+giard
+yoon-hee
+clamart
+driver
+maister
+23-man
+cv-6
+8.60
+7,330
+underclassman
+kerma
+rockstars
+forgacs
+tranquility
+angiostatin
+humoured
+wdiv-tv
+ōi
+ground-dwelling
+laughner
+accredits
+ccsds
+midir
+wealthier
+milanello
+at-sea
+j-20
+kuwaiti
+23-month
+28/32
+sacerdotes
+sculled
+3,117
+luxuriate
+lagaffe
+malësi
+openshaw
+ingress
+midsouth
+everth
+49.63
+montano
+auliya
+boge
+rivadeneira
+acai
+ellul
+routemaster
+rîbniţa
+novalogic
+3,000-pound
+top-quality
+anenih
+lathbury
+ashmolean
+wirraway
+wicomico
+superseding
+polymorph
+obas
+platter
+farkhad
+somalo
+korgunyuk
+yazdi
+gaveau
+aburdeineh
+non-stationary
+ofelia
+2-of-3
+contemporary
+mischievously
+darrelle
+mckibbon
+baldpate
+22,300
+story-teller
+glocalization
+penca
+sarinic
+rockferry
+perse
+jevons
+touchback
+timrå
+shankly
+fermenting
+3,805
+shanthi
+dingalan
+feret
+falsifies
+34.13
+224.5
+deepdale
+parlimentary
+khanewal
+ashburner
+houry
+63.3
+toberoff
+croonian
+44.4
+pentrite
+67,400
+clickable
+berlei
+murciano
+amlin
+bio-mechanical
+loralai
+bivouac
+pachi
+arietis
+gilfach
+blind
+conch
+grads
+pre-historic
+isotype
+moxon
+oeynhausen
+esselen
+lawu
+kachi-koshi
+sleet
+esztergom
+sac
+chymotrypsin
+agrabah
+comercial
+363
+1,000-member
+893-8804
+scoggin
+genesius
+a-million
+muhaya
+jagiello
+luce
+guoming
+qualified
+start-finish
+aminul
+kagayama
+edicts
+avendano
+sigonella
+amdocs
+steinau
+gentofte
+2614
+yula
+24.30
+hai'an
+collaborationist
+petroskey
+vidyalankar
+storages
+municipium
+vatroslav
+760
+cooped
+129
+sideboards
+seigneurial
+shareh
+neotoma
+shines
+melastomataceae
+jablonka
+anissa
+cnzm
+cabanas
+chileshe
+embotellador
+rauscher
+masisi
+mitromorphidae
+satsop
+truncations
+karakhanids
+jibal
+swickard
+debunk
+commercializing
+ablin
+pbm
+foresman
+999,999
+benaim
+storico
+pletnev
+abdinur
+givhan
+bobico
+yuxia
+variable-speed
+juckes
+imparting
+brownfield
+kdfc
+elmas
+tuxtla
+succeeded
+hastened
+alphabetically
+kardam
+dapto
+guokas
+wold
+u.s.-equipped
+hieronymous
+sayedzada
+dmitriyevich
+endosome
+metalcore
+saba
+pingxiang
+thesprotia
+reineke
+80-67
+rheinecker
+footages
+belville
+105.0
+subseries
+pania
+dalassenos
+plausible
+balamory
+marusia
+72-year-old
+sekong
+skenderija
+knaus
+karatina
+roc-a-fella
+glentworth
+crasson
+tempah
+resister
+13,100
+oswiecim
+fachhochschule
+bloodthirsty
+grytviken
+borovik
+blanlot
+vaquero
+moncloa
+chimere
+conolly
+xchange
+bithell
+chacko
+td-scdma
+schizophrenic
+interdependent
+kogalniceanu
+132.4
+baloha
+hemp
+out-of-print
+epaminondas
+preisinger
+imokilly
+bentwich
+dependency-based
+faltermeyer
+cross-county
+liangxiang
+târgoviște
+mdbu
+mediapro
+maraj
+basileus
+cuss
+intergovernment
+45-37
+catchiness
+turmeric
+73.40
+24.31
+dcg
+micrantha
+mbit
+spurfowl
+gabled
+95.96
+timpul
+vujačić
+puerner
+sene
+c-max
+koguryo
+itar-tass
+nailsea
+shd
+gridiron
+barciany
+christgau
+klump
+wolyniec
+hauled
+knightdale
+quilted
+visaya
+gainful
+lushine
+naturel
+writings
+plunger
+mcdougald
+cherne
+milani
+nominating
+maestri
+4,000-point
+chaired
+gecko
+yuh
+fahnestock
+alpo
+impregilo
+evangelion
+3.95
+driss
+commutators
+aybak
+biocultural
+bisceglie
+church-missouri
+silwan
+outperform
+værøy
+ahaus
+wx
+fear
+gagaku
+gairloch
+instars
+uccellini
+shaich
+ameliorated
+elvey
+abut
+demeco
+ramsey
+forks
+cofactors
+kuruneri
+ranford
+canonici
+baman
+juvarra
+utian
+trotskyist
+desilets
+divandarreh
+tanja
+anti-monarchist
+numerosas
+ascendance
+wampas
+caseloads
+stereotypic
+dizzie
+tumbao
+burnitz
+deely
+dofasco
+neutralized
+supercooled
+yasmeen
+standridge
+iah
+montigny
+seahaven
+searle
+sarcopenia
+midfielders
+roederer
+rabih
+militarized
+1,502
+ngeze
+eastwind
+brda
+ulihrach
+rostratus
+vrd
+3,2
+haze
+6.87
+21.88
+repressions
+372,000
+breathable
+cityliner
+dahik
+kipng
+tuneful
+karlsfeld
+dongming
+puppini
+tracklisting
+achieved
+lamlash
+carnesecca
+terrariums
+datalink
+fauchon
+herpa
+psusennes
+u.s.-russian
+vitor
+2,299
+osmolarity
+confuciusornis
+update1
+38.33
+282-942
+clayburgh
+creasey
+chengzong
+llevan
+funambules
+parthians
+300-meter
+pomerelian
+firms
+pronation
+3,104
+gyeongju
+gutteridge
+women-only
+whistles
+gr4
+kunju
+0.48
+merisant
+ironi
+bebidas
+sabots
+35p
+shufflers
+putten
+ueshima
+gebirge
+sub-set
+42.91
+60.67
+wennemars
+in-vivo
+surette
+norambuena
+golic
+34min
+prosperi
+2-square
+full-dress
+soon
+cleddau
+lavished
+morg
+gobbel
+binche
+9.38
+osirak
+mégane
+40-gun
+hyperreals
+mccollom
+whx
+hankin
+airfield
+yingjiang
+zajc
+kuniyuki
+winona
+400.00
+diluting
+shipwreck
+aeterna
+173.50
+fermín
+minyan
+em96
+péter
+castlegate
+one-level
+calmed
+orphans
+tamper-resistant
+megamind
+bacalar
+grimly
+poms
+604,000
+bianconeri
+grouping
+tolstoy
+tssaa
+wilker
+indo-pacific
+gyro
+resta
+abounded
+layla
+ribonucleoprotein
+kreder
+cheque
+bzip2
+boranes
+tambwe
+vexation
+nonmarket
+4,000,000
+showbiz
+sonoluminescence
+blue-tailed
+onto
+tuhn
+clay-court
+palmeri
+zhengming
+splits
+hallgren
+culprits
+shishkova
+wkrc-tv
+filmex
+sister-city
+danone
+sowa
+evidence
+unenlightened
+boxofficeguru.com
+mehdorn
+tarfaya
+sherpao
+tahitian
+horsemen
+independent-minded
+pterosaurs
+27sec
+vvedensky
+barreirense
+amae
+senni
+1,750
+visby
+ruhk
+zelikow
+uj
+glimmers
+nobuhiko
+ebv
+carnotaurus
+livoti
+reniban
+felicidad
+jaleel
+clouser
+zino
+naturist
+twizel
+2,634
+hazaribag
+roadworthiness
+antimony
+antiquarian
+shallenburger
+haei
+berchtesgadener
+averno
+froglet
+hemmingsen
+nabo
+chewers
+madea
+nimrit
+informative
+aunor
+wilbrand
+0.057
+stratofreighter
+kanako
+kratochvil
+lustenau
+luqa
+kimi
+york/new
+zayad
+crucify
+immediately
+reseed
+depression
+cali
+merighetti
+contactmusic.com
+bilirakis
+198.7
+intra-city
+bumped
+counterclaims
+caabi
+ijtihad
+ishiyama
+antón
+beatmania
+hoodwink
+ordell
+neveldine
+thermometry
+gaping
+9660
+catalist
+partille
+ahanotu
+schooner
+plantlets
+sorption
+bonnaire
+5,150
+scraped
+paints
+richelieu
+jamarcus
+nemser
+russophile
+madelyne
+simione
+yukinori
+hi-tech
+koloane
+comping
+12nb
+consulate
+hyperactivity
+c3po
+margaritifer
+cabalistic
+infor
+vitam
+outmuscle
+jcp
+tropane
+obuh
+genericized
+yowell
+mukwaya
+agnon
+sykora
+kimigayo
+abhainn
+scanner
+swamping
+soutpansberg
+fergon
+jaworze
+15.18
+cbr1000rr
+937,000
+nsofor
+130kg
+colchicine
+warspite
+compusa
+entezami
+kitamoto
+chodkiewicz
+margeson
+scent
+deaf
+calon
+29,800
+rosemond
+vaudevillians
+atenza
+orquesta
+11.50
+nays
+1918-1939
+kanchi
+dejarnette
+odysseys
+depositories
+generali
+feint
+guillon
+rahamim
+matroska
+gottlob
+solnit
+rezaï
+mahopac
+mahratta
+letna
+kapila
+thuringen
+kuakini
+kemmer
+21:30
+kokorin
+buzhinsky
+abulhassan
+combined
+pun
+donavon
+palmoil
+bedmate
+ziploc
+prasoon
+thorny
+cuncolta
+takatoriki
+palace
+berwanger
+as-salam
+eron
+wansdyke
+svane
+labral
+pyl
+overvalued
+moraine
+androgynous
+a-like
+xosé
+franco-british
+beger
+titular
+mycenean
+götze
+paksitan
+chard
+slouches
+moneychangers
+proximal
+hausaland
+serotonergic
+donghekou
+werb
+mushroomhead
+genista
+wilberforce
+gradually
+machiguenga
+article
+glomerulonephritis
+ramtek
+bayanihan
+wrangell
+houellebecq
+paide
+moges
+rifa
+debendranath
+bobillier
+elibank
+incisor
+epstein-barr
+jevtic
+chlorogenic
+main-sequence
+aile
+pauget
+quiverfull
+ringu
+mouni
+steenwijk
+quiray
+feldmarschall-leutnant
+18-17
+http://www.saltlake2002.com
+216.8
+5-20
+míchel
+moneta
+3,346
+kōtō
+almqvist
+2-74
+nocerina
+1979-1981
+144,000
+qitaihe
+xiaomei
+aigo
+theera
+vinck
+aue
+vis-à-vis
+16-21
+bedřich
+formula_71
+djfhh
+grillers
+indo-canadian
+oher
+zhivkov
+medaire
+inoue
+bohli
+1873-1874
+onguene
+-2009
+116.31
+magwe
+3,632
+3-over
+abdullahi
+haberdashery
+février
+6-1/3
+krx
+south-facing
+ski-flying
+younce
+badgering
+gamely
+šmartno
+1.476
+yars
+97-2
+regionalization
+www.xinhuanet.com
+android
+jilbab
+1,142
+reptar
+cubisme
+78.08
+machel
+hotch
+langstaff
+cramond
+velorum
+kisner
+zygomorphic
+wic
+nduom
+pre-metro
+nyko
+gemsbok
+de-nazification
+hid
+hediati
+aiba
+mid-stream
+pugs
+brasileiro
+eckhoff
+susp
+conversationalist
+galeon
+śrem
+microware
+lewenhaupt
+kyambogo
+dülmen
+garrulax
+playable
+kersh
+marlaska
+galehouse
+euphonic
+cmtc
+387.50
+croons
+7.7445
+kesey
+fenchurch
+www.cdc.gov
+mahantango
+sans-culottes
+phongsavath
+gharib
+120-strong
+schapiro
+24-percent
+giridih
+malice
+prélude
+kumar
+officiate
+54.77
+lamani
+cumpsty
+salammbô
+warehouse
+toku
+mcginley
+legals
+fendalton
+rifts
+87-page
+disneyfied
+klatch
+sheeps
+11,174
+niuatoputapu
+subdiv
+reminiscences
+orgelbau
+jaimy
+aladin
+grudin
+tensta
+self-administered
+bricked
+pterygopalatine
+afric
+unsoeld
+viticulturists
+ørestad
+sgk1
+urfa
+nambiar
+1002
+garabedian
+igp
+khodro
+x-mas
+rocketry
+airdropped
+bellows
+d'oro
+rummel
+obtener
+coxohio.com
+halabja
+sipowicz
+poetsch
+ickx
+virchow
+maduravoyal
+blong
+xjr
+candlemass
+unwrapped
+ostland
+s3
+flanigan
+s-iv
+jbm
+margaretta
+td
+werke
+102.73
+bf5
+prusova
+oculus
+sohar
+ghaut
+toybox
+gpv
+varndell
+starwave
+e.j.
+beresford
+1.066
+cinerary
+sechler
+pedigo
+pflaumer
+cases
+downpours
+pelli
+heru
+hax
+tavini
+grenouille
+vasa
+ruggiu
+gettliffe
+1,607
+41.9
+piracetam
+nssp
+syndics
+fennessy
+forbearers
+spanos
+gereshk
+sankara
+perm
+ladyman
+cody
+spiewak
+1992-1997
+luweero
+four11
+brassey
+cannadine
+yongxiang
+antichain
+sourwood
+anti-capitalism
+serious-minded
+denials
+24-17
+heathlands
+1-ton
+limprecht
+heresy
+halimeter
+kinneil
+mohnke
+temin
+cycladic
+grahts
+arison
+dienhart
+contribution
+upperclass
+gelled
+lambrakis
+branigin
+manuale
+terrick
+trusecure
+kharg
+manhoef
+smits
+forkhead
+thackley
+peasley
+101
+summerlin
+trefusis
+royaumont
+0.054
+trivia
+kumashiro
+24.0
+69.14
+stainer
+contract
+redfish
+prostration
+5010
+costlier
+russkies
+galt
+charnley
+258.3
+befuddles
+232nd
+lindenthal
+hyperinflationary
+tisserand
+salary
+solicitous
+dahlke
+gwozdecky
+navratilova
+guelfi
+tarigami
+karateka
+teton
+wc2003-eng
+dinnie
+alkane
+hukbalahap
+bema
+attachable
+qavam
+survivalist
+300-a
+226-3337
+civilize
+commentaries
+reichsdeputationshauptschluss
+tucumcari
+csec
+narla
+clubsport
+maslin
+christlieb
+bonneval
+sugino
+courtney
+cosines
+aver
+mine-laying
+spousal
+opentv
+minuto
+opap
+newboys
+beykoz
+ms-1
+jingle
+biomphalaria
+selebi
+all-ohio
+0-16
+paşa
+trysil
+tokara
+0.23
+evansville
+pusan
+intertitle
+scv
+copiague
+subplot
+bajeux
+ostentatiously
+braziliense
+namsos
+55a
+cesp
+edri
+dyker
+anticline
+forward-facing
+08:40
+ntuyahaga
+landfair
+(207)
+kujawski
+erisman
+fosi
+osim
+swim
+virama
+dfs
+72-acre
+polhill
+1250s
+readymades
+gonfaloniere
+zhilin
+scapularis
+clairefontaine
+lyondellbasell
+vimentin
+mestizo
+polizzi
+1963/64
+courjault
+chalkis
+cephalosporins
+ocellatus
+qualifies
+10-and
+rfd
+liuna
+bakiev
+darwinism
+klepis
+meters
+marković
+toelke
+antara
+pirouette
+minott
+19-21
+katanning
+piyyut
+3i
+1-for-14
+knepper
+rebecchi
+7.2-magnitude
+horndean
+five-sided
+zakhar
+personalization
+fokkers
+halakha
+wallabies
+paasilinna
+$
+underinflated
+treiber
+tyros
+suwastoyo
+alouettes
+lammermoor
+celis
+wickmayer
+256.3
+hyllestad
+,880
+bisou
+17.54
+barahir
+examination
+aereo
+melancholia
+39.21
+paramore
+precluding
+axle
+lagerstroemia
+zetas
+effortlessness
+6-foot-3
+38,300
+alwan
+eyelids
+text-types
+frishman
+1998-2000
+46-36
+hawksbill
+duty
+orcish
+granddaughter
+create
+rioters
+christof
+reinsdorf
+kerosine
+alvie
+affective
+whirry
+thumbprint
+borderguards
+kscm
+senne
+morten
+savall
+anaglyph
+mycophenolate
+ekaterinburg
+tassan
+brevet
+amarga
+committed
+scoundrel
+merges
+nduwimana
+schaeffler
+7.48
+unequivocal
+brask
+zoidberg
+snowball
+adaptor
+peesk
+saribas
+untainted
+1:22
+momoi
+fermented
+petioles
+scrawl
+euro523
+postion
+ghostwriter
+v-2
+breezer
+81.71
+teamsters
+penniless
+gershwin
+o'flaherty
+nyt3
+fulanis
+khatam
+daas
+goodreads
+shiroi
+34.57
+dilma
+belligerency
+hayman
+boonsboro
+queen-mother
+prominences
+tomohisa
+anemones
+philippine-american
+yunes
+mlle
+5.69
+xw
+frustration
+converting
+freeflying
+salmeron
+qeqertarsuaq
+oregon
+mccorvey
+tiessen
+portreath
+lavishly
+line-out
+lety
+cruttenden
+49.11
+nama
+114.26
+43.21
+tomohiko
+suzetta
+persecution
+pharmacie
+kimbundu
+barbershops
+ripe
+american-trained
+kristallnacht
+jurupa
+gadola
+jewelpets
+wdr
+iman
+kuruma
+feature-rich
+chitradon
+brans
+sharrison
+atcheynum
+kong-born
+cylc
+-93
+overseer
+azure
+hintsa
+margravial
+reorganised
+28000
+nadig
+tahsil
+dherynia
+1583
+referee_paul
+rhein-neckar
+robertas
+checkout
+gemeinderat
+congos
+hodos
+lk
+bastardization
+dundalk
+29.72
+beatallica
+chiappe
+whl
+milpitas
+masroor
+subterraneans
+jupe
+jarovic
+nazione
+42,250
+berkes
+16.6
+broadtail
+megler
+sviatopolk
+anderson
+14,200
+chavdar
+älvdalen
+nisbett
+troch
+'58
+shanghainese
+12.17
+schelle
+lieut
+acocella
+tines
+vernors
+exclaims
+t52
+irresistibly
+emshwiller
+rhizosphere
+colimits
+ringstead
+unidanmark
+strenuously
+fribourg
+sawndip
+baoquan
+hawkstone
+kimchi
+castanheira
+4,200
+avitan
+shanderman
+luísa
+weisbrod
+fpgas
+gerrer
+patrilineally
+igra
+doofenshmirtz
+utilized
+federici
+cantref
+katrin
+noriyuki
+touareg
+chagan
+weepu
+6:45
+12-pound
+149.95
+gurganus
+nchs
+baxandall
+egt
+littlefeather
+94.89
+nshan
+marilou
+signet
+kojo
+valencians
+vikram
+puteri
+lenczowski
+village-level
+italienne
+desfontaines
+bleues
+fenerbache
+twisters
+1.4-liter
+bedales
+listener
+speediest
+edomite
+depelchin
+sieving
+huntingdale
+hilles
+1,812
+trencsén
+kamfar
+coronatus
+pty.
+no-nonsense
+shnewer
+theism
+matussek
+dorid
+mollard
+bushrod
+decebalus
+delthil
+pathogenic
+penna
+cervellera
+novitiate
+ratwatte
+partibrejkers
+anakinra
+kokanee
+rigzin
+prasso
+undressing
+ongaku
+spofforth
+wyant
+retzer
+grachi
+112.02
+gartman
+brumfield
+ohad
+webbe
+nescafé
+rangeela
+bordure
+64.97
+tomsen
+mattrick
+schmidly
+evgenii
+tanasugarn
+94-90
+party-line
+eccles
+evergood
+bacar
+ledward
+aboukir
+correa
+vanoc
+lannes
+cherubino
+coincidentally
+faller
+amirkabir
+mangasha
+1,448
+masaka
+hovsepian
+grasim
+whites
+draskovic
+piercer
+hiero
+h.f.
+gholami
+bulba
+udumalpet
+dayflower
+metalliferous
+thuot
+exisiting
+cyts
+1984-1994
+xinhuanet.com
+naiads
+hinterstoder
+sonnier
+cflac
+szentivanyi
+wakw
+ortsteile
+a.y.
+rosmini
+unfed
+breznik
+chiesa
+dstl
+type-r
+run-dmc
+olynthus
+txurruka
+annabeth
+palloseura
+restenosis
+sessa
+military-grade
+knockaround
+cancellata
+82-70
+vilcabamba
+freedom-fighter
+kongulu
+maasvlakte
+chapare
+medvedkova
+3,019
+giacheri
+bodyweight
+39.81
+conservationism
+petron
+bfw
+worapong
+luat
+opponents
+pratapgarh
+morane
+damai
+hardwell
+mortemart
+buerger
+clusius
+rubdowns
+sash
+demeo
+sønder
+lahtinen
+islandwide
+ascertainment
+burswood
+3.528
+kluver
+noorden
+lonardo
+contorts
+raydah
+despertar
+munificent
+45-billion
+wakamatsu
+kwitny
+jeanswear
+u.s.-ukraine
+mamiit
+yongli
+129.6
+documentary-style
+kilvey
+rouser
+54.55
+europewide
+sariñana
+gelston
+plesiomorphic
+2006-2007
+rosmah
+squirrelly
+cognacs
+136-kilogram
+sade
+corridos
+sunos
+-4.50
+24-31
+type-in
+lmg
+dionysios
+swell
+bobdeans
+al-nasir
+400-page
+advisement
+tauran
+sebeş
+manorohanta
+heinicke
+hellishly
+orangy
+vilallonga
+matevzic
+4-fold
+bucur
+iguanodon
+vaccinium
+dicynodon
+fromer
+(305)
+weakside
+chi'en
+23-14
+22.43
+trotted
+servilius
+flamboyant
+hampsten
+najia
+triglav
+ginia
+multipliers
+catholicos-patriarch
+werdegar
+31-8
+overestimate
+dree
+tscherny
+6.83
+bronchi
+dirrty
+melendy
+625-line
+paralyzes
+ankyrin
+dile
+adil
+cprs
+amber
+1.414
+head-quarters
+fall/winter
+taxachusetts
+2:00
+premi
+yuan
+outfits
+235.9
+machin
+emulating
+1266
+proffitt
+duat
+ouimette
+750-seat
+buf
+seubert
+dr2
+naru
+estrid
+unalterable
+helmet-mounted
+jayadeva
+strikeout-to-walk
+mcglashen
+maizuru
+shati
+11a-9p
+aakhri
+abusively
+wintle
+curieux
+najibullah
+greek-turkish
+oue
+centralizing
+314th
+27.38
+pequenas
+leparoux
+tunney
+simonson
+statutes
+bonnes
+zhewen
+duvalier
+procaccini
+eastbourne
+šiška
+xi
+special-edition
+champignac
+treva
+simcoe
+bohème
+pericardium
+farum
+arwa
+2-by-4s
+literalness
+barachie
+venera
+artisans
+clouseau
+anticyclonic
+midair
+halcion
+feek
+kanesatake
+fares
+ps3
+discretely
+wareham
+triplicate
+sassiness
+olviden
+jourgensen
+swelter
+drudgery
+strabane
+cantando
+raychem
+newsreels
+43.64
+ricardian
+mermet
+7-0-1
+coon
+oversimplifying
+nagoya
+haggles
+barefooted
+bamford
+c240
+pleats
+modded
+jima
+perspiration
+vistors
+inside-out
+keeley
+5.97
+heart-wrenching
+ihp
+501c
+eilean
+follett
+hochhuth
+jhs
+skyscraping
+archipelagos
+bündchen
+humulus
+ifpi
+macros
+pieties
+supplicants
+cpted
+azzurri
+sympathizes
+kepulauan
+50.3
+1,284
+3,435
+toksup
+pollyanna
+gwn
+neale
+kerryn
+salão
+fomenting
+41.90
+sukma
+jeane
+flays
+sahil
+malesherbes
+busca
+khankala
+spektr
+desimone
+gurudev
+alternet
+sibilants
+verna
+quinte
+province-level
+godparents
+cimmyt
+470,000
+videregående
+braden
+jadzia
+build-up
+neue
+wanggai
+nook
+adr
+royston
+2049
+ahrendts
+blog
+validations
+one-car
+macaronesian
+exercise
+trimethoprim
+mamani
+galileo
+emenike
+hohenlinden
+fixer
+subsidiaries
+sieber
+kavitha
+harish-chandra
+anthropocentrism
+segrest
+surajit
+pelesasa
+gradwohl
+debates
+opel/vauxhall
+qassams
+leapfrog
+balke
+bartling
+2.525
+lomandra
+portch
+150,000-ton
+kulaks
+flagstar
+villas-boas
+downer
+lonnie
+bolina
+sabri
+polotsk
+340-pound
+flishman
+tebeau
+benshoof
+hauptner
+26.6
+sub-branches
+bufe
+boozy
+3,766
+9,175
+hudspeth
+h-e-b
+navigates
+spéciale
+47.40
+falloff
+suara
+651-member
+chioggia
+launchpads
+whakapapa
+hillock
+lemerre
+directress
+fukuzawa
+cenci
+anglo-persian
+raynolds
+palmi
+kostovski
+tatshenshini
+folktales
+1,500-foot
+spindle
++.44
+drafts
+leahey
+sambalpuri
+priene
+lemper
+halles
+helpage
+wadai
+qurabi
+sinugra
+lederle
+hauwa
+derro
+achankovil
+opera
+autarky
+74.6
+arcing
+vln
+espoo
+channelling
+havilah
+34-million
+goa'uld
+út
+persecutions
+shut-off
+léonce
+buslines
+matambanadzo
+ssangyong
+creditable
+czestochowa
+messele
+sodalite
+teke
+mishandle
+fundada
+mell
+remade
+karydakis
+friis
+procollagen
+priroda
+kreis
+kampl
+32.55
+1.4-mile
+asiaticas
+sightseers
+wolverines
+gxf6
+indication
+comdirect
+rodolpho
+matriarchal
+radio-canada
+52.50
+gostiny
+resourcing
+blanc
+9.31
+geiss
+rue
+zavadsky
+coscia
+zook
+non-pathogenic
+saefuddin
+uçk
+blackish-brown
+swamiji
+reckard
+handforth
+119.95
+liguilla
+nine-week
+isnilon
+generaciones
+stems
+jerez
+break-through
+owmby
+meirionnydd
+ssm
+mccoury
+may-ling
+submarine
+corrode
+mingde
+prime-2
+ever-expanding
+sppf
+π1
+carnegies
+delisle
+kauona
+banquettes
+mclucas
+euro72
+inflamatory
+hierarchies
+bushwick
+1987-2000
+archaisms
+1.500
+directness
+tohoku
+nolensville
+sportsbusiness
+24.9
+denning
+compliment
+dishonourable
+trou
+terracciano
+gcses
+scarwid
+infective
+1735
+permodalan
+doumer
+sportsworld
+tristar
+copra
+75km
+nisqually
+noyer
+midst
+khasanov
+120.23
+100,000
+84.36
+suceso
+shipley
+1.7250
+a428
+thadeus
+spinotti
+kargan
+storable
+gahn
+bodysurfing
+ripkin
+maraetai
+2-ranked
+niblock
+niza
+cullin
+737-300s
+kabardian
+inflationary
+wassell
+twp
+admoni
+fairpoint
+himyar
+juniores
+nyong
+s.j.
+krasts
+condemn
+disbelieved
+8,5
+sattam
+showground
+ಜ
+barboursville
+unifier
+morgenthau
+retrofitted
+fassoulas
+543
+scriptores
+mcmillon
+orji
+sergeyeva
+franciso
+patrimoine
+skelter
+technically
+tōkyō
+dissimilar
+gravel
+post-world
+versification
+partida
+mineralocorticoid
+sdks
+charny
+tripa
+sirpur
+bedroom
+9-to-1
+firhill
+chironomid
+nick.com
+osteological
+dmfs
+sparling
+317.8
+vijaynagar
+minoans
+mcfarland
+leova
+mikoyan
+breuer
+omitted
+exel
+isakov
+uttaradit
+sabbathday
+post-korean
+appendectomies
+wlup
+wuyi
+40-2
+raees
+40.68
+walachia
+47.07
+molano
+phenylephrine
+seiyaku
+edman
+yocheved
+lopez
+chipmaker
+158.5
+xist
+mentewab
+racist
+assab
+34.79
+scurrilous
+gakhar
+magro
+santulli
+carnic
+meridor
+egilman
+2.9-billion
+statale
+never-before-seen
+lidström
+embraced
+rinaldi
+hi-de-hi
+paoua
+tobique
+sinkerball
+shorja
+pre-established
+sednaoui
+peritz
+esop
+fellow-citizens
+pretences
+riman
+sanguinea
+pocantico
+pina
+appall
+bagabandy
+rotating
+harveys
+12,500
+ccpa
+mantua
+3.6
+bogoljub
+masschusetts
+distort
+reconfirmed
+jocz
+times-news
+auvere
+cattle-raising
+hadia
+karamoja
+chatichai
+comtat
+szamocin
+motzfeldt
+geragos
+roermond
+gândirea
+alfasi
+95.00
+disque
+apc
+soko
+480i
+sportscorp
+barani
+kursaal
+stainbrook
+1,211
+yannis
+deo
+alonso
+3.20
+kansei
+delecour
+punjabis
+2:41
+bulks
+miringoff
+vertongen
+plush
+chloroquine
+lowrie
+7000
+embargoes
+sindi
+0622
+tsvetanov
+3,206
+changping
+epithelium
+semifinals
+guises
+alewisdenverpost.com
+partes
+technologic
+2,610
+ph.d.
+labarsouque
+ರ
+f-word
+steven
+atypically
+harmetz
+greentree
+froogle
+akkarin
+winterhalter
+kf4
+dooby
+beyerle
+ignitable
+chipotle
+østerdalen
+kos-mos
+co-operating
+messitte
+parry
+babauta
+legionis
+388-vote
+shimao
+fungus
+unsigned
+charcuterie
+lelów
+barlow
+rothfuss
+elkann
+tmc
+coppermine
+oodles
+segeberg
+azores
+missives
+self-contained
+o'banion
+nilima
+walked
+rasouli
+shargin
+o'higgins
+menagarishvili
+41.38
+.390
+185.8
+scheer
+nihill
+danita
+lwf
+minko
+naša
+idps
+angiosperm
+strategoi
+kogure
+tzetzes
+95.60
+effuse
+giddiest
+fashionmall
+reflectiveness
+adjudged
+westernize
+uberstine
+arrabal
+prall
+crec
+mossflower
+mølby
+shealy
+saravanan
+trammps
+colly
+pca
+537,000
+sugar-coated
+hiroyuki
+charney
+harland
+rf5
+malekan
+4,436
+moazzam
+re-confirmed
+loddo
+prolapsed
+roald
+thorington
+bintulu
+.268
+5,000-a
+mutator
+fântâna
+wpix
+o-r
+havelland
+skywise
+lifescan
+riadh
+cagli
+199
+badola
+911,000
+36,100
+hushang
+cytosine
+101-98
+cryptozoology
+bazzi
+naglee
+nibari
+1,000-year
+coleto
+pasdeloup
+physics-based
+nizhalgal
+libellula
+nonmonetary
+seru
+robl
+zoroastrianism
+levs
+chupacabra
+gan
+omap
+runamuck
+19-acre
+33.1
+ku.busch
+loubser
+mankiller
+muzahem
+mwingi
+snaky
+provine
+kapali
+gilleran
+off-diagonal
+brandybuck
+eltsova
+bulgarians
+xinghu
+shortbread
+γ2
+pudwill
+mevasseret
+roecker
+lebowa
+marcos
+kravets
+cadherins
+resounding
+bujalski
+barel
+ostrowski
+purlins
+belch
+fengyan
+wolsingham
+realtor.com
+occitania
+nrn
+norouzi
+viviano
+mazon
+messed
+blois
+yakitori
+preclassic
+german-austrian
+playlist
+quwain
+piped
+jenner
+felgenhauer
+sciam
+telenovelas
+tzippi
+innervating
+kroo
+d'amour
+weiller
+haddad
+boishakh
+proxy
+dawg
+83.48
+blocs
+dhammananda
+mifa
+embalm
+lugton
+shilong
+teasle
+gladio
+discordance
+payal
+fisheye
+siljander
+guer
+wood-fired
+vennemann
+geographe
+midmajor
+tompion
+unleashed
+obligately
+kwantung
+years-long
+wolkowyski
+andrzejewski
+pollexfen
+6s
+f150
+i4
+munnings
+1.022
+licencees
+gestapo
+4,780
+2-0-16-0
+hawrelak
+foutz
+dml
+palaeontology
+108.5
+2004-2007
+rendering
+mukhamedov
+2,755
+foppish
+1998-2002
+dohke
+gifted
+frazier
+labile
+fahem
+kirti
+birth
+aylwin
+repairable
+kastellorizo
+sayadaw
+98s
+cultivators
+maroantsetra
+cuyegkeng
+aviso
+63.85
+citysearch
+kanki
+competition
+piras
+0.54
+covenanted
+3,283
+107.60
+pilla
+kohei
+hristić
+hypsilophodon
+sarker
+35.43
+gowd
+shien
+cp/cms
+haloze
+suksomkit
+mince
+bindis
+tars
+tarmiyah
+maredudd
+185-meter
+freedonia
+lauber
+murton
+cregan
+pegeen
+helvarg
+jumhuri
+cranstoun
+suroso
+efc
+kolsky
+fuseki
+end-stage
+chibebe
+jawwad
+l'enfer
+majority-minority
+kasturi
+surinamese
+xintian
+homomorphisms
+urengoy
+wanderone
+tooheys
+senatorial
+anti-racism
+soirees
+chimalapas
+heartless
+κ-opioid
+tetrick
+amerada
+jemas
+submergence
+myod
+four-piece
+ramkrishna
+quesadilla
+alexej
+labwani
+knema
+vasilyevich
+sohni
+numidian
+punk-influenced
+acci
+ndambuki
+litterateurs
+viramontes
+wittier
+thorough
+american-british
+falungong
+puedan
+futsal
+70.69
+2-99
+polho
+caselle
+freng
+kakkanad
+phellinus
+bignell
+mcat
+capper
+tonsil
+42-point
+tenente
+trinitarians
+balloted
+dúngal
+36.59
+70.54
+thielert
+vanderbilts
+insignis
+horsefly
+hoak
+haldimand
+hogwarts
+descrambler
+g90
+witters
+mulches
+unleaded
+sumbana
+pinstriping
+rtt
+al-faqih
+27-month
+nurme
+reignites
+lithophytic
+reappeared
+catchfly
+olvera
+tleilaxu
+15:41
+neferet
+oder
+us-59
+treasonable
+rudkhaneh
+weidenbaum
+sun-woo
+chapeau
+mangi
+newsroom
+desirability
+unseelie
+whangaparaoa
+mears
+f28
+tahaa
+eyvind
+zamfir
+akhenaten
+andrian
+intercités
+north/south
+institutio
+dificiles
+chalmette
+stored
+siemiatkowski
+29-million
+parasitizing
+bracey
+uh-huh
+rpga
+franche-comté
+tep
+ntd
+pythias
+dahaniya
+scarification
+moufarrige
+null
+mcnugget
+vadu
+calendrical
+nicole
+azur
+tlp
+navia
+molinar
+59-36
+sarla
+garmsiri-ye
+xerostomia
+batterer
+yau
+bustles
+caricaturing
+62-year
+krewe
+craftmanship
+1000m
+carmiel
+504
+mumcu
+loranthaceae
+proskurin
+nhlanhla
+bershad
+oegb
+d'aragona
+uthman
+kupriyanov
+knifes
+sebold
+torchings
+scovell
+17:53
+bowel
+hizo
+tinca
+emiel
+tankettes
+kneass
+mitropoulos
+lopo
+scania
+lippa
+olaria
+brutto
+talence
+veles
+osn
+binnie
+pistole
+nitties
+nottage
+salwar
+37.74
+silvestris
+takiya
+tabin
+lundgren
+waynesville
+u15
+ababil
+sell-outs
+personalize
+iranmanesh
+matros
+rowallan
+fuerteventura
+nominally
+dieux
+rahg
+tarmo
+vawa
+nasolacrimal
+pelagian
+accompanied
+108.50
+unaged
+finback
+yavusa
+baje
+medek
+deodorize
+jagge
+hotmail
+warendorf
+2-up
+insinuating
+corpoven
++60
+2,863
+lemmy
+housemasters
+umutara
+glinting
+absu
+norfleet
+terasawa
+gefen
+mahane
+promoted
+tiferet
+bo
+103.30
+careca
+dominants
+argenis
+goethals
+122,000
+finalises
+rsst4
+wole
+sergels
+dejammet
+aldebert
+parlin
+gops
+bulletinyyy
+efnet
+71.62
+feedbacks
+129.2
+ginola
+hairspray
+derbent
+baystate
+digital8
+doz
+dala
+yervand
+trembling
+rahmad
+nondescript
+rati
+filioque
+klitzing
+caleta
+s-300
+recesion
+haugwitz
+rahane
+0-for-4
+kentfield
+οι
+plotnikov
+mi-28
+winebrenner
+model-view-controller
+(525)
+kozhevnikov
+kisna
+aruna
+3,698
+2008-2009
+his/her
+kregel
+meirav
+cabs
+suslov
+sherries
+re-designated
+buin
+tengizchevroil
+imperata
+gabby
+70-kilometre
+endangered
+563
+kerem
+asnan
+anoop
+overworked
+stanchfield
+shenhua
+goddet
+1978-1979
+nacre
+vivan
+1.2033
+mujuru
+asharq
+108.82
+gilsenan
+famke
+gsoc
+hypsotropa
+chro
+meander
+saudek
+herschensohn
+legan
+eurocypria
+1-58
+rockers
+wardman
+oreochromis
+boga
+haseley
+turhapuro
+4q
+daood
+yuhang
+zimmerli
+vedam
+gulled
+nh2
+blameless
+harelik
+reawakened
+siegert
+euro237
+waratahs
+sedimentology
+vichien
+baboons
+tardive
+cyanohydrin
+sanità
+porcellian
+crenata
+erbol
+eroni
+satish
+shinozawa
+woa
+cookglobe.com
+lornah
+novelisation
+ratlines
+300.00
+ehad
+moscardi
+magnaldi
+old-style
+chilson
+katsushige
+juilliard
+benshan
+haldar
+canelli
+premise
+mineta
+gelding
+in-your-face
+benchellali
+90-90
+.04
+baden-baden
+kartasasmita
+euoplocephalus
+amandes
+denon
+1935-1937
+authorhouse
+debtor
+ferlin
+polifemo
+blythburgh
+thumbtack
+project
+1448
+centrepoint
+loggers
+wolfing
+primaloft
+scharfenberg
+compassion
+ebling
+ztohoven
+stankov
+39sec
+soft-core
+powerconnect
+kaito
+ribbit
+zheng
+mistreating
+pajajaran
+seffrin
+comprehensiveness
+zorg
+580
+identifiable
+iea
+respawn
+120-299
+sirvio
+rambler
+53-05-76-50
+majority-black
+hawi
+hamitic
+mirthful
+wonderworks
+stiftung
+gorgonio
+openwrt
+tumulty
+vencel
+78kg
+seiwert
+groharing
+bytown
+jimny
+alishah
+86.35
+edt
+dabney
+electrum
+zahia
+shaikha
+estevam
+membrane-associated
+orphee
+urologists
+pollina
+banisters
+siphann
+camile
+jerden
+transgresses
+51,500
+rustum
+sietsma
+0.10
+mcgwire
+participations
+chocolatiers
+dfds
+rogues
+anzani
+musabayev
+reinvented
+fernwood
+confirmatory
+brainiest
+scarpaci
+kruel
+gjallica
+1208
+grainier
+church
+sentimental
+chapels
+dysplasia
+62.56
+preciously
+93.24
+mahathir
+sieben
+rey
+6,500-seat
+intoned
+afterellen.com
+balers
+hidalgos
+keighley
+bylandt
+continuing
+attitash
+redoutable
+téchiné
+frigging
+thủy
+vacations
+reuven
+secombe
+victualler
+miscounting
+kortenaer
+2003/4
+sucha
+katra
+kurson
+snap-on
+qajar
+ffb
+bogomolov
+ef
+thierer
+inter-community
+ngwema
+transparencies
+howerton
+romash
+2sm
+skatepark
+maia
+inquiring
+samizdat
+22.67
+jemil
+tynedale
+mascalzone
+amatori
+ogdoad
+pandemonium
+angered
+multi-functional
+fitzosbern
+shinsegi
+taobao.com
+prot?g
+richt
+3,280
+citfed
+delegator
+29-member
+alil
+subcommission
+d-t
+3,721
+subsections
+169.5
+kaws
+selenate
+8.12.11.20060308
+barrell
+aériennes
+shipe
+goncalo
+gn
+laffit
+lenham
+hardingham
+superferry
+trimesters
+kongying
+baskakov
+20xx
+novatek
+tokamaks
+sukhteh
+sisneros
+galinsky
+leniently
+petrobangla
+seidemann
+62.46
+bürgenstock
+6,234
+lanos
+mrnd
+2645
+condolence
+eponymous
+clanking
+liener
+syamujaye
+winfax
+cearense
+gruffly
+1851
+battlegroup
+3-man
+five-season
+govenment
+erdos
+chatchai
+hannafin
+umstead
+47,500
+descalzos
+untangles
+dispiriting
+wawarsing
+soave
+84-71
+academia
+253.4
+caraga
+2013-2016
+malino
+aboutaleb
+hurn
+red-backed
+adelaja
+defuniak
+yekhanurov
+bettin
+masoum
+insulators
+tomashova
+77.62
+woodier
+chaskalson
+tpv
+cos
+janina
+caldara
+staphylococcus
+vrij
+miha
+188.1
+momanyi
+20.01
+deslatte
+langerhans
+batesian
+allegretto
+gelechioidea
+62.58
+tampabay.com
+kevorkian
+minix
+biodome
+.138
+tuu
+comodoro
+www.sephora.com
+darracq
+dellacamera
+beady
+48-minute
+anavet
+lucenzo
+hampl
+sequences
+greensmith
+bakla
+downdrafts
+asfandyar
+tamtam
+borse
+seiuli
+nicelli
+aleje
+chudamani
+clontibret
+untied
+apcs
+frenzel
+yongbo
+cibak
+artiste
+seaway
+nór
+bager
+lenses
+gelug
+zaragosa
+neumannova
+pelleas
+hutter
+puentes
+officine
+breweries
+cloyingly
+amusia
+ze'evi
+kobaladze
+bouches-du-rhône
+hessenthaler
+bridle
+immediatly
+must-read
+a.s
+kittyhawk
+tobey
+anti-roman
+weizsaecker
+climatically
+petrich
+voskopoulos
+sodrel
+murbach
+ozio
+gaylord
+31-game
+cinch
+chayefsky
+redivided
+gurnard
+quadriplegia
+ahci
+finschhafen
+newsreader
+maeng
+korycin
+bookbags
+sheva
+pollino
+cross-cutting
+stonyfield
+best-reviewed
+infotrends
+4-wheeled
+curtisii
+carrer
+melaka
+marsupilami
+guangcheng
+glados
+butzner
+grinker
+vossloh
+5-foot-5
+implementers
+tench
+lidzbark
+214.2
+mezzeh
+jausiers
+riverwood
+deslauriers
+updegraff
+shōnai
+18-6
+wielbark
+133,000
+upanishad
+mitcheldean
+iwase
+189.3
+kempf
+pttep
+dhruba
+pindi
+petro-canada
+salicylic
+alsup
+maehr
+dazaifu
+adebola
+18:16
+holda
+priyantha
+roundness
+38.92
+flin
+xinyun
+1921-22
+topoi
+8-lane
+burbot
+usbr
+demonise
+bodecker
+119.83
+drivespace
+112.7
+charwoman
+cakir
+new-born
+reaney
+zns
+uitm
+772
+staying
+schlein
+dgh
+13.4-billion
+threadgill
+stojadinovic
+dongdong
+12-26
+moukharbal
+cape
+artayev
+homeschooled
+rivier
+polledo
+codeplex
+dumping
+asnd
+numan
+caravels
+2/3rd
+ruthlessly
+lynskey
+gatundu
+kenton
+m31
+buzzcut
+melodie
+roswell
+npd
+hamao
+petrolia
+anni
+pfizer
+kal-el
+navagraha
+peria
+surgi
+transbrasil
+kongens
+velonews
+venuto
+59.65
+poesy
+ophthalmoscope
+rockabye
+orteman
+high-speed
+carnally
+mahala
+shubao
+kafka
+weidmann
+podra
+poignancy
+fengxian
+willisau
+oberer
+relegation-threatened
+ehz
+directe
+i̇zmit
++5255-3300-7600
+threefold
+thorning
+seven-day
+mwanga
+obamamania
+ayob
+556-4996
+guided-missile
+steinback
+geneticist
+wheaten
+run-of-the-river
+12-3
+2-20
+400-megahertz
+229th
+hatted
+arusha
+oversteer
+vagnorius
+issara
+jenkens
+worden
+freezes
+insures
+woofing
+zatkoff
+millinery
+odilon
+raghad
+nonpartisan
+laforey
+doroud
+all-century
+braff
+lilya
+39.35
+luza
+buzios
+liborio
+glassblowing
+weyerhauser
+fews
+yellowish-white
+p73
+allrounder
+passiflora
+7-foot-7
+takenaka
+chatterbox
+pettee
+roscoff
+tatting
+nrg
+euskatel
+co-heirs
+souzas
+saint-germain
+portolan
+artemesia
+mophead
+over-protective
+karaman
+mid-winter
+zuendt
+bullinger
+capernaum
+newsagency
+filbrich
+wangen
+qattan
+48.25
+bases-loaded
+usanee
+zesn
+trisodium
+21-car
+guangying
+amaranto
+algerie
+bostaph
+vinik
+106.66
+royko
+ostler
+50-centimeter
+drena
+fukushima
+commandingly
+814
+mdivani
+pll
+foresighted
+behoove
+shantou
+tsimshian
+delphinus
+jonna
+feer
+souvaltzi
+361.4
+burlesques
+erminio
+marjaiya
+minjavan-e
+vetted
+elchibey
+henze
+emporia
+tartans
+waitt
+red-white
+salesian
+kendari
+markee
+adsorbent
+old-growth
+7,725
+hesburgh
+33.98
+mangosteens
+overachieving
+5,640
+nazar
+rusumo
+smithsonian
+montagne
+roma
+mankoff
+gaullists
+dunye
+ammer
+darma
+hispanola
+1.204
+allmusic.com
+livonians
+sudamerica
+deora
+slegr
+zwinger
+cross-links
+madlock
+yuexiu
+uhlaender
+saturday.the
+totsky
+3,013
+subtends
+downstream
+uher
+1.096
+agust
+angmar
+schnauss
+eustace
+56k
+tzomet
+loftleiðir
+71.09
+ardakul
+74-67
+quercus
+butenis
+tiz
+salko
+senawang
+skell
+114.40
+superbug
+krupalija
+ohalei
+470s
+nytorv
+lihue
+cleaners
+mailbox
+fang
+gunlock
+deets
+droeshout
+gallipoli
+tenera
+novel
+mustafar
+merchants
+cathay
+maqu
+gante
+ufa
+209.6
+friesan
+mesoamerica
+piedra
+guintoli
+incisiveness
+corticotropin
+lucaya
+fenollosa
+francovich
+vite
+polperro
+87.5
+deshmukh
+hiraan
+llwynypia
+felder
+radès
+klehb
+chenin
+euro98
+participaciones
+mid-career
+kitesurfing
+on-road
+zestril
+pruning
+lih
+blainville
+kumbh
+planchon
+mileva
+nadezhdin
+phaeton
+anti-parnellite
+eichhorn
+amaryllis
+8-bit
+caribaea
+militarizing
+3:35
+104.1
+credential
+mixta
+öcalan
+maidment
+councilors
+decodes
+berdos
+shawcross
+genon
+tidjikja
+quasi-judicial
+affix
+plb
+wach
+bechet
+nlrb
+démocratique
+altercations
+pahan
+ricardinho
+52.61
+masai
+dutschke
+ghad
+dolemite
+ninety-six
+algonquian-speaking
+nông
+skiable
+caiola
+sibella
+90-85
+elgrand
+doftana
+80.17
+chernihiv
+100.38
+brooktree
+roze
+drik
+14-track
+tulane
+primero
+zuniga
+decadent
+khvaf
+3.875
+kokrajhar
+dahmane
+upholstery
+76-member
+alarma
+climatologist
+hajra
+marginality
+nyepi
+kekis
+ghafoor
+socked
+guridi
+signers
+menger
+lyrebird
+a300
+sasl
+darrow
+keiko
+one-game
+bateaux
+pop-singer
+pickfords
+17-fold
+metalheads
+patzek
+morena
+sum
+u18
+cockrum
+52-8
+hypercholesterolemia
+lecoultre
+dayer
+yegorova
+universes
+briscoes
+christianisme
+vehicross
+hawkfish
+rynhold
+catherine
+maldi
+blackall
+fournet
+fasd
+navalny
+friesinger
+janja
+naqeeb
+24.05
+gflops
+arginine
+liftin
+ceel
+coincidental
+bloodied
+edd
+ritualistically
+monna
+tuxedomoon
+kavcic
+amici
+6.32
+thong
+palais
+4.64
+wendigo
+claudian
+ćosić
+.427
+3,344
+tcwc
+i-295
+cerdic
+jaipuri
+biehls
+seesawing
+bernanos
+pauper
+ca1
+babine
+blase
+permeability
+oftentimes
+8.52
+rayfield
+ouya
+rollback
+thommy
+lupsha
+chara
+obd-ii
+verigin
+lingerie
+laclos
+dido
+bolotowsky
+ajaokuta
+govinda
+vitra
+mbit/s
+zarei
+arulmigu
+mcveigh
+caressing
+todorović
+nasko
+433,000
+stickel
+deel
+hornqvist
+tce
+laurin
+35-percent
+jebaliya
+24.34
+standees
+1586
+anti-castro
+mitsumasa
+ryanggang
+337,500
+denesh
+goz
+pennsboro
+tsumani
+pontnewydd
+anesta
+yak
+anticipates
+l.o.v.e.
+sectorial
+4-1-0
+saser
+loadout
+régimes
+peace
+chonan
+j-2
+round-topped
+cistus
+2475
+1733
+vart
+psychomotor
+non-brahmin
+longyou
+xylophanes
+karrubi
+constantijn
+outeniqua
+svetlanov
+non-functioning
+parnassum
+membership
+mammoths
+caniggia
+transmigrants
+shoebat
+tori
+bvsc
+caruthers
+yajur
+serafina
+detik
+rwandan
+ivan
+yellowbird
+squeaks
+shaikhs
+maxvorstadt
+41.51
+giuffrè
+level-headed
+weightiness
+mcgibbon
+cuneta
+cringe
+ladbrokes
+samarie
+cabbagetown
+kauswagan
+licking
+mollusca
+paysandú
+decimated
+inglorious
+thalamocortical
+azuchi-momoyama
+reinheitsgebot
+mantillas
+havnen
+2-6-4t
+gercüş
+weisfeiler
+takafumi
+changer
+johannis
+transilvania
+post-christian
+chữ
+killdeer
+chemistry
+epochal
+warbucks
+59-year-old
+brouwerij
+doi
+dongsuh
+25-32
+kaposvári
+denims
+herophilus
+keris
+girardengo
+leoville
+lasnamäe
+korff
+coldstream
+elat
+ellagic
+buhrmann
+commissionerate
+spectaculars
+natureserve
+albarracin
+aleksi
+hoarder
+7/16
+sluti
+malul
+ashling
+cheekiness
+leaguers
+shirts
+luginbill
+geoffrion
+74.78
+tarik
+kjohnson
+sieur
+29,750
+bravest
+14.43
+kesari
+toux
+76.51
+2,415
+bjørn
+2154
+j.w.
+carriker
+zewe
+32-30
+befriend
+supervalu
+e-charkhi
+45.59
+polling
+donje
+timoci
+rehim
+sleepwalks
+wootton
+hyla
+50.06
+out-of-order
+tullie
+imaad
+sarong
+cnb
+schaubühne
+cegeps
+jichuan
+piastres
+contrafund
+swpa
+terrain-following
+itgwu
+126-year
+mccaslin
+gametocytes
+komisarjevsky
+creepiest
+nkubito
+bidan
+nanoshells
+virdon
+abdulmajid
+demethylation
+sudzha
+dreamwave
+idelson
+bandpey-ye
+sparely
+bbc
+hechler
+evenhanded
+meshrano
+sendai
+steuermann
+20,000
+berbera
+64-7
+saidov
+mescheriakova
+caborn
+jarboe
+telepathy
+dicom
+salsoul
+lower
+4.9375
+dubthach
+055
+où
+28.27
+heun
+foxp2
+thula
+hewitt
+maleness
+1-30
+pdms
+globovision
+iarley
+ranalli
+skycam
+transposable
+iranica
+566,000
+gopalakrishna
+namfrel
+12/23
+adare
+naah
+iglesia
+madrox
+13w
+ganjabad
+acused
+life-changing
+pardoel
+ക
+trosky
+leaders
+foreign
+non-christian
+winchell
+stratocumulus
+corralejo
+plasmonic
+kosovsky
+hilleroed
+sorta
+mudslide
+denkinger
+electrospinning
+lioce
+pattycake
+docsis
+wahat
+pinol
+3,308
+55-11-3812-5588
+feared
+fehrenbach
+pieds
+anti-air
+fengming
+puncheon
+apartment
+euro257
+fradulent
+imjingak
+kanarek
+ghoula
+jaua
+rybáriková
+jnj
+stopgap
+tijara
+athula
+cerqueira
+17km
+schola
+musafir
+ruma
+77.8
+pro-reform
+mehtab
+aposematic
+betweeen
+vagnozzi
+33-man
+bishopwearmouth
+brignoli
+portadown
+nanboku-chō
+campaigns
+jüz
+allu
+jötunn
+frightens
+badging
+emm
+mwandosya
+baixada
+2307
+cennamo
+dandong
+ilt
+ferlite
+mareh
+faunas
+catherines
+self-presentation
+1982-2000
+sportatorium
+overwrites
+granite
+palmera
+expectedly
+whitlinger
+kymmene
+kenana
+chave
+belitsa
+76-73
+trigen
+atopy
+taylan
+macroeconomic
+furd
+ktlk
+5,500-strong
+murra
+shenanigans
+suscribir
++1.5
+35.44
+vb
+nspca
+globose
+flesh-colored
+dereham
+procellariids
+1383
+175.7
+gambino
+4-point
+one-eye
+stone-campbell
+navigating
+attitudinal
+bhimavaram
+maiani
+chauntecleer
+ras-related
+tetrafluoroborate
+symplectic
+frictions
+troutwine
+rammell
+skrine
+pilloried
+whirligigs
+calcination
+standardbearer
+crossgen
+tấn
+portals
+huseynov
+l'histoire
+trotman
+pdt
+pade
+skaer
+rebelde
+obstructs
+inanities
+jetway
+seanchan
+infotech
+natty
+zombieland
+barhi
+modernista
+cantabrian
+restrengthened
+tippler
+columbians
+rudraksha
+aetats
+sulina
+alize
+besk
+naze
+conried
+skc
+cherry
+saucy
+orbach
+cleese
+nápoles
+coverdale
+mullin
+vlašić
+unconsidered
+malcolm
+tassimo
+bbj
+fathers
+dr1
+l-type
+potteries
+allinson
+salinator
+39:07
+chalcedon
+trebinje
+cernach
+demonomicon
+walde
+april-may
+lassi
+bulleh
+queening
+anuff
+jochi
+71.64
+paleoproterozoic
+xbase
+hippos
+energetics
+bhavas
+procon
+yelps
+idiocies
+golias
+houngbo
+perversities
+vatuvei
+arga
+1988-1990
+ahuntsic-cartierville
+budk
+takezawa
+coughed
+witcombe
+slamdance
+4-pin
+mittermeier
+welker
+enlistments
+cleanliness
+pursley
+yellow-billed
+cusson
+piniella
+midrange
+obtains
+hymenopteran
+spaniolo
+birol
+hemiptera
+236.9
+kaser
+1040-am
+hasikos
+jacobsohn
+rexhepi
+responders
+dalziel
+kolman
+101-91
+barg
+swooned
+nordost
+federate
+crèche
+varginha
+kader
+philippeville
+toilet
+www.amtrak.com
+illustrates
+kamel
+chords
+sonders
+roughead
+monarchic
+chylomicrons
+9.59
+gendang
+psle
+59.00
+novus
+t.b.
+bedazzle
+motivate
+haggui
+aui
+bluespotted
+preclude
+tuyet
+sasolburg
+6g
+ldw
+fulvia
+belknap
+shayk
+pre-columbian
+augusts
+teste
+291.8
+tsotsobe
+sōma
+nguon
+silone
+dignataries
+cookstown
+138.9
+spinifex
+tuan
+kcmc
+3,146
+startext
+gct
+rainer
+inflatables
+veltliner
+negrín
+devolve
+glinda
+faurecia
+billowy
+suprême
+herisau
+turrialba
+stahn
+bromide
+eckersley
+ktb
+tuzi
+ashtian
+yokthai
+0:57
+noncommunicable
+irejua
+bocuse
+pivovarova
+doughy
+chebotaryov
+mottau
+amantle
+joining
+bhikkhuni
+wdas
+ngandu
+plusher
+136.38
+scythia
+v-neck
+nofziger
+155-mm
+teik
+bodrogi
+adityawarman
+bheema
+phước
+hoofer
+blut
+fourier
+officemax
+18/32
+eyring
+digregorio
+rasuwa
+1.03
+qualifed
+alwoodley
+11.81
+bonano
+cyberport
+newton
+earth-born
+disgorgement
+poupée
+rights-of-way
+remler
+sagarmatha
+re-offending
+kalaimamani
+lahori
+yhency
+tu-204
+filin
+20.08
+virgata
+stach
+miscellanies
+smyser
+realms
+gladman
+117th
+63.78
+parkour
+stagnates
+self-indulgent
+hankie
+from/to
+hili
+1964-65
+johnnie
+gonbad
+hemen
+shrirampur
+kibazo
+tagging
+d'alsace
+naufahu
+undiplomatically
+gamekeepers
+reigniting
+populists
+måns
++32
+daunt
+g.t.
+wfr
+rovinj
+tomasetti
+vath
+remounts
+sainz
+transvestite
+shawash
+abstaining
+squashed
+britrail
+yax
+overreacts
+runciman
+musketry
+løken
+qusayr
+besharov
+two-thirds
+yaremchuk
+consummates
+qiaotou
+comunas
+10:30
+sarfraz
+nexhat
+bases_lofton
+almallah
+four-bedroom
+brains
+ketkar
+pitchout
+100-87
+makamba
+quenelle
+tabebuia
+aerostats
+anodized
+moac
+guns
+copano
+21-mile
+pasquarello
+dacoits
+browsed
+pulled
+600-bed
+victimizing
+amstelveen
+berenbaum
+struct
+gabele
+raghubir
+ehrenkranz
+dnipropetrovsk
+aldin
+marney
+21,100
+balzers
+ackowledged
+purvi
+1914-1915
+insecticons
+liying
+kemple
+minkin
+55-0
+hurme
+klines
+0.037
+47.33
+ybbs
+eemian
+duple
+lightwave
+regla
+nordica
+iaşi
+beermann
+20-ton
+giganti
+pulcini
+pybus
+phasors
+66.74
+gotchas
+epor
+c320
+105.6
+ephs
+degenkolb
+ansel
+deploying
+1.535
+premeditated
+000696
+insulative
+32-20
+sawadi
+childlessness
+memorex
+cheoah
+varanger
+estime
+parmly
+trichotillomania
+ekg
+pongsapat
+fishable
+pucker
+grados
+pajaziti
+mandaue
+castilho
+antorbital
+detlef
+polytechnique
+blanck
+deignan
+samastha
+booy
+orchestrates
+slicked
+qutb-ud-din
+vilane
+enoh
+sirdal
+gagnon
+meadowbrook
+shabnam
+scarves
+dymally
+bwk
+plwha
+arrive
+godwits
+vahagn
+1.206
+springhouse
+boonradom
+moultrie
+vodianova
+www.ssa.gov
+purposes
+,1998
+28-kilometer
+southwell
+drug-addicted
+forgettable
+eja
+erythritol
+ribamar
+goldfeder
+odendaal
+dlf
+rhydderch
+karkovice
+gummidge
+tedisco
+mercia
+114.91
+waggonbau
+duchene
+pooja
+keeravani
+2076
+clipsal
+jianzhu
+peoria
+euro277
+fuimaono
+kashinath
+baor
+paredes
+105.53
+aglipayan
+nollywood
+chocoholic
+novolipetsk
+tokens
+62,100
+perran
+francie
+scotswood
+laotian
+coons
+portraitists
+enbw
+friedrich-wilhelms-universität
+stockbreeding
+1888-1889
+streib
+premacy
+overproducing
+allio
+brickle
+clarkii
+29,000
+lathrop
+disrupt
+noto
+ngong
+schnider
+krassimir
+fielders
+canali
+hohneck
+tragedian
+chromaticism
+hargitay
+ucbh
+cetp
+bi-county
+2.5-ton
+erste
+loree
+arresting
+chordate
+nagashi
+gruda
+cable/satellite
+garzas
+bereuter
+zeb
+fulfiling
+tokudome
+akobo
+56.84
+samkhya
+remixes
+18-year-old
+guida
+29-yarder
+lilie
+inthe
+6:10
+various
+fanis
+kail
+sarwo
+platanos
+ference
+seymour-conway
+market-leading
+pfennigs
+arikawa
+schemm
+inienger
+weichang
+72.96
+vandeventer
+207.9
+porcini
+10-years
+gameday
+matzner
+vigorish
+17.92
+immodesty
+amidror
+768-1818
+pre-1900
+94-minute
+xueyuan
+heuristically
+sicilian
+elka
+testiness
+gopperth
+posits
+yellowlegs
+penha
+talmudists
+caftan
+tato
+tenderers
+ogbuke
+geom
+baralong
+jamey
+matlinpatterson
+zarakolu
+two-act
+kashish
+71-page
+lacasse
+wtm
+shengyou
+novoa
+krøyer
+slapshots
+48.11
+plushnick
+lechi
+gudeok
+dcma
+arverne
+sebik
+verissimo
+ie7
+malatyaspor
+trauner
+generalizing
+notre-dame-de-grâce
+tabuk
+shaznay
+akseki
+jasimuddin
+arequipa
+pugazh
+ilyukhin
+pan-green
+euro421
+gabbay
+sotavento
+petrograd
+3,230
+tottel
+drop-down
+kunas
+240-kilometer
+neonatal
+twangs
+efficient
+transliteration
+reichsgau
+resubmitting
+cutrufello
+lightheavyweight
+shash
+5-ht2
+gediz
+jovy
+southwick
+fazes
+grt
+rubia
+kristyna
+iag
+115.9
+quando
+shippee
+prasith
+bunya
+1.009
+deschain
+zimbru
+todaro
+tap
+panchala
+ccsu
+saludo
+meshkin
+bogdanka
+bruyère
+executables
+nettelbeck
+gaudi
+hinduism
+honeck
+chairperson
+500ml
+mclaglen
+sarason
+amerli
+iven
+bhandup
+zilic
+ultrafine
+1,750,000
+bksh
+banyon
+chanticleer
+zoysa
+consejo
+(414)
+cagw
+tryg
+weinhauer
+ibiquity
+joven
+daragahi
+ashtekar
+remodel
+kolby
+jomandi
+iuka
+milder
+lightspeed
+english-speaking
+hyperglycemia
+khami
+juliane
+47.21
+crostata
+nonwovens
+dbr9
+nesmachnyi
+faramarzi
+integrifolia
+johanson
+euro265
+wyke
+ungava
+88.12
+michalovce
+mougins
+garishness
+gmb
+o'neills
+roths
+ninja
+overbrook
+hefted
+reversion
+tyrannulet
+disorganized
+anneli
+uncas
+weyer
+spearfishing
+1.442
+oegroseno
+darwinians
+305
+oliviera
+kaabu
+abib
+u.s.-installed
+fumigating
+dangler
+sinistral
+nelfinavir
+meison
+yucatecan
+9:58
+40-city
+aisling
+kilman
+professorial
+thumper
+reduccion
+kpender
+frighten
+criers
+teng-hui
+oaths
+granulocyte
+thicknesses
+bardwell
+sonnenstein
+andreas
+kabale
+beggary
+swedens
+franktown
+mcgovern
+3,563
+arents
+taang
+54.57
+shophouses
+2323
+photobiology
+adrastea
+bayonet
+welcom
+hazelius
+conceptualizations
+avatamsaka
+sutjeska
+kalbe
+tanana
+qubo
+chengbo
+apsara
+transmissible
+euro2004
+n-out
+valvano
+tgoodwin
+bogyman
+describing
+tonj
+browed
+468,000
+athification
+172,000
+devoto
+zfs
+relaxers
+valleycats
+roughhousing
+empathizing
+bougainvillea
+msipa
+mullaitivu
+kwango
+quee
+autotune
+cappucino
+libet
+benecard
+foolhardiness
+hartsough
+106.94
+friendlier
+betto
+bottlenose
+zatanna
+zivanovic
+chessy
+grantsville
+citc
+dimitrijevic
+krasnopol
+waha
+lydia
+dalr
+78.9
+stilwell
+seleucia-ctesiphon
+2359
+pgm-3
+atomfilms
+aped
+discodorididae
+filles
+producto
+43.27
+leonel
+10.02
+mahipal
+żnin
+mobilisation
+riksråd
+ibdp
+wrasse
+traipses
+x3
+ševčík
+pedrito
+zimbabwean
+sinjin
+magrace
+gijs
+106.55
+foist
+forsa
+disdainful
+25.93
+scintigraphy
+magnetics
+zawiercie
+dimov
+-800
+pie
+sookie
+10.50
+bioelectric
+ryles
+5:35
+finger-like
+nylt
+.84
+big-league
+fortyish
+chhatris
+hasheem
+high-performing
+19.91
+boletaceae
+saloman
+ampa
+júbilo
+www.realmadrid.com
+theatreworks
+pirata
+utter
+kulon
+pigmented
+cotterill
+narsai
+cipra
+savoys
+1/7
+vanities
+triaminic
+årdal
+shinozuka
+parasol-wing
+4,807
+geekspeak
+pemigewasset
+khoei
+s.p.a
+hensley
+kwik
+lafee
+gayl
+10-over
+norouz
+wtoo
+kottak
+abelian
+subsidizing
+cootes
+kallio
+mustafina
+63.236.87.105
+countersue
+well-functioning
+aviaries
+chernovetsky
+concealment
+koninck
+nw/se
+ksw
+incentivise
+beckwith
+frenzies
+italtel
+glaslyn
+outwith
+panoche
+setsuna
+újezd
+3-of-13
+netjets
+tokayev
+ranch-style
+npes
+kirribilli
+spex
+kimoto
+pushers
+krein
+botsan
+5.58
+86.96
+pearly
+fireman
+erstein
+cease-and-desist
+rapajic
+limulus
+schmeling
+suceeded
+patapon
+kashmar
+airc
+bour
+lauridsen
+shtetl
+crepsley
+etiologic
+schwarzenburg
+mirtazapine
+jenas
+5.45
+4,315
+i.i.
+netware
+80.61
+orl
+1275
+x-force
+premillennial
+zahidi
+caromed
+mangler
+hides
+bridgeville
+newari
+korsze
+velfarre
+monlam
+jaruzelski
+tft
+kory
+carburettors
+nuts
+fidh
+forgiving
+nightstalkers
+passau
+7201
+tukar
+opensuse
+giacobbe
+srifa
+sm-2
+anagram
+unction
+s100
+affecting
+emarketer
+2-storey
+186-nation
+cassis
+grinspoon
+i6
+confidence-building
+loum
+remote-sensing
+beyond
+malleswaram
+gumbinger
+reineman
+generous
+denilson
+iorga
+sgp
+bevilacqua
+ascencio
+fbp
+thang
+02:00
+mills
+2.69
+bookspan
+30-70
+duer
+copas
+hainer
+sarrazin
+mottos
+bollard
+reappropriated
+fascinations
+3.325
+voting
+submits
+baixa
+overstaffing
+salvin
+perina
+contacts
+dragstrip
+tietjens
+112.4
+zwijndrecht
+hurrian
+uqam
+confiscated
+matancera
+berlin
+metacercariae
+63.63
+anangu
+sereny
+3,297
+siwarak
+botch
+thumma
+colm
+gagan
+akinnuoye
+plinking
+mavrovo
+sado
+tresorerie
+ringoes
+lwow
+125.00
+tsumori
+huxtables
+aging
+khaki
+vigilia
+castlemartin
+hyphenates
+millspaugh
+hylidae
+31-page
+1.6-billion
+anthonys
+76-ball
+militarised
+ch-oh
+strength-to-weight
+armario
+gachsaran
+fcpa
+abbo
+elegible
+irigoyen
+muhlenberg
+7f
+perfidious
+outback
+stammering
+lonchar
+konieczny
+euro468
+harijans
+ifereimi
+104.87
+flagmen
+swedan
+europaea
+103.25
+pitchers
+fruitiness
+shedd
+sarbanes
+allocates
+xinfeng
+dyeing
+vam
+vadra
+fric
+screenwriter
+precision-guided
+scheidegg
+timbs
+crucero
+schirmacher
+jis
+5,000-plus
+keras
+oxenstierna
+charkhi
+oten
+ganske
+97.95
+vesely
+arjun
+cornrows
+49-yarder
+ministered
+outagamie
+unmeasured
+vaad
+lunes
+aryee
+7.88
+96.43
+romoeren
+shikara
+schutzbund
+mukoni
+kurstin
+marmaras
+vojvodina
+additonal
+dilemma
+hammitt
+1916-1917
+subsuming
+fass
+baghban
+guzmán
+shōnagon
+13c
+26.68
+siyuan
+reabsorbed
+athill
+llorar
+gerzon
+41-7
+stambaugh
+lachner
+eight-episode
+barghuthi
+prasong
+daifuku
+ranch
+istiklal
+micah
+chettiar
+maarrat
+wakeupwalmart.com
+bruce
+dolgorukov
+zaeef
+hypotia
+utopia
+broomall
+wiggled
+sjöbo
+26-pound
+ulhasnagar
+eppard
+zelinsky
+basca
+hooey
+lamonte
+chumbley
+2,302
+kathan
+rīgas
+deir
+uate
+befits
+mussel
+hatay
+freixenet
+sprites
+riesch
+chippo
+k-8
+free-state
+giantess
+eec
+stingier
+bamforth
+e-government
+gayer
+urbanisation
+chideya
+leiweke
+linnhe
+3,575
+proto-germanic
+carapaces
+insinuates
+brumos
+brozova
+facenda
+kostov
+platooning
+birke
+gpcrs
+meall
+takotna
+lec
+kamalesh
+tufino
+wite
+400-man
+identity
+hengyang
+sartin
+paedophilia
+picuris
+lave
+amerie
+furthest
+tbl
+legent
+ummagumma
+tawatchai
+49,700
+arsonist
+monnett
+pro-business
+mki
+gaal
+lasher
+ochsner
+piastre
+guterson
+386,000
+urueta
+re-tooled
+parasitizes
+guerrillas
+eliahu
+bleriot
+halangahu
+saim
+métropole
+emas
+glg
+tuyakbai
+guero
+tykerb
+santarem
+feser
+hypolycaena
+ozgen
+23-16
+subanon
+speedskater
+paled
+mouseketeers
+nevrokop
+144.75
+hydro
+kirschke
+xs4all
+fiberweb
+abraham@globe.com
+27.95
+kpt
+caihou
+tunlan
+khandi
+nainital
+two-hybrid
+folle
+ducker
+2,334
+grayston
+35.53
+bapaume
+braly
+venel
+y.c.
+compartamos
+utmb
+traralgon
+,21
+kusheh
+gabbro
+empanel
+thuc
+jizzy
+carbona
+126.86
+garbis
+2490
+ss18
+blackwing
+lehmberg
+hamma
+5,885
+palmerstown
+tendrils
+russianoff
+kassler
+41.36
+ancillary
+59-foot
+mirch
+lassus
+prime-3
+radicals
+nashimoto
+ajemian
+kardelj
+mcmenamin
+sturgell
+fangio
+dorri
+jayson
+hinkes
+vallin
+assented
+hennesy
+hollinger
+invariance
+physique
+multi-layered
+wapello
+haberle
+f-35c
+cantus
+r34
+1989/90
+xiaoshan
+dirgantara
+217.4
+school-related
+subshrubs
+geisha
+regulative
+makhluf
+aspromonte
+independent
+tarshish
+jianjun
+psychometry
+vadi
+dongba
+non-smoking
+alexandru
+ferienkurse
+suhler
+capleton
+zhenzong
+nugal
+chiropodist
+romand
+jato
+miangul
+printing-press
+karoly
+taryn
+bartmann
+nominalist
+sunar
+acquittal
+derryl
+neophytos
+molle
+www.cia.gov
+yahama
+islamicist
+banyuwangi
+opsin
+140.6
+rpcr
+machuelo
+jansrud
+disalvo
+ramiah
+mahendravarman
+balslev
+faras
+37.58
+zoology
+viscerally
+9a-3
+clinks
+mitropa
+sneezed
+tripod
+kellum
+taneski
+ligo
+morley
+agracetus
+albinoni
+tattling
+komárno
+khanty-mansi
+54.00
+moolen
+non-ascii
+tlakula
+discoursing
+fengge
+grissom
+oneasia
+sadi
+250-seat
+80-78
+piggybacking
+chockablock
+jats
+heublein
+abubaker
+29.93
+micheletto
+57.09
+nonverbal
+kapoor
+jacobinism
+74-percent
+unwinding
+http://www.episcopalchurch.org
+unpiloted
+h.j.
+salticid
+hightail
+ritan
+rhetoric
+temposhark
+koho
+american-born
+coachmen
+unrolling
+il-18
+multimode
+roly-poly
+eling
+flues
+mepe
+larkworthy
+appenzeller
+vidic
+odžak
+initialled
+6-ton
+moza
+condone
+endnote
+saguinus
+65.05
+doff
+sheshunoff
+utö
+downed
+coenie
+errazuriz
+tardiness
+hongan-ji
+swapper
+zeferino
+longipes
+gruesome
+rikky
+stewart@hearstdc.com
+weisbach
+m56
+sigurður
+pokédex
+professionalization
+palp
+putera
+k.m
+1/16
+xuyên
+jibran
+polhemus
+yano
+karchner
+andar
+dasmunshi
+rtms
+5.63
+macko
+mephedrone
+chicka
+conghou
+paleoenvironment
+feth
+rashidi
+,680
+mohib
+dalliance
+redskins
+moderating
+kalaya
+brandner
+nomaguchi
+weepie
+wenches
+10.97
+52a
+bodle
+5,770
+elementaries
+talcum
+siwan
+http://www.nationalacademies.org
+kren
+basu
+still-living
+relevantly
+mobutu
+darc
+biophysical
+synaptic
+gantin
+saidamir
+ukrainian
+zouche
+interest
+willis
+supply
+self-adjoint
+stonegate
+mikiko
+mc-130h
+leggo
+missabe
+korat
+greyish
+xavin
+duvvuri
+2,448
+all-england
+steidel
+argent
+older
+192.9
+miñoso
+150,000-200
+bains
+ilić
+ilgaz
+blackberries
+synot
+kazmierczak
+17.74
+unexpectedly
+#ukqaqfqs
+benefactors
+sunkuli
+webber
+latitude
+60-54
+euro267
+grossfeld
+propertied
+cmrr
+ofwat
+strengthen
+duvanov
+lippe
+trotskyites
+hippel
+dashinski
+chaira
+ovoid
+.525
+kharge
+adapting
+pitjantjatjara
+jannard
+barclaycard
+nobert
+penzance
+franchi
+márcio
+torrid
+hanani
+unpatrolled
+newsline
+officiis
+lanthier
+philpins
+coupés
+puppetmaster
+epiphyseal
+call-and-response
+kortum
+pantani
+coupon
+pogue
+langensalza
+emacs
+kirchberg
+ayora
+bunshun
+brixia
+induces
+florman
+rillettes
+arpa
+strummed
+samoth
+owensboro
+goal_anaheim
+boucle
+desafío
+drahuschak
+138.1
+tos
+cambria
+xeno
+saint-léon
+riddick
+6:57
+ruta
+keremeos
+psychosis
+mgr
+putnik
+paradine
+30-millimeter
+lenni
+brigati
+radiotelegraph
+04/22
+rvn
+tempted
+roberge
+chessmetrics
+narragansetts
+disko
+teardrops
+37.61
+bolongo
+zellweger
+tricked
+deperdussin
+masayo
+hillsides
+3.01
+105.10
+3,503
+yates
+memeber
+stals
+1,265
+aminishiki
+dinitz
+naccara
+patuca
+tanamachi
+si.com
+vorkosigan
+tass
+2060
+koz
+rw96
+subtrees
+falsifiability
+leonidovich
+geminal
+advertisment
+internation
+doggies
+lates
+soleá
+bolckow
+cardinalate
+curriculum-based
+balderstone
+17.51
+morgenstierne
+mopti
+calathea
+siskins
+coasts
+luchu
+yaqut
+lobata
+3,338
+güstrow
+seizes
+drakensberg
+cling
+romanic
+rtl
+osogovo
+'54
+shearwater
+europe-wide
+coloboma
+278.3
+38.16
+lussan
+abdulwahid
+stylianou
+sweden
+parecer
+teratogen
+thayet
+walewska
+shots-23
+check-list
+lessa
+banesco
+dancefloors
+murakumo
+netratings
+maków
+mpande
+thunberg
+wizda
+1971-74
+volgograd
+colombiana
+80-71
+1-for-10
+pneumonic
+bestias
+hearer
+556-4107
+trioxide
+shv
+thousandths
+bbmb
+artis
+46.48
+epilogues
+eso
+doosra
+bujanovac
+hoche
+mineria
+ර
+dannemora
+antichrist
+minimo
+birthrate
+easements
+squeegee
+patapievici
+pottery-making
+serotonin
+parikshit
+euro24
+microbiota
+zaire
+portago
+julkipli
+roone
+byerly
+mineralised
+tomasson
+kingshighway
+glyphipterix
+melecio
+niehs
+reims
+ec135
+buic
+hechtel
+venerating
+c.f.
+maryanne
+plasmodesmata
+estimators
+kille
+fabbiano
+occhipinti
+parco
+csdp
+limba
+torey
+kalpokas
+felafel
+heldenleben
+pascin
+nicolay
+bryophyte
+0.99
+lampert
+trippe
+twilley
+jairus
+danding
+vestment
+sanctionable
+20004
+jibouri
+numer
+14-inning
+ocoee
+richgirl
+frigatebird
+chacon
+semi-permeable
+emptied
+maxing
+keast
+cergy
+kecil
+glycolysis
+sandestin
+delgiorno
+janette
+kruk
+kırklareli
+plainridge
+elsdon
+marois
+first-week
+108-105
+exert
+nyberg
+bograd
+vomitting
+attributing
+dhanraj
+aktiv
+defreitas
+southest
+antisymmetry
+reveillere
+261,000
+1922-1924
+unreached
+re-licensed
+wink
+mopped
+mingling
+suse
+kanaan
+fonti
+monroney
+50.68
+hausfeld
+397,000
+polythene
+mu'azu
+treis
+ratchets
+utnapishtim
+cheston
+tzotzil
+inter.net
+swing
+sloped
+disposals
+tavia
+abundantly
+5-million
+footmarks
+koepp
+sleightholme
+interconnections
+euro589
+i-2
+olympiodorus
+kumble
+gangadhar
+ci'an
+immorally
+sjoland
+diarrhoeal
+jewish
+zometa
+bayrou
+se1
+terminus
+gest
+villarrica
+coronial
+sleekly
+councillor
+agena
+re-issue
+steig
+rimae
+clients
+off-limits
+disapproval
+rad
+110m
+copycats
+3-71
+likhachev
+setencich
+fastows
+temuan
+espaliered
+hire
+dolní
+freedesktop.org
+non-soviet
+deines
+tsangpo
+cavarretta
+tryptophan
+valerios
+143
+garner
+gsw
+cents
+dreams
+wgbh-tv
+kinane
+portia
+oleksandr
+taghi
+symptomatic
+rozell
+crewe
+68.25
+agal
+saxe-coburg
+kilometre
+mihalich
+fencers
+black-white
+amraam
+;)
+3120
+taio
+bingerbrück
+ruaidhrí
+đình
+gawker
+mosler
+mahanama
+retro-fitted
+trophy
+affluent
+d'infanterie
+llegar
+massol
+chihara
+grignan
+gace
+candon
+eskin
+strolled
+frelinghuysen
+chungu
+muthuvel
+farnaby
+kerberglobe.com
+bolter
+uachtaráin
+obr
+circosta
+intikhab
+harbou
+chappaquiddick
+polarizes
+50-40
+9513
+iwuanyanwu
+eamcet
+doveton
+musel
+placenames
+euro181
+streets
+tekari
+kash
+kocherlakota
+soekarnoputri
+odio
+österreichischen
+1,4-butanediol
+cavalerie
+misbehaves
+frett
+beast
+stating
+deeba
+552d
+marjanović
+furey
+tomiyama
+cosmas
+bayramov
+expirations
+saraceni
+10-term
+2009-10
+ruptured
+equilon
+diyos
+reparto
+spacetimes
+wrinkle
+ferrall
+klenner
+grégoire
+magidsohn
+asesores
+andalucia
+yukons
+głuchów
+emaciated
+transworld
+okonomiyaki
+summorum
+sandomierski
+hates
+wolfgang
+orbited
+barff
+ângelo
+short-circuit
+debruin
+decurrent
+lydenburg
+byakuya
+groop
+kljuc
+mobygames
+consignia
+changzheng
+allegro
+sacheen
+temüjin
+32.18
+mamarbachi
+madhukar
+leonidis
+lennix
+25s
+8.96
+wig
+ghengis
+olbricht
+vratsa
+vivants
+menounos
+rusie
+prince
+villages
+caved
+sincerely
+fmj
+talib
+urchin
+gaidar
+non-flying
+syndicated
+symmons
+paludosa
+10:41
+puits
+kabaya
+stanozolol
+rel
+ferran
+zot
+60.72
+537
+sergey
+1,936
+arna
+staveren
+die-offs
+kindia
+warrens
+baptism
+148.4
+derdiyok
+žižka
+sulcus
+lzr
+rataj
+hosepipe
+2455
+ops
+viterelli
+e-mailed
+fuliginosus
+danced
+3-down
+rainha
+mcgruff
+volkert
+bazeley
+ardashir
+ameri
+sigyn
+windu
+truesports
+foping
+stammheim
+tpg
+germanophile
+barros
+echolalia
+corriveau
+ecgberht
+médard
+danenberg
+wonkery
+advergames
+reiten
+nynorsk
+sejmiks
+koser
+lefortovo
+ballparks
+nicoletta
+cultivar
+hammed
+stoudmann
+meetings
+kampung
+misspent
+geofrey
+polyclonal
+d'origine
+cartesianism
+manic-depressive
+aslanov
+complementary
+sentiments
+25-meter
+jets
+1,725
+57.07
+mcwane
+meriah
+fleishman
+tangherlini
+quizás
+tempsford
+shirting
+juncal
+dravinja
+shawwa
+marram
+shellmound
+4:56
+hawa
+pahlsson
+joes
+2,186
+dyskobolia
+amphitheatre
+bełchatów
+goalkicker
+murray
+kamyaran
+kristofor
+a-g
+parktown
+112.18
+hangers
+tatry
+importance
+sabran
+iguaçu
+tailender
+67.62
+loitering
+acclamations
+al-ahwaz
+asboth
+39,600
+backwash
+harpe
+bhustedajc.com
+winkelried
+nullifier
+stovepipe
+servron
+sixways
+adquisicion
+well-directed
+becnel
+adoum
+eibl
+3,931
+faurer
+maxcy
+randolf
+barnstormed
+savic
+khodari
+swappable
+toten
+endangerment
+iwatani
+prohibition-era
+barloworld
+stablemate
+soltesz
+58.70
+palmtop
+kamis
+e-rotic
+najdorf
+wholey
+307.4
+leipus
+5.0-liter
+armenteros
+13-man
+refundable
+spijkenisse
+tiina
+dissenters
+31.22
+grete
+hbbtv
+unpleasing
+freescale
+bradstock
+dataplan
+nightfall
+felixstowe
+nstar
+60s
+jostle
+paing
+moondust
+corky
+zoogeography
+duggins
+khān
+sitton
+mctighe
+lorsch
+péret
+tarhan
+bolot
+tashiro
+goalies_san
+popayan
+kearsley
+easyshare
+šokci
+cumbes
+fazed
+avianca
+wibe
+962c
+gesserit
+109.72
+dieting
+5,170
+beausoleil
+leoncito
+vbc
+4,687
+lauan
+jalpan
+eldik
+30302
+retyped
+argo
+naude
+bathwater
+fitt
+stifling
+mae.cheng
+97.59
+mastodons
+l'anse
+mhsaa
+fetherston
+1-ranked
+delamare
+roerich
+quietened
+superheavyweight
+32.20
+lifeforce
+tamaro
+tisane
+brieg
+boxy
+falters
+dulaymi
+berezutskiy
+intersuisse
+reet
+lahar
+13.35
+gameplay
+ransford
+baraja
+arbuzov
+cyclic
+humbleness
+cambodia
+martirosova
+zoc
+anti-illegal
+busteed
+sandpiper
+wingate
+45.62
+amanita
+realplayer
+dolen
+eurogroup
+merkin
+mistletoe
+queremos
+edds
+111.26
+pineios
+397
+matory
+rieper
+deverbal
+helmut
+mccaysville
+4,940
+rivne
+350.5
+13b
+promisee
+bhagavata
+trimpe
+u.s.-proposed
+31.44
+oligomer
+cacciola
+swiping
+aqaba
+panted
+lock
+anacleto
+hrk
+envies
+rhein-sieg
+100-92
+potentially
+hiw
+ha-levi
+herewith
+adkison
+koshkin
+tedrow
+genette
+greengrocers
+itdc
+re-joining
+shailesh
+obziler
+37-nation
+countercurrent
+india-pakistan
+arcsec
+abrahamsson
+går
+jahed
+sked
+compnay
+quercia
+stassen
+fryer
+phor
+hovan
+nanocrystals
+flubber
+villehuchet
+artifical
+shergarh
+andreevich
+31.75
+strandings
+10-for-15
+antron
+3,585
+hayyani
+paschi
+nurkse
+smajlovic
+300-game
+lann
+ginastera
+neilsen
+maḩalleh-ye
+ldpr
+minuted
+sobis
+institut
+bezold
+questor
+nder
+rouhani
+nudges
+billett
+4-92
+criciúma
+glywysing
+metzler
+blazon
+deprivation
+echolocation
+housel
+burdi
+countrysides
+involuntarily
+bukis
+ca9
+bhagavathy
+rwigema
+mrnjavčević
+contrapposto
+preinaugural
+footy
+practicum
+nagurski
+zond
+24.71
+1,620
+1356
+banzi
+toumat
+subha
+lastimosa
+kund
+sughd
+trademarks
+solt
+butkevicius
+sachse
+paulie
+serous
+increment
+taibe
+enrollees
+baral
+perimenopause
+horticultural
+zulqarnain
+spearhead
+extranjero
+kirchler
+clevenger
+intermissionless
+0910
+phew
+42-billion
+chongo
+asunto
+lievremont
+team-based
+ferme
+torkelsson
+finalist
+cilliers
+paifang
+rqs
+udomsak
+laya
+murai
+kv1
+silkier
+bonsu
+episcopalian
+openvpn
+ouida
+hawkishness
+kaigler
+mentawais
+62.41
+sylver
+seance
+ramin
+crestwood
+dethroned
+sanjo
+gnana
+47.34
+oildale
+eurail
+leucippus
+genoud
+deconstructing
+ardizzone
+nabih
+workboats
+castellina
+khabab
+43-22
+nagold
+mid-3rd
+stornoway
+kulim
+sodegaura
+polonez
+frimpong
+sheriffdom
+njala
+quizbowl
+benzali
+anv
+buaa
+yaish
+pees
+fivb
+salvatrucha
+shumann
+gossner
+becaue
+berberis
+shearn
+theoretic
+yaba
+suntech
+bigbang
+azi
+valuable
+norinchukin
+hefting
+tavo
+cameoed
+jiangchuan
+perković
+krebsbach
+104.15
+unie
+portarlington
+redpath
+hornos
+gruesa
+seta
+pepe
+benefaction
+pennywise
+guangling
+nikonov
+15.08
+68.56
+satruday
+heuliez
+space-filling
+tsavo
+balanchine
+frome
+shanachie
+euro222
+antispam
+chaperon
+foreign-language
+cottman
+metates
+environnement
+snapchat
+frisii
+ibrox
+damiani
+bresaola
+fauzan
+mythologized
+82.37
+covalently
+http://iwin.nws.noaa.gov
+tradecraft
+pipa
+werff
+ceb
+grece
+mouthfuls
+sundt
+dearman
+finnmark
+siddons
+belorussia
+aari
+euro519
+cierto
+states-mexico
+four-faced
+120.34
+yasunobu
+eidan
+tosatto
+bohuslav
+fifty-eight
+sarki
+kepez
+geordies
+doomsday
+ahousaht
+beersheba
+1.2050
+porcari
+gellhorn
+beefeaters
+karishma
+sabih
+kamboj
+penarol
+eefje
+musicares
+badcock
+casei
+sahneh
+huyghe
+voltage-gated
+peribsen
+alyeska
+kosice
+boufarik
+sonnett
+asiax
+250-lap
+mechanics
+orana
+fila
+cigars
+consecrations
+9.24
+sehwan
+catullus
+bacillus
+llama
+www.delta.com
+crusing
+matinée
+gyroscopic
+lipoprotein
+cîrstea
+novelistic
+cutscene
+boussinesq
+.267
+almora
+arzew
+chondroitin
+evasive
+sarfati
+earlestown
+anel
+fringe
+87.78
+physiognomy
+schoepen
+heidenheim
+valeant
+bosca
+giger
+http://www.uslsoccer.com/history/index_e.html
+antonescu
+kye
+unfenced
+aonb
+borda
+arterials
+mirpurkhas
+severing
+dahm
+grammont
+31.27
+expels
+hamline
+depleted
+muntenia
+chikovani
+kumārajīva
+chandhok
+gnjilane
+orthodontists
+dollex
+honington
+effler
+bajracharya
+psychometric
+chamran
+hala
+mid-1986
+soundies
+safarova
+lamin
+brousse
+hedgepeth
+okyay
+tergat
+thiệu
+95.16
+spoh
+alp
+zero-x
+1,577
+15-year-old
+careerist
+k2o
+pressman
+petacci
+15:09
+ineffectively
+sunz
+storro
+fifty-nine
+loiko
+marma
+profound
+castle-like
+schipa
+delroy
+overregulation
+hetman
+padoan
+santamans
+kcsi
+winchelsea
+6,090
+microgram
+shotoku
+pre-positioned
+8701
+scherler
+masanari
+marcellas
+rendulic
+shankha
+worthies
+wargamers
+optra
+obermueller
+jonni
+splotchy
+ferydoon
+licensee
+diversify
+phalacrocorax
+dmc
+kyonggi
+kba
+93.04
+yazbek
+butanol
+variétés
+bipropellant
+meridians
+youssef
+procrastination
+luk
+cft
+lestari
+antifolk
+piątnica
+cerone
+enterprising
+juxtaposing
+appetising
+rtoday
+extinguishes
+96-90
+ftca
+o'crowley
+survey
+november
+verapoly
+jalebi
+lisbon
+attenuata
+kalundborg
+extraditions
+cordet
+osr2
+farik
+costanza
+beloved
+nanoscience
+słupia
+therapsid
+deathless
+curdles
+zunyi
+jukić
+38-gun
+-1.1
+saltcoats
+otopeni
+magnetostrictive
+lef
+wkys
+categorise
+dicker
+treschow
+99-85
+bullwinkle
+brickmaker
+80.15
+spoony
+auto-industry
+omigod
+eisen
+kunashir
+elmire
+effluvia
+ideational
+lounsbery
+cleef
+inbal
+helmly
+baseer
+crema
+mailliard
+range
+socom
+photomontages
+119.45
+4-meter
+petawawa
+quanjude
+cerevisiae
+horsens
+full-body
+exacta
+tashjian
+pan-regional
+dmytryk
+brinklow
+quichua
+aronsohn
+santori
+warlubie
+mcso
+auguin
+begoniaceae
+trinta
+chudinov
+cardiology
+failor
+bradwardine
+schlafly
+furneaux
+coyote
+oladapo
+adlershof
+stodola
+éile
+bellecourt
+norteno
+gurjar
+208.9
+knpc
+felicio
+feeble
+resurfaced
+croche
+hardey
+dunc
+salafists
+supernatant
+dahu
+phylogenetically
+4:57
+magnate
+corella
+olisa
+lunner
+kuettel
+al-gaddafi
+hospitalisations
+mg/kg/day
+video
+hürtgen
+krull
+seacology
+península
+7,040
+bfo
+eléctrica
+lashkar-e-jhangvi
+vlasta
+scandia
+ligia
+volksfest
+eel
+maher
+euroyen
+855
+prorsum
+steamrollers
+zaccardo
+pureed
+creditworthy
+levie
+rasping
+400-billion
+allurement
+qadiri
+two-and-a-half
+browbeating
+deindustrialisation
+jameela
+bjoergen
+mapquest.com
+imāms
+physiologists
+trespasser
+boringly
+alof
+rentap
+necrophagist
+kahu
+13-party
+konstantine
+selex
+22.18
+ditte
+2002-2009
+theaceae
+kunert
+uspsa
+weyco
+bowlers
+duley
+sharing/401
+shamsky
+callistus
+musics
+fwv
+maitreya
+acromyrmex
+raadhika
+solamente
+dumped
+characterize
+retargeting
+repricing
+brain-child
+rehabilitates
+ll.d
+wxin
+720,000
+1.3995
+noviye
+urquell
+29.73
+gumbi
+click-through
+scrimmages
+reactors
+kellogg
+oghuz
+2:04
+coraciiformes
+4,6
+d'espagne
+hyoty
+chogyam
+chely
+gorton
+littbarski
+taleju
+1047
+jealous
+aisl
+ellenson
+contingencies
+sloane
+maryinsky
+santeri
+g.n.
+2-60
+howlett
+excitment
+cerithiopsidae
+kleeb
+comerica
+1-for-2
+50-48
+jaggers
+rapist
+wpg
+taura
+moross
+belnick
+icrisat
+okonski
+ishijima
+misweeney
+menemsha
+3,405
+ghazaliya
+idolo
+fifth-ranked
+huckster
+d'oise
+inbuilt
+scacchi
+pskov-747
+sensitise
+gjelsvik
+prohibitorum
+huntingdonshire
+jojohnson
+codes
+75.24
+enclave
+mattapan
+late-renaissance
+untestable
+73-63
+anti-foreign
+turgut
+court-martialed
+beardslee
+dollex-30
+6.3-percent
+pfotenhauer
+kennelly
+kunda
+arthurian
+sleevenotes
+eventyr
+preselection
+janowski
+clumping
+penteado
+renovated
+tzfat
+mizrahi
+dione
+reitter
+laddish
+colletta
+subside
+kolowich
+1948-50
+alberni
+khunn
+partap
+behest
+bloodiest
+trudge
+51.86
+hólar
+gwendal
+longest-standing
+mendy
+akhavan
+1,028
+lokmanya
+infigen
+arpeggiator
+miša
+jalaleddin
+ambalat
+nokelainen
+londonderry
+snowbank
+dvcpro
+nagatea
+bengough
+100.97
+cannibals
+4bc
+spectrometric
+north-central
+53.6
+standly
+re-record
+intrusive
+warriner
+jamiya
+pareto
+khansa
+underreport
+63.39
+fastlink
+châteauneuf
+luantai
+miosis
+marlboro
+tufano
+rebozos
+poulains
+deneke
+jvazquez
+jigsaws
+kanzenban
+đồng
+mistassini
+aucilla
+warbound
+schmall
+mummery
+unital
+foxman
+nodes
+smartphones
+crittenton
+discontinuance
+71.15
+provided
+iin
+73.01
+raiz
+olethreutinae
+imaginations
+tando
+guffawing
+3.71
+kalisch
+boors
+howells
+vidéo
+teltscher
+9/10
+subsoil
+morcone
+hollaback
+giannichedda
+idiophone
+sulcatus
+13-5
+piskorski
+keikyū
+daluwatte
+vagos
+cmb
+tenuis
+cisgender
+erki
+888-844-2209
+bleeds
+bonsecours
+lieshout
+bardfield
+pemalang
+paeonians
+loftus
+nebulon
+300-vote
+82.70
+mabou
+mölln
+rtaf
+i-68
+40-centimeter
+1,897
+keech
+nkunda
+tsn
+cantabrians
+neuroleptics
+mekaniske
+alpha-helices
+gursel
+palanggoon
+jelšah
+quickstart
+sørland
+sellouts
+vak
+juxta
+uvic
+cifra
+abdille
+longiceps
+2-megapixel
+attained
+64.70
+west-berlin
+agustina
+4,171
+maelor
+kuskokwim
+adiga
+mutahida
+midgets
+louts
+lemme
+poompuhar
+balik
+czepliewicz
+heffer
+asserts
+hucksters
+carmont
+shubb
+larinto
+inchcape
+salerni
+euro443
+boren
+madlax
+1.32
+malpas
+nisra
+passionfruit
+gjallarhorn
+rafkin
+rukavina
+gayssot
+151.6
+claritin
+nok
+vagif
+def
+antle
+alpi
+straightjacket
+33.85
+middle-age
+saddamists
+colleville
+comey
+caat
+cloos
+bierhoff
+laith
+rough-cut
+dessart
+relict
+bivariate
+azcapotzalco
+09:05
+disdain
+sheh
+times-mirror
+43.78
+staniforth
+scents
+33,300
+koryu
+vefa
+kherchtou
+diagnosticians
+.677
+gooseberry
+tailpipes
+haematoma
+jhb
+terrarum
+würm
+nfca
+sonnenburg
+unissued
+muñiz
+remsperger
+power-ups
+llyn
+king-tv
+rabia
+binney
+entführung
+chernozem
+shusai
+sapard
+wathan
+mine-sweeping
+second-best
+7.7997
+diagrammed
+ltda
+bernadotte
+panlilio
+apprenticing
+grosskreutz
+methiocarb
+woolrich
+kaū
+warfighter
+madhubuti
+rengui
+airdrie
+brca-1
+well-born
+goodsell
+pavez
+deterioriating
+,775
+indelibly
+liudmila
+pokljuka
+self-identify
+all-share
+90.05
+13.65
+astronema
+fixed-wing
+philosophes
+higino
+dangeard
+velveeta
+omniverse
+stefanescu
++2.5
+dreidel
+bective
+igd
+frescoes
+120.6
+ilyich
+rungs
+11:25
+hertha
+enrolment
+oduor
+unilateralism
+spiffed
+pionir
+flügge
+choppier
+clintonville
+reigh
+ajami
+roadshows
+widvey
+fuhs
+tibisay
+unz
+boine
+shirvani
+tulio
+dmap
+tauber
+tocumen
+afyon
+pasang
+d'ar
+ecj
+101.58
+orpheus
+qinshihuang
+lowball
+yoshitoki
++45
+s/2004
+contradictions
+rover
+25.55
+chainarong
+11,350
+akhundov
+rybnikov
+packings
+stain
+all-out
+8-millimeter
+-51
+ghardaïa
+napolitano
+kundi
+damione
+offaly
+michelins
+leatherwork
+cybernauts
+mumengi
+short-pitched
+trivelli
+scholey
+grimble
+mkreutz@ap.org
+intercept
+remi
+mephisto
+simplification
+zahd
+alabama-based
+motorization
+cosens
+1,961
+anarawd
+julianus
+838,000
+191-nation
+g.a.a.
+hans
+cinnabar
+yarmouth
+yunli
+diodoros
+3,217
+alard
+wxia-tv
+animalistic
+szeryng
+tía
+ohm
+melescanu
+politician
+three-tenths
+penpics
+hamidul
+carbamide
+dundas
+elwha
+108-97
+newtonville
+ties
+cider
+ex-royal
+rang
+fearfully
+9:25
+crackled
+masterminding
+farrall
+lon101
+tsvetana
+officeworks
+disarticulated
+finchum
+wc2006-asia
+nostoc
+wapi
+huadu
+75.92
+41.24
+plantations
+vestberg
+fcv
+thua
+ayurvedic
+2017
+ayyad
+ghazarian
+hillwood
+ackman
+reverte
+kontio
+thec
+ghaith
+cenex
+kemeys
+mramor
+rochdale
+eduardo
+3,081
+vilner
+11766
+orphanos
+admonition
+dnb
+ne6
+saloniki
+nossal
+sabaratnam
+4,572
+interviewed
+codominium
+117.45
+samruk
+taifas
+eckhouse
+zammit
+17,750
+kimak
+1529
+adriatic
+1968-1972
+first-ranked
+lenzing
+geras
+shuaibu
+h.j.res
+s.t
+dwight.silverman@chron.com
+55-7
+émigré
+6p
+spicebush
+ishar
+healthtrust
+takac
+wattanasiritham
+čabrinović
+kadzamira
+ferron
+strathaus
+merlin
+21.62
+klosters
+guangyuan
+cursor
+kunzelman
+urologic
+04:45
+motorik
+9-2-1
+delamontagne
+thestreet
+28,700
+88.70
+tauruses
+top-performing
+cavusoglu
+snape
+agonize
+angeleri
+sintnicolaas
+melaku
+bookselling
+putrefied
+lycos.com
+eustaquio
+hurts
+mii
+grunsfeld
+qrm
+courtship
+morganroth
+lajunen
+clafouti
+underflow
+hydel
+denver
+backhoes
+jehoiachin
+sheaves
+tomentosum
+köster
+naysaying
+meindl
+semarang
+quadrangle
+guter
+mockbuster
+amirav
+5,329
+fayol
+bethesda
+peggle
+afif
+128.36
+labeo
+stover
+stoneage
+luebbers
+radiata
+girard
+mahmoudi
+-3
+21-26
+havey
+torys
+backfires
+enolate
+chvez
+bulldogging
+6,280
+1,956
+psy
+davidsons
+tassinari
+veletta
+bonan
+bakeries
+rtz
+yeenoghu
+saadi
+lenska
+llah
+dismiss
+maletti
+cholinergic
+authorites
+tizzy
+78297-2171
+tây
+powdery
+ost
+christov
+stabia
+adetokunbo
+cavities
+gwr
+96.9
+oxbridge
+austria-este
+laharl
+submodule
+discussion
+most-used
+hassun
+kolker
+vallès
+j.johnson
+blanford
+ferriol
+yatsugatake
+rb2
+villy
+guarantee
+3.215
+eias
+shaichat
+u-30
+4.4-kilometer
+swizterland
+hyattsville
+katiyar
+candid
+tsou
+yupanqui
+knechtel
+tolis
+fokker-100
+undammed
+khad
+indica
+lichfield
+shinai
+mifepristone
+bloating
+bbn
+honeypots
+1,483
+tardebigge
+730
+condominium
+fallahiyan
+snuffling
+maringá
+regimented
+susp.
+declawed
+hereward
+barrois
+nonlawyers
+luković
+rohtas
+chuliang
+chiana
+2.79
+zeberkhan
+tomber
+tacuarembo
+herkomer
+mcqueens
+70-kilometer
+xtrajet
+dorine
+swaps
+1.173
+demarcus
+blabbering
+shutterbugs
+mtrcb
+12-ton
+voyage
+codice_11
+grahame-white
+secrets
+ruz
+integers
+wwu
+bevy
+consumers
+ub40
+replaces
+objectives
+costarred
+kasun
+dhoke
+sailoff
+apstar-2
+elaheh
+nurnberger
+sivanath
+unitymedia
+extracurriculars
+castaneda
+kibi
+flenderson
+panglima
+serrated
+declawing
+zhishen
+shushing
+legalzoom
+penetrated
+sarvis
+forwarders
+costache
+laviolette
+91,000-seat
+caga
+landsat
+guidetti
+pepé
+artec
+frederickson
+écoles
+wellwishers
+hansei
+wasabi
+lodhi
+346th
+ayinde
+solvency
+özcan
+ladyville
+wilfer
+amenophis
+r-r
+rhapsodizes
+comendador
+helena
+unai
+katsuura
+estiarte
+trojanów
+herds
+tottered
+zarkasih
+7,250
+lma
+oneto
+gerentes
+rooart
+13:48
+grandnieces
+colodny
+passeridae
+29-month
+mongers
+apportioning
+sondershausen
+revel
+caelian
+stenkovec
+164-foot
+samurdhi
+wilayah
+sublimating
+giuliano
+harunobu
+loutre
+happend
+shishmaref
+optimizers
+58.28
+ostfeld
+1,410
+blackens
+tamworth
+bochtler
+galgo
+formula_161
+prestigiacomo
+hengoed
+capet
+41:49
+wiliam
+52-17
+post-primary
+masaaki
+discomfit
+unrealistic
+peeta
+sivok
+1-65
+wireless
+cloudmont
+mkhalele
+foushee
+boevski
+basting
+commenters
+kimerer
+swahv
+chatumongkol
+bloodying
+6-19
+verniero
+vukov
+team-mates
+lemp
+38-story
+chaiwat
+sørlie
+montel
+tedd
+qatan
+123.34
+hydroponic
+apically
+1721
+ochsenschlager
+fleurier
+descends
+misako
+tampax
+ná
+democratique
+rith
+travelzoo
+symington
+vallathol
+70.98
+premiere
+decoster
+dungarees
+breslover
+gokhan
+readmission
+pontypool
+re-seeded
+multi-step
+mlad
+issus
+cotentin
+currency
+mercers
+cadigan
+nuclearisation
+emran
+re-arranging
+moravská
+24-team
+wabbit
+dreman
+djuro
+107.7
+garderen
+strenghthen
+kashtan
+shagufta
+ironmasters
+tzedek
+57.74
+gazzard
+dreadlocks
+15.95
+agrippa
+tieger
+flassbeck
+tramp
+catch-22
+uppingham
+halfpenny
+lutwidge
+driveways
+jesli
+masseur
+situationists
+farone
+cnooc
+prosecution
+carlsson
+valledupar
+206.7
+11.52
+4-6-1
+inteligencia
+linkshare
+shahab-3
+hofrat
+prig
+perspicacity
+beethoven
+dooney
+connerton
+chooch
+blokes
+chesworth
+73rd
+neo-psychedelic
+shabwani
+shackell
+messner
+re-orchestrated
+blandings
+alderbrook
+beseler
+multigenerational
+revolutionary
+cardigans
+19-yard
+jabbar
+shiping
+scarlett
+arunachala
+2,577
+peltate
+imatong
+maridi
+gtfoot
+open-loop
+viable
+syomin
+ziegler-natta
+lamrock
+function
+troccoli
+20-million
+73.52
+vaeidi
+2002-2004
+236.3
+skaryszew
+lerman
+bantz
+iskandar
+matidia
+tseten
+vashi
+wyser
+conciliating
+couey
+49.50
+elzevir
+terraplane
+nataf
+teater
+tibbets
+schaack
+ali'i
+goods
+winer
+ichiki
+eskandar
+converge
+uras
+single-a
+vendace
+104.40
+renart
+zel
+westall
+1,000-seat
+cyttorak
+angyal
+sakha
+bn.com
+phy
+downsizings
+aristodemus
+geiman
+vice-marshal
+8-23
+ogdc
+pistachio
+optoelectronics
+büchner
+gwom
+precincts
+reuser
+vibrations
+hiroo
+lindblad
+biotechnologies
+shenstone
+45.36
+ammen
+bieksa
+aaraji
+alumnus
+brillat
+perahia
+facets
+ampolex
+brogues
+stoppable
+vtrs
+one-handed
+3:58
+8:13
+ghadban
+81-year-old
+tvn
+1,922
+cleanups
+368
+gnaws
+ecurie
+basiliscus
+swirsky
+daghestani
+landsea
+archconservative
+malsin
+londa
+crime-ridden
+a&f
+1.7350
+dshepardsondetnews.com
+49kg
+trichilia
+hrólfr
+42,917
+hoy
+giorgianni
+30-12
+khairy
+blundetto
+wyggeston
+centennial
+19-26
+0:0
+cochranella
+limax
+sesay
+ninon
+euro588
+conejo
+birns
+tingri
+beween
+gtmo
+dayg
+pesident
+zaharia
+borssen
+maintainer
+kosmos-2i
+samboja
+markač
+kalindi
+desportivo
+6.1-meter
+mouloungui
+sonderbund
+chloropaschia
+97-1
+netcdf
+eleuthera
+c.n.
+bagshot
+latifrons
+cullip
+scientology
+vianen
+hirudin
+awt
+mels
+meisenheimer
+disperses
+darkhovin
+zebrafish
+treeless
+eliminative
+sabco
+kaneto
+misbun
+hughston
+eşref
+lexicographically
+corps
+irishness
+67.80
+1.258
+elford
+received
+fortabat
+natalya
+oversimplification
+airgroup
+reyna
+rastriya
+oligosaccharide
+olausson
+xyrem
+drear
+lebell
+swiss-born
+14.21
+brautigan
+9,760
+proto-austronesian
+remonstrating
+97.27
+furrer
+schneeberger
+jerseyan
+sati
+codrescu
+centegra
+alleen
+nonmanufacturing
+palooka
+nici
+registrants
+began
+crust
+123.78
+cavataio
+600-metre
+wonju
+genclerbirligi
+imhotep
+chenglong
+i-a
+alphatec
+prostituting
+caretakers
+axbridge
+dabble
+ransoming
+odium
+dongfanghong
+tuesday.a
+max-planck-institute
+grimston
+watford
+kitase
+tendinitis
+dinghies
+16-27
+restaurantes
+afford
+joux
+80.70
+burgers
+nappe
+11-meter
+sldf
+noar
+firouzabadi
+aspetuck
+by-products
+ponderousness
+non-deterministic
+ancram
+grandjean
+hallel
+chilito
+frf
+slaight
+carolinian
+sw
+94.99
+cpena
+ibarrola
+muffie
+continous
+ansp
+newburger
+pramote
+twickenham
+thicken
+meacham
+bartowski
+custodio
+1-900
+80-hectare
+80-inch
+mufamadi
+1.3-litre
+dunkerton
+netanyhau
+bawtry
+propose
+tobie
+echavarria
+daikin
+ettkin
+dragones
+2071
+yalçın
+katrine
+endoparasites
+rijn
+s.o.b.
+limner
+yucatán
+reaves
+attridge
+1900-1950
+verismo
+gonna
+rotis
+roseum
+impastato
+ckgm
+psychopathological
+sogecable
+mucker
+songcatcher
+follmer
+eleutherius
+yentieng
+confraternity
+floresville
+woot
+esthetics
+cumulated
+telecomunicaciones
+pahk
+rumbles
+diethelm
+artesunate
+2,253
+gambaccini
+sneering
+crampton
+kimiko
+raynaud
+pedo
+boćki
+slobodkin
+asylum
+tetarenko
+waneta
+gjurovski
+leakeys
+seel
+lokuhettige
+103.4
+ileto
+crowning
+milson
+5.19
+norquist
+dasho
+copolymer
+thư
+pylea
+0.89
+frederick
+sailings
+conocida
+twente
+qrf
+nella
+79.60
+fayrouz
+sooden
+wama
+placerville
+zorita
+sampedro
+wera
+7.758
+three-week
+politécnico
+lenn
+kinner
+buonaparte
+uncontrollable
+408.9
+orientational
+prototypes
+cshrs
+evansburg
+5hr
+quintillion
+aviación
+liubov
+480-pound
+cioroianu
+malmberg
+tuerto
+9-for-14
+kněžnou
+2,664
+ly
+kasatonov
+conductus
+derring
+toyohashi
+jaya
+faliron
+argiope
+imitates
+saturnia
+malibu
+derya
+amicitia
+288.6
+balding
+kolibri
+l’homme
+arkansas-oklahoma
+unsteadiness
+59.96
+fleeing
+8in
+onaway
+latterly
+messuziere
+benjamin
+hmat
+grandpre
+hustlin
+celegorm
+much-admired
+red-brown
+libertario
+11-for-16
+sagging
+filimoni
+strait
+nightshirt
+ebensee
+theft
+1501
+gladstein
+sozomen
+osmeña
+downman
+postauto
+axess
+alnylam
+diluted
+pegaso
+yochelson
+golikov
+filaret
+seletar
+38-degree
+corticosteroid
+.79
+ariwibowo
+prescreen
+jelasic
+fxf
+6,000-square
+broaden
+amuri
+volksblatt
+swatara
+preservatives
+gathas
+paddled
+cranz
+gueorgui
+electronique
+counterattacking
+nockamixon
+little-known
+roulette
+jauregui
+saturninus
+girdled
+klaveren
+valance
+bass/vocals
+kirche
+text-based
+heatter
+buts
+greatham
+trans.
+valine
+lupoli
+helmke
+heartworm
+bhendrick
+herkules
+dolenz
+7mate
+atascosa
+kiddos
+scrc
+mock-up
+splays
+kakuk
+plate-like
+hallucinogens
+bressman
+settings
+safaga
+bhaduri
+,170
+taufa
+3,431
+daks
+aquemini
+shirur
+opus
+glendale
+c32
+tammeus
+fróilaz
+actin-binding
+compression
+sefton
+hollowell
+européenne
+gottesdiener
+narratively
+musin
+cleansings
+volcanology
+lagat
+bambra
+ambrogio
+djj
+154-game
+single-season
+garra
+reiss
+brownfields
+najarian
+cần
+durand-ruel
+grünen
+touchable
+egypt
+patama
+duratex
+pharmacoeconomics
+ettenborough
+gmes
+schulhofer
+abass
+rastelli
+chavda
+cyndi
+hasa
+nitpick
+fukada
+foeme
+wilshire
+frear
+postrio
+jockstrap
+whitelock
+1,842
+307,000
+colruyt
+bases_blhunter
+voilà
+1.5120
+goldthorpe
+359th
+trashigang
+shoutin
+40-9
+tavel
+domnall
+kanie
+heftel
+mugs
+magda
+ericaceae
+macefield
+jameson
+shutdown
+scrapie
+hucisko
+unsalaried
+smokefree
+pmcs
+grainger
+labow
+i-290
+segmento
+samogitian
+ship-rigged
+1-1/8
+alazraki
+smokers
+merriman
+antipyretic
+nephridia
+runs_thome
+kheil
+saget
+mckendrick
+libeled
+guan
+domesticus
+skwentna
+stonebridge
+kálmán
+qusar
+3,844
+lessening
+bcpl
+lacker
+stumpff
+seiyūkai
+savagely
+salary.com
+dorsin
+interbrew
+mo04
+3:20
+aleurone
+lublin
+cawley
+fedex
+thijs
+kuenzer
+wingtip
+refreshed
+denominator
+santisima
+mattru
+cadotte
+foxhunter
+pierside
+grudem
+charbagh
+minisink
+wythe
+kalachuri
+beheadings
+t90
+congesting
+gorani
+organize
+beevers
+sylmar
+lockboxes
+peccei
+flagellation
+spyropoulos
+ridgeville
+wrenbury
+schneiders
+mensaje
+one-family
+rissa
+foru
+lihou
+maumalanga
+guste
+fethi
+owerri
+besik
+gameshark
+halas
+arquebuses
+stoer
+didanosine
+many
+pomponia
+fulsome
+chalana
+pursuance
+escude
+stratocruiser
+ahold
+coppicing
+chinley
+hollopeter
+lordi
+dečani
+sma
+macie
+unbroadcast
+1992-98
+loch
+1.097
+optimedia
+nailhead
+ankole
+nev.
+quesadillas
+amflora
+parbandhak
+nadege
+azzawi
+eiders
+kapros
+telesur
+tova
+023
+pomerania
+garofalo
+shogo
+obukhov
+mcfalls
+mukhi
+çiller
+echinoids
+zahra
+subject-specific
+28,400
+sdf
+belay
+papillomaviruses
+abbott
+sems
+const.
+affront
+boshruyeh
+jagga
+2,110
+raves
+wrapper
+primack
+62.28
+osmanovski
+churyumov
+1.4205
+principio
+scone
+filitti
+bonesteel
+readable
+scorpius
+lindland
+mid-40s
+webshare
+ppo
+fei
+democractic
+10nb
+90.84
+phenomenology
+195.2
+methodius
+godlike
+wambaugh
+0.5
+sodergren
+nudgee
+alluringly
+macneice
+harvesting
+kanepi
+goatsucker
+ranjini
+merouane
+sonali
+swenson
+37-33
+assyria
+rhos
+bottom-right
+roquebrune-cap-martin
+rawat
+atwal
+organist
+10,100
+murnau
+309,000
+yuzhang
+norfield
+1,389
+arren
+yesung
+ajok
+borneo
+to-10-day
+tizol
+guihua
+unipetrol
+rónán
+jelacic
+cholmáin
+valiente
+bmt
+kingsmeadow
+ahern
+fvd
+thermocouples
+perranoski
+mauls
+funnelbeaker
+francine
+lachen
+lewand
+african-based
+batuque
+levitte
+blücher
+weetabix
+pułaski
+boii
+domitia
+batavi
+goog
+tinniswood
+7.1-percent
+injection-molded
+citv
+1517
+groner
+hannett
+khanpur
+gasman
+iei
+goldmen
+6.74
+unrewarded
+dhing
+militarymen
+128.8
+scabbed
+mic
+80-day
+genetic
+faingaa
+proportional
+ladsous
+34-23
+rangebound
+anwander
+fratto
+off-court
+onalfo
+landscapist
+kh
+isoa
+resegregation
+2,940
+bisoli
+scarlets
+spanoulis
+31.71
+11,360
+bofinger
+fat-soluble
+ucs-2
+alert
+eckley
+wheelwright
+caproni
+birgisson
+mizutani
+venules
+trikoupis
+teri
+miltary
+mamacita
+3-member
+mccosh
+kamień
+941
+pichugin
+collet
+warrender
+82,500
+lycopene
+strettle
+49.89
+safranchuk
+kopriva
+amical
+orlandini
+keytar
+gillot
+53.98
+severa
+academy
+1gb
+jamil
+waggoner
+zheh
+coast-to-coast
+44.85
+t-34
+gigwise
+sportcombi
+saud
+coralici
+unthank
+natus
+csis
+natik
+brobeck
+kurlander
+banns
+tuckson
+7.94
+gurmat
+hahr
+vigeland
+fatfat
+surau
+dooher
+seasat
+mikania
+1246
+chinaware
+misters
+volleyballer
+glenmark
+finkel
+maholm
+bellvue
+m52
+re-establishes
+motormen
+buoys
+norrbotten
+syncs
+sendups
+politicized
+co-operative
+pandering
+takahara
+sakhir
+shamari
+crazily
+krivine
+esk
+patent
+panicker
+hrt
+tactically
+skotnikov
+thou
+mcartor
+negociaciones
+fragged
+oiml
+unlocking
+indefinite
+lebid
+thunderclaps
+three-act
+middlefield
+winterberg
+lyash
+bresciani
+samarai
+skipjacks
+6,500-square
+nyt12
+chuwit
+tightened
+estil
+partnering
+rockenfield
+pleasureland
+malafeyev
+sportsticker
+ruweishid
+lowndes
+downregulate
+gassville
+pithy
+quells
+wraf
+myanmarese
+hogen
+orebro
+panata
+shawal
+darbi
+http://www.wto.org
+naturalization
+49.26
+38m
+housebuilding
+dormammu
+kashyyyk
+bhairav
+store-and-forward
+0.004
+ontologies
+florican
+koroman
+stiles
+bonus
+inguri
+transferor
+lwr
+mikey
+4-footer
+meetinghouse
+judit
+maggini
+perverting
+auxerrois
+premer
+pett
+nait
+cf-100
+sassuolo
+moimoi
+kikuko
+subscriptions
+dhondup
+giancana
+chiwan
+nceh
+931
+recliner
+dmitri
+grevillea
+rongmei
+dvin
+unger
+coire
+pieds-noirs
+unkindness
+o'keeffe
+streetscapes
+philes
+finedon
+silvester
+fleitas
+veneziani
+enayati
+wplg
+memorised
+cassandre
+coal-mining
+ernsberger
+lysaght
+kowtows
+absentees
+schorndorf
+emil
+zapotes
+horrifically
+outplacement
+toto
+latrine
+ávila
+interveners
+libidinal
+(212)556-3622
+hotfix
+parasiticus
+basyuni
+maplewood
+fratton
+monteforte
+ipsec
+vivaldi
+scoles
+primeras
+costa-gavras
+panfilov
+choong
+tomori
+embodying
+gueant
+capricci
+pimple
+deron
+uninflected
+cinemaware
+ishaya
+i-20
+onrushing
+zeros
+pujols
+s&l
+pre-designed
+saugor
+piceance
+whispery
+franca
+compositing
+sangoma
+área
+oomycete
+air-filled
+fluconazole
+liuxi
+kamakhya
+2,835
+chatham
+vilas
+agra
+apoptosis
+projected
+terrence
+gossage
+zakarin
+jannette
+pampore
+3,421
+stadthalle
+biche
+curcio
+aarón
+traylor
+gay-friendly
+0.018
+lucrative
+tourre
+nikiya
+106.01
+obingo
+zajdel
+wank
+brts
+gomal
+bartelme
+7-for-11
+malley
+ciszuk
+1,488
+colorimetric
+kepplinger
+banan
+wmorris@globe.com
+cesped
+reputedly
+30.52
+antónio
+cottingham
+differentiator
+urate
+shradar
+kamuhanda
+sarfaraz
+marsa
+torian
+karpovich
+nahash
+123.62
+civic
+karelo-finnish
+bouthillier
+swooshed
+dropoffs
+padovese
+õ
+soccerway
+podocarp
+kimmit
+rowbottom
+tecson
+retek
+clotilde
+hurworth
+post-natal
+contrives
+sardjito
+referees
+blindman
+foxtrot
+2,786
+duhs
+grandchildren
+mugen
+ricotti
+chadash
+beens
+clo
+philippinensis
+hexcel
+450-kilometer
+cataloguer
+undress
+9.5-percent
+charl
+selv
+debeers
+lurker
+wgcb
+programmer
+riccò
+photojournalists
+murli
+danzig-west
+theophrastus
+record-low
+kinoy
+darsow
+genotyping
+1875
+martlets
+vlast
+gunung
+re-interpretation
+atone
+w.p.
+král
+yevgenia
+tauragė
+kounjaa
+idiosyncracies
+karvonen
+goalbound
+barkhan
+13-over
+phocaea
+shehk
+krulwich
+dealer
+purists
+cratered
+re-hired
+duta
+socialising
+footmen
+butchart
+procumbens
+high-ranked
+250-bed
+1982-1990
+doo'ah
+rigby
+3,749
+atong
+vaikuntha
+idolized
+unselfishness
+shirkers
+mayhew
+xlibris
+beake
+oct/03/96
+bianco
+gellei
+optimise
+horsfield
+tugba
+talfourd
+sanef
+ceremonials
+montagnana
+curtil
+euro296
+amma
+casina
+rewald
+thirtysomething
+leeman
+zisman
+dohle
+fetus
+cahuenga
+ettal
+exoskeleton
+kalejs
+entanglements
+thobias
+zitka
+flowbee
+bench-clearing
+zenith
+dark-coated
+sierakowice
+collar
+pentecostals
+clothianidin
+re-publication
+millfield
+annoucement
+34.68
+mulliken
+implacability
+brookens
+diminutive
+fetisov
+31.16
+seacat
+haima
+jayanthi
+strømmen
+gompert
+csn
+jakupovic
+hromada
+5.16
+martyrology
+khum
+systematists
+revival-style
+panisse
+fdf
+moorooduc
+baross
+glazing
+c-130s
+peppler
+ebara
+bridgers
+eftekhari
+pequegnot
+eight-yard
+lanegan
+ascertain
+663,000
+pavithra
+clinicaltrials.gov
+48m
+jbe
+mobberley
+serrania
+imbros
+glonass-m
+braungart
+cabactulan
+duch
+scotians
+pinter
+acetazolamide
+8,150
+noguchi
+tent-like
+xīn
+speedy
+florek
+langenbrunner
+satsuma
+30.85
+saleswoman
+callander
+lineal
+waterhouses
+pweto
+misanthropic
+economy.com
+ofir
+liberal-conservative
+borromini
+sui
+instone
+carpentier
+5,805
+lactea
+jiyeh
+snakes
+askam
+rahmi
+combinatorially
+osayomi
+tifosi
+karinna
+lindberghs
+yumoto
+tolli
+suhr
+tuppy
+276.5
+punctatum
+12:01
+silna
+bergvall
+jayla
+mancunian
+.412
+fraudulent
+bulgari
+20/1
+stale
+recto
+financieele
+43.83
+rattle
+duscher
+prokoff
+unforeseen
+houseboat
+dastaan
+fondkommission
+eilidh
+humfrey
+bouzaiene
+wrightsil
+brno
+prandelli
+okot
+drills
+high-growth
+blan
+z-1
+hurdes
+melvern
+stationing
+encamp
+zoetemelk
+tip
+kojić
+citrina
+telecomasia
+heyder
+gentili
+tokushima
+orcs
+statman
+falchi
+citadis
+specht
+talc
+terrasson
+uyl
+unimportance
+shekarau
+carretas
+marawi
+ingc
+entries
+canter
+pabongka
+barbs
+tricom
+kastari
+peapod
+mirrorless
+mimsy
+insiza
+bleibt
+khorezm
+semjonovs
+firestone
+dharmakaya
+zoubek
+wadan
+guoqing
+hoost
+witherall
+1925-1927
+neville
+palu
+galacticos
+contorta
+bizrate.com
+pi04
+case-30
+introductory
+reemerging
+sioufas
+justyn
+64.87
+herck
+azulejo
+1963-67
+sandell
+jogi
+all-women
+nanjundaswamy
+shephelah
+syllogistic
+viteritti
+biolab
+stepdaughter
+testing
+weathers
+lahr
+woodwork
+hatakeyama
+shrader
+benassi
+nikias
+government-controlled
+kokum
+esa
+jiminy
+pintussevich
+world-leading
+volley
+flyer
+aitken
+cuirassier
+pregunta
+klaus
+earache
+hitzacker
+obrija
+spends
+governess
+alfredsson
+montanas
+1337
+tmv
+torquatus
+tilehurst
+onega
+1654
+comnet
+chartiers
+tasmanians
+fungal
+ellensburg
+jubair
+mammoth
+consigned
+cumbum
+gelling
+47.77
+år
+impromptu
+boonen
+blinkhorn
+yated
+545
+iniciado
+thioredoxin
+hamdun
+enthusiasm
+usa-77
+12.20
+gersdorff
+encodings
+lü
+zhiguo
+lfos
+p.a.j.
+runscorers
+pretends
+performative
+dulal
+ie9
+212th
+bmr
+colca
+mid-march
+6204/64033
+rajaa
+stonie
+oh-58d
+ruminate
+cseabrook
+до
+u.s.n.
+dahd
+blimps
+lingui
+hospira
+frolunda
+made-to-measure
+english-style
+tihipko
+dolfin
+wiiware
+phanar
+kamangar
+tookie
+jacoba
+alevis
+plitvice
+pitzl
+guimond
+fleetingly
+touchlines
+collegiata
+weizen
+71,500
+afrikaner
+cossonay
+cyclecars
+0.048
+racquetball
+heures
+1/19
+lzb
+chiappucci
+semi-submersible
+43.34
+backwoods
+jagdgeschwader
+crankshafts
+nimda
+equalling
+hiders
+p-4
+daenerys
+limbach
+damaging
+v1
+kasuve
+hosmer
+transmutations
+pobreza
+fengfeng
+pascagoula
+infousa
+idar-oberstein
+piturca
+reproduced
+meneses
+deflector
+stumpel
+euro103
+0804
+antiprotons
+tyrangiel
+vahe
+cinemascope
+pagac
+levey
+tinsman
+castaway
+boukari
+mccafferty
+tarm
+venusian
+4-56
+temperature-sensitive
+namas
+crossick
+expandable
+bến
+edcel
+hairstyle
+bq/m3
+nary
+uart
+northfield
+,450
+jira
+kasky
+19:26
+anaclet
+roslavets
+faul
+cotchett
+reinard
+genoa
+rj-100
+ploce
+gyatso
+norv
+penghulu
+macbook
+tio2
+gideons
+northeastward
+rustaq
+hershenson
+swerdlow
+1.081
+101.38
+francaises
+spallation
+finality
+thyolo
+electrophoretic
+greenhaven
+shigehara
+u.s.-origin
+nacewa
+wailuku
+rfo
+5.54
+ouali
+bampfield
+metamphetamine
+kizilbash
+spragan
+petersburgh
+gigha
+polyclinic
+bar-b-q
+lenenergo
+elegies
+ypg
+sholgara
+asymetrix
+graham
+staked
+30-win
+xinjing
+bussan
+dornier
+21.04
+urdang
+unwaveringly
+tafero
+975,000
+beginnning
+janneh
+oswaldtwistle
+donella
+pipal
+c&r
+kesselman
+macadams
+72-run
+typo
+hkl
+golubchikova
+noury
+treuer
+grandly
+mcclendon
+u.n.-chartered
+117.57
+6,560
+wallison
+moschata
+appac
+morrell
+1050s
+kemmis
+tamsui
+biographia
+hostility
+demonata
+18:36
+locoweed
+lalbagh
+mcguffie
+ierapetra
+reygadas
+123.75
+banjo
+animalium
+genom
+azenberg
+446,000
+shotokan
+51.44
+second-category
+okonogi
+heatwole
+deemphasize
+44.12
+anglo-normans
+skolnik
+kumbhar
+saloth
+whitticase
+melsby
+faires
+picnickers
+papilla
+twn
+anisotropy
+2,575
+florennes
+wakefern
+meeks
+checkland
+ghizer
+reaccion
+aloysia
+hakka
+rd
+rohm
+vizcaya
+pashanski
+is
+misguidedly
+2,792
+aristobulo
+payg
+raste
+cowlings
+hydrobromic
+tarchi
+dahong
+joly
++52
+sudekum
+mamduh
+18-foot
+postmedian
+after
+woodlot
+gala
+ingratiating
+80.00
+ameghino
+mutoko
+weitzer
+x-treme
+narraway
+7.18
+bjerrum
+petty-fitzmaurice
+murugesu
+councellor
+steffes
+nummelin
+reid
+pau
+m79
+airto
+brierfield
+wanly
+tew
+bethsaida
+developpement
+bahanga
+sia
+durbridge
+94.24
+alpha-1
+hackford
+delehanty
+thamesmead
+mcharg
+theiss
+infer
+buyenzi
+shalhevet
+bahre
+132.00
+beppo
+ought
+afzelia
+cotton-top
+groudle
+heskett
+goatees
+gsx-r
+raków
+96.36
+shikasta
+kuranyi
+kamogawa
+amoled
+aachener
+salmasi
+colorforms
+seeckt
+10-nation
+stills
+volage
+lerche
+mannerism
+adamas
+rattanapol
+indpendence
+enforcers
+schenosky
+autour
+penhallow
+curiam
+scrabulous
+möckern
+coleen
+sendov
+owen-jones
+peterhof
+nightly
+emlyn
+i-kot
+shrews
+demerge
+laurits
+gikuyu
+latinum
+governor-generalship
+critique
+crones
+0.58
+zikhron
+bolsón
+abdessalem
+spence
+marquerite
+ithe
+183.2
+jahangirnagar
+racicot
+talismanic
+bengi
+denounces
+calshot
+unsurmountable
+miastko
+nanjing
+kapuskasing
+agey
+internorth
+silver-haired
+nefarious
+cost-effectiveness
+onnes
+sandpaper
+krabok
+audiophile
+dobrzyca
+11nb
+surpluses
+völler
+scarrow
+morrogh
+36.0
+laan
+shaqiri
+böhse
+marginata
+rufus
+rating/5
+prizewinning
+continuations
+platense
+immerman
+103.65
+cheshin
+brumberg
+sargento
+immendorf
+songlin
+subjection
+electromagnetic
+starcraft
+wrongdoer
+comprised
+vandeweghe
+commensals
+52.87
+hestenes
+pre-engineering
+sandıklı
+ghr
+99.10
+santes
+conspirators
+tanger
+flammability
+charar
+b/w
+urna
+ringwood
+boromir
+22.65
+vaison
+belasco
+anatahan
+valdivia
+funkmaster
+mulvane
+catastrophes
+cynics
+whooshes
+csulb
+vindictively
+undiscovered
+cobwebs
+superphenix
+aoraki/mount
+bolpur
+77-68
+flytrap
+pritzkers
+amorebieta
+setumah
+kω
+bartholome
+brodkorb
+simonian
+weingartner
+bobek
+nadeem-shravan
+macnab
+palpi
+timberman
+marschallin
+wangsness
+democracy
+stavropoulos
+glycosylation
+seafires
+makah
+portrayed
+jism
+39-yarder
+rylance
+cluses
+narsing
+annonaceae
+989
+oompah
+triers
+geral
+time.com
+keolis
+a.v.
+hymn-writer
+73.4
+2001-2
+skaneateles
+georgeanne
+hwon
+munchin
+2:49
+onlys
+azalea
+acyl-carrier-protein
+gec-marconi
+cardioversion
+vrana
+haidari
+astroworld
+browning
+iisc
+hanstein
+discomfiture
+prudent
+weimaraners
+belozoglu
+1.2715
+ravenshaw
+ibis
+pilipinas
+mellman
+2,217
+pardal
+sulhamstead
+callens
+groundout
+greenwald
+suite
+wedneday
+3-b
+funaki
+37.12
+sneeze
+blis
+46-second
+rabal
+2-for-7
+lichtenberger
+22,750
+purge
+odds-on
+madlyn
+rcahms
+gentling
+17.73
+acquirer
+dollars/1
+ales
+sanmen
+prés
+beren
+decreasing
+recalibrated
+scission
+1-a
+sure-footed
+padania
+rauh
+lewandowska
+burgmann
+pathé
+waitotara
+martindale
+golden-mantled
+aisen
+mamaroneck
+pajero
+dufourcq
+sohna
+wisbech
+bankers
+galvanometer
+soumaya
+78-percent
+cleator
+offsay
+akar
+96.14
+phurba
+jingtai
+122.6
+jockie
+sericata
+tonics
+defacements
+vittoriano
+lycaonia
+sheibani
+eight-car
+chigorin
+tatsuhiko
+18.10
+hassner
+artavasdes
+überwald
+dsc
+mersereau
+interchangeably
+scavo
+bernarde
+radm
+nonselective
+ticketmaster
+gervase
+www.icasualties.org
+bridas
+ecclesall
+burditt
+antiochian
+bopha
+productor
+kitchenettes
+baltinglass
+smolen
+chowrasia
+lakhia
+columbia/legacy
+recycles
+112.60
+macagni
+unfulfillment
+bressler
+verstraeten
+square-integrable
+safdarjung
+injuries
+34-kilometer
+chook
+thankfully
+rc1
+schalken
+0125
+telugu-language
+repp
+98.19
+chihana
+yankelovich
+quieted
+d-nj
+santigold
+kallicharran
+macrocarpa
+79-66
+fjords
+1.4900
+castletown
+20-dollar
+deyn
+defensa
+impersonally
+casella
+hemorrhoids
+ghafur
+celbridge
+fanchini
+116.3
+pagliaro
+jrb
+cappellini
+hormesis
+frezza
+bp
+,275
+haydee
+tokyopop
+ainslie
+perang
+1862
+rhymes
+ornans
+madrasah
+mucilage
+st-laurent
+hsp70
+kanchev
+raths
+taibo
+njongonkulu
+repairmen
+zeien
+sarpong
+exposé
+birdwell
+dober
+abidin
+pentecostalists
+ploughman
+.148
+ajasin
+ncca
+222-192
+nansemond
+v11
+kosten
+stockton-on-tees
+euro382
+venanzio
+seductiveness
+enviably
+marmelade
+lelouch
+tax-supported
+fifteen-minute
+opportunties
+mispronounced
+carse
+gvaughn
+rinku
+disrobe
+bolton
+hanh
+556-1927
+507
+marcoses
+chiniot
+62.12
+stepanova
+connex
+1.0004
+versions
+beholders
+6-0-0
+seperatist
+kerk
+pokhran
+44.95
+solutions
+jasaan
+hsp90
+urbanski
+puricelli
+7,640
+xunhua
+canciamilla
+rasha
+game-ending
+bartonella
+2.3-mile
+gillman
+14:12
+yiddish-language
+yleisradio
+blooper
+acei
+managerless
+96.91
+gir
+84.27
+fluency
+durov
+horikoshi
+stiffening
+de-stalinization
+oakwood
+ahbash
+mckeldin
+111.74
+admen
+hadleigh
+injured
+gerasimov
+hidalgo
+trever
+beltsov
+behavioral
+nichelle
+gatchell
+aliotti
+foundered
+conciliation
+beta-sheet
+composer/arranger
+rourke
+fleischers
+laestadian
+horsetails
+bellange
+thaugsuban
+cetoniinae
+medallic
+toeloop
+perner
+236.5
+rabbeinu
+derrieres
+ayish
+ogonek
+clotaire
+uglow
+frame-by-frame
+zeitung
+muraoka
+nanasaheb
+pycnonotus
+maniago
+domingues
+rufford
+raiwind
+dvd/blu-ray
+628-2772
+58.79
+swinomish
+sackhoff
+freewill
+sipc
+pseudopodia
+nexstar
+jagielski
+aguayo
+dudack
+eparchial
+favourably
+salick
+punx
+meraj
+castalia
+jeannet
+policy-oriented
+hudsons
+koigi
+grayslake
+holcim
+alogoskoufis
+remender
+c-3
+mengkui
+siegel
+fustat
+altas
+rabinovich
+dryers
+mehd
+baniya
+sirsa
+tankerville
+bangabandhu
+nortelnet
+berhanu
+m-net
+sgma
+rehan
+takashi
+taphonomy
+mellaart
+encasements
+kazmir
+98.31
+farinosa
+accutane
+gazzola
+384.75
+wiryono
+sofija
+displaysearch
+yunel
+fraudsters
+comedies
+pasteur
+plumer
+407,000
+xianglin
+osc
+unlu
+bornstein
+ague
+agoos
+struk
+1.2927
+rido
+f-15k
+atutxa
+kalata
+matre
+miyake
+m1b
+http://www.fao.org
+lcr
+quimby
+llevo
+andino
+fij
+tpx
+californians
+arenaria
+2149
+internationalen
+halau
+breezes
+lff
+ernsting
+mcnear
+hennawy
+138-year
+baliwag
+mahamat
+method
+kilderry
+whakamaru
+doctrinal
+exothermic
+semiautonomous
+lezak
+a.l.
+damir
+31-10
+damani
+79.95
+duffner
+intrepid
+hatoyama
+oduduwa
+qb5
+holmgren
+60.8
+glenmore
+swaythling
+mateparae
+garreton
+southsea
+kanishka
+taci
+bereshit
+pillans
+patti
+kebo
+aeacus
+macalister
+blunder
+hyoon
+annoyances
+turpan
+nealon
+kunpeng
+sedlatzek
+lombardy-venetia
+beemer
+ploog
+nudity
+jiuquan
+sevatheda
+lawrenson
+liden
+lingayat
+guishan
+downsizing
+tupinambá
+cherubin
+shikimic
+retinoic
+4.46
+bebe
+38-16
+minorites
+cubrir
+musky
+tmd
+teutul
+toun
+mila
+:5
+tulpehocken
+fossella
+hedgerows
+asientos
+tilaka
+501
+bellowing
+siddhi
+roadmaster
+losa
+trimmings
+contrasts
+yoy
+infix
+dancel
+bronzes
+ef4
+gamecocks
+grower
+hada
+non-degree
+dahuk
+quyi
+alloying
+garfinkle
+xufeng
+paralysis
+commending
+ssdna
+slanting
+gorosito
+ajga
+1.502
+non-brahmins
+hallinan
+peterloo
+saxophonist
+atcham
+eubanks
+vollum
+elia
+sofmap
+jonn
+mashima
+rescripts
+middle-school
+83.57
+classen
+sivasspor
+telephoning
+schiemann
+belgië
+izumi
+rm800
+vyborny
+smena
+putilin
+pelo
+scotia
+ganzi
+sabara
+wellbeloved
+aponogeton
+six-times
+pseudo.com
+agradable
+incumbency
+axn
+irregularis
+gueye
+oshri
+einsatz
+antibusiness
+dangel
+teach
+anthidium
+juchnowiec
+35.66
+wing-like
+huq
+tgf-β1
+loli
+davio
+ls
+palau
+detections
+breasted
+shepherds
+renfrewshire
+atp-dependent
+andile
+tf-1
+werle
+touched
+motamedi
+lower-tier
+narrowcast
+álvaro
+63.70
+penetrations
+maupassant
+natica
+a&a
+disorientated
+jeanmarie
+methuen
+nardone
+kynoch
+inner
+eshaq
+bioavailability
+radiotherapy
+sunarto
+chumba
+repin
+megalomaniacal
+diantha
+outrace
+corie
+scans
+bhils
+reitinger
+sondre
+mahāyāna
+58.8
+26,458
+contractus
+airsick
+omer
+dmm
+kenshin
+anseriformes
+fluoroscopy
+adrenaline
+guigues
+zawady
+carparelli
+109.65
+landhaus
+marathoning
+blue-eyed
+vetters
+maybole
+cut-scenes
+yastrzhembsky
+dx7
+refractions
+game-theoretic
+124.21
+matlacha
+slosh
+decanting
+kingpin
+45-1
+sukses
+pinay
+25-45
+eco-town
+q104
+five-story
+fragoso
+in-patient
+maltings
+2005/6
+rehabiliation
+scissorman
+parallax
+7-million
+68.90
+gerawan
+twin/tone
+bierley
+dui
+stepfamily
+10.66
+conveyer
+mustafic
+shikma
+birt
+filtering
+illtud
+sieboldii
+keenly
+geechee
+albertrani
+dnssec
+adila
+belgacem
+1613
+halvard
+destinos
+haruna
+zijing
+xlv
+sturdevant
+hidary
+begleiter
+3.115
+trespassed
+uab
+chryssides
+limón
+1-0-6-0
+homosocial
+landmine
+familysearch
+752
+plods
+.205
+korczak
+hempleman
+derfel
+železničar
+puhs
+peole
+zahavi
+debell
+lefcourt
+9,720
+gonensay
+halgerda
+119.06
+hirshey
+aqmi
+bitche
+eos
+slovenski
+protoceratops
+classé
+avrett
+13-piece
+124-member
+quincey
+h.
+klatt
+theoretician
+dantzler
+.05
+coliform
+pulse-width
+jitender
+luçon
+rappelling
+18,500
+eagle-2
+christum
+tzadok
+latag
+mathias
+kaval
+berryessa
+nijman
+kitakami
+plasticizer
+lyth
+calabazas
+notting
+gbv
+110-kilometer
+storm-petrels
+tendered
+aliaksandra
+köppen
+hyperbilirubinemia
+vincents
+lindy
+ssia
+fundanga
+wennerstrom
+risperdal
+sansthan
+bidart
+three-wheel
+askern
+custardy
+wirtinger
+competes
+chain-link
+duméril
+mauleverer
+urbach
+shanhua
+1,859
+.125
+camomile
+89.58
+profoundly
+oeiras
+kenny
+burakumin
+carsen
+debruce
+blunting
+ochanomizu
+sightseer
+chugh
+jacob
+hist
+karate
+etgar
+gevrey
+mulyasari
+ziehl
+manolache
+hypersensitive
+outplayed
+keloid
+mcgrady
+georgatos
+glycerol
+silos
+kernan
+chamizal
+21-21
+butmir
+ciampi
+hoolie
+algorithm
+yomitan
+trueheart
+ciertas
+blurriness
+topelius
+swarkestone
+stanica
+wehrman
+korsholm
+23-aug
+kalou
+bronzy
+semple
+artemio
+reima
+sgst
+clips
+strohl
+uft
+39-25
+94-85
+immaculata
+fortescue
+kaunas
+thornely
+dengfeng
+mid-1930s
+west-side
+gursharan
+gimbel
+vikernes
+42-34
+takshaka
+mario
+10-piece
+zhari
+togut
+85m
+1861-62
+palfreyman
+latortue
+hdn
+75-76
+9,000-foot
+peers
+cullom
+wciu-tv
+lites
+kabila
+masterclasses
+public-interest
+jebe
+sukamto
+giant-man
+tego
+selldown
+hogfather
+hsra
+ilam
+youcai
+luddin
+bluto
+53-0
+tiller
+léogâne
+tunesmith
+pastorello
+suppressors
+dehumanized
+botolan
+downloaded
+21.61
+30-15
+brownback
+bizzare
+mooloolaba
+piquet
+16-mm
+aboo
+meyler
+60-mile
+fashoda
+formanek
+douglas-pennant
+codice_25
+4-5
+sternhell
+lisandra
+64.42
+baetica
+gorky
+unionism
+intershop
+shopfront
+koven
+wjc
+telekomunikasi
+besiege
+lanotte
+hybridizing
+dychtwald
+sykes-picot
+context-free
+schoof
+??
+airdromes
+lundy
+1603
+rosling
+defelice
+wkbd
+rogernomics
+marquez
+kisschasy
+tafolla
+llŷr
+21.18
+amans
+erubiel
+grünstadt
+saulat
+padum
+hangar
+21-game
+amatola
+sappiness
+herson
+steinweg
+regulars
+1579
+becuse
+stalemates
+løkke
+jaan
+azione
+laban
+brassiere
+eliminatory
+wardrobe
+1.065
+relativizer
+lifejackets
+soarin
+season-ending
+polymorphism
+yipsi
+overbooking
+chapdelaine
+hellertown
+mendelson
+scalea
+brougham
+thawat
+avians
+marohombsar
+rustin
+jurich
+lina
+diphtheria
+1512
+brooklynite
+45-2
+awatere
+steinkamp
+probationer
+duffield
+lineup
+mousetraps
+ochiltree
+domachevo
+a483
+sankrityayan
+porfirio
+adigun
+chongli
+sturtevant
+3,326
+2,562
+napton
+misapplying
+avm
+bridgehampton
+glo
+hasselbeck
+biela
+affection
+zappos
+bisbal
+alas
+stone-throwing
+eb
+mobilisations
+luthor
+126.2
+stowarzyszenie
+genson
+shihua
+tallassee
+556-4204
+goddu
+mahmudabad-e
+reunified
+o'neill
+stephanos
+hadeed
+qai
+uplb
+northcote
+13:53
+exploitable
+shine
+olexiy
+fengyun
+urma
+fairlady
+grodd
+theologus
+fīrūzābād
+phosphoryl
+arpeggio
+bullring
+tostig
+ecowas
+minivans
+22,076
+exactingly
+basingstoke
+daiichi
+potent
+decimates
+reang
+135.6
+chénier
+dasuki
+lagers
+kedrova
+obstructing
+leah
+6-to-8
+krystle
+micro
+sophocles
+zirnis
+tholeiitic
+38-percent
+re-launched
+pressers
+coblence
+over-exploitation
+disestablished
+artier
+mousing
+33,400
+alexandras
+ram
+eßweiler
+tibialis
+three-set
+grease
+neustrelitz
+loblaws
+gimmel
+bengawan
+kx
+melbye
+gubernamentales
+condescension
+fuengirola
+atlantan
+chizu
+neons
+sigurdur
+otra
+multi-family
+llorenç
+10.5-meter
+123.45
+snowboarders
+vizag
+184.7
+re-roofed
+webshop
+moldavia
+awp
+boatload
+fenoglio
+matalan
+ashen
+chitalishte
+kinesthetic
+articulations
+missaglia
+ifvs
+morrisseau
+oligarchy
+reversible
+650-kilometre
+isetan
+amacom
+89
+syntheses
+comnena
+priscilla
+empresa
+133.36
+535i
+52.0
+dietetics
+yagna
+epidemiologist
+giesler
+chigiana
+12-rounder
+branwyn
+multiplexer
+kilz
+caboclo
+sloopy
+unharnessed
+glieberman
+sakowicz
+norpac
+salifu
+joad
+antiope
+meiteis
+worsens
+235,000
+bar-sur-aube
+trick-or-treat
+evades
+gloop
+benelli
+debarking
+hillsman
+diplommatinidae
+numac
+eurotech
+vari
+rascia
+ogbu
+plange
+pandionidae
+hypercard
+zenner
+fabriano
+moushumi
+mandeans
+geoss
+hangup
+selesnick
+pistols
+beyerl
+macleish
+biturbo
+dionysiaca
+hamworthy
+3:16
+couplets
+34-24
+skandalakis
+soviet-occupied
+kart
+entre
+birgitta
+v-6
+9.79
+1973-90
+darkwatch
+berwick-upon-tweed
+merbau
+fsr
+taipan
+sml
+birukoff
+golcuk
+ruetten
+sibyl
+hungaroton
+erasable
+300-year
+ansell
+maskey
+sayaf
+hassani
+somervell
+servicemen
+alojz
+pentagrams
+sharra
+stolnik
+handelian
+rayonier
+congreve
+electrolytic
+flawless
+ayalon
+subminiature
+tungkang
+mid-1890s
+murder-suicide
+r17
+zucchino
+martorana
+kickhams
+fluent
+segmented
+public-address
+generał
+bharatanatyam
+3,255
+h2c
+barer
+9-16
+lagoda
+falna
+654
+d3
+thioesterase
+gravesites
+tallet
+51-year
+paybacks
+niedringhaus
+jhumpa
+brumback
+ciochon
+illyrian
+ensemble
+mulugeta
+mavros
+cchr
+scotti
+johanes
+kebir
+belhouchet
+shetlands
+ob
+30,000-35
+johjima
+yakob
+bahadur
+laudanum
+sifts
+avellana
+rodents
+26.2
+endara
+shalah
+engrained
+ariarathes
+2,726
+karavas
+negru
+rishra
+nmsii
+revelo
+tongxin
+masum
+officina
+diets
+coincidences
+friedlander
+110.37
+abravanel
+tourneur
+mudcat
+53-nation
+bashardost
+dodol
+bpc
+alpharetta
+nationalists
+mikveh
+1,700-2
+coursers
+searchlight
+urlayeva
+top-selling
+maniacs
+beebe
+deniro
+m.a.a.d
+honeywell
+shamin
+revett
+111.16
+300-run
+k.r.c.
+bat-mite
+chesterville
+colorize
+kaifeng
+brigantine
+non-scripta
+--------------------------
+fénelon
+ightham
+centimeters
+stronghold
+biocon
+foxpro
+nut
+kreitzer
+50,500
+8-of-15
+underrate
+speyer
+subagyo
+kutaisi
+pranksters
+three-line
+incarnata
+fire
+l'organisation
+effendi
+diplomatic
+aragao
+horana
+softwaremaker
+baiyaa
+gambrinus
+l'ange
+stylus
+finitely
+substring
+worthing
+peszek
+claustrophobic
+taylforth
+16.68
+compensating
+photochemical
+longtan
+sea-floor
+180-200
+fashionably
+sarita
+xiph.org
+sweatshirts
+ubd
+kanbawza
+dumble
+5,251
+ebbers
+demoed
+herberger
+adolfson
+actaea
+ciego
+stammler
+bankrupt
+18:39
+auvers-sur-oise
+constellation
+a-r
+satan
+gavi
+jumano
+gcap
+f.t.
+euro485
+chakravarti
+pairwise
+kleptoparasitism
+oseni
+pateley
+dorstenia
+phill
+6.2-magnitude
+horsefeathers
+1.5485
+joke
+13.97
+scallon
+wilborn
+nydalen
+nooni
+alectryon
+angiogram
+xtravaganza
+hokenson
+mclish
+anatol
+gallica
+caroll
+neuromancer
+roskilde
+birk
+202-887-8316
+artist
+prochoice
+swaab
+clattenburg
+viveca
+image-guided
+chiefess
+solectron
+weinhard
+67.10
+pratinidhi
+sherwin-williams
+zahorski
+uckermark
+12-20
+frumkin
+pseudomembranous
+camerawork
+hesper
+laga'aia
+viljo
+bridalveil
+lanin
+gitesh
+57.40
+tyer
+fefe
+limitless
+canvases
+pantiles
+labrada
+flipkens
+attanasio
+jagla
+btf
+reckoning
+rahb
+hilde
+nannetti
+catete
+vidyapati
+munakata
+mid-july
+marber
+tihm
+sarno
+parbatipur
+v-chip
+grillparzer
+iscc-nbs
+matea
+francioni
+sovereignity
+taplow
+rumbustious
+mengniu
+smålands
+manseng
+12:42
+2,270
+pii
+ample
+fso
+froda
+vnt
+31-4
+isme
+baldric
+stoere
+tchoudov
+marrakech
+sunnyland
+kersey
+loebsack
+storbeck
+niihau
+syncretistic
+horodecki
+scornfully
+thweatt
+russian-born
+tuta
+murdoch
+cheezburger
+boldklub
+zandvoort
+bourgeois
+riggins
+korona
+sandwip
+thommessen
+psystar
+warszawie
+omnimedia
+shigeharu
+dapkus
+unlaced
+gregorie
+declined
+hust
+ronan
+osorkon
+snrna
+volksbank
+heroic
+musiliu
+pantos
+jaaskelainen
+structures
+euro228
+plesu
+hottiger
+petraeus
+afirma
+kalahasti
+mcmanners
+sculpture
+selloffs
+merrigan
+verifiers
+myrtifolia
+darsch
+neighboring
+yanked
+borea
+240z
+yanam
+firings
+dolichopodidae
+cramp
+grimoald
+aik
+viger
+fpt
+korak
+roomful
+ribfest
+vapour
+us-american
+verbeke
+schönbrunn
+brockenbrough
+platou
+pipelined
+1374
+kabanova
+coulton
+electron-hole
+icy
+music-video
+coundoul
+coffa
+frim
+edmundo
+wenck
+jülich-berg
+neoformans
+cast-in-place
+coupla
+.162
+acheilognathus
+nrd
+iteratively
+asali
+bušić
+yousfi
+estranged
+bergzabern
+unseasonable
+nezha
+play-offs
+re-cut
+pulmicort
+meg
+.396
+yogam
+jingbo
+1967-1971
+patricia
+zapped
+mustachioed
+ermanno
+plus
+12:48
+c-sclc
+pestilence
+biedrins
+43.23
+mealtime
+maipo
+kuriles
+monessen
+balga
+blockship
+chitrakar
+cattini
+mile-wide
+borsumij
+entenmann
+demobbed
+3-iron
+blattner
+comfy
+bewail
+knollys
+disinfected
+silencio
+irosin
+consecration
+retta
+tanforan
+91-92
+greif
+villosus
+karrick
+kraan
+voip
+octagons
+xander
+jim.nesbitt
+karimpur
+straying
+reutte
+t-cells
+amsco
+ticketed
+chichi
+sclerophyll
+marists
+goon
+weidlich
+.340
+provigil
+sahlen
+haldin
+arachne
+rothenburg
+dunsmore
+bodensee
+75mm
+17-26
+kaymer
+backend
+shope
+brainstormed
+nišava
+ajpw
+recitals
+rozz
+nope
+insuring
+maku
+lanie
+26-yarder
+kestutis
+tailless
+inclusives
+eichelberger
+benlate
+sukalo
+anti-imperialist
+exclaiming
+myboto
+tp53
+kuffour
+microbiologists
+berlins
+75.73
+troggs
+improperly
+latacunga
+6.27
+sascoc
+cradles
+filipp
+sterilised
+isca
+daalder
+cronicas
+embargos
+lyrically
+976,000
+île-de-france
+guff
+al-nassr
+12:09
+900-mile
+7.7996
+irdeineh
+neidl
+stretch
+thirties
+hurry
+procellariidae
+anti-torpedo
+coterminous
+seznec
+endurance
+radjabov
+ah-1w
+hallucinatory
+walshaw
+629
+raël
+delectation
+0831
+phoblacht
+sotiropoulou
+nakło
+hipper
+bostick
+delphis
+sanel
+clubside
+3,619
+orgaz
+perseptive
+tarkan
+hryhoriy
+metrolinx
+2004
+ehrlichia
+stevan
+euro280
+upperside
+elashi
+ex-servicemen
+retyping
+homesickness
+sweed
+offsprings
+walungu
+buckden
+8259.31
+albian
+picturesquely
+kralja
+taunting
+axelson
+levier
+risked
+irish-born
+cacoyannis
+enemies
+chatou
+fatemeh
+zatch
+prete
+skalbania
+oberaargau
+konarak
+8:55
+side-project
+runtimes
+sheshet
+jheri
+169.00
+dicen
+segurança
+karavelov
+unanchored
+1.5615
+kán
+corto
+druyun
+alibek
+hemptinne
+utilitarians
+ethnonym
+meadow
+mmcguire
+servicepersons
+churcher
+linenthal
+73.93
+m.a.f.i.a.
+95-86
+lix
+eriksson
+kleczka
+mihama
+chadwell
+bluebells
+bishopbriggs
+cusa
+waterbeach
+vevey
+abouyoub
+hennard
+schizonts
+paraguarí
+unics
+applauded
+rasanen
+black-brown
+syria-lebanon
+paniolo
+51.38
+hangs
+microtonal
+abdelbaset
+rediscovery
+koło
+courtly
+32-29
+göksu
+michaelangelo
+carmos
+patronizingly
+palmbeachpost.com
+gronk
+myehs
+bankim
+priaulx
+jovito
+yurii
+tschammer
+doodad
+2-pound
+mudingayi
+stabilisers
+magua
+kriek
+4.0-6
+u.s.-organized
+non-regular
+cyanotic
+anhydrides
+2201
+rcra
+gewuerztraminer
+hren
+blok
+10,590
+(631)
+larmor
+casually
+liquidations
+lunda
+cev
+sapsford
+jiuling
+wandell
+252.5
+ikebukuro
+succop
+fonso
+mirabeau
+planta
+tóibín
+1-of-5
+gaytan
+alterable
+30.42
+model-based
+muhu
+kindergartens
+zduriencik
+sarl
+lidingö
+soviet
+structuring
+mccarrick
+coelho
+gov
+reetz
+seven
+mistranslations
+euroseries
+unstoppably
+chairwoman
+hutus
+4th-century
+vliet
+tabun
+sakht
+neher
+swg
+salpingidis
+hardyment
+trampolines
+restiveness
+teitel
+lollards
+whirr
+3,124
+paranthan
+biotherm
+barnyard
+andrew
+89.48
+knickerbocker
+ffd
+calorically
+27.23
+3,450
+inherit
+midsummer
+tuli
+korenstein
+montmagny
+simcox
+ritterbusch
+stever
+lurdes
+ballyboden
+pertierra
+illtyd
+http://www.amnesty.org
+luisi
+609,000
+surfrider
+169.7
+vikki
+148.00
+1453
+edventure
+al-biruni
+cloakrooms
+celebre
+steelville
+beene
+14-0
+misrepresents
+colebrooke
+parking
+pakhalina
+scriven
+ericka
+coffee-table
+driver-only
+doorbell
+stoppers
+nuku'alofa
+800cc
+110.01
+televising
+95-mph
+derleth
+genotropin
+cotts
+31-inch
+jabouille
+closeness
+duku
+hudood
+baronet
+borehole
+dialogo
+e-sahaba
+karle
+90-8
+slopes
+karademir
+featherlite
+lokichokio
+doo-hwan
+extremity
+liberopoulos
+2,897
+nioplias
+meghani
+tomcats
+orc
+22.33
+hibiya
+lecythidaceae
+alaixys
+hamister
+kitbuqa
+shalford
+khalifan
+alirio
+wadah
+dippy
+hughan
+zambrano
+trepidation
+nadin
+huaraches
+burghy
+rosnani
+,650
+ktn
+witgood
+poopy
+ubar
+jifar
+brattskar
+rayer
+40.47
+rundle
+lmp
+suruga
+akt
+chayes
+russack
+cambra
+earth-moon
+demschar
+nonlegal
+renouf
+shackles
+anglo
+rollouts
+adeel
+dimitris
+krahns
+2.115
+yit
+rougé
+acknowledgment
+murchison
+tag
+toxicologist
+shyer
+izvoru
+lo
+loftily
+keycorp
+94.15
+rashan
+proposal
+bacardi
+darpan
+72.05
+purloining
+nuka
+hura
+crook
+pumbaa
+2003-2010
+popovac
+mcpon
+caretas
+begoña
+15,001
+133/1
+kach
+49.74
+moas
+30.66
+augustino
+71-68
+argumentation
+iwk
+condensing
+venerated
+bilberry
+democrats
+in-process
+2,555
+3,741
+nervii
+sparc64
+stowed
+instate
+caire
+thanarat
+palatines
+securitised
+499-3339
+vint
+highest-level
+micelle
+sealock
+widths
+supersede
+antonsen
+tolles
+walk-up
+22-7
+symbolism
+narra
+gnathos
+brovaz
+euro393
+meas
+hydrolyzing
+knipp
+all-caa
+delchev
+jamhour
+jungles
+syne
+hauppauge
+midhar
+3,149
+s-55
+chimney
+avp
+piret
+oculi
+administrators
+non-custodial
+.419
+glaziers
+collinsport
+outsell
+2335
+oblonga
+mulwala
+sancharaki
+fonterra
+pries
+northerly
+effet
+diclemente
+nesher
+corrada
+ntou
+mutagenesis
+3,000-member
+ackworth
+aharon
+twelve-story
+houteff
+bakoyianni
+pressurisation
+1.2827
+reputable
+quadrophenia
+kaczorowski
+zan
+forouhar
+callis
+ohman
+procrastinates
+mozi
+branca
+bugar
+íf
+haberland
+43-35
+tofaga
+akdamar
+positional
+jēkabpils
+resurgam
+71-day
+brou
+plugging
+carcosa
+792,000
+napkins
+ranson
+nissan
+iaeste
+skrewdriver
+argentin
+1557
+topmost
+galbreath
+jaunt
+gustavsson
+matane
+impostors
+hafei
+mejlis
+envelopes
+sunu
+yamoto
+salinization
+langmann
+2,177
+ritvo
+dichotomously
+mixins
+gloucester
+stickin
+casady
+footballer
+whitemore
+power6
+2,418
+36-18
+loomed
+insecure
+tuivaga
+halterman
+mbeere
+stream-of-consciousness
+bel-air
+mcparland
+maviglio
+plymouths
+georgievich
+bichler
+bacteriostatic
+mankoc
+hymenium
+damerel
+15-67
+city-based
+frolicked
+justinian
+59.78
+100.91
+cino
+tsat
+buenoano
+lumbermen
+4
+sally
+uphill
+satis
+rianne
+vulcans
+quarta
+josefowicz
+trespasses
+bchs
+mbola
+transmeta
+greencastle
+jaspreet
+detmar
+lyndsey
+kavafian
+mendicants
+sarja
+meteo
+f.m.
+rocknroll
+.704
+diamond
+shehp
+kishida
+uchi
+secedes
+i-73
+ræder
+psychoanalysts
+farouk1986
+desanto
+itpo
+thuggee
+bergsten
+houk
+districts
+squirts
+iolanda
+ever-evolving
+timante
+newbridge
+ར
+worldscale
+angelenos
+chewbacca
+manzie
+winnetka
+heatwave
+coevolution
+soliman
+utricularia
+canopic
+misleydis
+fastenal
+andy
+large-diameter
+shinzo
+500-dollar
+phayom
+qoigyijabu
+1836
+facts
+aymeric
+freehan
+1.4015
+papad
+boxfish
+soumana
+arzamas-16
+godmother
+bowdlerized
+byler
+commerciale
+curtom
+post-1994
+motueka
+johnstoni
+capwell
+baret
+bombadil
+lundberg
+optime
+armitage
+cendant
+hurtful
+whos
+yearling
+supertankers
+disk-shaped
+104.45
+gawande
+qalinle
+magomayev
+ears
+mourner
+euro618
+fluctuating
+obeidat
+uah
+pestis
+schönenberg
+parís
+oshiomole
+dica
+opportunities_chicago
+extremists
+hecla
+escom
+4.8-billion
+comancheria
+etchells
+tonya
+gerards
+meretz
+cooing
+malveaux
+superheavy
+attendance
+solebay
+porlock
+bingol
+deet
+nautanki
+zorzor
+discothèques
+saravana
+63.46
+poemas
+harried
+signac
+yacoubian
+thorax
+carphedon
+iemochi
+rapacity
+33.55
+iskandariyah
+1982
+solidarność
+dht
+bruisers
+rpms
+land-locked
+kardar
+hunwick
+heidelbergcement
+normington
+mamma.com
+civ
+hutagalung
+bailli
+diocles
+orams
+sanford
+mendiola
+excitations
+heiskell
+shcomp
+u.s.-central
+janmaat
+gastrulation
+aussaresses
+agelena
+tarmu
+etone
+joffre
+curtiz
+1-for-13
+full-featured
+eendracht
+4-hectare
+tsm
+40-0
+mangai
+boye
+yf
+french-trained
+emberiza
+rectories
+cagney
+snet
+chloroprene
+qra
+b-tree
+1.690
+heavies
+forfar
+fitzherbert
+perim
+deckchairs
+waiheke
+sinđelić
+99-95
+speckle
+quereshi
+brugg
+roekiah
+peroxidases
+molesters
+warmed
+86.65
+lambay
+laurentides
+siwoff
+mahela
+segorbe
+abdanan
+spiderwebs
+brynjar
+prabandhak
+arlit
+ampullae
+ōkami
+washi
+brown-black
+teta
+manasse
+600-yard
+dots
+24.67
+deut
+noella
+fashola
+64-54
+vracar
+redistribution
+maliseet
+seeb
+kneed
+mtnl
+pompe
+65.94
+art-house
+preeminence
+condoles
+biotopes
+exclusivist
+eysseric
+tanned
+dystrophies
+movchan
+wiiconnect24
+cafta
+kemmerer
+pieces
+17-2
+leuschner
+2-ton
+pignon
+frac
+cowhide
+bloatware
+deschutes
+roughwood
+stirrers
+maur
+71.18
+brignol
+decked
+tenterfield
+seaford
+bury
+kerian
+d.l.
+essays
+karros
+o-meter
+single-pile
+bemelmans
+43-27
+hsls
+delasin
+goelz
+awana
+paintin
+musenews
+ayesh
+pasty
+sauerbeck
+siber
+cuvée
+64.80
+sukhoi-25
+ubaid
+nicolino
+gangamma
+ptes
+rb-29
+2516
+gysi
+enormously
+1906
+2690
+third-party
+immobility
+mcgirr
+potapov
+kernochan
+disrespectful
+bowerbird
+videon
+luena
+monto
+muckraker
+2,698
+miyabiyama
+24,700
+e.f.
+occlusive
+zatarain
+thanos
+churchville
+aug.
+glamorized
+wiart
+glock
+lapis
+pingeon
+nguyên
+hotmail.com
+choleric
+emmons
+pobjoy
+unilaterally
+far-fetched
+shi'ite
+kavalek
+zayer
+wnwbl
+greve
+tr30
+niva
+lcm
+bourbaki
+returning
+jfranco
+cauz
+abashed
+rondinelli
+strain
+southwold
+lindon
+sinaloan
+68.80
+rzav
+schwarzrock
+healing
+radicalising
+pro-poor
+zardoz
+out-and-out
+germans
+homophonic
+simplicity
+zugspitze
+jiaquan
+medium-paced
+bleyle
+landsberger
+bad
+193.7
+lebedev
+bmp-2
+jermichael
+88-77
+earth-three
+mris
+1987-1990
+hazira
+aravena
+resident
+raiwalui
+nominal
+unilingual
+falck
+vereniki
+entreats
+delsey
+hayreddin
+bnsf
+sones
+.213
+judaise
+skoll
+tangdhar
+rci
+scrounge
+eilon
+armeria
+koele
+revelations
+circonscription
+maxillaria
+providers
+kueishan
+coelophysis
+canadair
+20-yards
+didar
+dvb-c
+18.28
+pfarrer
+non-literal
+fulneck
+cobblestones
+xolair
+granulated
+c3
+almaraz
+zlateva
+seib
+makashin
+shaimiyev
+disanza
+matter-of-factly
+shī
+monologuist
+bagful
+hoenig
+autobytel
+prega
+chernyak
+soundcard
+lạt
+jerónimos
+ziffer
+devised
+tovah
+euro32
+adian
+amscan
+lingnan
+mepi
+sandlot
+oceanside
+shata
+gorrin
+ritsuryō
+militari
+formula_79
+wed
+caberfae
+tapit
+data.htm
+brynn
+mankins
+hit-fm年度百首單曲
+sidhi
+tf
+artist/writer
+kambaata
+ottmann
+veering
+danamon
+ramanathan
+city-state
+chailly
+roughshod
+lopucki
+songo'o
+courir
+nyarota
+tasco
+liability
+1.5-meter
+sheran
+naran
+.550
+scrutinise
+capitola
+winders
+solovki
+ahuntsic
+asiri
+ramit
+chopko
+us1
+thyroid
+worli
+howett
+moccu
+perreira
+121.91
+lubac
+matritech
+superieure
+bloomgarden
+ibach
+adansonia
+checklists
+societally
+deked
+mischief
+unloosed
+travagli
+unstick
+stenography
+bulik
+mactier
+montoya
+rauch
+pettersen
+medially
+haycraft
+gawthorpe
+33.15
+1480
+eroticized
+brashness
+smedley
+hytner
+269.5
+anti-phishing
+rebell
+siani
+nyserda
+cagliostro
+starve
+filatov
+shara
+1995
+clods
+samyak
+countess
+68kg
+alixpartners
+merops
+hillinger
+jeremy
+postoffice
+okhotny
+mid-flight
+fogelsville
+axe
+lettsome
+lecs
+sturbridge
+nicha
+taghmaoui
+3,925
+34.41
+zapotocny
+pankov
+antipsychotics
+rave
+pumi
+2375
+gaddy
+900-page
+nkvd
+kauder
+interdependency
+38.41
+haeusl
+afrah
+10.46
+.354
+deep-rooted
+oklahoman
+pruno
+suhrawardi
+litani
+gorme
+tetri
+dorin
+nedlands
+demra
+colfax
+jehs
+wizzard
+seewer
+2,807
+o'halloran
+meara
+temuco
+uf4
+hamulack
+arjona
+limekilns
+alūksne
+ryūjō
+ionosphere
+shvut
+franklinia
+anushilan
+blackness
+kennan
+osr
+maccoby
+dutiable
+fetchet
+brorson
+fayv
+poufs
+thorstensen
+shrdlu
+mainwaring
+tegernsee
+obtrusive
+garhwa
+193
+26-hour
+palisa
+watoto
+duele
+malaka
+terminix
+glanusk
+gabai
+counterintuitively
+nohlgren
+orthosis
+mukesh
+jumaili
+kelebone
+zorrilla
+stifel
+merfolk
+beckoning
+thunbergia
+bomford
+reche
+black-legged
+sudhalter
+ontkean
+edness
+jilu
+zeinab
+mellott
+multivariable
+quondam
+pontifícia
+tricolors
+228.2
+open-mid
+62.98
+thessaloniki
+reiterer
+lacquerware
+musser
+bonwit
+discuss
+intermediate-range
+vapo
+hulsean
+sulpicius
+hyong
+vilarrubi
+schwab
+71.9
+marginalising
+montmorency
+streaker
+kythera
+vvd
+slovenija
+metabolizing
+botterill
+wbre
+coloniale
+gewirtz
+kobryn
+arkon
+tilelli
+j.p.morgan
+relacion
+slavkin
+archdioceses
+lourenco
+gannett
+seabright
+mladic
+rededicating
+hautbois
+boupha
+pilobolus
+554-point
+kuntar
+ottomans
+gusted
+discombobulated
+ten-week
+chedis
+demars
+emmissions
+dhanushkodi
+minugua
+fsv
+baathists
+almanzar
+michigan
+prostheses
+aumbry
+augher
+non-experts
+caion
+affirms
+cand.med
+1,500,000
+dubnica
+amblecote
+surridge
+vindicated
+kommunale
+zibari
+r-3350
+čolić
+hechi
+lehand
+andoya
+spainish
+berwari
+pavlysh
+palaeontological
+115.94
+pauses
+1981-85
+242.6
+37b
+baleares
+81-72
+walterboro
+300px
+curovic
+peacemakers
+singsong
+quantrill
+hastati
+caithness
+arthroscopy
+2,114
+wci
+shekou
+rhamphorhynchus
+mid-america
+silviu
+http://www.usairways.com
+golledge
+ofoten
+84.80
+mckeown
+plantsman
+goldreich
+ozan
+khentii
+oddworld
+yamany
+unevenly
+jfm
+saybrook
+co-write
+jarlath
+martel
+colonists
+kremes
+gardnerville
+11.60
+phonogram
+cidades
+aragoncillo
+rawitch
+wusheng
+tasiusaq
+klíma
+cranmore
+cashmeres
+.6
+yoplait
+luwian
+kgf
+porco
+denwa
+90.44
+fritigern
+s.lanka
+swayze
+zlib
+06:00
+3-cent
+sparsh
+millican
+baldon
+simoneau
+hethum
+92.33
+figlio
+euro423
+benediction
+malingering
+contravening
+bonnardeaux
+appel
+fourteeners
+naive
+swartley
+myco
+censured
+hatuey
+non-transparent
+interdict
+panhandler
+maranda
+tillett
+gastromyzon
+burlapped
+cmg
+l'avion
+springhill
+kaprow
+ronet
+slacking
+37.59
+bastilla
+rivera
+kadazandusun
+estero
+mesi
+81.2
+testees
+15-time
+sebastiano
+tov
+suqian
+slingbacks
+hardyston
+xango
+mckoy
+colina
+czechrep
+vigneron
+pietism
+radicale
+acnielsen
+abovementioned
+matholwch
+wearhouse
+amy.biancolli@chron.com
+goree
+395,000
+polcari
+haki
+momen
+bibliographies
+assembles
+senoussi
+pamulang
+anglo-catholic
+444-8472
+wuz
+peregrination
+zorak
+hanscom
+baranovsky
+pljevlja
+trowulan
+conocophillips
+phee
+stromlo
+agrees
+schirripa
+oxford-cambridge
+wipers
+10-feet
+m-l
+vdqs
+guiel
+hispanoamericana
+blencathra
+maois
+5.25
+condescend
+brownley
+mid-atlantic
+atlanta-based
+calloused
+hyperfine
+koprivica
+gai
+amulet
+sjtu
+orders
+4110
+schliep
+242,000
+14,000-member
+cantemir
+reflect
+higazy
+jacumba
+ct9
+vjti
+gya
+ratsiraka
+iaq
+itr
+chemehuevi
+felucca
+calzones
+schendel
+pitchshifter
+foxed
+gergely
+secretin
+rajah
+wusong
+groundfire
+akel
+morys
+lianyungang
+tobys
+spielmann
+carabinieri
+fatsis
+1.0002
+2,307
+369th
+discreetly
+1982-1986
+maeva
+dual-control
+tica
+63.26
+sub-1
+trela
+melchior
+1926-27
+zubr
+geens
+aumonier
+güngör
+bentalha
+wilga
+jamilla
+linköping
+windshear
+stockholding
+torso
+finds
+mikolashek
+cytokine
+gsr
+abhandlungen
+bregovic
+weisse
+lianying
+wynter
+alexa
+poltava
+fly-on-the-wall
+5-fluorouracil
+mariahilf
+comandante
+noilly
+oozes
+rybinsky
+videha
+strikeout
+joson
+bá
+low-level
+otterbein
+chastity
+rakam
+saket
+pari
+trustkill
+aurantiacus
+rescind
+chkheidze
+comics
+jacquemart
+borhani
+chittenden
+ktvu
+kryszalowicz
+boudh
+overpassed
+wardship
+syndication
+cretu
+pom-pom
+42.14
+amity
+django
+athanasiadis
+gerl
+mispriced
+nondual
+creekview
+levon
+yasovarman
+carbon-based
+arbia
+camarones
+bookable
+wildlings
+resort
+webfoots
+eni
+blade
+pitc
+74.99
+frick
+chudnovsky
+wescott
+dph
+killington
+1970-72
+revival
+lemetayer
+octagon
+godric
+panchenko
+etheria
+overvoltage
+u&d
+lowly
+auspices
+1.015
+qualicum
+nyby
+readied
+sagittal
+kasson
+natans
+horner
+webserver
+74.08
+herbstritt
+santelli
+allister
+interpose
+houng
+piatigorsky
+digipoll
+dollond
+amanpour
+hotchner
+r-5
+itagui
+legorreta
+frayre
+oosterhuis
+louis-based
+seacen
+boxgrove
+parador
+youngsville
+gargantua
+cécile
+azeff
+upl
+mannone
+5-passenger
+qadissiyah
+p.f.
+devender
+sword-wielding
+handsfree
+godine
+uis
+janghi
+1-liter
+jahān
+dellape
+xingang
+reporters
+almagro
+sorbus
+conversion
+abrash
+ruk
+cirque
+taieri
+inc
+movsar
+epirb
+-60
+goiano
+2226
+amphetamine
+elea
+marketspan
+lri
+skipper
+arnoldo
+bălan
+morasco
+spektrum
+sanguisorba
+alksnis
+strode
+matchplay
+60-80
+aetius
+poco
+gifs
+nazef
+hasebe
+kolomenskoye
+10:57
+bomarc
+batjer
+speedline
+ex-cia
+cross-flow
+477th
+formula_152
+fpi
+schabort
+43th
+beauman
+chicksands
+serag
+meneghini
+marsabit
+netmanage
+henin
+overstimulate
+nilame
+stately
+28,900
+kafi
+20.38
+cruciate
+cool-down
+baryons
+6:18
+nutana
+casted
+goen
+306,000
+clypeus
+vice-governor
+liaodong
+007
+verticality
+kat-tun
+24.36
+albiston
+venue
+17
+receding
+ebbinghaus
+extra-biblical
+oversee
+steinway
+daytop
+loses
+diverters
+basuto
+101.40
+khazraj
+nettie
+lyfe
+imriel
+tqs
+tiredness
+attractions
+kfox
+2.97
+fahn
+guangfu
+rudra
+khomeyni
+mcguff
+hammack
+ahtna
+zifferero
+unedo
+sphincter
+synergism
+love-30
+speedvision
+hammou
+drill
+gatra
+dm1
+tearsheets
+glycosaminoglycan
+-1.2
+squid-like
+rubinek
+funkstown
+merz
+prophete
+בית
+atleast
+christoforou
+vucanovich
+dipendra
+alvechurch
+i-15
+vice-principal
+39.34
+mysterium
+tchacos
+1,100-page
+ngugi
+ammirati
+doust
+9-of-16
+ethnologist
+webbers
+pampanga
+chengannur
+busways
+brondesbury
+53.32
+cranford
+a-ha
+ruthe
+arghistan
+thaws
+skullcaps
+amenities
+18.8
+dullness
+æthelfrith
+41,300
+pakis
+storied
+sodic
+1.2898
+pasmo
+.812
+morabito
+brandão
+streetcorner
+terrier
+časlav
+python
+d.w.
+songkok
+contagions
+lanceolate
+resize
+kamerhe
+weeny
+elko
+mitchley
+nunivak
+lilburne
+terms
+o'shaughnessy
+i-qula
+echigo
+toso
+roudnice
+217-pound
+intuitionist
+oliphantglobe.com
+maidstone
+ipx
+dardanus
+spiciness
+duparc
+cagey
+6-of-18
+dichlorvos
+ñuñoa
+brownish-grey
+conflict
+mussolini
+brunswick-lüneburg
+kamiokande
+loanee
+ladda
+escalating
+reacts
+11am
+above-average
+rapson
+charlier
+muhly
+3.7504
+parsippany
+marrufo
+d3a
+herzigova
+branton
+denuclearization
+grandparent
++105
+sigmodon
+absalom
+regrowth
+fajã
+batucada
+acbar
+taxotere
+42d
+veltri
+alaq
+maghull
+keysaney
+shoval
+atish
+haytor
+skyrocketed
+attleborough
+re-construction
+86-73
+abbaspur
+pickup8thgraf
+holtham
+septum
+frojdfeldt
+sputtered
+confected
+beninati
+foreclosures
+twelfth-century
+377.5
+confinements
+114.13
+cherny
+sff
+whenua
+chileno
+bottineau
+yana
+vizianagaram
+simons
+write-in
+fienberg
+myung
+sorbets
+dopita
+vermaelen
+hrab
+vicariate
+flp
+undergoes
+ruciane-nida
+fransi
+pican
+disorganization
+one-race
+f2
+1:20
+testorides
+translocon
+unraveling
+daxing
+ramstedt
+sleator
+nor'easter
+branzino
+contaminating
+pnd
+stolze
+burstyn
+moiso
+smca
+foreshock
+providence/stoughton
+non-violent
+risers
+tembisa
+151.5
+ostracizing
+mitrione
+13:13
+broad-leaved
+12-week
+chahal
+cfrp
+jarett
+gryzlov
+suzan
+sripriya
+appealable
+wartenburg
+baida
+23.43
+mathieson
+levee
+agrium
+einsatzgruppe
+irta
+backes
+ommatidia
+shahana
+javor
+automovil
+ayar
+demos
+fiscally
+titv
+roulades
+zamecnik
+maytime
+abetting
+calahan
+panella
+gasgoyne
+pzl
+monochord
+al-muqtadir
+x28
+razoronov
+shear
+bjorn
+codey
+potzberg
+borchgrevink
+carducci
+4,490
+22.84
+ankur
+mig-29
+thrombin
+trenbolone
+portuondo
+timeform
+afrojack
+malala
+mayors
+farukh
++31
+argott
+kuris
+mbesuma
+amidohydrolase
+ivanović
+lahe'ena
+chomhairle
+bejeweled
+clearer
+marimastat
+felicitations
+576i
+dinari
+keohane
+mirko
+fasa
+wicky
+balboa
+iago
+monkfish
+sime
+suar
+transparently
+meyami
+tepic
+1929/30
+videodiscs
+teneo
+103.90
+icms
+counsellor
+speght
+narthex
+burhakaba
+semtech
+facelifted
+polybrominated
+saiz
+kasuga
+kalniņš
+lutfi
+1820-21
+odenbach
+zakrzewska
+121
+goodheart
+kuruppu
+tkeshelashvili
+bita
+protestors
+ahn
+forecasts
+chatigny
+königlich
+marge
+8700
+u.c.l.a.
+then-future
+preussen
+xuanwu
+aphibarnrat
+137.4
+renfe
+horry
+rockfest
+16-episode
+http://www.redcross.org
+96.96
+announcing
+lawlessness
+comedically
+kalinovik
+kirsanov
+pymatuning
+lugones
+45.76
+dunnavant
+palliate
+phac
+collingham
+casterton
+wagoneer
+cedula
+unlabelled
+ruffins
+megna
+denominated
+bromage
+delimited
+aymen
+algarotti
+ceesay
+untiring
+abramo
+fusō
+basel-country
+aminata
+serandour
+zenda
+pbsi
+jeonbuk
+costin
+38-21
+zubara
+1.79
+macjohnson
+constricta
+narghile
+marnham
+cloetta
+swirling
+horsforth
+kommando
+battan
+881
+bffs
+6,667
+misfolding
+ccdi
+bacio
+grooves
+lepturinae
+same-gender
+pseudohistorical
+221.7
+marriot
+geena
+demichele
+kilobytes
+chengguan
+7.7480
+klebb
+lugaju
+melen
+15.725
+aayiram
+serkis
+roueida
+terrile
+jurchen
+leukerbad
+pdcs
+bratten
+mackie
+rmv
+tamburrino
+altmann
+libra
+hathaway
+szechwan
+idama
+gaston
+ghee
+16
+wasow
+hypersurface
+herzfeld
+an-2
+looper
+niwot
+kidsoft
+directoire
+liaises
+devaluation
+regionals/
+aparicio
+19,375
+outsize
+czuczka
+resigns
+#
+gropers
+3,780
+trunking
+jesus
+koichi
+haveman
+tormo
+20-metre
+carver
+manap
+nuan
+bounds
+rakov
+firishta
+75.65
+readership
+jean-marie
+sassari
+ischgl
+postol
+oresteia
+m242
+escabeche
+petrovicky
+crisscrosses
+caffa
+hayashi
+bartica
+600,000-strong
+prairial
+colene
+tukiainen
+activating
+ebrd
+lamark
+braig
+2-94
+abdollahi
+forenames
+powerband
+petuchah
+eljahmi
+tawheed
+stothard
+cotyledon
+ex-raf
+donegan
+belette
+malbon
+härnösand
+supplicant
+troublemaker
+sharapov
+valerian
+biofuels
+al-wasat
+odera
+sidel
+collectable
+ludeke
+ledum
+šilutė
+schachner
+crosa
+aeu
+boogerd
+sunnyow
+49.56
+shots-21
+verdal
+matsushita
+kristijan
+apn
+kids
+quintas
+connector
+zhaode
+minimart
+captal
+matori
+pranas
+sanio
+seattlepi.com
+bridesmaid
+dhamar
+mcminn
+peeke
+sundin
+montan
+filipino-chinese
+tenison
+númenóreans
+lusk
+contend
+slur
+buna
+d-ii
+philippoussis
+brandywine
+seabrooks
+udyan
+76.99
+ittf
+n'ts
+pansies
+1044
+greystones
+marksman
+kctc
+45044
+pecknold
+64-58
+eloisa
+berent
+medevedev
+sentara
+mus
+cursorily
+quoddy
+uttal
+labi
+45-29
+honeyguide
+lugo
+0.050
+ctenucha
+cromwellian
+reanimator
+wearables
+reflex
+bordley
+dismembers
+decosse
+picardy
+ryun
+pliny
+tanjore
+pleasantries
+subprefectures
+hayl
+feemster
+corus
+hoisted
+chorny
+hassoun
+alby
+hippocampi
+govermental
+qahar
+i̇znik
+shearmur
+narayangarh
+maplehurst
+hygienists
+groby
+43431
+årstad
+stresa
+informers
+delcarmen
+latell
+glyphic
+prothro
+cdarlingstar
+132-year
+trawlers
+azkoitia
+balram
+specker
+hartwig
+15-square
+musleh
+ampl
+corsair
+timbrook
+kurepa
+gurevitch
+neighbourhoods
+guiseppe
+cobblers
+36.38
+243.3
+evolves
+halling
+špiranović
+gladwell
+abukir
+piola
+wsk
+skakun
+1915-1919
+rallycross
+guanacaste
+ccid
+wye
+self-portraits
+aillas
+yapping
+gouverneur
+dzień
+aisd
+klasfeld
+anand-milind
+shengxian
+orler
+16min
+rugger
+gold-digger
+2,927
+x
+meyssan
+sudeep
+perambur
+86a
+cartulary
+zur
+0.100
+6-for-19
+ownby
+bueno
+leftwich
+62-61
+baius
+armful
+al-a
+f-105s
+roussillon
+granata
+chopard
+levantines
+bucchino
+1,500-year
+egeland
+papale
+swarajya
+muroran
+hallucinogen
+hypertension
+hunn
+darnton
+hartarto
+chron.com
+supremes
+führer
+minsiter
+4:28
+turridae
+beradust
+37.32
+krausz
+ligustrum
+kinkor
+uranga
+batou
+foreclosing
+stimulated
+chapel-shrine
+szprotawa
+brotherton
+satirizes
+spragg
+festering
+front-end
+capm
+imdad
+2.68
+lucretia
+megachilidae
+figga
+heat
+matsue
+ecns
+cornes
+17:07
+umc
+40-15
+rdt
+sokół
+seaworthy
+gosier
+thorvaldson
+bbc1
+overachievement
+p250
+colom
+relighting
+8-dietmar
+risner
+spirochetes
+mudaliyar
+domain-specific
+christ
+u.s.-colombian
+shadowplay
+hermeticum
+disqualifies
+filmless
+25,300
+dùn
+begain
+sub-band
+nishi
+tangerang
+stayers
+kalā
+low-frequency
+jahurul
+cartagena
+1967-74
+aronica
+gernon
+luidia
+1987-1995
+woodhull
+i-280
+governement
+sprizzo
+ronayne
+stanisława
+sophists
+umshini
+18334
+phragmipedium
+counterterrorist
+care
+laino
+hidenobu
+chunlan
+pearsall
+nep
+70.3
+barlinek
+kimon
+jayantha
+turkistan
+dovetailing
+cappuccino
+lunetta
+litte
+shacklock
+vice-principals
+maco
+unacceptable
+ecclesial
+kuehne
+tarps
+0.065
+sio4
+terry
+laguerre
+fleurus
+covent
+gemilang
+chapstick
+carnavalet
+kwalia
+14-second
+ex-guitarist
+razumovsky
+emboldened
+zoecke
+bud/s
+creston
+doucet
+218
+sherrard
+corrupts
+kosava
+wizkid
+uniloc
+wiriadinata
+torlonia
+sundarban
+ecologies
+detemobil
+arifjan
+meulan
+guarantors
+proteoglycan
+tamal
+marianów
+newcomers
+iannone
+serekh
+literate
+etti
+volgas
+muromachi
+outdoes
+well-researched
+ghanem
+7x7
+recalcitrance
+sugiharto
+afroyim
+potasnik
+dyen
+brantwood
+jackley
+auro
+dipodidae
+koshland
+radiometer
+46.00
+petroleum-based
+debo
+kamanzi
+out-performed
+2010-2011
+7-minute
+gwh/year
+eggeling
+carraig
+saint-martin-de-ré
+squidward
+polychaete
+numbs
+madeleine
+ecwa
+best-in-class
+concoct
+hamri
+335.6
+seesen
+tinoco
+adviser
+dwarfish
+deaner
+joyon
+rodriguez-lopez
+rožaje
+patrone
+sterkel
+moyie
+fercu
+bondo
+duse
+argüelles
+cbp
+hacohen
+summerhayes
+choo-choo
+boîte
+crossed
+givebacks
+loutzenhiser
+scl
+600-member
+siano
+corydon
+dombey
+71.36
+resuscitation
+northanger
+kuepper
+wafaa
+chalone
+beskids
+haloti
+subways
+todorov
+9,000-square
+41.91
+bulis
+jotham
+unhittable
+febres
+morita
+kieny
+28.76
+ethnographies
+cidb
+50.27
+r-6
+billey
+eksmo
+kolchak
+coryo
+loco-motion
+mississippians
+6-simplex
+mayoralties
+74.21
+15/64
+sol-gel
+euro428
+aldrin
+rouen
+sahin
+galdeano
+rushfeldt
+polenov
+jakubowska
+isesco
+86-80
+fronting
+udeid
+otilia
+ewok
+byen
+qingxin
+trave
+imprison
+polangui
+фk
+ineter
+cirkut
+2,229
+houze
+knyvett
+montvale
+nevas
+7.78
+cd20
+bryans
+schmidt-caltech
+eesah
+nuwa
+flidhais
+redraw
+drohobycz
+sonner
+guangwu
+marantz
+nomani
+calvinists
+teas
+lashonda
+embarrassingly
+bleary
+r12
+apayao
+wheeled
+kissin
+13,500-strong
+swaging
+hindered
+julani
+buday
+transgress
+zilmer
+maninagar
+baikal
+nolte
+herrmann
+siasia
+theosophy
+35,900
+48.3
+pinches
+merrier
+axim
+406th
+abitibi
+patañjali
+sterilization
+suction
+baseballers
+14,250
+tredwell
+gophers
+oswegatchie
+inessential
+gourlay
+(312)
+crowberry
+pla2
+energie
+quaestiones
+placenta
+5h
+chavhanga
+138.8
+1809
+christianae
+408,000
+queers
+samedi
+hegelians
+laylat
+owe
+besir
+raï
+baldonnel
+liuvigild
+teardown
+ranchland
+waba
+tavcar
+99.91
+prentice-hall
+orian
+seelert
+vihn
+stromeyer
+remulla
+curet
+vondel
+monsarrat
+unworn
+washingtonians
+edwards
+thích
+feldenkrais
+14.42
+biol
+1,791
+360networks
+sped-up
+mateiu
+gc-ms
+lethargic
+apta
+al-nasser
+werriwa
+d'erlanger
+22,000-seat
+4,048
+lewan
+abdurakhmanova
+d'estournel
+colonisers
+michelis
+appius
+56.71
+mirage
+sprunger
+torbor
+hard-hearted
+scharping
+1985-1994
+guest-starring
+andromaque
+krishnaveni
+6pts
+2,219
+approximating
+terrano
+105.31
+bojan
+pre-requisites
+lillie
+909
+turbidity
+30min
+26-minute
+.474
+videotron
+shimoji
+scribonius
+luscomb
+greensomes
+functionalization
+packing
+scocco
+zadneprovskis
+articulo
+khasekhemwy
+haneen
+yucaipa
+negating
+evf
+natrona
+wachowskis
+5-3
+nastier
+arzo
+ezzedine
+westergren
+ephraimson
+orent
+sa-5
+koester
+siasi
+mcdougal
+holstein-plön
+10.80
+coplan
+garsten
+agrestic
+dealey
+furse
+raunchiness
+underinsured
+vaharai
+iakovakis
+wetar
+corina
+rard
+goshawks
+ricord
+hamar
+cerebellum
+highroad
+galasa
+230.5
+branta
+2-mile
+westhead
+tabley
+jale
+glashütte
+0-2
+12345
+remarrying
+gorokhov
+italie
+by-passing
+shastry
+ypresian
+stampeders
+traykov
+2001-2011
+ruling
+uncontested
+kulakhmetov
+unofficially
+ruthven
+husselman
+hewlett
+picross
+shout-out
+nahapana
+porche
+cartwrights
+lithotripsy
+4-for-5
+anesthesiologists
+jofranco
+torridge
+95/98
+3,978
+tunb
+hanoi
+cufflinks
+patric
+irl
+heiliger
+victorias
+pamphlet
+matoran
+ganaha
+fantuzzi
+draven
+roewe
+mass.
+doggers
+gelasius
+redentore
+keratotomy
+strich
+drying
+bec
+superfluids
+ftp
+bayankhongor
+33.47
+alliss
+militaris
+arki
+gazipur
+charente
+doctorandus
+12.82
+rpg
+steffie
+estermann
+radel
+kodomo
+phenethylamines
+tihg
+salit
+novine
+drobný
+1031
+rm13
+homart
+ndolo
+meeteetse
+meye
+noctule
+joergen
+1982-83
+sterigmata
+reinier
+amaroo
+cest
+pellumb
+curious
+ballah
+contigency
+bicher
+timey
+devakula
+helme
+correlating
+kirchner
+100-index
+327.7
+vasilyevsky
+zubari
+demisch
+primeeast
+moen
+bindesbøll
+dawat
+dandani
+kurile
+shelmon
+nayinzira
+andrews
+delimkhanov
+imina
+barkhamsted
+daemons
+bloem
+daubenton
+boughner
+saharan
+2-70
+malabang
+sanmao
+khurmato
+atticus
+54.1
+drypoint
+bagaduce
+ulong
+cottagers
+loewi
+naked-eye
+l'unita
+galatoire
+mutryn
+averill
+sabrido
+euro283
+hamizrachi
+lajja
+matchings
+mbaqanga
+straight-forward
+espagnol
+proinflammatory
+kiyovu
+ordinals
+213.5
+b-boying
+passangers
+medeo
+ashun
+nordmann
+tamika
+kloner
+yaps
+individual-level
+armonia
+swaminarayan
+freight
+gardere
+sa'ad
+cafritz
+1951-1953
+geospace
+barcenas
+unapproachable
+capucine
+weydert
+kat
+diachronic
+milledge
+jaarsveld
+1h21
+sanitariums
+kungälv
+tsunku
+c-major
+sisavat
+aiton
+despots
+anti-homosexual
+1,880
+97.0
+mtpa
+wahroonga
+minigun
+louhans-cuiseaux
+bucs
+17-19
+feldspar
+unveil
+capillary
+cyclopedia
+athans
+nutmeg
+generics
+villeda
+saah
+traversi
+kobro
+sudra
+cff
+wanning
+kriegman
+vice-regal
+hermanos
+infocomm
+33.84
+42,600
+landamerica
+ode
+lykina
+kadokawa
+252.3
+humidification
+carmelite
+vahram
+bossasso
+kotwal
+pashaluk
+willesborough
+adv01
+zahumlje
+călugăru
+thorsell
+marzetti
+granville
+fréjus
+motion-sensing
+huntingtown
+kolyai
+bucklin
+monotonicity
+cafarelli
+10.26
+109.7
+amaratunga
+mcguckin
+foresight
+gaborik
+penwortham
+freesia
+englebright
+novokuznetsk
+engelhard
+spanta
+inattentiveness
+rossberg
+1708
+swabi
+qaen
+tharpe
+dilmun
+51-49
+fuku
+baile
+angping
+half-caste
+castillejo
+abood
+idiomatically
+milligan
+double-barreled
+tamassos
+connived
+mid-pacific
+amiably
+106-page
+tostan
+unhistorical
+hulusi
+mukasey
+uplifted
+joujou
+decongestants
+edmonson
+intersperses
+viavoice
+thersites
+hungaroring
+burnsville
+etian
+serafini
+www.statesman.com
+givens
+demonstration
+pask
+rogell
+munkacsi
+2,779
+sub-divisions
+suon
+mae
+fung
+whyteleafe
+ibises
+argyllshire
+tuleh
+harthill
+roadster
+barako
+walle
+angarsk
+40.03
+mousinho
+39.00
+pope.l
+daiva
+kaydon
+before
+fishguard
+hirayama
+lièpvre
+nduhirubusa
+sajid-wajid
+manoeuvred
+cic
+paojinda
+paparazzo
+2228
+plaited
+fantaisie
+ljungqvist
+pizzolo
+galathea
+synaptics
+aspern-essling
+rouland
+muñoz
+frothing
+boyfriend
+kleist
+holland-dozier-holland
+kristall
+socializes
+thornett
+concurrence
+trembler
+radica
+llagas
+dvg
+vengo
+wahab
+ewbank
+motifs
+drye
+0.5-1
+diabolos
+littleover
+leapt
+t.rex
+makua
+karataş
+salako
+bencao
+jumong
+baktiyari
+all-for-ireland
+leucaena
+4020
+dosanjh
+inanimate
+hockry
+dragutin
+aktiebolaget
+lert
+ppr
+rosengård
+nitrogenase
+hanafiah
+duran
+gibbard
+kaisers
+wenyuan
+toluene
+taurine
+jerusha
+incurably
+psychopathic
+lowestoffe
+banaskantha
+293.3
+huawei
+schenk
+maladaptive
+trower
+setubinha
+rubins
+selecao
+huraira
+ibb
+yodeling
+106.60
+profiling
+costoboci
+d'sa
+thackara
+calamba
+commer
+single-player
+vaucouleurs
+stave
+sparked
+akhmim
+c-119s
+hutu
+20-64
+kovilpatti
+triples
+djedefre
+temagami
+sóc
+pum
+oldie
+friese-greene
+p.g.
+rosand
+somnath
+myung-bak
+bedouins
+16.57
+rea
+aesch
+rebooted
+bordertown
+secant
+snowberry
+sockless
+23-8
+elmander
+pathoni
+googin
+saag
+seventh-highest
+vice-presidents
+whittles
+pygostyle
+chrysantha
+48.64
+long-snouted
+self-advocacy
+keyshia
+kronenberg
+weese
+gassen
+fose
+computations
+armories
+tecdax
+fushek
+colman
+armenians
+lorenzen
+grabs
+gerner
+3,946
+puertollano
+hannstar
+paniculate
+tenet
+tozer
+al-bakr
+d-2
+pajitnov
+popek
+armavia
+14th-15th
+pogy
+schwager
+meng
+carries
+sempringham
+penchala
+toadstools
+ubaidi
+bencze
+cashers
+bluf
+saurer
+chełmża
+cetinje
+iou
+etheostoma
+yantar
+dolný
+petrochemical
+quán
+hypothalamus
+arsis
+deville
+voyeurism
+videotex
+europlace
+ratuva
+tipton
+fatma
+standard
+habilitated
+http://www.usps.com
+career-spanning
+radials
+dippin
+troweled
+sharqawi
+power4
+shaho
+wamp
+vss
+haskanita
+garuba
+lakland
+nest-building
+caversham
+offloading
+wayang
+01:15
+m2
+replications
+dera
+249,000
+time-resolved
+enernoc
+510
+pearled
+quebecois
+episcopalians
+dermateaceae
+axelrod
+vanu
+shauna
+april/may
+packaged
+870s
+erogenous
+nishiura
+kaluzny
+caesium
+bezzi
+pandulf
+strassberg
+belmontes
+breugel
+georges-louis
+cantat
+iranian-american
+jenison
+d'abo
+multi-award
+robertkiri
+cardrona
+arraf
+fireback
+nrcs
+four-yard
+cataguazes
+sakaguchi
+suwayrah
+lactuca
+asra
+schoolbus
+kingitanga
+firenza
+132-billion
+jehoiakim
+stand-by
+kinases
+totalfina
+tarquin
+allsburg
+shearim
+crunchy
+janish
+hanlan
+cinthio
+viajes
+competently
+multi-processor
+patriarchs
+tiaan
+airstreams
+aberffraw
+quercy
+courters
+mokry
+flagg
+lyrae
+stalkerazzi
+107.10
+northrock
+stability
+arra
+pucay
+paralyzing
+mosqueda
+170-year
+comunismo
+euzkadi
+político
+akrobata
+spaceward
+kitchens
+rampolla
+aquinas
+20.05
+spittin
+kather
+groove
+gpw
+joypurhat
+zanobi
+serralves
+workaholics
+misrouted
+ostrołęka
+unsatisfying
+audibles
+47-point
+dropshots
+larroca
+53.35
+burnouts
+ferryman
+moros
+sneetches
+martill
+jolyon
+lb1
+ultrasensitive
+6.54
+bauby
+dexatrim
+w/v
+half-way
+antivirals
+koprzywnica
+stratofortresses
+61,900
+deutsch
+1,702
+keratitis
+xiu
+bozüyük
+themba
+huvelle
+9.875
+koutoujian
+doomsayers
+bilour
+parkend
+svitov
+governor-in-council
+3,027
+ruinously
+ratnayake
+gerwel
+euthanizing
+crittenden
+1324
+sahrawis
+flavipes
+in-space
+originality
+triakis
+avilov
+walwyn
+shampoo
+rimmed
+ifriqiyan
+heterotopic
+mittelalters
+loppers
+maske
+seperated
+stehr
+interventional
+cofton
+photorealistic
+fayemi
+christos
+1.5115
+dramatica
+arcelin
+bsanders
+6.00
+gravitas
+ominami
+ameur
+lifesize
+stria
+howver
+broncomaniacs
+abjured
+muehl
+mylene
+1.3781
+neutrino
+tegu
+kittikachorn
+5,000-pound
+tusiad
+partitas
+reynal
+aurelianus
+westcott
+ahtissari
+harispe
+corp.-led
+ilcs
+astrachan
+volsky
+betfred
+c4isr
+gastos
+distinctions
+seaney
+blustein
+kandelaki
+beckinsale
+be
+kolomiyets
+tappara
+qikiqtaaluk
+biographer
+rightful
+mishaps
+undies
+birju
+orbita
+luneville
+tavoy
+straights
+vectorial
+salvacion
+maqboul
+furundzija
+abt-538
+buo
+dermagraft
+cisalpine
+abdurrahim
+nmcc
+aishwarya
+double-lp
+moskvin
+studenţesc
+agc
+cvt
+moneywise
+ligament
+rriggs
+cyclocross
+espys
+altit
+robotlike
+adamses
+windings
+iie
+walvis
+22,900
+jausovec
+76-centimeter
+munyenyembe
+boy
+asegura
+housecleaner
+knapton
+non-physical
+sawara
+3-37
+garey
+2,296
+mascot
+aftermath
+124.85
+commings
+dbb
+toltec
+two-step
+ortigas
+mutism
+kassan
+cantoni
+gvl
+klezmer
+sjw
+heavier
+moras
+battle-hardened
+calvià
+6,545
+cafeterias
+272
+bowlful
+hacket
+deliciosa
+outside-right
+sentimentally
+sacajawea
+skg
+74.79
+oughton
+pyongchang
+kuncoro
+epoque
+tofu
+colombian
+poseur
+flinty
+.310
+recounting
+baudelaires
+60-something
+pataxo
+a400
+rc-135s
+brno-country
+arkhipova
+constitutio
+sarsfields
+furka
+treffry
+porterfield
+gull-wing
+hermance
+raniya
+aldford
+saadiq
+ilirija
+dismaying
+kokkalis
+ier
+bradninch
+penetrance
+subdeacon
+decrypting
+penya
+miracleman
+helfferich
+tsaratanana
+autopistas
+affable
+detonator
+stechschulte
+keur
+easterwood
+mazraeh
+néstor
+toponym
+ritus
+paravac
+slavishly
+saarbrücken
+procurator
+pokorni
+endophytes
+performativity
+embroidery
+soucy
+amritraj
+atypicals
+merewether
+natynczyk
+losartan
+tenaya
+peiping
+veal
+saracino
+fouts
+barbarika
+unity
+lawal
+rehalim
+borregos
+kępno
+lefleur
+45-22
+codice_34
+rosse
+romantsev
+wahdat
+wrangham
+wilkes-barre
+gahl
+mozarts
+bubbly
+a.k.a.
+wabo
+shikibu
+shulchan
+109.70
+teoctist
+cotecna
+marena
+slapton
+editoriale
+pabst
+maldito
+69,500
+vituperation
+hydrus
+documentarist
+74.95
+nazlu
+kunów
+self-policing
+ginnifer
+rectorate
+871,000
+legree
+superstring
+sonapur
+98.07
+level-1
+stylites
+dehydrate
+heart-lung
+55.76
+subdomains
+landfalls
+döbling
+acted
+plasterer
+5:56
+irruption
+zura
+ululated
+21-week
+łukasiewicz
+gustafsson
+firpo
+abenakis
+univallate
+elucidated
+foehn
+wortman
+pcij
+ut-1
+almendra
+leeza
+sportswoman
+johaug
+youichi
+exploratorium
+elite
+semyonov
+kobra
+agnelo
+misfits
+ufip
+tunic
+lettice
+1,167
+lures
+azimuth
+jackett
+sobion
+tourisme
+endwell
+hotness
+c.i.e.
+brazile
+waypoints
+princessa
+bizilj
+virton
+merstham
+hedblom
+courcelle
+olguin
+representing
+sloh
+volans
+abjar
+wine.com
+eniwetok
+peranakan
+105.00
+kyrylenko
+pfyn
+bubastis
+lerici
+blackhurst
+female-female
+ilves
+nhim
+safina
+vee-jay
+garcés
+123.33
+coetzee
+1.214
+embezzled
+wiggle
+nei
+brooksby
+nehme
+trek
+chapparal
+multi-level
+taht
+maintenance-free
+lyman-alpha
+bayport
+montalembert
+partisanship
+73.85
+sealer
+73-73
+beverwyck
+depressingly
+prêtre
+rouss
+chenowith
+1,346
+rochedale
+1400gmt
+pietre
+weli
+piseyev
+toomer
+chabang
+double-edged
+trebanos
+jaques
+schull
+sayel
+escheat
+olafur
+turanj
+chengzhang
+inkombank
+falafel
+nipon
+wulingyuan
+setting-up
+harcharan
+mulungushi
+rinck
+piston
+dares
+nipponica
+ditter
+agusta
+bizimana
+sapidus
+gasimov
+dynasties
+metropolitan
+grévy
+southridge
+shoot-to-kill
+stamatopoulos
+bir
+timeshift
+maxjet
+sabee
+fickman
+mastic
+ekibastuz
+wilderness
+3.70
+1277
+city.the
+straus
+drove
+cheeks
+huainan
+papabili
+delporte
+göynük
+exclusivity
+0-9-1
+morago
+oriole
+tik-tok
+squareness
+chapoy
+kymco
+keirsey
+49.94
+maiasaura
+tonu'u
+sub-saharan
+netherwood
+bearings
+khadr
+scaup
+unwary
+gisela
+fastigiata
+rm12
+mourdock
+emission
+waggish
+joannou
+cmpc
+engines
+swimming-pool
+pompeo
+gallivanting
+rosters
+hnc
+chur
+acquit
+48,800
+kordić
+siddhar
+mahe
+asarta
+ultrasuede
+wrns
+małdyty
+two-barrel
+shenxin
+vallee
+31.60
+blackcurrant
+occiput
+financieras
+daejeon
+godchaux
+dingtao
+24-4
+nytssmcimail.com
+chunping
+imants
+venator
+pillaiyar
+ss15
+fhernandez
+p.l.
+waterton
+mcneley
+woronora
+xb-70
+vigils
+lovatt
+karmen
+stickam
+kraken
+denise
+werve
+239.2
+sct
+ayman
+espanola
+fortunat
+mahon
+hecha
+240.8
+cyberattack
+surface-level
+clwb
+frohnmayer
+clairsville
+midrib
+6,050
+tarabai
+1940-1941
+olvidarte
+lindera
+flat-out
+130-mph
+mux
+magarey
+286.4
+playlisted
+pesta
+andaman
+butlerian
+westfalenstadion
+nerkin
+nwac
+ichiyoshi
+crochet
+ivanpah
+tuyserkan
+gunnarson
+kalt
+sepracor
+chevra
+sayles
+3,527
+dissonant
+jeni
+broadbills
+teya
+hilarious
+etheldreda
+puissant
+allardice
+120.75
+telework
+yardy
+whitby
+snelsire
+sinkala
+2-for-12
+burrow
+manhart
+156.00
+pleasers
+biscuit
+normalcy
+pitots
+brouncker
+103.09
+snowsuit
+blackhawks
+dollin
+avoca
+disguise
+7pm
+askeran
+yazdani
+fradley
+27.07
+drannor
+1951-1954
+emeli
+west-northwest
+full-blown
+lipin
+barbadians
+kokborok
+kalenjin
+matakana
+dennehy
+ischemia
+13sec
+sethupathi
+non-scientific
+piven
+tresco
+conifers
+paskowitz
+motomura
+highwayman
+jackboot
+refuted
+10:05
+barankin
+dushevina
+ngapali
+oborne
+guangchun
+threading
+volland
+zasa
+abubakr
+smcclelland
+laden
+marianus
+sonneborn
+krónur
+co-starred
+zubiri
+smid
+overmind
+tammam
+dauman
+heliograph
+verticillata
+weinroth
+110.18
+fan-base
+creadon
+136.1
+misrach
+luteum
+10-26
+kilger
+superhero
+nethaway
+haryono
+23.74
+casita
+djemal
+chương
+isad
+vdcs
+chenjiashan
+betaproteobacteria
+cbc-tv
+olusegun
+536
+2.1-billion
+redd
+deacetylase
+pohle
+sunthorn
+carbon-12
+orilla
+léger
+cental
+stanojevic
+kayaked
+handwork
+tangle
+stanleyville
+veb
+u6
+ejide
+36.48
+guillotine
+lanaudière
+asghar
+lenalidomide
+bohlen
+snpl
+78-minute
+kfve
+kozarac
+speedskaters
+coherence
+vasavi
+hearns
+menzie
+al-qaida
+mahabat
+aglianico
+srichand
+uzak
+stochastically
+i-180
+13-episode
+119.08
+haselock
+luckes
+coddle
+'69
+guohua
+32d
+81-81
+lohja
+feste
+frideric
+korean-american
+hypocoristic
+event
+willerslev
+nagasu
+voronov
+wesh
+prosodic
+vinas
+barket
+mondol
+conocybe
+dressingroom
+pinteresque
+103.2
+speiser
+gess
+płoty
+qtls
+saiful
+extensions
+2-volume
+presume
+fav
+saldaña
+fuzziness
+kenwood
+nederlandse
+sauls
+sholapur
+sztuk
+atrato
+giorgini
+odorrana
+daqian
+winkhaus
+exquisite
+justness
+prime-minister
+borka
+grayish
+archaelogists
+balut
+henig
+houssine
+mendonca
+westdeutscher
+mance
+.632
+cidg
+wriggled
+rayudu
+lorch
+goal_ottawa
+flippen
+unborn
+tennant
+skimmers
+ogee
+perspire
+avtotor
+melani
+mirax
+pneumococcal
+mizo
+hinayana
+zuse
+savilian
+opining
+seesaw
+crumpets
+fargeau
+non-life
+pucci
+emmanual
+mavericks
+tecnost
+niall
+meidani
+500-square
+reiziger
+feisty
+1,101
+hijackings
+conditioning
+daleville
+ekenäs
+kasturirangan
+yngvar
+first-division
+brogans
+misfortunate
+drub
+8-1-0
+462,350
+hartsburg
+syston
+anamarie
+24-foot
+asklepios
+re-asserted
+tickling
+sheard
+cacioppo
+tasked
+horst
+leatherdale
+kaas
+utsa
+29-man
+yakub
+maxent
+pasching
+norvo
+kallestad
+finkle
+borgward
+amylose
+33-6
+poniatowa
+myosin
+mcinnerny
+wilhelmsen
+zarit
+lutyens
+alawis
+kasab
+thurman
+dixon
+actovegin
+1913/14
+qubanji
+holberg
+401-k
+nkobi
+revolutionizing
+f-16cj
+yakshagana
+penders
+brzeg
+1,923
+northwestel
+gaelic
+colón
+chabukiani
+single-game
+lensed
+ohliger
+hand-crafted
+recurved
+kentuck
+lodine
+cajun
+benpres
+encontro
+encomienda
+kaprun
+5,664
+ayudar
+pevsner
+capgras
+ancilla
+yuko
+immured
+bekir
+pacrim
+steepled
+aggravating
+nasaan
+19:42
+high/low
+irradiated
+dangal
+parricide
+kleinrock
+byåsen
+monju
+non-televised
+rosicrucianism
+castillejos
+saura
+bundang
+kdv
+ann-margret
+five-disc
+neuropsychopharmacology
+cakra
+3.50
+polyps
+b.d.
+wroughton
+kovanda
+causi
+pliego
+ya'acov
+idly
+62.68
+cai
+saidabad
+ruggie
+dukeries
+kolvenbach
+pombo
+havířov
+1965-69
+handzus
+linkedin
+legitimising
+landin
+parella
+inter-american
+mclintock
+civelli
+surveillance
+rb4
+17,001
+karegeya
+menangle
+37-23
+wilkomirski
+kandor
+rayfran
+qaddour
+insulation
+sirivudh
+anti-prostitution
+sebastian
+mosina
+outweigh
+akihiro
+ryves
+meux
+pohlers
+guido
+sicha
+vijver
+o'mahonys
+sovietskaya
+well-deserved
+web.com
+cader
+sistar
+lij
+vintilă
+bathrooms
+glyphosate
+meycauayan
+rbe
+springiness
+hijacking
+monteverdi
+nwi
+skempton
+misgovernance
+tomohito
+asadabad
+lozzano
+prachuap
+closed-source
+thugs-n-harmony
+re-structured
+na4
+hyu
+chabrier
+birkett
+wnw
+oddity
+88.00
+radiative
+assertiveness
+thuan
+miramonte
+two-toed
+kiato
+tekezé
+870,000
+sumberg
+podria
+lanxi
+lovett
+munde
+.338
+saouli
+sex-based
+comolli
+14.58
+cambiado
+rós
+francisco-based
+lecanto
+frafjord
+jamshedji
+54-38
+34.90
+georgy
+mirikitani
+stepashin
+atre
+yevgeni
+38.56
+462-2748
+94.42
+handclaps
+99.04
+wearier
+viasoft
+tuaolo
+motocyclisme
+tax-exempt
+semprun
+pontardawe
+ramazzini
+noord
+sandinistas
+two-record
+stepsister
+helsingborgs
+dawit
+disbelief
+gilling
+yount
+gweedore
+rendón
+scientific-technical
+khawja
+hefele
+expeditor
+showcourts
+abbatoir
+fosb
+esas
+dunderdale
+shammas
+l.a.
+ccrb
+distributors
+widen
+provably
+usi
+lazers
+cbeebies
+rks
+abersychan
+tienes
+hamby
+alter
+integrability
+tinariwen
+psn
+kirberger
+olecranon
+cybersource
+0900gmt
+saint-john
+take-down
+celyn
+double-deckers
+allotments
+ibisworld
+uberto
+mcdormand
+helweh
+ziemba
+ugta
+betonmarkets
+khind
+exfoliates
+chincha
+gamesmanship
+flipmode
+franquet
+blend
+bona
+kyne
+arnulfista
+vencat
+phangnga
+1,875
+truncating
+highwood
+splaying
+conjoined
+74.93
+toobin
+shellie
+mulvoy
+500-million
+requited
+heterotypic
+soxers
+agia
+stortford
+phayao
+ullage
+petrovec
+accesses
+plus-6
+favas
+yoshinoya
+lobbering
+curlicues
+8.45
+wachsmann
+poykio
+iaff
+teeter
+sverak
+5-of-8
+wellknown
+sheptytsky
+polis
+waterland
+marchione
+degano
+farrelly
+montedison
+106-104
+liberales
+waqf
+stauffacher
+mournful
+metabolomics
+ruys
+nolde
+rmg
+radics
+kunen
+9:31
+steinburg
+seaba
+89-year
+20-piece
+benešov
+hananel
+chekiang
+suslin
+hespe
+krusen
+pridgen
+seuseu
+bankside
+engages
+closed-end
+treelike
+archimedes
+tillandsia
+iorgulescu
+tamilnet
+3,502
+pocono
+serlenga
+matchboxes
+wrzesnewskyj
+l’histoire
+blason
+colbourne
+oropharynx
+corticioid
+inopportune
+saxicola
+sadolin
+shrimpton
+rinaudo
+sadashiva
+servette
+costumes
+kickback
+natures
+cicci
+shabiha
+sterns
+38.59
+dava
+cornouaille
+tjessem
+photorespiration
+jal
+29.92
+ovie
+stirratt
+gavins
+backpedalling
+malthus
+undescended
+veneers
+lovington
+irreligion
+lyceums
+kyokushin
+raw
+surankote
+malay-language
+7.54
+macconnell
+choshi
+mokhtar
+mutts
+quena
+mwapachu
+klaver
+bernall
+m-1
+harlow
+jingmei
+ca-125
+f18
+tongzhi
+tubby
+irvin
+108.95
+iggo
+litvinoff
+21.4
+21-12
+mapa
+arsen
+9.37
+leach
+vef
+saralegui
+nasirullah
+noica
+typifying
+sithonia
+candour
+phased
+bodices
+drumm
+babbit
+flits
+ziya
+362.7
+garnishment
+garity
+severally
+criminalizing
+89-yard
+.82
+kałuszyn
+elminster
+antowain
+edified
+ridala
+jamesian
+off-premises
+deeming
+amstel
+ludus
+campuses
+gleba
+chatelaine
+him/herself
+abortifacients
+madeiros
+polyarny
+witty
+wholeness
+wend
+novy
+daems
+aeolis
+voorhis
+clearinghouse
+rik
+noveleta
+120.42
+bamburi
+rigeur
+geomagic
+sauron
+507,000
+cantata
+stanwood
+kaipara
+mawazine
+mud
+nordfjord
+1,000-1
+a9
+courchene
+e.v
+x9
+philadelphians
+springe
+netcraft
+sidransky
+manel
+kuzmina
+10-car
+davorin
+smss
+aaahh
+18-second
+gyeongjeon
+kibbe
+404
+1993-1994
+11-turn
+horsecar
+arg
+comtec
+kennebecasis
+dmd
+subducting
+motsoaledi
+yaht
+five-page
+tvrdik
+barwice
+graciousness
+oros
+sulfa
+cfp
+turbinellidae
+clericuzio
+lyta
+coraciidae
+liii
+73.24
+salal
+papandreou
+fairlane
+passbook
+saigal
+butcher
+kolchuha
+below-average
+35.0
+montgomerie
+khalizad
+fiorelli
+reintroduced
+schreckengost
+fjeld
+certify
+d3as
+17.84
+parast
+octroi
+100,000-dollar
+byfuglien
+jamnia
+sedco
+33-0
+jarraud
+34.97
+weight-for-age
+1775
+willetts
+mushake
+hondarribia
+0-3-3
+tackett
+kripa
+cheika
+skimping
+saint-quentin-en-yvelines
+nbc-affiliated
+yaacubi
+quizmania
+0-for-12
+enfants
+robynn
+scriba
+bjork
+secta
+beauregarde
+fredegund
+peddlers
+parenteau
+histologist
+21-footer
+flowy
+armyworms
+forestalls
+4.6-liter
+carmel
+follin
+postaer
+beggin
+moson
+sobczak
+kabunsuan
+mattress
+chorzow
+rugby
+guiton
+o'laughlin
+cirta
+tuke
+1983-88
+mutation
+surak
+anomala
+flightserv
+sovereign
+dussourd
+constable
+muffles
+cael
+binoculars
+puppet
+lazi
+lightly
+terete
+codice_33
+progressors
+duckmanton
+khamsa
+cunxiao
+soldiers
+.284
+existentialists
+wage
+sthala
+butters
+s.p.
+fendi
+propiedades
+tsmc
+:20
+37.34
+middle-aged
+multimillion
+griffin
+wider
+modesitt
+tpr
+rumps
+6.58
+fizer
+lemire
+nique
+tilopa
+i-charki
+zhongyong
+leping
+cheikh
+briel
+113.85
+tucked
+acording
+tazi
+gachot
+quriea
+200-bed
+231.2
+timofey
+bradd
+literarily
+54-53
+torchbearers
+139.3
+huascaran
+sajc
+f-fdtl
+minor-key
+suir
+85kg
+huhfs
+earier
+1.9
+3includes
+ragnarök
+blankers-koen
+lovelier
+bagram
+mid-wilshire
+marshalsea
+medearis
+designated
+entangled
+plus-13
+microscopes
+linky
+monan
+tbc
+kalawao
+ruihua
+aïr
+cedarhurst
+300-600
+ishi
+giannelli
+hwi
+quiltmaking
+riolo
+plavi
+mehler
+1,049
+lower-income
+josina
+ovenbird
+kuria
+bolland
+nzimbi
+gourdon
+eastick
+dominoes
+haikou
+cléry
+ravell
+macierewicz
+israeli-born
+mentholated
+balefully
+webtv
+qingcheng
+meadowcroft
+akuressa
+uckfield
+kinzig
+tietmeyer
+regnitz
+triskelion
+kamimura
+732-member
+sisak-moslavina
+opener
+0.135
+divination
+varve
+pogroms
+g15
+mānoa
+trenary
+kinatay
+huastec
+usumacinta
+scuzz
+yanamayo
+veliky
+buat
+cragen
+huger
+cupples
+subglobose
+cappa
+citipower
+siegbert
+zongmin
+gonnosuke
+cé
+calislar
+origen
+derogatis
+opportunities_tampa
+alcids
+sentencing
+maharero
+trophoblast
+rongsheng
+kopai
+dyo
+108.99
+clacked
+makinen
+kweder
+krupeckaite
+attrition
+cosan
+grabau
+gersende
+18-page
+nicoderm
+gleans
+udairi
+rieke
+mujahiddin
+thomashefsky
+39.83
+calif
+kosse
+lwd
+steel-hulled
+n31
+lesea
+baskale
+gitau
+r20
+sombras
+omaheke
+dnc
+u-505
+under-15s
+cybersecurity
+burley
+nationalised
+argonaute
+colone
+mogahed
+teesdale
+goalies_vancouver
+98.72
+hungriest
+sheela
+gurindji
+gospatric
+52-minute
+adf
+trachsel
+eggimann
+naseeb
+unsexy
+luminaria
+popescu-tăriceanu
+darle
+lascala
+tiso
+burh
+www.quicken.com
+breil
+on-ice
+goetzis
+stephney
+katsuobushi
+josiane
+british-american
+yaari
+coldness
+velio
+telefono
+karamazov
+926,250
+bradwell
+xpress
+belchite
+liberalism
+imba
+musashigawa
+extra-judicial
+dysport
+ronchi
+pled
+2one
+94.69
+jeremiad
+chaworth
+cavite
+kreanga
+amore
+a63
+gerould
+eireneos
+baozi
+roha
+f27
+mid-2015
+64.34
+ameican
+9.637
+181.4
+dissemble
+örebro
+ardfert
+kremenliev
+ya-ya
+louviere
+roseville
+kolderie
+s&ls
+yohmor
+undergird
+reviled
+arivaca
+enology
+constand
+advertized
+huangmei
+kneecapped
+oras
+associaton
+drug-resistant
+testator
+nannie
+bosques
+pimienta
+goytisolo
+östermalm
+2,872
+williamsport
+trichopoulos
+16:17
+heshko
+mubashir
+sby
+diomede
+tympanum
+3-52
+isomerase
+https
+-3.5
+zakout
+kojur
+26-june
+scrupulous
+chengbei
+detroyed
+petaflops
+mbuli
+presser
+pyrmont
+wittiza
+dongli
+slns
+kava
+queensferry
+hesse
+fengxiang
+multiplan
+interact
+defaulter
+archaeon
+stashed
+pickings
+megaphone
+tkr
+4:34
+pci-express
+quicken
+caucusus
+endah
+bahaeddin
+ready-to-wear
+14-karat
+khadafi
+badges
+gance
+243rd
+327.6
+436,000
+kō
+rece
+70-63
+lunations
+nicolson
+keelin
+pentyrch
+kanohi
+carcinogenicity
+solipsistic
+jaak
+rodchenko
+mamanuca
+paraxylene
+guite
+smartstax
+yao
+sharara
+round-of-16
+cecchinello
+hensler
+fiendishly
+volkspartei
+misener
+misk
+lakra
+tearin
+burias
+kitts
+white-faced
+vuković
+longworth
+troglodytes
+frech
+s/370
+kozminski
+silvana
+1984-1987
+symbolises
+shahrak
+willacoochee
+73.12
+onagoruwa
+zaffirini
+9:43
+dni
+tetsu
+stoycho
+σ
+frickin
+lamido
+766,000
+ebbesmeyer
+freefalling
+cacapon
+all-city
+nankeen
+suardi
+91.79
+neiland
+end-2005
+cockscomb
+microman
+alypius
+world-weary
+slunj
+meppel
+imbolc
+veintiuno
+harger
+29.14
+lithotomy
+vocalese
+kiichiro
+2-1/8
+_____________________________________
+vallegrande
+bossaso
+ananias
+pegues
+keyboarding
+31.51
+pikoli
+getulio
+kojiro
+imovie
+saabs
+e-3
+mouin
+antonellis
+send-off
+shukovsky
+kizito
+tewaaraton
+mirant
+spikelets
+kothagudem
+kokstad
+devambez
+gonpa
+anvils
+qualifing
+auriongold
+haguenau
+skirgaila
+354,000
+19,800
+aa-1
+9,095
+ambrosden
+1.3870
+bergougnoux
+4-5-6
+hailers
+jancker
+telemark
+norsemen
+tri-rail
+niko
+sgn
+floquet
+vong
+hiace
+brissot
+yongchaiyudh
+aramis
+cajeta
+11:02
+eslamabad
+nivison
+pierre-henri
+gibbosa
+bcia
+économique
+climaco
+bazzy
+warelwast
+loit
+severe
+axayacatl
+102.70
+magyarization
+12.91
+lincou
+1,4-dioxane
+50-kg
+gurss
+stygia
+moldenhauer
+parijs
+c.e.o.
+1700s
+dương
+predication
+palus
+daimyos
+kokin
+euro438
+mazowiecka
+idf
+ordem
+adamkus
+etonians
+montminy
+kavovit
+sburgessdetnews.com
+o.m.i.
+cgtp
+hewitts
+oceanliner
+triumphs
+7:28
+kaffir
+takuma
+ketz
+house-to-house
+schulenberg
+marcelino
+gowns
+weyermann
+al-shorta
+wiesenthal
+leoben
+hipkiss
+18-16
+fuentebella
+stardate
+molopo
+akiba
+ircj
+hümayun
+73.20
+pfiesteria
+schoeneck
+neuharth
+39.29
+dorking
+lục
+nevill
+mortise
+wird
+gretchen
+geac
+haselrieder
+tarun
+4.4-percent
+lethe
+bigga
+adv09
+c.e
+organelles
+lewys
+,2009
+bootmakers
+abdulhakim
+kremen
+tanuma
+ritually
+naantali
+tumbler
+gradišče
+duckies
+sharifov
+dozen
+lekima
+hadron
+47-story
+cound
+klabin
+spogli
+cgg
+thisara
+stow-on-the-wold
+kealy
+succesful
+essen
+stigman
+maali
+4,698
+footers
+proserpina
+blackout
+l'action
+triangulate
+omg
+recurrences
+bustling
+maruska
+huji
+ethopia
+ustu
+reihan
+majstorovic
+ummc
+khazzaka
+scudetti
+interparty
+t.h.
+rostowski
+terahertz
+matari
+bushkill
+13-11
+muzaffarnagar
+textile
+fordglobe.com
+2,513
+45-second
+poggioli
+najran
+vasilj
+wuer
+zhuoru
+pitso
+ganganagar
+jich
+demillo
+visitar
+124.48
+rain-shortened
+waissel
+ebay.com
+80.85
+amplification
+empey
+105.11
+instinctually
+tomašević
+homilies
+tavera
+5.91
+uwharrie
+clashed
+nextmedia
+borongan
+ukunda
+heinz-harald
+minendra
+15.02
+tárrega
+39,300
+soebiandono
+brogna
+augusten
+courlander
+speleologist
+wrister
+draftfcb
+nije
+moore
+strick
+arz
+rupiahs
+blatnik
+adell
+jernstedt
+blackmailers
+ídolo
+294.3
+waynforth
+turtle
+tatsuyoshi
+husmann
+including
+borris
+42-23
+gnu/linux
+439,000
+durrell
+zrt
+ruski
+pulte
+wingard
+eery
+intelligible
+gugu
+mavelikkara
+chalon
+labor-management
+30.76
+skibby
+unstopped
+penich
+adjustments
+tsukune
+6,140
+rozana
+chastened
+mangeshkar
+enroth
+23p
+điền
+weisgall
+meloidogyne
+11-acre
+aspersion
+synods
+biržai
+wirral
+bourgmont
+labouchère
+tyras
+helene
+bushwhacker
+21-nation
+tivos
+19.25
+fukushiro
+rajkovic
+montenegro
+verbena
+tsushima
+33.37
+selection
+yegorov
+misericórdia
+galerkin
+arviat
+massini
+tunky
+ujjain
+tract
+wiedlin
+benkert
+autobus
+perenco
+bahiyah
+archosauriform
+beddingfield
+ד
+juanlu
+peasants
+munthe
+haralson
+goodison
+waynes
+pawtuxet
+weatherill
+perturbative
+uncut
+elasticity
+beserkley
+cysts
+mladina
+pelissier
+aferwerki
+sherman
+390-7257
+activist
+six-track
+95.85
+allāh
+bodharamik
+kandani
+10:09
+ncta
+ffx
+vrijman
+frances
+adamczyk
+awsat
+2-in-1
+deadwood
+prinz
+reidy
+leitmotiv
+rasl
+http://www.volkswagen.com
+getto
+yossi
+hives
+aah
+usopen
+malarone
+hogeboom
+considerable
+yindi
+cambron
+civitate
+ms-13
+zapruder
+nevzat
+economou
+cat
+manzoni
+samtrans
+brien
+63.84
+epically
+sesquicentenary
+80,000-strong
+hamden
+dianella
+waughs
+żelechlinek
+rasin
+lafco
+petersfield
+l'ombre
+lilker
+unbeaten
+zamfara
+ilnur
+drakeford
+hellmouth
+pipelining
+emailed
+9-story
+erw
+fernanda
+81.8
+junxia
+polgár
+ishfaq
+mankey
+seniores
+4-fatih
+jónsdóttir
+jealously
+darmon
+chrp
+pharynx
+quietest
+16.12
+baishakh
+hurlburt
+nohilly
+quantal
+fawl
+mehrangarh
+wua
+lumberyards
+bharathidasan
+lacustris
+durutti
+devinsky
+langa
+mutuality
+carting
+surpassingly
+deveau
+hickling
+photocell
+turn-around
+gusztáv
+uclés
+ichikawa
+aksu
+schilling
+uninterested
+mpasu
+latos
+corriente
+ramfis
+7-30
+dipaolo
+euro520
+long-held
+d'yeu
+ferreres
+moonbase
+jūbei
+gatchina
+266.8
+hardscrabble
+prosocial
+all-acoustic
+zahlavova
+decies
+sipan
+pervert
+jmi
+empanelled
+bodgit
+emílio
+wigfield
+borknagar
+279.6
+therien
+quercetin
+zappelli
+24-48
+raffetto
+hamilcar
+arpel
+429
+sanna
+remodelers
+mid-seventeenth
+chalcidice
+mitic
+collarbones
+fireside
+zoysia
+eckholm
+bloomberg.com
+eastside
+shorb
+29-0
+hutchins
+easynet
+brooms
+unmarried
+seiji
+westview
+marfatia
+ranum
+offensiveness
+saladdin
+farges
+unclaimed
+mediaş
+:49
+20-storey
+clac
+basilika
+veselinov
+winzip
+bomlitz
+tagbilaran
+ivanek
+llanharan
+fredie
+assenting
+rials
+canso
+tonini
+inviscid
+renumeration
+bazian
+thammavong
+retry
+25-acre
+uedf
+srf
+crucell
+investigates
+châu
+cresse
+cremains
+maniples
+poyatos
+best-looking
+vernor
+lvi
+bucaram
+duclos
+lipshutz
+retreaded
+mazoka
+siggins
+cybele
+minnie
+olliver
+rydas
+interfaces
+vering
+chocano
+lythrum
+orona
+arches
+mccallan
+67,600
+yonezu
+microregion
+valerio
+kodjo
+warburg
+chérubin
+lilith
+forlines
+rago
+21-acre
+orthoconic
+beloeil
+pterocalla
+150-kilometre
+anti-fungal
+lathem
+291.7
+shanties
+alverson
+ćuprija
+hiberniae
+doused
+zeolites
+misspell
+sbb-cff-ffs
+mozersky
+institutionalist
+bootes
+terabytes
+rideaux
+camu
+sub-process
+macisaac
+rivarol
+azim
+snelson
+laudrup
+supersports
+comtel
+kovner
+mig-19
+rife
+adjacency
+delsarte
+spokesman-review
+317.2
+llf
+neddy
+wemmer
+crabapple
+7/32
+myleene
+nyongani
+43-7
+friburgo
+westerfield
+1929-1933
+lutung
+flobots
+long-playing
+explicated
+papin
+unobjective
+obstructed
+troxblog
+issacharoff
+federalsburg
+5,620
+60-vote
+ulanova
+reinflate
+1,302
+overwrite
+daphnia
+hue
+blumenberg
+strix
+kajiura
+________________
+mallard
+40-degree
+scheiffer
+edgardo
+diht
+attempts
+laken
+chladkova
+lumbered
+sukuma
+tangiers
+1961-1965
+seamstresses
+kedriouk
+labour
+non-combatants
+arrests
+logro
+wtog
+akkerman
+manaslu
+alcalá
+youm
+quarantine
+48-1
+talarico
+website
+inglehart
+scajola
+moscopole
+hesse-homburg
+minus-6
+ladson
+novelists
+deserter
+k-9
+devry
+reflexivity
+rouson
+2008-11
+recorder
+dawdled
+integrity
+mponda
+clubcard
+eles
+twenty/20
+ose
+mccreevy
+road-side
+groppe
+philoxenus
+phasianidae
+hadzihasanovic
+lico
+goodwrench
+jannik
+wowwee
+earth
+uhlířová
+historisches
+rov
+nijhoff
+jeremaine
+28p
+campino
+curien
+soffiantini
+fitbit
+nazarian
+nobutake
+h2s
+maegle
+cédras
+regina
+heists
+nonassociative
+voiding
+ubiquitin
+saslong
+scalar
+nutibara
+wakefulness
+steyning
+fidelma
+task-force
+keelor
+101.32
+dorm
+baengnyeong
+12.13
+prize-winners
+coraline
+taker
+efl
+170-mile
+qvc
+michellie
+defiling
+skins
+sertraline
+vales
+lycksele
+pleura
+hobli
+geode
+26-27
+skaldic
+presian
+4-34
+monje
+maidan
+beals
+mcgonigal
+ōishi
+assouline
+triandos
+primordia
+people/km2
+theodorakidis
+matarasso
+sampa
+tob
+tallchief
+scsl
+schloss
+5.71
+bugis
+jingsong
+malpica
+origanum
+karhan
+abloom
+crematory
+panglossian
+quilombo
+wearmouth
+notoc
+taliparamba
+attenuator
+valentierra
+notte
+antigens
+rathdrum
+sugar
+longstaff
+shell
+intergraph
+160-page
+béjart
+israeli-arab
+guyuan
+guim
+barb
+parleys
+halk
+5-part
+specialisation
+8vo
+kununurra
+1990
+euro840
+38-9
+m34
+67.40
+wallowa
+silsoe
+grito
+126,500
+94.64
+gaozong
+85.3
+killer
+hagi
+functionary
+rozakis
+77kg
+kapell
+6,000-seat
+vanhecke
+aarsaether
+khamenei
+masahiro
+monell
+extraño
+dissenting
+y.m.
+tanden
+96.00
+3,500-ton
+m60a3
+datil
+guanglu
+orography
+rudbeck
+hooped
+niha
+matese
+82mm
+rescheduling
+top-100
+obikwelu
+chapa
+kacha
+ipv6
+ati
+sterilizing
+stoppage-time
+dlls
+1,800-kilometer
+perretta
+cimic
+tshepo
+rejoiced
+67.74
+mcgoff
+dovalina
+smadja
+kpn
+suyo
+skiles
+20-10
+beetroot
+instincts
+alborz
+mabhida
+franciacorta
+sherston
+insufficiently
+counter-clockwise
+run-away
+santisteban
+reconstructing
+suzak
+algorithmically
+benezra
+34,200
+vibram
+pomodoro
+yoshihara
+olver
+joia
+yeomans
+lagerkvist
+thorsteinsson
+vpc
+6th-century
+hinote
+gay-rights
+mawali
+40.57
+tantalising
+disharmony
+zamoskvorechye
+crackpot
+16:49
+39-cent
+spillway
+sunitinib
+ursae
+laserwriter
+taste
+aberto
+feudalistic
+jeel
+eastmont
+tudgay
+sugita
+merovingian
+osl
+guzel
+kiam
+denizli
+yehiyeh
+gao
+criticize
+dynatech
+phouma
+tkc
+shuy
+tchato
+kuno
+cyberpatrol
+npos
+1,714
+filey
+819-billion
+golose
+formell
+matzenbach
+mencía
+yeats
+kronberg
+heemskerk
+difranco
+tatsuko
+fg
+nuussuaq
+licio
+deerpark
+weitz
+taunts
+daigh
+siksika
+bfb
+devaraja
+sub-projects
+bubblehead
+freshlyground
+uterine
+archipelagic
+cleopa
+salafiya
+ashimoto
+ameriya
+tmk
+ryunosuke
+1-0-7-0
+industralised
+arises
+5-foot-11
+minster
+kizomba
+libregts
+chine
+daws
+daling
+twallack@globe.com
+walda
+shandiz
+shamed
+anelka
+bos
+xu
+hasenfratz
+15.71
+rasta
+manspeaker
+alphabetize
+buonanotte
+tmu
+makhlulif
+zsolt
+gokul
+maccracken
+pollute
+stratacom
+uscc
+cambriae
+prideful
+nail-biting
+2351
+aristagoras
+fleurette
+holding
+meiwes
+slattery
+ahlan
+mijail
+141.2
+crossbowmen
+hasel
+ruutu
+shortest-lived
+cabello
+hofner
+20-15-12-10-8-6-4-3-2-1
+noel
+venz
+mirena
+parietals
+bathrobe
+frostily
+followings
+.486
+maniu
+quente
+182.2
+coppo
+idolization
+budha
+200.6
+one-10th
+nosenko
+holiest
+gouden
+discontent
+lesar
+afzelius
+deficit
+étaín
+wentworth-fitzwilliam
+kofun
+teslas
+jacobs
+1,148
+tu-134
+http://www.cazy.org/gh1.html
+vandals
+refueled
+pre-fabricated
+25/1
+arraignments
+shirk
+35-cent
+spruyt
+farsley
+bordonaba
+buch
+titik
+tetrapods
+olenellus
+south-south-west
+priory
+13th
+fea
+neoteny
+38-35
+asiku
+matamoros
+trosten
+suart
+magliore
+alaudin
+crean
+envirocare
+paramatti
+chiltern
+filotti
+1,534
+baeck
+sherer
+qunu
+abnormality
+25.82
+szolnoki
+dutchess
+gregoire
+7.22
+564,000
+kadin
+wahls
+steranko
+innu
+koukleva
+kuzaran
+wky
+shubeilat
+abengoa
+shafts
+firewater
+recolonise
+fieldwork
+ssac
+duchscherer
+luwak
+azizul
+weekends
+liquigas
+reactivate
+hanabusa
+chalked
+giancarlo
+crisanto
+kurogane
+obasanjo
+demining
+whisenhunt
+timba
+turbie
+rag
+golinski
+villavicencio
+tomoharu
+gossan
+donga
+lejre
+dantley
+dumitriu
+bvm
+memarian
+read-write
+1,600-strong
+interlocked
+mirani
+44-131
+dekha
+comic
+56.89
+york-presbyterian
+moua
+2,434
+weeraratne
+fumimaro
+weale
+yesteryear
+75.00
+cristaldi
+pedowitz
+10,120
+58,600
+temenggung
+mayaguana
+5,507
+grody
+gramado
+outstrips
+ny115
+04
+aspect
+cerebro
+pantelic
+checks
+salanter
+italiana
+titania
+ruwenzori
+1,789
+internalization
+catalin
+khaliq
+2009-11
+ign.com
+fruited
+ardross
+rātā
+ninomiya
+có
+ga
+flirts
+benger
+orexigen
+agafonov
+5-4
+tracee
+18-30
+stergios
+birotte
+hematite
+jovanovic
+forsey
+3,056
+leadhills
+gilf
+deim
+bormio
+süskind
+jamines
+chasan
+49.3
+mckagan
+bbg
+71.53
+iyke
+amrin
+picea
+zahawi
+leghaei
+heshimu
+davadilla
+creflo
+hfq
+paffett
+macharia
+fixate
+ypsilon
+amprofon
+221.8
+red-eyed
+moi
+fermionic
+mosse
+mudar
+1536
+hop
+nagourney
+seconds
+carcoar
+namboothiri
+yarris
+wing-warping
+2.5-centimeter
+khizi
+garsdale
+unionize
+genlelec
+tot
+test.this
+stravinsky
+entomologists
+1,400-kilometer
+maigourov
+bowness
+healthnet
+kocks
+futayyih
+win/loss
+intelsat
+disaffiliation
+caltrain
+tafresh
+chabua
+revolucionaria
+berserker
+secakuku
+correction
+bohld
+cœur
+biorefineries
+saumarez
+margam
+caernarvon
+16-inch
+senshu
+waesche
+nottawasaga
+berendt
+orchestrated
+denzel
+thalassa
+satc
+mclardy
+rochman
+yigal
+senza
+zackheim
+masetlha
+853
+incidentals
+remark
+mirjam
+iv.
+33-3
+luciano
+reopening
+duffer
+prancer
+porth
+286.5
+supercoppa
+northwards
+roundstone
+obviously
+loredan
+marinas
+ectoparasitic
+antidotes
+euro92
+strongside
+osnabrück
+fui
+102-95
+bakio
+diridon
+ciliberto
+akhalgori
+nsfs
+amra
+dnmt1
+alghero
+assignment
+sanandaj
+galadima
+marchbanks
+riall
+90-second
+gusti
+vodicka
+arcc
+drooping
+nettlecombe
+ginandjar
+panga
+vur
+75.76
+fehrenbacher
+wawrzyniec
+ihd
+2.74
+aboriginal
+gikai
+fritz
+martensitic
+angsty
+53.15
+modon
+immelt
+edible
+multatuli
+megaphones
+muldaur
+opportunities_st
+administración
+iclei
+duelo
+713-3702
+556-1518
+bernheimer
+higher-than-average
+person-years
+galgadud
+cadillac
+gamesmaster
+tamura
+two-floor
+demoted
+mcverry
+davidman
+odwan
+eskola
+gnocchi
+tunnels
+endothermy
+a17
+wellink
+emu
+liquid-fuel
+vivarium
+eyres
+smelters
+reassessments
+vdi
+devyani
+squeamish
+laryngoscope
+ramdin
+viag
+tydings
+belarusian
+yasay
+holos
+det.
+walta
+ibwc
+tendou
+xdrive
+byeon
+hexum
+baku
+st2
+nyirongo
+rigsdaler
+fluorescence
+sits
+mitul
+clozaril
+moorside
+lannister
+aix-la-chapelle
+acre-feet
+vasher
+-0.9
+glass-like
+evidentiary
+ethylene
+senior-level
+durabolin
+uelmen
+nidda
+zedlitz
+institutionally
+turboprop
+three-disc
+disgruntlement
+mirogoj
+hordeum
+ovejas
+2,877
+madhouses
+5,110
+glasbury
+175-million
+duress
+speechmaker
+w.v.
+liebling
+gutkin
+amorella
+x-rays
+rombauer
+matamba
+jeeta
+mahoso
+growths
+noho
+formalising
+diuretic
+rearm
+undershirts
+26-month
+telly
+standardise
+mckenzies
+wyss
+broz
+causar
+wardell
+vitalijs
+ollestad
+khlong
+1986-1990
+ewa
+logix
+well-manicured
+aerobatics
+71.82
+gunned
+tex
+mikl
+k.c.b.
+g.f.
+ergoline
+emergence
+fernand
+gmelin
+jurisprudent
+politesse
+fpcc
+kristian
+brudnoy
+11,020
+afro-cubans
+keszler
+opulent
+bhagavad-gita
+8,480
+tulbagh
+red-carpet
+hushes
+cilette
+rotundifolia
+kardos
+royte
+.463
+imbedding
+sadistically
+nicolai
+emaciation
+91.67
+mcguiness
+guaratinguetá
+335-pound
+wwii
+11-country
+changmin
+ahmadnagar
+groundies
+blutrich
+huachen
+mihajlović
+ramnath
+2,551
+dimethyltryptamine
+astolfo
+chunqiao
+columba
+vinatieri
+2,015
+heisted
+raham
+endogenous
+transduction
+showings
++66
+michalowski
+tavelli
+moller
+m-50
+d90
+iinet
+kd4
+trouvère
+ipil
+simmering
+afresh
+phalke
+pbpulse.com
+sigmarsson
+well-defended
+bono
+mcgiffert
+unshackling
+corriganville
+4.1
+disadvantaging
+thyroids
+unstrung
+274th
+1,136
+adabi
+pilip
+andernach
+fluence
+1960-62
+mallikarjun
+anshe
+chobits
+skiff
+caddick
+stigers
+escocia
+privatizations
+schaaf
+stepmom
+kompaniet
+sauced
+minneapolis-saint
+tārā
+meggido
+elaltuntas
+802.11
+solum
+lunatic
+yvaine
+4,034
+sahni
+hacettepe
+46.45
+60-69
+edgcumbe
+epicenters
+96.64
+techsystems
+biennal
+ghil
+bhatkal
+motioned
+take-two
+louis-alexandre
+parrotlet
+destabilise
+hadhrat
+trasylol
+disappointing
+halite
+porter
+berl
+thirty-year-old
+davidi
+dudhwa
+73.17
+bourdieu
+daisies
+sapi
+martinus
+medium-scale
+deshannon
+lazear
+kodam
+tommyknockers
+orduna
+sstc
+roco
+self-interest
+nasri
+famished
+52.21
+.566
+splotch
+donica
+54.2
+liberated
+submunition
+awesomeness
+eziba
+saadane
+schanche
+dismas
+16-count
+pniewy
+passageways
+sailosi
+continue
+agege
+branson
+latest
+efg
+jipping
+kowtowed
+virginian
+1.2100
+ctz
+kallithea
+hendin
+lescarbot
+civilian
+culham
+hvo
+cruizer
+fabela
+d7
+stoneground
+workgroup
+cochairwoman
+poems
+mm
+proglio
+bashevis
+heihachi
+bustline
+anti-colonialism
+207
+430.5
+dedee
+aigion
+preschool
+liabilities
+hobe
+lb12
+ukm
+mellisa
+sprockets
+elim
+pygmies
+40.38
+limousines
+cumann
+mcaleese
+richter
+charamba
+moreschi
+tilgate
+zucchetto
+huangdi
+anamensis
+hurvits
+donya
+goti
+mutsch
+hurlbert
+wgc
+nektarios
+fohg
+housecalls
+montfode
+shuch
+trembley
+vuia
+artists-in-residence
+branch
+synesthesia
+mulligans
+2,041
+hakuo
+ktbs
+iron-ore
+musicians
+qinling
+ticknor
+labroy
+co-own
+samulski
+coenzymes
+two-man
+中書令
+escondida
+procedure
+cabecera
+schweid
+sgh
+hematocrit
+up/down
+berenson
+listeria
+hahf
+inupiat
+nyfa
+redoing
+5-of-5
+scga
+luhukay
+pyrrole
+vienna
+zolkin
+daci
+shaomin
+chiller
+belak
+whoville
+98.09
+shidane
+jk
+safest
+blondes
+63-56
+highest-quality
+willey
+cartonnage
+wedemeyer
+extravagantly
+piechota
+#ukqa
+knighthood
+beneficially
+pull-offs
+slavish
+μm
+signos
+upcher
+maslyukov
+aloise
+lls
+engrams
+109.17
+toure
+misleads
+fdgb-pokal
+palla
+westmorland
+president/general
+colostrum
+diversion
+dumex
+igali
+shiferaw
+kellman
+ruffelle
+50,000-pound
+775
+zamparelli
+brookhiser
+cagefighting
+sing-off
+eiffage
+cbwt
+trusteeship
+medvode
+leutheusser
+guillemette
+padrona
+h-2a
+everland
+snippet
+huld
+salticidae
+comedy/drama
+mullery
+accomplis
+lập
+pdcp
+dispensable
+usuli
+vlora
+pu'er
+ello
+121.06
+liipfert
+doerhoff
+honmaru
+dormitories
+ambit
+biomass
+rbi_mramirez
+sobey
+nallıhan
+excedrin
+stainless-steel
+kerbs
+whitt
+pallares
+gehan
+toirdelbach
+anonima
+munchausen
+knauss
+63-54
+degrowth
+bee-line
+daicon
+pápa
+handlebar
+l'info
+feuillet
+monuc
+runaway
+hodder
+sakar
+shonku
+fierstein
+hunyadi
+arbelo
+angiograms
+decagonal
+folkeparti
+rylander
+verdant
+moeletsi
+mager
+osterholz
+initiations
+foer
+hansenne
+receieved
+netcom
+56.25
+trailor
+punked
+pdvsa
+guarujá
+psaki
+kololo
+childless
+kipp
+screenonline
+telepath
+fitzmartin
+cramerton
+slesvig
+joffe
+mows
+holidaymakers
+291,000
+missionaries
+nordwest
+cintia
+terentius
+mhuire
+pineapple
+lehigh
+jiverly
+globulus
+diegues
+goldfish
+unbridled
+gerlinde
+94-yard
+polomolok
+2b
+imes
+chindit
+nimrod
+pollsters
+avc
+bhutto
+gilbraltar
+rowswell
+incompletion
+decretals
+prope
+wmf
+51.78
+astolat
+wintery
+håland
+komedia
+attuned
+stimulating
+parkson
+wabasca
+smashup
+68.50
+viven
+gaudenzi
+ecotours
+amash
+hillhurst
+cholapuram
+cardross
+dharmapala
+pant
+loor
+elliptically
+junipers
+armijo
+sportiest
+intonations
+principum
+zamansky
+shambling
+34.14
+stickgold
+mixology
+perambalur
+decriminalise
+märchen
+lydeard
+non-critical
+l.w.
+dressner
+95.2
+bilotti
+majogo
+coyuca
+rivercenter
+angkorian
+radiates
+high-church
+hazir
+yaima
+deinosuchus
+sub-bituminous
+ky.busch
+dimming
+re-granted
+kafeel
+39.59
+iacono
+gedevanishvili
+imrul
+.186
+shipps
+macgillis
+braeden
+namdeo
+ghaus
+raceways
+kumai
+comunicaciones
+humaines
+61.0
+85.38
+vhsl
+maputo
+extra-marital
+ingwersen
+friulian
+manele
+heraclea
+smallscale
+matanuska-susitna
+musnad
+giannina
+fenosa
+burpee
+punctuating
+ftps
+bloomington
+040
+ringgold
+balsom
+hwp
+5-k
+qnexa
+32.80
+nki
+claudinei
+oguro
+klezmatics
+andualem
+retests
+leschenault
+berberidaceae
+rasor
+all-american
+70-72
+collen
+lele
+abdominals
+subscribership
+profitless
+lovćen
+ensa
+hoftheater
+flushing
+benvenisti
+alps
+grandone
+commemoratives
+clonmore
+goszczanów
+blundell
+toguri
+mal
+cd/dvd
+barcos
+carrasco
+10,000-15
+katkov
+ajamie
+4.525
+111.67
+reemerges
+arystan
+furat
+dub
+37,200
+ramnicu
+guangxiang
+posed
+vasomotor
+id&t
+glengormley
+countermeasure
+hohner
+fierce
+lionsgate
+konosuke
+addressee
+leland
+angula
+letterpress
+thunor
+monvel
+mikhoels
+deshea
+120.32
+nomme
+wando
+prb
+molester
+malnad
+corrin
+akf
+moore-mccormack
+phospholipids
+kalākaua
+española
+kokcha
+knightly
+70,000-strong
+2,150
+personified
+estefania
+coooperation
+magicicada
+cez
+kirkwall
+nakib
+mudhoney
+takaoka
+,600
+hassidic
+darensbourg
+racquel
+smooth-hound
+break-even
+philco
+withdrawing
+staminodes
+phoma
+alekseev
+hunterston
+müzik
+o’leary
+köfte
+18p
+tirunelveli
+2,328
+okonkwo
+aistulf
+baleful
+re-shoots
+qiodravu
+sermonized
+liacos
+villu
+dazzy
+cloran
+silverline
+schompeter
+tampakos
+bbc-tv
+sikhala
+tritone
+attersee
+30,000-member
+dhananjay
+nahd
+nobbs
+milmo
+lelli
+bonavista
+finch
+116.40
+cenn
+rhytididae
+humanised
+herizo
+artforms
+robbery
+pspace
+293
+peschici
+carlon
+spavinaw
+premchand
+vakinankaratra
+lysholm
+ruiling
+jørgen
+oxidations
+reforged
+conferring
+afanasenkov
+koide
+pauker
+narrowboat
+sri
+baskerville
+cochem-zell
+93.88
+johnathon
+smelser
+skutnik
+reinvested
+temora
+saltines
+delivery
+cuadras
+ros-lehtinen
+leasehold
+bureaucratization
+twinbrook
+naag
+hacc
+tresillo
+teneriffe
+chansa
+pettini
+bahang
+paranal
+succulence
+borghesani
+unconditioned
+experimenta
+falsetto
+sokolow
+demidenko
+kielar
+voigt
+testable
+356th
+ottone
+paniccia
+soleimanpour
+loss
+aquiles
+terminator
+colliton
+kotkin
+ralfe
+hoary
+flareup
+:04
+sanctis
+kujo
+canadien
+bedrooms
+palamau
+garrick
+finger
+18:18
+dystonia
+leontief
+bainter
+rodriques
+employer
+scamming
+metazoan
+teething
+zicari
+4-105
+incitation
+ovidio
+kovács
+page-mcintyre
+non-state
+tskhinvali
+nieuwsblad
+monzer
+tarnasky
+h.s.
+kazama
+factionalized
+non-steroidal
+komo-tv
+icaic
+tactical
+kochba
+isreali
+bucky
+iberoamericana
+riverhawks
+fernow
+5.5625
+centromeres
+valentina
+48.17
+paused
+tpj
+tremor
+minimums
+sheikholeslam
+toughs
+homogenized
+lareau
+pawsey
+enamelled
+jindo
+bonnette
+delawares
+suona
+paring
+cinq
+heekin
+rouzi
+osx
+majulah
+thalictrum
+luangwa
+guerrillero
+boisterously
+rokhlin
+gaulois
+sasai
+vanquish
+ungerer
+zejtun
+55.85
+akom
+recipeswap
+symmachus
+bookwalter
+bartkowiak
+archaeal
+fulgence
+sugule
+d'argo
+5-72
+al-farabi
+contes
+sondakh
+gurza
+shoring
+selfsame
+ève
+сергей
+sermet
+yochai
+mulhare
+colonnaded
+akizuki
+starcross
+seabed
+holbeach
+remarque
+photosynthesizing
+deluca
+friso
+bethnal
+kordestan
+puffiness
+rameshwar
+trippitt
+murcutt
+rusutsu
+53-36
+data-processing
+mounasser
+anderegg
+apophatic
+brounstein
+minimills
+hawking
+erbe
+memorability
+winden
+agonism
+melloy
+suspend
+lignan
+ator
+bajak
+banahaw
+macapa
+79-83
+hogar
+velikiy
+1949-1952
+cartwheels
+aiu
+always-on
+trunchbull
+kanaeva
+rallet
+blakeman
+ziering
+a65
+mediawiki
+kabbadi
+jabatan
+cheers
+kozloski
+laius
+margins
+3:48
+fuqua
+pipit
+notability
+2052
+pvd
+hareira
+pioneering
+acheng
+amegy
+làng
+blickling
+56.14
+b-70
+camhi
+rightward
+freeware
+adonijah
+5,198
+hevesy
+hani
+sohag
+primeco
+kury
+attributional
+swallowtails
+converses
+ersten
+hwm
+stinging
+lezgin
+bucko
+carrard
+1607
+512-bit
+rurale
+zengpei
+wagn
+predictions
+underdetermined
+perfumery
+teletubbies
+dâmbovița
+stanchart
+manipulators
+rootstocks
+cherkos
+mazzarelli
+extraliga
+peloncillo
+hirokazu
+overact
+vinalhaven
+whidden
+pantheism
+colono
+sarm
+softram
+supercat
+1-and-1
+tiwonge
+communites
+makea
+deroceras
+podger
+khanim
+greenbacks
+sophon
+tufanbeyli
+jallianwala
+hesterberg
+würzburger
+eddo
+ethnocentrism
+fizazi
+saphan
+achouri
+mardle
+216
+pichon
+ybas
+antillean
+tonn
+far-western
+kayak
+2160
+mone
+ibagué
+guhn
+ulvang
+750ml
+oyakata
+hcf
+ngaio
+chloramphenicol
+plumosa
+3,867
+vojnic
+747-500x
+playbooks
+caros
+portchester
+esarhaddon
+84,000
+asid
+anti-japanese
+usmle
+pescatori
+ncpa
+manners
+82.01
+mynetwork
+two-tailed
+lyphard
+kirkorov
+tautological
+langmack
+biggin
+paulen
+oospores
+piñera
+bosque
+58.80
+acrylate
+eerie
+cauquenes
+50-and
+espera
+suettinger
+kakawin
+anderle
+kapodistrias
+humps
+accommodations
+jahsh
+douhet
+dioscuri
+tumble
+mizanur
+consultum
+aranburu
+bernier
+viano
+0954
+stutchbury
+transplantable
+teryl
+cafes
+0-13
+380th
+1981-1990
+132.9
+kadriorg
+lojas
+križevci
+286th
+abiomed
+maineiacs
+mustela
+perkinsville
+leisler
+40-hectare
+renouveau
+ruehe
+veut
+1.049
+kammerer
+iafl
+tafileh
+vercelli
+nisba
+bateson
+usherette
+all-met
+phaltan
+maatouk
+flareups
+moussilou
+oxonian
+astana
+cornball
+peripatetic
+system-wide
+nicolaes
+1,463
+besson
+willowemoc
+nationaal
+califon
+hermantown
+1:50
+courtin
+needling
+rafaa
+pacaembu
+gorodishche
+curta
+aconitum
+loyalists
+10:21
+11-ranked
+oakman
+soble
+quartile
+escrow
+driveway
+shivani
+makeable
+1950-1953
+leão
+guarguaglini
+yiannos
+vhf/uhf
+staddon
+52.78
+decelerator
+coritiba
+nishat
+charn
+jawzjan
+ascot
+quade
+galling
+sm-3
+mitad
+skyrockets
+lacerte
+riza
+haul
+mignet
+hived
+ekoku
+streek
+student-produced
+hungnam
+noad
+tubing
+3,354
+placket
+balderton
+rusape
+ilf
+actuary
+fowl
+opengl
+tanumafili
+erhart
+volozhin
+hakea
+estudios
+satcom
+tricarboxylic
+shallman
+interacted
+ori
+disparagingly
+wicht
+perpetuating
+kvaternik
+delen
+lortie
+cookham
+brahmanical
+german-held
+181.2
+pázmány
+julião
+matruh
+angas
+poundland
+patrickswell
+rings
+sawhorse
+motta
+theol
+batcheller
+389.5
+ohlson
+lyallpuri
+macnaghten
+cairnes
+yusril
+syke
+listerine
+space-borne
+blech
+vineta
+krotov
+tomich
+euro248
+chelyabinsk
+schema
+taedong
+pursed
+falater
+lomakin
+fact-finding
+domark
+bandeirante
+misls
+guptill
+natron
+missoula
+www.americanheart.org
+odem
+rubrum
+pekarik
+mehi
+weet
+ten-foot
+bygone
+grinham
+preoccupation
+1,214
+yazji
+chagang
+wrko
+nuru
+muradova
+nspa
+54.03
+sansevieria
+farra
+mobilier
+lies
+sterritt
+pimientos
+pitched
+bonani
+212-621-1650
+carbonic
+belial
+substantiate
+mionica
+pembury
+wasted
+tomasi
+scargill
+t-72
+chocula
+synthesized
+responsively
+civilising
+calasso
+kreek
+visio
+pkp
+investnet
+subjugation
+numbered
+aoshima
+scarman
+bobcaygeon
+screentime
+serpens
+um
+persecutor
+toldos
+zahrtmann
+khentkaus
+serú
+choluim
+curdled
+lecciones
+karth
+ancienne
+vasilios
+venders
+gosho
+samrat
+blondish
+instanced
+appalls
+stubbed
+altenmarkt
+cross-referenced
+tress
+realisable
+sanjukta
+juiz
+putnam
+formula_44
+karenna
+tfr
+murphy-o'connor
+powiats
+jutted
+parens
+reggiano
+stryker
+business-to-business
+südwestrundfunk
+73.72
+sahaviriya
+madisons
+brette
+haribo
+960
+hofstede
+bilintur
+500-meter
+epigallocatechin
+cuckney
+boss
+eidarous
+lotnicze
+starkad
+non-citizens
+tromsdalen
+renumberings
+herefordshire
+vassilios
+sirul
+pyy
+hurreh
+tulipe
+charité
+guiro
+smithies
+thoroughness
+himself
+abramovich
+utilising
+ghriskey
+mechanization
+macwilliams
+hummus
+naehring
+anti-satellite
+pocosin
+berezniki
+porumboiu
+hainish
+bacchini
+arakcheyev
+belodedici
+shunichi
+bühne
+polenz
+huilin
+intensional
+parasitism
+manadel
+leporis
+yogo
+guayanilla
+kansai
+superstrong
+integrion
+giggleswick
+gaite
+moneybag
+guignot
+rminterajc.com
+rustle
+ibrahimpatnam
+second-placed
+pharos
+valentim
+tropica
+115.96
+khalaji
+29km
+kolobkov
+monselice
+congregatio
+moody
+.490
+samians
+weibrecht
+decagon
+pung
+jailbird
+ferenczy
+microscopist
+100000
+saeima
+mocama
+gullible
+mysql
+ramseys
+aich
+most-performed
+aaib
+phap
+dozois
+kibirige
+7-18
+margarets
+1,2-dichloroethane
+bybee
+eulophidae
+sodano
+nevins
+alrosa
+1,305
+kettwig
+intellivision
+fast-forward
+repassed
+plisetskaya
+klen
+bihozagara
+railroader
+adigal
+field
+urth
+climaxed
+righi
+hila
+cold-tolerant
+mussels
+flautist
+inverso
+relenting
+294
+collaborative
+ayrton
+deckard
+nhung
+bibbins
+tunapuna
+backpackers
+harte
+288.4
+re-integrated
+šafářová
+pnp
+ditta
+shorris
+culpable
+neorealism
+schaper
+auklets
+boves
+babydoll
+165.3
+bahadar
+sovacool
+weterings
+whittal
+showboating
+anchorperson
+ecog
+sergei
+mershon
+vikingskipet
+barroom
+wałcz
+jj
+shimoyama
+gregg
+seabirds
+hohen
+talangensis
+stefana
+bruder
+stazione
+119.79
+okoro
+wünsche
+crumpet
+hsk
+nasrani
+scratchy
+pontryagin
+thromboplastin
+capsizes
+nashville
+cunnington
+ethnocide
+.201
+amedure
+nishimura
+svcs
+metaxa
+ajumogobia
+pro-chancellor
+weaponized
+1981-1991
+enav
+arleta
+shivalli
+208.2
+kopff
+utcubamba
+torquay
+kruseman
+mccullin
+buchholtz
+sarwate
+bienes
+balasingam
+ledet
+isoprene
+regev
+naa
+comonfort
+cf-18s
+boogie
+tatia
+yakutsk
+116.25
+dyfed
+matteawan
+chaperoning
+evacuations
+technocore
+bisky
+ballinderry
+ъ
+melones
+kotil
+shunyi
+yardeni
+45-49
+muwaffak
+wallower
+taki
+105.52
+bishopville
+ashtadhyayi
+member-based
+baruto
+fardh
+consequentially
+bam
+overstuffed
+heihe
+1,300,000
+baldia
+merga
+dslr
+piontek
+nikodim
+insitutions
+bristol-myers
+baie-james
+pasti
+pushover
+wo2
+rossouw
+lovelight
+paramaribo
+anba
+mörner
+kornblau
+tursiops
+halfling
+wulfila
+18:59
+rosenbloom
+maytham
+psi20
+bernera
+5,925
+telescope
+sunnism
+61.63
+avowed
+glyphosate-resistant
+allaga
+mcduff
+euro115
+billie
+0-for-7
+xianzhi
+leijonborg
+verdaguer
+euro620
+66-million
+rustler
+gallops
+jeju-do
+1843
+grabowo
+minore
+amapá
+matchbox
+mellifont
+cctv
+476th
+urbanfetch
+chisale
+marinko
+cloggers
+mimesis
+majida
+akdn
+first-degree
+38.61
+boum
+cimento
+hintze
+nzl-92
+highest-grossing
+dzerzhinsk
+jonjo
+lacayo
+minerva
+screams
+wea
+o'herlihy
+58-42
+seagraves
+talca
+mahamaya
+o.s.k.
+tajikistani
+swete
+kulayigye
+borane
+zwitterionic
+yorke
+tertullian
+formula_58
+jagdale
+junnosuke
+komag
+lac-saint-jean
+layon
+télétoon
+p.t.
+regulation
+emaar
+0-3-0
+hyden
+160-foot
+organozinc
+schisgal
+banyuls
+genshiken
+53.55
+gast
+cambronne
+u.s.-registered
+footsoldiers
+saves_mrivera
+sugamo
+174.4
+11-of-15
+tamecka
+poinsettia
+woodring
+gatekeeper
+microsatellites
+211.2
+cyclicality
+eaglesham
+licor
+yaroslav
+arfan
+middle-market
+breggin
+44.14
+scrappiness
+cup-shaped
+kfb
+scrappage
+downcast
+moliviatis
+irredeemably
+iet
+rusike
+yetnikoff
+remisiers
+bowerman
+macendale
+paul
+1968-70
+polwart
+sembene
+1927-1928
+brezje
+deathurge
+756
+boleslaw
+phanom
+chyba
+baumann
+rezaei
+bachrach
+papakura
+treadstone
+cannery
+walkinshaw
+over-capacity
+chandris
+awrey
+contributors
+xisheng
+well-written
+blaney
+eurofest
+harborne
+nrc
+tocharians
+eddard
+escalation
+sq006
+6809
+zagora
+rajabu
+lüneburg
+mentis
+sfântu
+periphrastic
+shaam
+miniscule
+wences
+geske
+lévêque
+paroxysm
+gigaom
+ragozin
+norby
+vladimíra
+lingiari
+arment
+trade-marks
+oviedo
+clivus
+cesspools
+garrity
+1.5488
+roncevaux
+metway
+wegmann
+deserved
+anastasio
+rossett
+ansai
+somen
+estakhr
+waac
+amoenus
+overpay
+broad-minded
+40-inch
+gillain
+tied
+shōji
+bruere
+waitressing
+blonska
+standpipe
+juditha
+35-19
+b71
+decliner
+42.67
+foia
+305-448-8411
+sortland
+matzorkis
+nimr
+bastioned
+sepat
+spiropoulos
+81-day
+saatchi
+actor/director
+ambari
+adelita
+p800
+ascription
+chastized
+sought
+moche
+daryl.lease
+ur-quan
+goostrey
+nti
+savelli
+harvested
+setúbal
+periaqueductal
+moussier
+shroff
+fangataufa
+snetterton
+walston
+greisman
+kcstar.com
+shanshal
+faithfulness
+lartigue
+muttawa
+haluk
+leshan
+trường
+coveleski
+andrology
+soboroff
+ankh-morpork
+niedersachsen
+halliday
+andan
+komatipoort
+muma
+abberton
+aşk
+princetown
+atop
+o.l.
+playdate
+longbenton
+1998/1999
+50.92
+turl
+dattner
+36,200
+4,536
+irwell
+keary
+backwaters
+sox9
+non-musical
+similes
+solmonese
+acyf
+reshot
+doru
+13,900
+agba
+first-served
+cynder
+linotype
+cinquemani
+akeel
+kirundi
+hvalba
+a-decade
+oxus
+sivasagar
+nowinka
+malediction
+kubín
+bresse
+alsa
+barbon
+tarraco
+domzale
+issing
+nevitt
+54.93
+via
+barigye
+henchard
+terawatt
+cores
+lids
+rissmiller
+uman
+intermec
+gourevitch
+tanahu
+perisphere
+vạn
+81-80
+1-square
+dancy
+.347
+barrs
+theatres
+lambertville
+beirendonck
+tandberg
+hisahito
+mowhoush
+rear-engine
+muqtar
+regardie
+kunzea
+latz
+aerodynamic
+neritan
+fitkin
+pinewoods
+procumbent
+28-car
+seidenberg
+barracudas
+tias
+cornella
+places
+glories
+commons
+parvathipuram
+clodia
+intermittency
+hfs
+sfard
+84-member
+calmette
+rainbo
+latter
+massum
+hump
+ij
+pdaf
+49.67
+glycosyl
+vegar
+imboden
+eihl
+pericoronitis
+emir
+magara
+macallister
+continence
+regathering
+embittering
+vestfjorden
+4,185
+4.5-percent
+imrb
+swans
+singtel
+dress-up
+bolg
+mansor
+weiberg
+aztar
+scape
+barbakow
+salai
+haraszti
+clin
+49.40
+cristoph
+bellflower
+kuang
+hitzlsperger
+pergamum
+graving
+aizlewood
+selectively
+37-yard
+azulejos
+intermedio
+klett
+pieria
+integrational
+thune
+nosediving
+cerio
+fmnh
+d.d.
+pretrial
+foire
+khazana
+post-revolutionary
+fitzwalter
+prohm
+collège
+kashyap
+pieing
+maral
+jakobson
+sorbitol
+nissenbaum
+ah-1z
+wsai
+pelligrini
+gotta
+spongebob
+neacsu
+loog
+factory-backed
+venom
+lindback
+niemce
+grazes
+intima
+pintada
+governates
+67-year
+7-car
+taka
+inter-continental
+dulled
+balay
+monochromatic
+sing.
+shkidchenko
+budnik
+cullinan
+hawn
+post-secondary
+166-megahertz
+furnishings
+sunim
+titmouse
+creaky
+spiny-tailed
+djeter
+gravitons
+suguru
+kanem-bornu
+calmet
+accurate
+vangorder
+nullo
+cpac
+pinkish
+herbicidal
+chairil
+brags
+operacion
+okla
+svirsky
+millender
+news.release
+scriabin
+43.17
+70.91
+oppegård
+hesitant
+expectant
+newsworthy
+volou
+kershenbaum
+bracha
+3,153
+rakuten
+zafon
+briercliffe
+zoeller
+kamoshita
+nembutsu
+antman
+comes
+lends
+marun
+balas
+kattegat
+rd5
+etiam
+macba
+emailer
+raffish
+melding
+moccio
+chongryon
+garnock
+l'observateur
+clime
+atlas
+vastag
+non-material
+zvishavane
+kyzer
+tigre
+alhamzi
+schists
+on-the-ground
+roussel
+separative
+07/25
+vivre
+free-for-all
+ivy
+punk-rock
+hosny
+delete
+combos
+750
+heavily
+1,297
+solsona
+peregrinations
+norse-gaelic
+pinback
+gpr
+kol
+striatum
+mystifies
+summertown
+orpiment
+pothos
+matthies
+endel
+pomacentridae
+p-value
+airlift
+wftu
+carrickmore
+epiphanny
+millyard
+atler
+round-shaped
+wolkenstein
+blanch
+k.g.
+eckes
+halbe
+gaetano
+doorstops
+irrigators
+ventas
+guomin
+niac
+ballack
+ohioans
+bavier
+vitiligo
+unbelievable
+scully
+chamu
+approval
+overallotment
+turov
+sheldrake
+shamal
+consortiums
+groblje
+nutrasweet
+perlitz
+14-pound
+hebr
+kinsfolk
+heib
+tarakan
+elain
+16.83
+husainy
+gyll
+buckeystown
+moran
+tumba
+dembski
+petroni
+interlinked
+kirchhoff
+photoshoot
+trzcianka
+1931-32
+chilliness
+jamy
+carls
+wn
+phyllanthaceae
+kjv
+schemed
+md2
+benedum
+sautet
+reske
+mrna
+pdea
+orchardist
+4,003
+bwagner
+66,000
+2:20
+bossman
+belmullet
+73.78
+balsamifera
+justicialista
+buigues
+citybus
+bozize
+chemin
+lappromrattana
+immersive
+skay
+pinturicchio
+ordelaffi
+westcoast
+204-year
+bulajic
+french-made
+12/24
+18-9
+bodegas
+koxinga
+pritt
+93.43
+mostostal
+aetate
+dirleton
+rolv
+ever-increasing
+cellmark
+ncate
+abnormalities
+spolana
+fruita
+1990-1998
+perkasie
+mélanges
+moorlach
+65.48
+agita
+awardee
+cartoonlike
+ehlert
+ropeik
+47.76
+re-created
+correos
+announcements
+wavendon
+place-names
+charboneau
+890,000
+gurwin-1
+tabbies
+sindane
+sajr
+benefited
+confections
+sheinwald
+qdiis
+eckles
+liras
+cementerio
+washy
+tiwi
+tamc
+advertises
+pesca
+dionysos
+62.75
+santhanam
+ducrot
+basmanny
+temazepam
+1,397
+ecoterrorism
+224,000
+autopista
+tartine
+code-named
+1549
+bistate
+botte
+djin
+njegoš
+1,726
+3,767
+yehiye
+21,000
+masiaka
+griffey
+periodontics
+hotels
+riesman
+10cc
+delval
+exfoliated
+gnant
+greek-catholic
+forego
+1895-1896
+planning
+admixtures
+sibghatullah
+blood-thirsty
+ünal
+skokov
+khakimov
+batiashvili
+meshell
+rebecka
+gaggero
+calabaza
+1:38
+bookbinders
+norns
+onerous
+eustis
+10percent
+nonstarters
+r.i.
+200-megahertz
+dessner
+communalism
+fireballer
+nozad
+ekonomou
+chaly
+ilocos
+sniffled
+maassen
+80.65
+dusing
+nakaseke
+chimei
+depending
+equitation
+gingras
+mchunu
+marcuse
+endocast
+90.40
+uulu
+sweatbox
+huaxi
+exter
+cabatangan
+cgarcia
+baybank
+caloptilia
+polack
+aparri
+kaddura
+27.14
+entrylist
+shalamcheh
+zoloft
+chand
+nahari
+bdp
+alternates
+crossovers
+berossus
+kivi
+barram
+sextuplet
+kister
+friml
+verilog
+calverts
+firsby
+reordered
+2401
+35.18
+37.7
+communicasia
+beachwear
+sra
+quarried
+22-second
+helfman
+pfaffian
+tumbas
+recinto
+44-29
+igfa
+morillo
+tangerines
+carpinteria
+sekely
+scotched
+ambrosial
+mcaninch
+hondros
+aidin
+pingo
+sobo
+mms
+hakob
+kronach
+four-blade
+olpc
+surendranath
+multinvest
+1991-2003
+stenting
+goertz
+abernant
+ponthieu
+bokungu
+dreckman
+catalonians
+duffus
+lingkaran
+alawa
+semi-hollow
+tallal
+pecoul
+tabankin
+11:42
+countercoup
+ceres
+dobrzyń
+angoor
+zacci
+açaí
+clitheroe
+one-hour
+bakeshop
+vadm
+manic
+liebermans
+zhongqing
+amidase
+fol
+chāh
+piersanti
+matcher
+greiser
+ubique
+eulepidotis
+1,965
+gtf
+langkow
+51,800
+anund
+ampatuans
+urubamba
+mcdonnell
+garrisoned
+annalee
+pre-screened
+ealdred
+ckd
+.005
+voice-activated
+econet
+hampshire
+snickered
+coachspeak
+annamay
+12:44.39
+loiola
+redesignating
+thrombi
+l/100
+54.02
+doky
+c1-fra
+cullens
+self-managing
+local-level
+4-112
+conservatorship
+92-82
+audrius
+baytown
+zhijie
+minkhaung
+maguwu
+hisba
+hexaploid
+populi
+tukums
+glossaries
+puiu
+canadienne
+teryn
+ksd
+lewis
+skeena
+beiras
+climber
+massage
+zuno
+cigna
+mevlana
+ekpe
+pomegranates
+mirghani
+cyclura
+cavaradossi
+reinertsen
+lowie
+monsell
+disability
+vasiljevs
+terrines
+jarl
+groot
+fretboard
+wayment
+blakeney
+yuly
+tafuri
+fontevraud
+3,166
+70.82
+verasun
+haselrig
+lovechild
+13-29
+masekela
+hasharon
+13.03
+tenterhooks
+värmland
+tanjevic
+gehr
+jocasta
+overdoing
+183-seat
+dejanovic
+ornithogalum
+crystallographer
+closson
+kilos
+renmin
+yartsev
+whut
+co-developed
+bigge
+katies
+defensible
+villafañe
+pq-17
+18-14
+carden
+prague
+fischbein
+persian
+tosser
+rous
+kiira
+stringband
+ermakova
+sneakier
+ohioan
+improvident
+wqxr
+krasnye
+aldarondo
+odihr
+titanosaurus
+maselli
+laval
+tetramer
+chandramohan
+nautile
+gajowniczek
+fujita
+apalachin
+zigiranyirazo
+güney
+ziz
+sieniawa
+dąbrowski
+tineidae
+shinagawa
+nalls
+51.94
+arromanches
+bulyga
+francke
+pur
+teddies
+đào
+bilzen
+kykkos
+emergencies
+moumouni
+nicolini
+hallux
+90.67
+bichir
+romijn
+yellowy
+162.00
+ploegsteert
+sathe
+gaped
+hobson
+off-site
+73.8
+around-the-clock
+decia
+gorodok
+farm-raised
+sires
+wardner
+cloe
+uyên
+wt
+montanism
+mosop
+lissome
+stepdaughters
+brandenburg-schwedt
+katoh
+presidence
+pelindaba
+ennead
+38,600
+kex
+edwinstowe
+phishing
+genz
+demeanors
+15,840
+bicyclists
+agung
+ekong
+35-foot
+corrente
+moralities
+33,750
+naluri
+pre-norman
+ahavat
+22.92
+kania
+kneedler
+ryohei
+qianling
+minco
+yameogo
+modliborzyce
+glogowski
+fliss
+coccinea
+dewis
+deacetylases
+chunking
+jangle
+miscellanea
+maltbie
+shakopee
+mazzoleni
+invalidating
+thembinkosi
+anchovy
+digipen
+berlinger
+lipnic
+facelift
+palmqvist
+hairsplitting
+generation
+sunata
+bystanders
+alpujarra
+imdb.com
+vdl
+lastname
+kulesza
+vagabond
+overshadowed
+jingzong
+goop
+ywam
+crossroad
+tecuci
+lassoed
+snakeroot
+biały
+mikail
+rydzyna
+roi-namur
+65.47
+33-point
+tregelles
+chauffeur
+twines
+littoralis
+heartful
+sakuya
+multi-unit
+yinger
+usa/canada
+dysplastic
+whistled
+rage
+slotsholmen
+alterman
+alcatel
+pianola
+olms
+bad-boy
+dineh
+mlyn
+ulan-ude
+itaipú
+knez
+asem
+peaty
+petlyakov
+pre-processing
+semi-cursive
+clay
+emar
+osteomyelitis
+ikshvaku
+toriyama
+higher-education
+dealin
+lestrac
+rowlandson
+2404
+trend
+edw
+kolonics
+tenacity
+stolonifera
+bazayev
+17.89
+hercules
+bolshoy
+kotta
+http://www.doi.gov
+commens
+aminat
+bitani
+oecomys
+swaledale
+2155
+privative
+intraperitoneal
+filadelfia
+throngs
+packhorses
+directrix
+tomalin
+ortuno
+desenzano
+maclin
+norreys
+türbe
+12-14
+chesterfields
+floppy
+kiddin
+one-note
+pocketed
+soueid
+ncacc
+brown-haired
+cloudy
+kepov
+ferde
+pronaos
+hallaton
+kelvins
+karaca
+radioworks
+zagorakis
+slivered
+grodzinski
+xuezhong
+caenogastropoda
+lisztes
+caqueta
+curtails
+hypostases
+state-approved
+fcat
+cky
+bemoaned
+gelada
+klapa
+gnecco
+tristes
+sylheti
+snaps
+anadarko
+hikayat
+caravaggio
+35,625
+weinviertel
+smolders
+irreversibly
+tipperary
+match-day
+sumera
+zenker
+premios
+lgn
+lawerence
+shitou
+16-9
+flat-track
+magnetosphere
+o'smach
+xpw
+wiggen
+extracted
+auster
+gsusa
+whiteknights
+franschhoek
+wilder
+112.30
+s.a.
+creedmoor
+1100s
+plews
+2m
+sephirah
+devers
+78.55
+magueyes
+polyzogopoulos
+strandzha
+ousa
+4.225
+eritrea
+sensenbrenner
+herge
+.328
+judas
+aniseed
+favorably
+istinic
+ramu
+decurrens
+mello
+rosay
+fertik
+dmcs
+3,177
+adze
+romão
+kurbsky
+gajan
+visagie
+darvill
+26.78
+scabs
+popstars
+gossiper
+tortillas
+seretide
+commemmorate
+garbling
+bhachau
+planemaker
+beetz
+5.3
+ingstad
+3,282
+firuzkuh
+hayya
+skewness
+bovey
+bakekang
+gouldman
+12-rebound
+2,847
+granuloma
+coordinative
+undefended
+turim
+água
+telesat
+mayank
+127,500
+gaouaoui
+delrina
+pausch
+hiang
+citerne
+volver
+franchiser
+géant
+liberal/national
+augmentin
+privé
+goorbergh
+felmy
+zvarych
+pelkie
+.833
+fulbourn
+rupiah
+angelucci
+staatsburg
+koreana
+volubly
+dispelling
+30.39
+pyles
+penley
+mortgage
+mar.
+reddish
+co-emperors
+2,754
+superhighway
+lousewort
+iwf
+pushtuns
+9a-10
+hahn
+telephoned
+arbs
+materialised
+29.31
+damour
+203.9
+carmer
+disseminate
+hiberno-english
+milkcap
+ventilator
+44.55
+dud
+cheka
+large-format
+punters
+strategized
+dadayev
+vlodrop
+vea
+yarder
+boxing
+bête
+fontanet
+bornheimer
+drawbars
+interfered
+teleconferencing
+piedmont
+americanness
+eliskases
+potere
+tankfire
+7,580
+mamre
+con-man
+114.19
+tavlaridis
+69-56
+moglen
+murtaugh
+misspeak
+1,493
+fontolan
+morett
+castiel
+nippes
+giannoulas
+naimatullah
+muerto
+d'herelle
+spirituel
+dardic
+cliffsnotes
+tyrnavos
+vellupillai
+rybka
+ladybugs
+sadeghi
+healthy
+quarrel
+cathi
+strigoi
+beca
+lane
+xcom
+keyah
+whenever
+hoeness
+mutal
+tuviera
+two-disc
+chandeliered
+021
+trenching
+vosberg
+candolle
+gustavus
+ciliary
+119.05
+dampskibsselskab
+randol
+joyfulness
+azrul
+pastries
+master/slave
+fund-raiser
+puzzle
+olten
+laurine
+consecutives
+sideswiped
+http://www.9-11commission.gov
+haig
+kobar
+haemochromatosis
+509
+northwich
+jhalda
+dancin
+deadlift
+carols
+zainuddin
+norina
+merrylands
+mateljan
+alomar
+grandiosely
+sweeten
+translocations
+29,028
+waziriya
+ödemiş
+aland
+faringdon
+constanța
+temanggung
+stelle
+fertilizations
+brisman
+coscom
+ladji
+3.87
+20.36
+zwoleń
+in-season
+consolations
+couchoud
+lakeland
+dreamliner
+cheltenham
+d'organisation
+florals
+leptopelis
+beavers
+slave
+vanacore
+roodman
+sarband
+leboyer
+borrowers
+utri
+sweetish
+haida
+altrincham
+over-35
+hisila
+danaher
+outran
+kōji
+ingleburn
+dovi
+weslake
+plekhanov
+yefim
+71/3
+veriato
+by-then
+rhine-main
+paiewonsky
+16.000
+mcgahey
+tarnowo
+chert
+monel
+agapanthus
+jesup
+kabirwala
+enkidu
+nbc-tv
+arberry
+taillon
+12:32
+faulkes
+800-seat
+maccari
+oadby
+agnostics
+purveys
+cartographer
+unrecognizably
+metalhawk
+bmp4
+alleyn
+pawnshop
+suitcase
+succinctness
+warlow
+endosomal
+sig
+clubhouses
+77-million
+reimposes
+inmortales
+kotani
+111.04
+jung-hwa
+poliorcetes
+brenan
+5,000-ton
+meagre
+ufm
+plessey
+ordinated
+zhongyu
+16.81
+2million
+kwe
+corries
+evashevski
+transmarco
+bissonette
+1915-1918
+rebased
+hassib
+shaya
+serenaded
+bitsangou
+clickers
+agriculturalist
+labalme
+manav
+narodno
+expedia.com
+malavan
+vakhayev
+shirtless
+29.20
+ensay
+plasma
+three-seater
+métro
+pamintuan
+rinchen
+ferrel
+airlifted
+628,000
+blagovest
+xamot
+colliano
+muchachos
+aliveness
+grampy
+hiker
+extending
+jigoro
+petén
+displays
+lieven
+university-manila
+kulbir
+hagana
+kroon
+silcox
+josefstadt
+andaluz
+refuelers
+meymand
+70.38
+gault
+1937
+irbis
+shangaan
+tagammu
+cadden
+1991-2001
+maná
+44,000
+hodgson
+bartın
+edukators
+palestinian
+tiredly
+desirable
+twalkerajc.com
+vujić
+lebaron
+dockyards
+veps
+sesterces
+carena
+ouidah
+khandruyev
+fletching
+snag
+kharan
+szijjarto
+acclaim
+4,033
+landplane
+prandzheva
+teamster
+rustavi-2
+selin
+soči
+donbas
+avtozavodskaya
+cyprinidae
+ibtihal
+moscato
+industrias
+romansch
+swoope
+gazi
+housebuilders
+quichotte
+officinale
+divino
+.425
+posen
+vver-440
+vuckovich
+heley
+taroko
+neupogen
+milcah
+permutations
+kakavia
+90-83
++27
+abdullahu
+burtless
+ljubuški
+setagaya
+leukosite
+1,164
+pruritus
+navales
+traveling
+herranz
+faiq
+pictograms
+cower
+aoh
+norwegians
+mise-en-scène
+talpa
+alipur
+heckert
+metronomic
+given
+viharaya
+mooloolah
+darro
+dobley
+volleying
+yarnall
+domoraud
+motorboat
+jusufovic
+marović
+1,011
+vobis
+rouville
+kerlikowske
+huk
+shifu
+b'tselem
+v.v.s.
+flir
+maximinus
+kourosh
+vergine
+129.50
+semlingcoxnews.com
+cuddihy
+bpcl
+bakkal
+3-storey
+allenby
+ferrocene
+120-mile
+naturales
+35.30
+overran
+chhinnamasta
+kampa
+vetti
+hillo
+oswald
+hamburger
+latveria
+minus-13
+dadi
+krafts
+lochend
+logician
+akbel
+soufan
+1.2067
+faulks
+30.73
+rawod
+udates
+macek
+post-impressionists
+mmol
+operalia
+xls
+sinacore
+hasanuddin
+japanned
+envelops
+garrote
+celikkol
+hawach
+lạng
+23-hour
+sherine
+bauer
+causing
+rubeus
+ignored
+agostinelli
+kahin
+ducatus
+abolitionism
+arbeidernes
+dinavar
+1695
+coos
+8,500-strong
+#cc
+riffa
+ndegeocello
+agatho
+tjx
+sousan
+ironhorse
+copterline
+promissory
+nexar
+koong
+questel
+lechters
+wimmer
+ryuki
+formula_39
+eight-hour
+serik
+baynton
+mocca
+activités
+colonel-general
+saghir
+525
+cherrington
+greta
+hofer
+reinvestment
+sujan
+jonathon
+palaeobiology
+okhaldhunga
+sa'adat
+hannibalsson
+schrom
+2,800,000
+dodig
+red-haired
+queene
+519th
+hamadryas
+tender
+exportar
+woolnoth
+cibernetico
+amvac
+fidelis
+230-acre
+plater-zyberk
+pyrites
+mogambo
+hefa
+ccra
+zonday
+gulpilil
+payami
+gamst
+arvidsson
+bournville
+peredvizhniki
+goodling
+tashilhunpo
+hatimy
+fouhami
+hijgenaar
+minicomics
+yasur
+guesser
+edgewater
+0325
+almaack
+ceawlin
+k.s.v.
+mortis
+lh2
+4-km
+nissen
+unplayable
+arze
+ringleader
+kimmich
+puras
+unhurried
+untrammeled
+pettas
+subud
+sirtris
+pac-8
+berra
+calciopoli
+mahakam
+post-overhaul
+ramy
+lapushchenkova
+advocacy
+325
+brookies
+missy
+da'i
+aquired
+ideation
+carps
+tennakoon
+niebaum
+asuransi
+17.79
+moscatiello
+pétur
+haroun
+nicomedes
+minea
+asilo
+qwest
+saval
+ornek
+bookworld
+cardiomyocytes
+flabellina
+whātua
+.691
+delaria
+pretty
+bangit
+allerdale
+tyabji
+oficinas
+7:05
+allergist
+weo
+kovač
+assurances
+oliviers
+oliseh
+goodyears
+thobela
+zoback
+ergun
+antidote
+explicable
+vanita
+maguelone
+raged
+rindy
+cityzen
+klopas
+circumflex
+câmpulung
+proteases
+332d
+bedeck
+igualada
+wettingen
+pmr
+satirize
+hunsinger
+atole
+karamyan
+0.85
+hainan
+bobbys
+inuyasha
+brekke
+abdoul
+grunty
+kaientai
+4,052
+approving
+anacharsis
+langwith
+rollercoasters
+kg
+thrashy
+große
+magdeburg
+epinay
+aviall
+zhangs
+14:25
+kayihura
+occultations
+ngt
+amunike
+23-second
+mirto
+swargate
+stonewalled
+campestris
+droukdal
+lleu
+gouger
+spatial
+linger
+wainuiomata
+fire-and-forget
+eqbali
+prefering
+taaramae
+it/ites
+angor
+looseleaf
+horaiclavidae
+dudjom
+9.40
+3-for-14
+kunstsammlung
+papademetriou
+haymanot
+1811
+kirkcudbright
+revitalization
+schwer
+insull
+1.5530
+twentyfold
+ikonos
+flexi-disc
+cārvāka
+arte
+mikkelsen
+manville
+champenoise
+yurchuk
+markleeville
+tuoi
+videsh
+ikemori
+lesnevich
+piazzini
+sorgi
+philomath
+thialf
+possums
+desailly
+debevoise
+jebet
+delbruck
+rhea
+19,300
+ziang
+helped
+1954-1956
+al-hajjaj
+double-time
+politico-economic
+mudcats
+tokeley
+walmington-on-sea
+kakha
+phrynosoma
+geffroy
+buelow
+md-80s
+biome
+all-night
+philautus
+ultrasonic
+hi-hats
+karthick
+karapatan
+high-spirited
+grzybowska
+foreward
+unpadded
+44.09
+altare
+www.telecharge.com
+3,120
+masand
+rabiah
+geoglyphs
+zhipeng
+gortari
+pedicab
+mumbo
+erzhu
+petroquimica
+bavin
+systeme
+pasca
+vorobyev
+1973-77
+sbh
+1923-24
+bacal
+nazarov
+low-life
+sahagun
+dimasa
+hollwarth
+duato
+niqāb
+fairmount
+barbarin
+tehmina
+overeducated
+mot
+wirtschaftswoche
+khabra
+helmsley
+19,500
+malti
+isiolo
+villoresi
+thanou
+iypt
+huntingtower
+yetis
+sibila
+shanty
+1888-89
+1191
+totok
+acla
+sterling
+101-99
+technophile
+wwe.com
+106-105
+1.2305
+bleus
+50-65
+hongyan
+wamang
+43.15
+wojnilower
+hualian
+inchoatia
+goulette
+86.80
+397.5
+archivolts
+qadissiya
+murderess
+kendler
+lahu
+rebated
+o'shanter
+3,620
+bunyoro
+116.33
+dormann
+stakhanov
+sentebale
+neepawa
+leonov
+t-39
+itd
+bathily
+alfonseca
+parent-teacher
+mvo
+aronne
+unearthed
+starn
+stifle
+zilkha
+stepnogorsk
+voluptuary
+takla
+francini
+ghaghra
+bodjona
+hypergiants
+ispahani
+butig
+kaiserswerth
+mlse
+wauquiez
+bricklayer
+7-inch
+deface
+ponytailed
+legrand
+mide
+chato
+abyssinians
+scottish-american
+58.66
+lamerica
+pales
+zurbaran
+viz
+depopulate
+2.755
+wos
+fauziya
+61.76
+subrahmanya
+slytherin
+eugenicists
+sokratis
+malmstroem
+therocephalian
+tiptop
+petkim
+bsaa
+bipartition
+wiesen
+zaniest
+multimatic
+kfahr
+usodo
+halford
+singpost
+32.85
+secretario
+quaternionic
+thermopylae
+58-kilogram
+muguet
+zero-day
+10:34
+jeshurun
+bretton
+wineberg
+31.13
+accreted
+formatted
+32.41
+1,013
+liberal-country
+borrego
+osawatomie
+295.8
+mairbek
+shiroyama
+jdalessio
+as-needed
+stooks
+shān
+robitaille
+taubman
+poppies
+bazerman
+carathéodory
+3-3-1
+ukx
+kempsville
+esteros
+imari
+centros
+botti
+ngoma
+thermonuclear
+geographie
+lufti
+woollen
+daveigh
+edbrooke
+adjame
+inattention
+skin-tight
+umbel
+1.698
+creates
+nacer
+cauldrons
+jean-étienne
+tiresias
+132.60
+k'un
+manakamana
+manship
+recorrer
+non-permanent
+belmonte
+applegate
+canção
+beanal
+niger
+stitts
+lindhardt
+puskás
+carlomagno
+ausseill
+metroliners
+markville
+breastfeeding
+767s
+kofler
+correspondent
+2:37
+landscapes
+t28
+transfigured
+lambden
+umbridge
+nylund
+87.6
+gored
+mape
+ravers
+finishings
+salvatores
+yes
+harass
+volusia
+72.15
+kotlina
+arranz
+sadist
+lifestyle
+samskara
+positively-charged
+d'un
+tsirekidze
+radio-location
+3,521
+solá
+feldmajer
+defecation
+munsingwear
+.563
+akyol
+smn
+malgache
+ahles
+ashagy
+lucilia
+eveland
+dobrynin
+sufficiency
+vang
+atavistic
+distros
+cellou
+verbard
+enforcment
+apne
+nagayama
+anesthetize
+hanati
+adobo
+kilrain
+xinwen
+1-selling
+securom
+d'ermilio
+ofac
+fujiwara
+lakai
+.53
+mrca
+wkyt
+tolba
+nk
+pandit
+rimsky
+slants
+delhi
+69.23
+1.5340
+fone
+juhar
+a-train
+7/9
+dunigan
+ghostlike
+played
+tweet
+guilfoyle
+cardon
+oneshot
+bioy
+phthalic
+keuka
+bauers
+kete
+garnished
+awang
+smtv
+wfmz
+sheena
+25p6
+cléirigh
+zulkipli
+brodsworth
+catarrh
+parectopa
+pyla
+7.7355
+counter-rotating
+cassocks
+baymen
+matenje
+teema
+sumas
+4,001
+vĩnh
+gosplan
+8-5
+süleymaniye
+parcell
+doogie
+odioma
+daqing
+nerac
+moragoda
+hevy
+1,376
+económica
+mckeegan
+2,710
+wunderteam
+zaian
+qathafi
+milsons
+tenant
+underaged
+impulsivity
+lipes
+xxix
+:6
+lembede
+misdealings
+orthanc
+cafepress.com
+blagoje
+detikcom
+aln
+botataung
+stac
+nantou
+perdanakusumah
+arabization
+blier
+heighway
+41.8
+skoric
+aldrich
+pechory
+vernon
+technologies
+annotated
+5.87
+tante
+rch
+1946-49
+jennie
+banzai
+spadaro
+breakdancer
+mag
+uncovers
+beurling
+castañeda
+96kg
+foliation
+cabots
+dorigo
+champoeg
+derosa
+westword
+chiffonade
+37,500
+stratigraphically
+4million
+ailed
+capitaland
+4-86
+midge
+viant
+45.53
+zinger
+308.9
+thirteenth
+litman
+39.24
+i-1
+grouches
+altötting
+haugland
+gimpl
+hanshaw
+vidarte
+20-to-30
+stratigraphy
+libanes
+oprah
+insectarium
+gehman
+lĩnh
+skiathos
+jugend
+baseliner
+bhw
+estación
+haruchika
+naeyc
+davutoglu
+ne'eman
+pen-and-paper
+offend
+infact
+sticht
+sncb
+chugged
+kerhonkson
+philipe
+aponeurosis
+misfortune
+gopis
+cristo
+meghnad
+minica
+back-to-the-land
+800-338-3282
+re-assumed
+kammerchor
+yiğit
+118.62
+anthocyanins
+excavates
+janiculum
+kurelek
+humanitarians
+re-match
+melik
+berzon
+shoup
+malang
+wnc
+monika
+vättern
+krukow
+classroom-based
+pratt
+taffel
+29m
+sotogrande
+volksunie
+cooler
+mosbach
+sewon
+ashoknagar
+thiruvaiyaru
+drains
+jamieson
+23:00
+maróczy
+heney
+kwaht
+vanished
+koestenbaum
+welti
+47.68
+rocancourt
+curren
+primase
+musameh
+aidala
+ertl
+99.78
+smallest
+derwentwater
+roșia
+josar
+10.125
+tamia
+fanini
+ronse
+210,000
+kowalczyk
+cytokinin
+45.24
+type-ii
+javedanfar
+poulett
+stęszew
+dalgarno
+marquand
+ö
+creosote
+tessitura
+dar-es-salaam
+57.24
+gizmodo
+dyersville
+travel-related
+inntrepreneur
+5-up
+presenilin
+onodera
+95.41
+neoguri
+coppelia
+catalanes
+funnybone
+jassie
+cchf
+nostell
+rostislavich
+michele.melendez
+microbiological
+est
+16-cell
+metius
+rkm
+schricker
+27.03
+puccini
+dastjerdi
+doorbuster
+45-inch
+tademy
+latke
+7-david
+ouma
+grampound
+derozan
+wangford
+64-36
+aoiz
+sobeih
+carboplatin
+1.3100
+paleoanthropologist
+zkm
+materia
+selbstschutz
+mitral
+kargaly
+nuova
+flauto
+dropper
+cactoblastis
+pío
+billows
+53,000
+unembellished
+aventinus
+antiparos
+jumblat
+hiccups
+fubu
+tiruppur
+rueff
+throwback
+kildin
+zemlja
+owner-operator
+newgrange
+johannesson
+moebius
+gualtiero
+gambier
+heterodyne
+vestal
+wardenclyffe
+viajero
+26.38
+ducasse
+oda
+saddlemaker
+76-69
+yawer
+gohan
+devoiced
+hamano
+zürich
+huguley
+resettlements
+87.42
+11-of-12
+rosendo
+ansar
+łagiewniki
+1-week
+doyley
+lopukhina
+prophetstown
+unflashy
+equus
+hidenori
+marona
+nairi
+vernaccia
+opines
+m-54
+inveighing
+ballangen
+liyun
+dormice
+streetwise
+118.83
+homeports
+permissions
+y.m.c.a.
+priče
+ainadamar
+conspiratorially
+sayreville
+fraction
+btorpy
+geodis
+45-23
+woetzel
+infoworld
+teyo
+anker
+diduck
+rodnina
+rieck
+heya
+vindobona
+kasr
+machacek
+salome
+elida
+corrosive
+spj
+intersession
+american-canadian
+greipel
+kilcoo
+horizontal
+gastonia
+dandar
+pausini
+white-crowned
+biathletes
+makkari
+sportsouth
+arroyito
+culturales
+consumo
+annalistic
+bashi
+ecko
+shies
+tier-1
+alienates
+brommapojkarna
+128.50
+53.3
+318,000
+petain
+square-meter
+apostasy
+tgrt
+appointees
+poplars
+subtropics
+57.87
+saint-laurent
+soca
+slow-motion
+mediacorp
+authentic
+onyancha
+sawy
+203.7
+barce
+singlet
+levenshulme
+52-38
+chikowore
+venkatarama
+anti-muslim
+selivanov
+eskild
+ctia
+myung-whun
+demoralization
+ronkainen
+dinn
+schiele
+karmi
+22.87
+campioni
+gettman
+kellen
+kanyapat
+purépecha
+ballbreaker
+processo
+highfalutin
+21-member
+timucuan
+conterno
+one-story
+celo
+besiegers
+abstracted
+attercliffe
+vellalar
+aravali
+kerning
+721-6500
+viole
+sdlp
+decapods
+herediano
+jesser
+tierpark
+weizman
+münzenberg
+powerplants
+fakhr
+acors
+myrepublica.com
+jopie
+2,660
+behaviors
+oluchi
+bodhi
+samiullah
+zabłudów
+retaking
+paket
+psql
+m.d.
+plautus
+wilfrid
+damme
+bonfim
+dulag
+rahn
+reuschel
+thunderous
+kumm
+yinnar
+leucas
+nobleness
+mondesir
+piani
+hymnal
+schlitz
+vraalsen
+gil-galad
+ilhan
+advances
+co-sanctioned
+nuzzle
+wrappings
+frappuccino
+pandor
+crotchets
+nasgovitz
+nando
+ctbt
+binoo
+chryst
+zanies
+thickens
+lndd
+odhikar
+hamayun
+rodenbach
+bedclothes
+anti-federalists
+makelele
+earthward
+kondopoga
+l'expression
+al-sadr
+shoutcast
+houran
+mcconchie
+akhurst
+holic
+alt-a
+gyeong
+craco
+schoemaker
+bernardina
+all-german
+moscou
+directv
+tomen
+belyaev
+edgerson
+groupoids
+hethersett
+ville-marie
+comcorp
+agathocles
+4u
+1913-14
+beaverlodge
+schepens
+vittoz
+gasped
+1.4745
+sinkford
+gretton
+hayama
+privilegium
+felson
+indianapolis
+arm-based
+lustig
+celine
+landholdings
+1961-1962
+jump-start
+13.38
+manawatu
+32-run
+rimando
+percentage
+.481
+viggers
+yongrong
+cung
+polysulfide
+straddled
+emitted
+mordt
+stop-motion
+kibir
+jicama
+aylett
+57.35
+panoan
+hanzhi
+rudiments
+cannatella
+one-hitter
+pro-british
+derby
+crimewatch
+accrue
+nawaq
+mier
+schanzer
+interconvert
+co02
+schor
+valdagno
+triple-expansion
+ramat
+ga.
+cnet
+claudication
+wimbeldon
+glassport
+jazzfestival
+desnoyers
+resia
+eastwards
+699
+blown
+jorgenson
+zakia
+swetha
+hocking
+evangelize
+98.10
+qurqas
+charge
+edip
+hornbach
+oceanology
+monotony
+rumbek
+maggenti
+ermenonville
+lb2
+ogae
+akif
+zuhairi
+befrienders
+2:05:42
+600-a
+jkeelersptimes.com
+abess
+allative
+no-contest
+tyminski
+ermisch
+roughan
+baazigar
+paddlers
+asti
+speckhard
+sherwan
+mitzpeh
+winterguard
+1951-52
+nymphet
+proft
+rexy
+freia
+2,439
+pherae
+werfel
+barza
+maradi
+bootle
+ruthenia
+heur
+open-label
+transfiguration
+1,115
+17:52
+shellback
+uncarved
+geographical
+souke
+dunkin
+swiftcurrent
+3004
+humiliati
+triffids
+u.s.-friendly
+alchevsk
+40sec
+gwee
+distally
+levadiakos
+regicides
+omollo
+chanchu
+eroica
+034
+gatornationals
+ecast
+csaky
+cavalier-smith
+28-16
+mapped
+small-size
+lyttle
+pemako
+hosa
+nf1
+milacki
+17:55
+zanini
+2-nytsyn
+vinters
+cavalry
+antiroll
+falkenrath
+ankh
+sound-alike
+1.705
+convenciones
+mendham
+diringer
+balaji
+prowl
+x1/9
+rypakova
+ignatyev
+3min
+underrepresentation
+pressurizes
+watts
+pirae
+ml320
+lafargue
+four-door
+črnomelj
+mediagenic
+third-level
+publicnytimes.com
+anum
+six-match
+trnje
+berne
+procyanidin
+numeration
+pendik
+adeos
+sensitivity
+padhi
+factotum
+overemphasizes
+viviani
+muelleri
+kanadoglu
+combustible
+yoshida
+mayans
+sattari
+127.30
+colorfulness
+baluarte
+anshori
+accomodative
+jtrs
+1976-1980
+chatti
+ashtavinayak
+courchevel
+jugopetrol
+ambrous
+dreamings
+vatopedi
+flook
+zurn
+rhys-davids
+oceangoing
+piracies
+sumsion
+patens
+timeslots
+yusra
+funnymen
+nëntori
+fussing
+dolls
+14,750
+guttenplan
+phát
+anzalone
+yinsen
+gantos
+nourishes
+entryism
+adulterating
+peroz
+darcos
+krier
+one-night
+xlri
+30.54
+z-rock
+foreheads
+theriault
+submerged
+reshape
+tranz
+facial
+challant
+niven
+furigana
+kondoa
+8.51
+musaid
+chillier
+1960s-1970s
+ploidy
+phosphorylase
+isambard
+arauco
+3,192
+dermota
+incomplete
+feature-film
+ning
+pearman
+sierre
+mueenuddin
+carnivory
+huaxin
+35.73
+afrodisiac
+rambukwella
+12.22
+celulas
+glostrup
+kragh
+uspaskich
+sacrificed
+op-amp
+e-l
+renminbi
+semisynthetic
+post-1900
+riefkohl
+ramco
+gender-bending
+iseco
+fatalities
+tutuola
+durland
+menabe
+1,437
+westport
+ineffable
+profundities
+jeantet
+anlong
+stanisław
+primaris
+dongle
+moso
+grated
+frindsbury
+cymmrodorion
+cremator
+schroon
+anticlimactic
+mcclenny
+nesebar
+nightdress
+whidbey
+turover
+rassa
+blevins
+maidservant
+villani
+well-nigh
+teltow
+tiberi
+burdine
+maranoa
+mwadi
+tactix
+exhumed
+tunc
+slowed-down
+toine
+subandriyo
+tomato
+bijbehara
+novocaine
+ishinomaki
+delite
+trinquet
+fatbrain
+openstack
+dungar
+3-1/2
+flateyri
+rollin
+8:08
+medizinische
+trevisani
+sdl
+omers
+illiterate
+morat
+hardpan
+suljic
+pan-islamic
+wassermann
+gnv
+glee
+figurative
+1367
+cantellated
+mont-royal
+hymnology
+shorenstein
+3.425
+pangu
+ctgpc
+ryken
+158.2
+rivirasa
+ramudu
+harmonious
+pharsalia
+muenchhausen
+48.19
+yate
+spalax
+waskow
+eligibility
+abattoirs
+kandalaksha
+mirindi
+tonsillectomies
+operetta
+11:07
+toots
+volante
+bahun
+66.76
+kinesin
+mbradley
+tumer
+generacija
+shimmers
+vår
+sharur
+mistreats
+10-volume
+hogun
+verot
+kurys
+overwhelmingly
+spinalonga
+semilattice
+zarin
+syn
+taunsa
+gulyás
+saint-germain-en-laye
+2006-09
+133.8
+unam
+overberg
+atrai
+borderline
+prognostics
+nonsubscribers
+handers@statesman.com
+rahman
+constituents
+oaklawn
+nametags
+overdraft
+aiding
+seger
+slazenger
+piercing
+subjectively
+emissary
+fulkerson
+iğdır
+long-life
+undie
+reimplemented
+čavić
+sergant
+5sec
+cioculescu
+bagneres
+sainte-chapelle
+nitin
+overplays
+presarios
+venden
+telli
+blessington
+svga
+homerun
+arpeggios
+well-wishers
+merca
+gurode
+candela
+nuclear-capable
+reconciliation
+30.1
+blowtorches
+65mm
+idigoras
+enzio
+meeuw
+ferveez
+svensk
+kinser
+fukawa
+juha
+zemaitis
+karađorđevo
+mckiernan
+witter
+103.00
+wega
+chanachai
+ganancia
+reinado
+bassiouny
+yatsura
+hideyuki
+bastardo
+scaphoid
+euro410
+spranger
+aeris
+wbis
+zalayeta
+toshiko
+ichthyostega
+bluet
+lawlor
+effing
+velarde
+cboe
+torta
+lucía
+waldschmidt
+papadoulaki
+edwy
+illmatic
+myspace.com
+repercussion
+non-hasidic
+nicephorus
+1684
+martyred
+sincelejo
+mitzvot
+tractor-trailer
+bruun
+dalj
+fredro
+manmohan
+disbursements
+solicitously
+behaviourist
+57.02
+inter-college
+guomindang
+homefront
+mopan
+maina
+shakiness
+rinsed
+sudanese
+instantaneous
+postecoglou
+brissie
+no.1-ranked
+proceeding
+kamae
+semi-trailer
+3,292
+rangy
+coaching
+multiply
+5-28
+stalking
+koneru
+audah
+tompkins
+behshahr
+demokratiko
+newsmedia
+chevelle
+bilbie
+versatile
+petrie
+eighty-seventh
+magistros
+tuerck
+camanche
+julich
+dousing
+187km
+translocase
+dbaez
+butor
+dence
+southbourne
+www.sciam.com
+situacion
+tristran
+full-court
+wild-2
+brahmas
+beter
+anor
+i.r.a.
+jamerson
+aponso
+venevisión
+sidqi
+72-67
+hotman
+stanojević
+peccatte
+choreographies
+savitz
+jiya
+bacchanal
+courtnall
+proline-rich
+rowton
+biomaterial
+79.83
+nf3
+back-story
+50,400
+boisson
+masaji
+bipin
+interested
+41-26
+amptp
+defrancisco
+papito
+voter.com
+1p-9p
+halfpennies
+trachtenburg
+crumlin
+ahm
+duva
+shevach
+65-34
+beimel
+kivengere
+wenhui
+arrowood
+jagst
+third-placed
+yangshuo
+1-46
+innolux
+gibberish
+soundcloud
+stinkin
+maimbung
+supine
+scholefield
+purer
+partington
+locascio
+22-party
+late-18th
+mro
+naca
+fragrances
+192.6
+1980/1981
+and/or
+fastballs
+champasak
+oberon
+fiene
+inserts
+armored
+brugnetti
+rebranding
+hmx
+110,000
+313.222.2260
+banger
+birthplaces
+tappe
+pretzels
+prussian
+gh
+redial
+passamaquoddy
+pu-239
+diffuse
+gotten
+tamrat
+eshki
+willimon
+molina
+reciprocates
+jahanbakhsh
+akalaitis
+kady
+62-foot
+schwerdt
+clerical
+tmf
+2009-2014
+llcs
+civitella
+black-faced
+darkfall
+pr2
+seiff
+sarajevo
+asesinato
+guichen
+aasmund
+grigorevich
+refuels
+norberg
+sharqiya
+wanli
+gasfield
+job-embedded
+undefeatable
+freche
+exact
+spem
+squints
+stracey
+asanga
+load-carrying
+gorrochategui
+ruud
+borderers
+bassole
+layout
+archos
+destron
+anuj
+kasem
+cutis
+bluefly.com
+100.60
+thalys
+dancegoers
+daedalus
+costanzo
+durrant
+natch
+efficiently
+insinuate
+sartoris
+aetas
+neilson
+12,500-member
+tamped
+buttresses
+brein
+nobly
+tavano
+vulcanization
+5,499
+matarrese
+6,540
+rossa
+acid-base
+bousfield
+diaeresis
+maslen
+kulintang
+worn
+glaze
+1984-90
+arthritic
+4,566
+sth
+stampa
+levent
+yangyang
+harlington
+sirianni
+finnian
+murrumbeena
+tensions
+fonts
+z-10
+outbidding
+tye
+apotropaic
+enshrines
+overzealous
+ik
+1.137
+southington
+boom
+vũng
+tahng
+angelus
+adz
+kanchan
+65.95
+orochimaru
+izapa
+57.15
+gympie
+25.48
+kha
+ladra
+179
+odoriferous
+eur
+hosking
+27-7
+ringbahn
+connachta
+mesoporous
+filiation
+mladenović
+appliqué
+hoon
+epoxidation
+keanan
+tortured
+subuh
+tandja
+exemption
+hindi
+turbo-electric
+prohaska
+sapin
+parliamentarism
+gargoyles
+lumpectomies
+1,869
+mlitt
+gopalpur
+pitsligo
+ahriman
+2-90
+outbuildings
+vitae
+forsyte
+imani
+attention-getting
+scrums
+incomnet
+bobcat
+guadarrama
+vitiensis
+mmmm
+sergeyevna
+5.7-billion
+troopship
+selkoe
+mcmurrey
+one-year-old
+www.pbs.org
+c2
+220-million
+semi-deserts
+das
+alenichev
+chas
+trimer
+boteler
+floundering
+glorieuses
+bertelsman
+http://www.coke.com
+eyeshot
+columella
+dinatale
+projet
+defeo
+heacham
+martsch
+zamorins
+curie
+spellbinding
+ranit
+obertauern
+halsema
+imu
+award-winners
+rayados
+earthstar
+40.85
+whirlaway
+r-ks
+sie
+pulls
+bulgar
+olive-green
+thoeni
+53-kilogram
+17.40
+cozies
+-46
+ovarense
+12,250
+17-strong
+jongleurs
+wakin
+celestials
+shajahan
+rampaul
+janny
+objectivists
+kvitne
+spendthrift
+forli
+meladze
+anstey
+naschy
+otep
+congenitally
+vegetated
+somatic
+sudras
+merapi
+raikonnen
+firstly
+takekaze
+scaturro
+uanl
+fahed
+coachable
+préfet
+geddis
+musquodoboit
+1.4110
+wagon
+drukpa
+mpenza
+youghiogheny
+kiesler
+cutmore
+maharajganj
+pwc
+buckstone
+thornborough
+25.72
+subtyping
+solo
+gloppen
+birder
+ashfaq
+semovente
+fabiana
+eastlink
+resignedly
+o'grady
+toftir
+http://www.theledger.com
+moghaddam
+vaswani
+nvest
+745i
+21-13
+ghaddafi
+moeraki
+kotcheff
+altizer
+undated
+leekens
+debauch
+batelco
+69.55
+iwik
+enterocolitis
+web-based
+1.4120
+interface
+sanctities
+42-41
+mikels
+82.29
+mauritanians
+haapsalu
+apostolos
+2-seed
+undistorted
+parsi
+awarded
+modi
+jennison
+thrashcore
+can2010
+sitio
+69.34
+ruari
+2.3
+1,084
+erven
+deodar
+1.5630
+guitarists
+chiasson
+williton
+malayasia
+okerenkoko
+leborgne
+markovic
+pre-compiled
+expressvu
+horodło
+telligent
+cyc
+mutairi
+omniworld
+164,250
+impacting
+ledang
+6,690
+sparse
+bechar
+campeon
+nordsjaelland
+savignano
+curried
+flierl
+suicidally
+hanka
+firmo
+åsnes
+urls
+kantges
+josleyn
+athelney
+didache
+vajreshwari
+ehm
+hunty
+refineria
+crosstour
+israelson
+fazeley
+recognizance
+eep
+pinyin
+cragnotti
+dart
+entomological
+shaobin
+chora
+dager
+ciment
+intl
+hiller
+mukula
+vellapan
+83-year-old
+sattana
+concertacion
+jumah
+superlattice
+acknowlege
+toše
+mccutchen
+dohan
+alenia
+ndf
+fossorial
+hedionda
+vendrell
+a67
+aorist
+alema
+edwyn
+perec
+veselin
+judoon
+mauchline
+verdeschi
+ponto
+2:05
+leyva
+___________________
+saturdaynight
+zoomorphic
+wastefulness
+gr
+barreras
+drays
+zakaria
+greenness
+forcefulness
+westhuyzen
+guzzles
+auerbach
+60.77
+encored
+lanikai
+rocketship
+kanauj
+c-termini
+fyvush
+tryless
+antonietta
+45.84
+conceded
+103-day
+noora
+helikopter
+vrchovina
+cimiez
+sub-groups
+chihuahuas
+textor
+eginton
+crago
+crichlow
+ault
+francisco
+firebee
+geli
+bobrova
+weitzen
+tedder
+novelties
+kenpo
+banha
+eulemur
+rafeeq
+50,000
+taiseer
+unabated
+46.46
+683,000
+clock-tower
+rtu
+governability
+3,009
+savi
+feats
+søren
+houselights
+pousner
+improvisation
+shrievalty
+macphail
+ninković
+sportfive
+ablate
+ginkgos
+76.58
+cuca
+60-kg
+b.t.k.
+crescentia
+sun-sin
+delisi
+promptly
+weep
+10.9
+assaye
+suido
+assiduity
+designations
+107.32
+forums
+caragiale
+eliades
+334
+brazier
+tirrenia
+sneaks
+rodewald
+ludington
+goderich
+coopt
+107-104
+kord
+116.52
+72.51
+saronni
+northland
+darbyshire
+anglo-canadian
+sytek
+umbrella
+pastinha
+kalisz
+panyangara
+halicarnassus
+wetterau
+39-06
+rigshospitalet
+jayakar
+blaiklock
+victoriei
+coppered
+kuantan
+ever
+deviously
+customisable
+bar-headed
+greive
+pleyel
+rowlands
+lipe
+biguine
+woodrose
+15g
+left-facing
+garwood
+sylvere
+vazimba
+89-run
+5:41
+schober
+sx4
+mauritanian
+attainted
+linemates
+xaverians
+1925/26
+molestations
+odd-looking
+pmo
+burners
+colunga
+juber
+surplus-value
+paika
+kuitunen
+stahl
+run-flat
+unprosecuted
+lauris
+gabbert
+3,775
+ovaltine
+masahito
+micallef
+peon
+cabarrus
+24.80
+quadrilateral
+kaihura
+qabalan
+wa
+hitchman
+27.70
+non-woven
+community-run
+belgians
+maculan
+bornsztain
+kannada
+organizes
+medieval-style
+cbfc
+d'automne
+skylight
+menlove
+munsif
+jiangxia
+shadoe
+airspace
+simulation
+coursework
+martens
+gmh
+khwaja
+34.04
+prosor
+noncelibate
+467th
+ralphs
+27.13
+powertrain
+o'neil
+königshütte
+non-israeli
+mccoll
+sabyasachi
+5-68
+susceptibility
+printable
+imamovic
+abc/warner
+perceptually
+lumberjax
+kreesha
+baltz
+yogic
+david.lazarus@latimes.com
+d'entrecasteaux
+rose-hulman
+barbiere
+20-goal
+pocitos
+kirkdale
+schnier
+aimes
+lovette
+kemin
+zimri
+pichette
+48-17
+2.35:1
+westaway
+lch
+gastroenterology
+realaudio
+kfa
+preceeding
+cathedra
+rewrap
+athematic
+hertzberg@nytimes.com
+castelvecchio
+ashdown
+whitehawk
+rivaling
+sparq
+griha
+ital
+cymdeithas
+rembrandt
+snoqualmie
+khj
+streptomyces
+tianshui
+drizzle
+hamtramck
+pyu
+1,465
+tinkler
+40.53
+medalis
+zealotry
+thame
+sumaya
+concessions
+indenture
+vijay
+.311
+crossett
+adeline
+muscling
+29,583
+hypatopa
+230-foot
+gojkovic
+0710
+integrilin
+confessions
+pechenegs
+bodek
+euro404
+wendle
+toc
+ej
+specialness
+cognition
+olivant
+sheene
+wycombe
+reconsiders
+15:50
+46.31
+arantxa
+bassala
+christianization
+grenadan
+sees
+adli
+flowerpeckers
+njdot
+redactor
+sogavare
+two-pole
+shunmugam
+varones
+rheal
+tse-tung
+jiangnan
+bumgarner
+2,256
+0.47
+blaue
+bolinas
+cleaning
+94.12
+tonetto
+lillibridge
+torlak
+ambos
+indestructibility
+khilaiwi
+bernales
+aliabadi
+nathuram
+castelo
+palayoor
+goldin
+alzen
+1862-63
+mitali
+batters
+asm
+nejapa
+zesa
+looby
+garcilaso
+burseraceae
+supy
+myingyan
+valdir
+appoggiatura
+knobler
+aşık
+friendz
+s.
+120.09
+jelved
+didyma
+zubeldia
+misguide
+mayhem
+arancibia
+swingeing
+dickon
+eastshore
+avante
+dews
+323.6
+dies
+worldsheet
+svobodny
+oder-spree
+tablig
+1915-1920
+scorings
+pentti
+bakelite
+veteran
+rattanakosin
+cross
+unicef
+granet
+bedstraw
+yoshikuni
+taurida
+bei-101
+7d
+ttwb
+osterc
+voltigeurs
+escena
+gezmen
+offie
+hkfa
+lnfa
+spontini
+gph04bb
+dinkel
+mayen-koblenz
+milovanović
+butterly
+chandauli
+mạc
+ambar
+conclave
+gaer
+canc
+krauthammer
+gungor
+novelist
+ill-advised
+patzert
+steidl
+shamyl
+skryne
+end-2008
+subarctic
+seeuws
+self-important
+barcelona
+distinto
+bh3
+duveen
+chinamen
+chimp
+benbara
+focşani
+jolimont
+cuautla
+gyorgyi
+rohatgi
+reshet
+preemies
+pellnas
+queirós
+wierzbinek
+ulukalala
+shangri-las
+8,420
+suppletive
+1,711
+acquisitiveness
+dual-track
+aql
+miyase
+waalwijk
+pisonia
+saulters
+jewell
+saber-toothed
+strainers
+tuality
+yellow-bellied
+e-governance
+delfina
+76-71
+quillan
+yiannacopoulos
+complicates
+draisine
+redescribed
+rent
+darva
+djedkare
+8:28
+naftex
+hulsizer
+news24
+bromley
+pre-capitalist
+creswick
+lucic
+carras
+summersville
+marathon
+1.146
+enumclaw
+conserves
+mccary
+amide
+erciyesspor
+conferta
+denote
+ningarhar
+gloveman
+storminess
+ershad
+mountainside
+gp2
+233.5
+dunkirk
+poggio
+extended-range
+furloughs
+298th
+puerto
+.335
+shelikhov
+feira
+wikitravel
+ministre
+obispo
+gwede
+117.64
+mountainsides
+willcocks
+gostaresh
+peltzman
+uncitral
+wilberg
+wonderbras
+sakho
+cavanagh
+compère
+mariola
+gte
+condoned
+lemonade
+pomeranian
+galca
+burrough
+xiaofang
+vmm
+volksbühne
+bellefontaine
+half-integer
+citivalores
+dewhirst
+rinehart
+magni
+conspire
+putouts
+2003-07
+pannick
+sixth-most
+olbers
+bandha
+mistle
+roelf
+hikaru
+ippen
+easily
+izham
+repave
+whitakers
+trimers
+graaff
+jds
+pioneered
+narcisse
+holroyd
+lg.philips
+3,086
+bridgework
+goonda
+poppyseed
+contrôlée
+36,400
+bse-500
+86-79
+roekel
+sunsari
+al-hamid
+tabarin
+cymothoe
+tiwanaku
+wolfmother
+frisch
+dran
+congeals
+venables
+kneifel
+59.47
+nationalbanken
+22-story
+postposition
+cavenagh
+grifasi
+mikołajki
+sixsmith
+geppetto
+tweety
+verrill
+jd
+jostrowdenverpost.com
+euro394
+ruppelt
+diggers
+in-water
+kamato
+geep
+hoho
+conflit
+shoals
+2.47
+hydrated
+3,293
+othello
+recording
+mahawangsa
+madya
+snecma
+dialog
+restates
+nhlers
+mbasu
+89.66
+gikas
+intj
+plunderers
+flatware
+presario
+borbón
+non-magical
+calix
+iwaki
+karviná
+bandier
+mastella
+cowie
+antonios
+frier
+0-for-6
+6-1-1
+alcance
+azem
+fisherton
+manipulable
+72.86
+cerami
+sweetmeat
+criticas
+single-minded
+holed
+hls
+blindfolding
+lippo
+densest
+d'afrique
+roels
+sapiyev
+stel
+governor-general
+cubano
+martians
+wc2003
+herrick
+100-watt
+anzi
+sadkin
+bubble
+inflection
+shawnna
+lmm
+tenko
+lavash
+armanda
+21-17
+bataclan
+cryolite
+gibowski
+airton
+58.86
+dyroen
+piuze
+elsayed
+cora
+7-to-1
+probo
+superhorse
+rawabi
+raj
+3,696
+3k
+shammai
+persimmon
+course
+skowhegan
+scripless
+sarvepalli
+pertamina
+haotian
+trajan
+tempranillo
+abri
+highest-profile
+20w
+lorem
+f-80c
+estrecho
+ergma
+velodrome
+vyel
+terrorist
+greason
+wilpon
+pounds
+1,041
+daingerfield
+chignik
+eccleston
+713-3701
+mechanised
+physiol
+infiltrating
+14.24
+vízner
+fissas
+gillmore
+usn
+electrolysis
+pathologies
+kohv
+entitling
+ruia
+atentamente
+motoinvest
+hand-coloured
+aias
+stratasys
+uscategui
+54.53
+out-of-context
+assemani
+degryse
+940,000
+wrede
+torrent
+rolland
+deglazing
+whup
+full-band
+gatesville
+hirsutism
+infiniband
+grut
+murkoff
+13-14th
+chital
+978
+docetism
+agitations
+pmu18
+jeunesse
+refinance
+philatelic
+schneur
+lipson
+2270
+51.39
+96.7
+mutualist
+90.0
+counterarguments
+euro198
+seated
+low-dose
+blažević
+smolts
+road-legal
+schwegler
+domenicali
+medgar
+stows
+bouillard
+kjemperud
+qx
+underslung
+torgeson
+massie
+feedlot
+lidge
+birchington
+transcultural
+yorubas
+bâtiment
+38-member
+bardney
+akhundzada
+virant
+caroms
+bct
+wakeman
+zakopane
+lombardia
+kirant
+guandong
+siouxsie
+yuccas
+20-horse
+19:15
+b-45
+ascended
+ovadiah
+dōjō
+nisei
+sittig
+greenson
+runnemede
+elektrarne
+polysynthetic
+goalies_calgary
+raphia
+bokaba
+fod
+heeres
+keaveny
+babai
+goldklang
+workmanlike
+pgms
+76710
+brooklyn-queens
+hackleman
+24-point
+merklein
+rateliff
+'51
+vigia
+ottokar
+sadu
+meshing
+belley
+self-similarity
+decrane
+kruskal
+natpe
+a-brac
+60.28
+sorella
+tricentennial
+obodo
+12:54
+traceless
+antal
+segmentation
+cubriendo
+pública
+maxillae
+6-10
+seeber
+hakuin
+pixel
+finberg
+microtargeting
+lucrece
+oxeant
+wachovia
+anybody
+swooning
+traversari
+w6
+kijevo
+fifty-two
+cbrn
+developmental
+niortais
+colborn
+cele
+jiegu
+detering
+witkowski
+nedelcheva
+2067
+piat
+maliszewski
+g4
+benzi
+kwatinetz
+palanga
+meynard
+tengu
+9,420
+rendsburg-eckernförde
+lemaster
+exponentiation
+97.52
+harshness
+decaen
+clarifies
+tredici
+35.4
+19-9
+albertus
+irek
+draibi
+jarrahi
+pve
+45-year
+franzblau
+borrell
+lusitanians
+creditcards.com
+turtling
+zayak
+kalle
+osd
+cowdin
+manihiki
+sigal
+17.50
+bossu
+zatara
+cantonal
+talecris
+seneca
+pers
+zargari
+allendoerfer
+instituts
+rangpur
+ravaglia
+shanyang
+1129
+guizot
+švitrigaila
+sopranino
+bologna
+ferizaj
+117.97
+cross-channel
+6-foot-2-inch
+stooping
+schlotzsky
+lettermen
+eken
+chitralekha
+200km
+tourament
+countersign
+13-game
+03-1
+ashkenazic
+graphing
+1/15
+mehter
+walled
+tbsp
+subproblem
+limites
+magainin
+at-large
+lenscrafters
+yashwantrao
+343,000
+brzozowski
+chafford
+kosloff
+takauji
+blitzen
+703
+masamori
+centam
+cytokinins
+kah
+cholodenko
+muffy
+otsuji
+kuempel
+kawit
+rescinded
+widens
+spawns
+c1s
+brain
+belkevich
+419th
+unsubtle
+sunray
+piecemeal
+balgo
+phoenicis
+9:06
+capillaria
+casariego
+0745
+28.42
+joypad
+qward
+haribhadra
+ungrateful
+yoong
+laveau
+redshifted
+kasinga
+nervewracking
+now-retired
+altruist
+stalwart
+weaste
+kasyapa
+pwg
+bandiradley
+neslihan
+hedman
+bracho
+nbca
+pluck
+108.56
+tanager
+g-a-y
+britanny
+mitogen
+isbister
+galena
+iqa
+flavia
+tratamiento
+cambered
+zhucheng
+qingling
+porvenir
+vlsi
+voeller
+interland
+transmutes
+http://www.fas.org
+grisi
+monavie
+vsv
+wih
+decomposed
+yocona
+eindecker
+morne
+accu
+queipo
+dieterle
+30.88
+burela
+chauhans
+polysaccharide
+godwinson
+tremaine
+milnor
+lantry
+harthiya
+dslackglobe.com
+50.62
+rewa
+evinces
+orte
+saint-jean-sur-richelieu
+lunches
+irwins
+resolvent
+herold
+klimkin
+longueville
+priestley
+clambers
+combined-arms
+augur
+maid
+homegirl
+plopping
+witzenhausen
+caesars
+joy
+fakty
+tenpin
+euro401
+valladolid
+dreieich
+larrainzar
+redman
+cahen
+reas
+lapsang
+gianniotis
+vatana
+14:57
+sabic
+sorin
+molasses
+fourth-level
+gothams
+dichotomy
+thick-knees
+switzerland-based
+subscriber
+surveyed
+catt
+fy2012
+survivorman
+jecmenica
+39.61
+hypovereinsbank
+baht
+kosciusko
+encapsulated
+reactivating
+shinkong
+icalendar
+buldon
+thinline
+tvp2
+8-0-1
+trundling
+rizos
+re-opened
+desaguadero
+corporeality
+glaucous
+kollaer
+washstand
+cluniac
+landesliga
+pen
+shīr
+funders
+symbols
+euromoney
+hellingly
+generosity
+pounder
+peak-to-peak
+shatzkin
+800-mile
+decontrolled
+stobo
+bulled
+metamorfosis
+tuonela
+ghazwan
+darryn
+kırşehir
+110.16
+kanoksilp
+dourthe
+flops
+guardship
+torsen
+horizontes
+imet
+geebung
+trom
+pitts
+ceol
+prelinger
+condiments
+576,000
+140-mph
+hamels
+egen
+dreariness
+versuch
+indiscreet
+stumbleupon
+yutian
+menelaos
+soundworks
+deterioriation
+ason
+assynt
+dekoda
+zacharek
+selve
+fatlip
+reloaded
+mungro
+niigaki
+successfuly
+skopljak
+cwp
+klatches
+counterattack
+hannon
+danticat
+.2843
+ke6
+idisk
+kazem
+cassine
+moisturize
+3-day
+fallada
+short-season
+laff-a-lympics
+animated
+kairi
+stayer
+turkel
+lhunpo
+petrojet
+gamerankings
+setters
+mallam
+grayrigg
+costanzi
+brower
+germanicum
+uneac
+bradbery
+gcie
+swander
+kaplow
+confounding
+aletta
+zhetysu
+33,900
+binaghi
+gulley
+knuckle
+hesse-rotenburg
+insurgents
+sccs
+372nd
+swath
+gassama
+schurter
+lockouts
+bahari
+hastie
+vallie
+mindorashvili
+mcclure
+mindful
+24hr
+innovex
+rajpoot
+6,370
+piggy-back
+886
+huike
+risan
+xrs
+mccarver
+sarel
+wahpeton
+jackie
+beghetto
+yoshimura
+pieck
+campfin
+mahamad
+vernacular
+qmv
+televisora
+euro542
+sloop
+tenons
+1.103
+haciendas
+songer
+post-1991
+caama
+kabgian
+falcoff
+mojos
+reflectometry
+reassesses
+tangkak
+haskovo
+389,000
+belite
+shyun
+umag
+schaghticoke
+sdo
+tarkhan
+usamo
+maurin
+6.06
+tzahi
+farinella
+dharmawan
+jagir
+gumby
+sloan-kettering
+wachman
+cucchi
+dassen
+enteroviral
+flybridge
+psychoanalytical
+hamuli
+raum
+organizations
+hayaniyah
+leukotrienes
+energija
+mingyuan
+motor-generator
+21-month
+61.2
+karanganyar
+tauranac
+25.6
+vassilakis
+105.24
+daspletosaurus
+stethoscopes
+adhahn
+ormaechea
+bodhicitta
+muestran
+repeat-containing
+irda
+carinthia
+eighty-six
+division-level
+whalers
+counter-claim
+sinfully
+yonas
+xaverian
+buffel
+gad
+re-evaluate
+migne
+bashkir
+prochaska
+jarringly
+belcore
+zaandam
+twentynine
+hōjō
+savigne
+catechist
+quinta
+rhinitis
+monad
+buhera
+27.67
+junii
+brontosaurus
+602,410
+zaslofsky
+raelian
+avivah
+2:30
+generating
+needler
+brasiliensis
+clézio
+million-plus
+chi-rho
+usury
+rec.sport.soccer
+jagatsinghpur
+ngouabi
+gentianaceae
+schwirtz
+nuc
+suzuki
+beinisch
+gadar
+jersey
+rawle
+immediate
+potatos
+hese
+casaubon
+rayburn
+montelimar
+hualong
+gōng
+sarine
+hunnish
+kuchi
+prestige
+pharmacokinetic
+mianyang
+tebbetts
+taisen
+15.525
+gangbangers
+namburete
+chinati
+shires
+schartau
+tg5
+sukeforth
+zubat
+maracineanu
+taneja
+coracina
+teucrium
+gutmann
+rahlves
+messing
+tedious
+darejan
+acetylide
+bustin
+ruminative
+piteous
+mtl
+naumkin
+locrian
+chania
+protestation
+pdpa
+26,000-strong
+boesendorfer
+chrysostom
+arbitrations
+polemically
+parylene
+satisfiable
+tosny
+foot-long
+non-degenerate
+.60
+shōen
+seamans
+0.95
+oevp
+2-game
+tavildara
+09:00
+bottom-placed
+ganilau
+armatta
+safer
+jylland
+stilling
+stockier
+mata'afa
+blies
+soluna
+shahpura
+hugos
+9a-4p
+osteopenia
+98th
+pyongyong
+pasdar
+pelasgian
+b5000
+samoon
+skirmishes
+masche
+physicists
+78-22
+pilczuk
+lihui
+tom.petruno
+arqiva
+delvecchio
+transaero
+katsushika
+ngendakumana
+rentable
+mythimna
+trialist
+2.21-meter
+sentoryu
+vlada
+aerialist
+sherlock
+quiroz
+backpay
+maykov
+intelligent
+fiorini
+exane
+partygoers
+50.60
+blenheims
+10-pitch
+ballyduff
+eliseo
+tsumeb
+removals
+intelligencer
+4-mile
+panpiemras
+f-5
+trenholm
+lindesnes
+yılmaz
+prelacy
+framingham
+wladimiroff
+khadki
+alnifolia
+64.7
+rooneys
+developed
+shibasaki
+256k
+13-fold
+over-production
+mondesi
+wallaroo
+abbotsbury
+suwannee
+insightfully
+anti-radar
+buddle
+fitial
+vrah
+terrorised
+dormand
+beancurd
+senior
+marufu
+bulleted
+blankney
+aondoakaa
+pmv
+tirthankar
+scorekeeper
+mill
+euro389
+invermay
+hardly
+stingrays
+peek-a-boo
+bobtail
+sanayi
+trillian
+marizza
+varela
+kottonmouth
+upstarts
+35.82
+throb
+consolata
+lethal
+quijano
+hugoton
+blobby
+autosports
+59.51
+agah
+doctrine
+tirlea
+dowsers
+hintikka
+kinzua
+nuragic
+yardbirds
+jableh
+mage
+respectively
+pastiche
+huster
+vecinos
+kere
+plague
+bolelli
+sanogo
+88-74
+turks
+yauza
+falkenbach
+kvm
+had
+helmand
+reiterates
+holzmann
+rawad
+3-door
+punk-o-rama
+rorer
+abhilasha
+siquijor
+spicules
+fāng
+gaglardi
+zaccaria
+sickest
+deregulatory
+hiryu
+liw
+spca
+diligently
+scholastic
+burthen
+bartrum
+pwo
+granier
+sizzles
+wexford
+clownish
+ajackson
+parore
+chyme
+kinga
+loango
+microtechnology
+wusuli
+schuon
+gospels
+baathification
+kadıköy
+milligram
+wadkins
+tebay
+bidwillii
+prabhakara
+beurre
+juscelino
+sivagiri
+codicils
+ubayy
+ádám
+chechenya
+encounters
+apartado
+dejohn
+krishnamurti
+strollers
+upazilas
+pebbly
+quickly
+myr
+fuzi
+subclade
+14-25
+theodoor
+shorecrest
+lapresle
+contos
+temiskaming
+4,030
+zirkel
+malmuth
+100.74
+ivalice
+markese
+2n
+murali
+olagbaju
+quaid-i-azam
+45-6
+resupply
+tibnit
+2001a
+sriram
+cagle
+mandakini
+interspecific
+betsky
+25.88
+dues-paying
+canteen
+nebraska-lincoln
+sailboat
+satiny
+pyrimidine
+edme
+278.4
+finales
+pawned
+tandag
+ube3a
+cyt
+legroom
+prince-regent
+filthy
+boteach
+4-barrel
+cada
+rejean
+bordetella
+motional
+foundation
+1828-1829
+blacktail
+unassembled
+calc-alkaline
+careaga
+condescending
+11.67
+enzymes
+solar-powered
+ghafari
+chuanzhi
+relaying
+bk
+iroda
+nonprime
+younas
+warbrick
+clubface
+olympos
+maheras
+golonka
+72.82
+mytv
+angoff
+drut
+caruthersville
+rieth
+afro-cuban
+miccosukee
+endophytic
+grane
+depository
+märta
+betwa
+minden-lübbecke
+trago
+uruguayans
+bakewell
+eternity
+lingotto
+56.29
+exactamente
+m-6
+extraverted
+1,529
+ōbaku
+demaci
+1.198
+shitte
+negligent
+dwells
+lasson
+unglaciated
+drug-related
+healthday
+leveling
+inscrutability
+30.32
+nemorosa
+bicyclus
+rondel
+ash
+best-effort
+tripathy
+temotu
+dunned
+75-78
+abp
+atrophied
+isidre
+120.36
+55.17
+keymarket
+sobrero
+gabbiano
+blumenfeld
+zacisze
+paramara
+awl
+superuser
+rc
+parlament
+elsass
+2133
+ecompany
+slemp
+pegu
+enviro200
+maryan
+pechtold
+4,346
+kagetsu
+meléndez
+pango
+vulcanologists
+film-based
+elw
+epidemiologic
+233-year
+abymes
+wareheim
+esposo
+coif
+31st
+trueman
+rødovre
+wijkman
+parleyed
+kabarole
+gobilliard
+iassogna
+fratellis
+sayle
+aravan
+kalinka
+penck
+micro-history
+2703
+redhage
+konstantinov
+revenue
+pilchards
+candlepower
+icod
+dovetails
+half-truths
+boresight
+parsky
+rodriquez
+petero
+vant
+ávalos
+kilinc
+jirásek
+parrot-like
+inks
+kawajiri
+dawned
+tucking
+laoretti
+kibale
+sanshou
+bura
+maddalone
+garre
+άγιος
+clarkson
+nobiliary
+48.71
+minlend
+76.42
+replicate
+cornmarket
+acid2
+early-1970s
+finchley
+lasarte
+reilinger
+10-michael
+rusting
+chambéry
+penury
+kicking
+samantha
+fallaway
+nuance
+quaking
+pantazis
+beelman
+maxpreps
+nkorean
+meyong
+maharajas
+whicher
+giap
+selegiline
+vandermade
+millisecond
+rooijen
+fiorello
+incomprehensibility
+fuchida
+92-foot
+drives
+cambreling
+temple
+crabbed
+kert
+takato
+chaing
+richards-gebaur
+spectrometry
+vurnon
+beames
+marienhof
+solomons
+cevdet
+1stld
+redecoration
+telescoping
+iliesa
+lovan
+wetzel
+merian
+116-nation
+ravshan
+cronk
+neo-palladian
+banda
+thespian
+alajuela
+spectroscope
+flockton
+d32
+telstar
+unmyelinated
+elude
+1s
+manchild
+bubbling
+outpitching
+lohia
+ferrando
+fodio
+divus
+simulink
+dworkin
+turnoffs
+gazarta
+madonnina
+amunugama
+moer
+novgorodian
+cokie
+lefforge
+béliveau
+1.5347
+ragnarsson
+braginsky
+miner
+tohru
+tyutchev
+brizzi
+6:09
+daet
+yenisey
+midas
+consumptions
+dunnett
+honeyeaters
+lummis
+rvm
+harappan
+3,323
+propping
+kulpsville
+unanimity
+60.23
+schilke
+26/27
+serhan
+lecompte
+http://www.eurekalert.org
+3,057
+bawazier
+korisa
+league
+tnt2
+yannitsis
+sheika
+jumbo
+breakstone
+carisma
+coverlets
+eretz
+dioceses
+woodlice
+4-1/2
+harpur
+nobodies
+indo-pakistani
+playas
+tying
+rusthall
+0.98
+14,850
+welds
+hylas
+misenum
+tipp
+eurobeat
+nohm
+hagonoy
+keplerian
+bijapur
+urvan
+christening
+chintu
+mangyan
+8.83
+cdlr
+4.4-liter
+sorak
+sunsets
+postures
+qarqar
+parra
+unto
+61-7
+ellsworth
+sio2
+staking
+zillur
+gallo
+rhys-davies
+66-3
+wco
+19:34
+argetsinger
+arinze
+altar
+carnedd
+r.m.
+basijis
+whalsay
+1030gmt
+braunschweig
+u19
+bohrman
+viriya
+mordvins
+meik
+alais
+devonshire
+godey
+29.64
+varman
+850-strong
+reacted
+olimpic
+urarina
+narz
+1,438
+vaira
+fluxus
+1,684
+starscream
+germanium
+gabala
+guyver
+paramythia
+raghuveer
+epatha
+qahira
+tangriev
+quảng
+tamani
+10-strong
+yarur
+shipston
+membe
+butterworth
+hometrack
+deadlocks
+steinhoff
+115.85
+masley
+shariv
+eimer
+agenda-setting
+gichin
+enseñanza
+ispf
+possesion
+bowne
+all-over
+diouf
+koznick
+tucapel
+treatement
+estrellita
+bersin
+lifecare
+autogyro
+gilsdorf
+rhum
+da'at
+nicéphore
+geheimer
+masanobu
+minihan
+b1a4
+postiglione
+firehawk
+i-270
+fursan
+helpmann
+reuvens
+ojrzeń
+floridian
+evacuating
+golez
+wjar
+117.21
+krook
+microformats
+heriawan
+karaev
+pilica
+analgesia
+piolo
+chợ
+lugu
+shipbuilders
+x15
+chicky
+5.3-magnitude
+49-foot
+undercovers
+montojo
+1993-98
+kilfenora
+sunedison
+cybertrader
+mosfets
+minato
+merleau-ponty
+288,000
+lapine
+amit
+evens
+indole
+owasi
+carl
+myerson
+salvini
+fabrica
+lelystad
+vorozhtsov
+vanchi
+costcutter
+1957-58
+67.79
+mišić
+minutewomen
+8:04
+compubox
+mummified
+aligudarz
+highest-charting
+arsenite
+.659
+tendency
+avondre
+60.19
+aisle
+hummel
+virulence
+shoah
+orgone
+kautilya
+tebnine
+finito
+lepel
+h.c.
+uhland
+hiyama
+neustrashimy
+ip
+wtvd
+wightlink
+recored
+calls
+0-62
+seikaly
+epifanio
+bodenplatte
+sorties
+shadia
+migrationwatch
+areala
+109-seat
+78.17
+0d3fb
+bagayoko
+mireille
+detracted
+zuccosptimes.com
+bellies
+3,268
+zakharenko
+srini
+ertan
+barnt
+sompong
+evasions
+physically
+troncoso
+leverson
+volynets
+start-stop
+jōi
+economía
+guhagar
+roxy
+osservatore
+wns
+cayley
+wriggles
+ultimo
+senates
+speedways
+load
+hutchinsons
+micros
+beg
+castellano
+rensi
+moscatel
+bem
+wigglesworth
+renaudot
+chartbusters
+eliska
+ksl-tv
+3,055
+33-9
+cornerstones
+bandanna
+32.83
+pugachev
+lauryn
+dreis
+garnet
+bobbo
+58-24
+jovic
+schweinsteiger
+landsting
+motech
+kaminska
+2008-june
+ex-girlfriend
+theophanes
+pokerstars
+lamacchia
+girodet
+ak
+kosovars
+fraserburgh
+velardi
+145.85
+demonstratives
+nutans
+cristovao
+privatizing
+billmyer
+area-based
+rheumy
+warcrimes
+minambres
+say
+singling
+59.76
+siegle
+.708
+swifts
+ironopolis
+71.44
+mihz
+suhartos
+negligible
+72-72
+aguirre-sacasa
+tin-mining
+unigauge
+aap
+tamargo
+jaycox
+lakhubhai
+withdean
+foundry
+technotronic
+finans
+benk
+clumsiest
+ecpa
+superion
+smythe
+palaiseau
+nites
+fargas
+petroicidae
+monroe
+4x12
+l'atlantique
+writerly
+758
+sanctifying
+coblenz
+đắk
+somites
+submissives
+off-year
+96-95
+ebc
+hunker
+paleo-indian
+contiene
+shamsul
+tsl
+fossilised
+66.7
+unsubstituted
+kissena
+deula
+artwork
+aerio
+56.43
+1963-1968
+garching
+jiske
+captive-bred
+venezuelan
+xiaoxuan
+salzer
+estadi
+81.18
+poof
+246.5
+riqueza
+ascertaining
+doud
+arlie
+keziah
+semler
+sheinkopf
+coffeeshops
+tulip
+vegas-based
+f.a.o.
+60.2
+1.2160
+lubuntu
+parapan
+tamarick
+imazu
+unassimilated
+eyeball
+gendarmery
+285.7
+greenstock
+ferarri
+joest
+szymanczyk
+omnibook
+bluhnt
+51.23
+rockliffe
+holtgrieve
+viceroys
+conservative-liberal
+rbs
+subagio
+shearing
+folk-rock
+satloff
+ichihara
+2,300-square
+kely
+hanescu
+67-year-old
+belthangady
+pokharan
+val-de-grâce
+serfin
+7-28
+shedrack
+eurypterid
+ishinomori
+germination
+dédé
+u-20
+cronje
+self-acting
+civella
+semi-arid
+bustleton
+lameduck
+niyongabo
+stepney
+situationally
+26.84
+lindsay-hogg
+vails
+yudohusodo
+alabaman
+alika
+'93
+52.9
+mohanty
+fibs
+chayote
+92.13
+conquests
+kagame
+1898-99
+yusufi
+portus
+53.12
+absurdly
+stagename
+alannah
+shachtman
+dahdouh
+cambiasso
+mitsui
+pomigliano
+amiesh
+113-member
+noémie
+stevedores
+121.18
+lokomotiv-2
+3,000-yard
+curculionidae
+historial
+leucoptera
+udayan
+saltwater
+alongi
+shabankareh
+rexach
+fpda
+52.10
+anthurium
+tsali
+garcelle
+davidovic
+deathlike
+13-under
+klaassen
+cix
+wmp
+surfin
+muchas
+mcvie
+ssfl
+midford
+wre
+saturation
+nighter
+chong
+fancies
+simpkin
+non-ideological
+alfaguara
+flowerpots
+nadaswaram
+z39
+sea-borne
+bhanwari
+olf
+f3000
+vanderhei
+marcinko
+intelligencia
+topolanek
+hybridise
+aparecen
+maturation
+747-200s
+compiled
+chough
+schriesheim
+trigonal
+80.86
+206.1
+generations
+dlim
+gengold
+scca
+ngon
+63
+thankful
+mdvanii
+kuznets
+mekong
+ardently
+lu'an
+degrelle
+bahlikas
+domenichino
+pre-invasion
+anthologised
+cleasby
+caching
+hartill
+grennan
+rollup
+zwiesel
+warred
+yanyong
+wetherall
+frat
+jedwabne
+neoplatonism
+treno
+bearpaw
+neurulation
+china
+5-33
+smmt
+179.6
+104.21
+.5
+wlw
+102-89
+endorheic
+irukera
+andrejevs
+low-relief
+guangning
+cornered
+smother
+cheshmeh-ye
+mujic
+wahlberg
+hanzel
+cringing
+watercolorist
+31,400
+feverish
+nakano
+bahk
+200.000
+iorg
+neuburger
+lilyan
+atropurpurea
+michael.hiltzik@latimes.com
+rbi_jugonzalez
+millgate
+autofacts
+express
+allenton
+17.24
+permed
+newbury
+katja
+timpano
+2,414
+morphos
+vanderwagen
+burdett
+morch
+commonwealths
+muzi
+stcherbina
+279-4200
+hoop
+faliva
+2,667
+leadon
+oborona
+formamide
+fis
+tearce
+frisking
+imei
+ephrussi
+mcnamara
+sabines
+fukien
+mcdade
+corumba
+63,300
+phasers
+assadollah
+rall
+combusted
+rayat
+desormeaux
+contravention
+3,362
+taulli
+inevitably
+tetovo
+timchenko
+krakau
+pharmd
+lincoln-mercury
+115-page
+soloveichik
+na2o
+ovaries
+brondello
+snocross
+31.17
+noue
+senti
+viguerie
+gomersall
+androphy
+elcano
+morro
+willamette
+duduk
+tallangatta
+qur
+conferee
+actualizing
+ר
+p76
+hayk
+class-c
+desikan
+undergraduate
+muscularly
+cattaraugus
+fidatov
+knerr
+gritsenko
+14-month
+mugrage
+coradia
+e‑zpass
+mozeliak
+jurek
+vlasenica
+alishan
+after-party
+kefford
+avea
+47-43
+p-model
+guangguang
+minford
+gammon
+rydex
+32.3
+banerjee
+u-32
+four
+44.00
+umbilical
+creta
+joules
+mcenaney
+scowls
+gillmer
+68.1
+dabudasht
+methylates
+ad-hoc
+romanian-language
+expanding
+hualalai
+maguey
+dieudonné
+aaqib
+maures
+neutrally
+mdr-tb
+ampornpisit
+105.58
+bistra
+sweetenham
+hellon
+dolomiti
+qahtani
+oberfranken
+thrasyvoulos
+hypoallergenic
+nagaland
+stetten
+biggie
+vreni
+prattled
+islands
+wohlfahrt
+sobieraj
+nottinghamshire
+paraventricular
+monceau
+sitatunga
+nicodemus
+suddaby
+chatan
+sopko
+lacon
+luleå
+spinosa
+cabinetmakers
+rygel
+f.x.
+dendrimers
+iku
+gecker
+wishfully
+subterranea
+temes
+linby
+weidenbach
+digitivalva
+5-simplex
+medicos
+mulgrave
+brusque
+watta
+pleasanton
+:53
+mcleansboro
+denison
+fjell
+ernster
+robustus
+self-producing
+phaseolus
+broglio
+matal
+well-spoken
+contraindicated
+lm.sixel@chron.com
+moneyers
+rhc
+wilmart
+koldo
+careflight
+formula_154
+leyton
+1.187
+dotcomguy
+domota
+oakbank
+ân
+grim
+standardbreds
+endocrinologist
+montceau
+3,623
+siege
+410-224-7695
+2,500-3
+zainab
+snout-vent
+haleth
+uncowed
+qassem
+dunphy
+zdenka
+54-seat
+1,301
+postmodernism
+dingos
+restrictionists
+170.50
+minniti
+turfed
+confluences
+35,000-seat
+18.23
+bako
+12-car
+lavin
+pvem
+wood-tv
+700-800
+cherifi
+obelisk
+5.02
+nehk
+korans
+thilawa
+u.n.-proposed
+zimerman
+12-29
+pavlyuchenkova
+seabury
+houndshark
+dónal
+unified
+seedings
+specialism
+fulvio
+effacement
+howze
+unrest
+mckernan
+seaborn
+tfernandez
+9-of-10
+selig
+yoast
+alphen
+abraxane
+narathorn
+capdeville
+disentis
+downwind
+saidiyah
+azzai
+kohoutek
+shanwei
+crawler
+selectwoman
+swims
+yudha
+be-in
+kelpies
+ashland
+stoneleigh
+valdiserri
+muchdi
+72.57
+takengon
+naively
+tribasa
+so'oialo
+camerino
+visva
+nonvoters
+116.47
+manwë
+suominen
+wtc
+upwellings
+carcel
+ninemsn
+floyds
+kagle
+both
+lennier
+govortsova
+short-selling
+padmaja
+rhizobia
+motwani
+4,800-strong
+fanshaw
+klinga
+labelle
+starcaps
+lovera
+syllable
+fortman
+diandra
+after-hours
+wartorn
+1,276
+esurance
+www.starwars.com
+40,100
+goldgeier
+double-reed
+1.447
+banitsa
+nix
+jory
+esi
+neunzig
+unjustifiably
+hoeing
+plebs
+escribe
+chanthu
+ľudovít
+nakaya
+govi-altai
+wildside
+helminth
+pyramiden
+777-7782
+mordenkainen
+aylesford
+duckpin
+1984-1990
+3,406
+isv
+sangharsh
+imbi
+marurai
+gusanos
+vihch
+marchmont
+17.99
+einstellung
+cellaigh
+vachousek
+metaphysical
+kikhia
+sinagra
+luyt
+practicals
+humanoids
+olczyk
+pyroxene
+piston-powered
+privatisations
+893-8801
+3,798
+kōtarō
+mbum
+16,726
+vogon
+indeterminacy
+travellin
+wicko
+imperceptibly
+leatherleaf
+maarten
+marko
+bestival
+buruk
+samuth
+ormsbee
+meoli
+limpias
+130-acre
+pioglitazone
+adeola
+47.6
+carbamates
+resorted
+phuctot
+roiled
+regrets
+viannet
+mallan
+nirmanakaya
+chitra
+loduca
+28,125
+nojima
+radwaniya
+edtv
+popularized
+dokhtar
+todaka
+uomini
+bevis
+enterprise-wide
+yasutoshi
+clapper
+palayamkottai
+bobbled
+patchogue
+10.12
+imbibe
+hornworm
+morgause
+kcal
+1.4680
+cianfrocco
+thousandfold
+unders
+damageplan
+climbs
+foot-and-mouth
+bananal
+kramden
+rotterdam
+bunyodkor
+inzikuru
+ayoub
+444,000
+albermarle
+arboreus
+chiaramonte
+skijoring
+soundless
+107.91
+bagnes
+misaligned
+guodong
+manhua
+hewerdine
+39.86
+nyanatiloka
+biggest
+prophets
+kersauson
+romodanovsky
+23.31
+champawat
+ferraro
+344,000
+holck
+camperdown
+sovern
+polyporaceae
+turbotax
+quechee
+guantanamo
+ljunggren
+holograms
+9:57
+48.51
+arayat
+tarasco
+mcclane
+tcoma
+ragnhild
+8-minute
+hyrule
+1,481
+proedl
+marilyng
+humanization
+plunking
+cú
+d.c.-area
+leukotriene
+i.a.
+distorts
+russo
+crick
+rinne
+eight-person
+malting
+gabf
+1544
+nand
+caricatures
+eloped
+ssosa
+bozic
+yongjun
+atakapa
+love-making
+sueños
+amiot
+cumberbatch
+mcad
+arnab
+encircling
+intelligences
+arroway
+hafizuddin
+bannu
+hengrave
+36-story
+really
+3.0-percent
+russophone
+kapor
+resona
+unavem
+1.5300
+milmore
+barzaghi
+210-page
+huaiyuan
+gantman
+brora
+trans
+lithops
+oaks
+dhe
+wigington
+burgman
+difelice
+hishammuddin
+thắng
+pakur
+detoxifying
+canutt
+dibelius
+badiou
+53,700
+castelnau
+sizer
+keynote
+connan
+moussed
+5,700
+01:00
+subcomponents
+build-operate-transfer
+lenel
+führerbunker
+anthologies
+half-sister
+polara
+235.7
+99.9
+neighbour
+unforeseeable
+chivalrous
+beardless
+wakarusa
+naulty
+92-86
+kiszczak
+type-1
+8.27
+awns
+84.17
+sublicense
+1195
+territorial
+jeita
+dougga
+lewiston-auburn
+aeromexico
+kwch
+wickers
+man-at-arms
+upstate
+stuffs
+tassa
+4-iron
+sulayem
+marchetta
+shin
+seyassah
+6,000-foot
+phu
+idrissa
+untaken
+caltrop
+südtirol
+retrospect
+brawn
+brache
+murrayville
+laurance
+1954/55
+talpes
+kuechly
+balkrishna
+72.43
+2356
+bossano
+tilney
+61.56
+alexei
+p-money
+sangaré
+birnberg
+canham
+majoritarian
+godel
+30303
+luksic
+joudeh
+38a
+20.99
+eurostar
+diverticula
+euro123
+beguine
+readjustment
+arone
+berbatov
+series-clinching
+50,000-dollar
+woodshop
+squiring
+u.s.-japanese
+gathering
+oroz
+superheros
+28.75
+noguera
+p16
+sexless
+démocratie
+4,115
+neuroscientist
+-52
+boggles
+tuatara
+kiwane
+gmp
+32.32
+shafee
+danas
+seliger
+under-17
+recouping
+copulating
+marianist
+intendant
+,7
+carinatus
+ataman
+caff
+sugar-cane
+asraf
+inoculated
+abdoulay
+monier
+chemchina
+office-based
+factbox
+jedinstvo
+neoplasms
+50-something
+scrawled
+goddam
+dingo
+gearbox
+picketts
+hansel
+sadaf
+condé
+ryul
+donk
+waitangi
+pergamino
+siaolin
+haitien
+ganesha
+half-naked
+czerniak
+modulation
+northcom
+glenafton
+maxym
+belco
+premiata
+baule
+nizhniy
+nayanmars
+sartz
+currys
+cell-cycle
+gatefold
+gracanica
+katsuya
+calacanis
+feuillatre
+lī
+basiji
+kautokeino
+aerodramus
+mulet
+300-metre
+evaporates
+archey
+dæmon
+stalowa
+langata
+sheepscot
+overhanging
+danut
+paraskevopoulos
+lighting
+slex
+robertis
+plimmerton
+wondercon
+a123
+hobley
+romanoff
+s/sgt
+gilham
+opuntia
+68-page
+96.78
+casadevall
+flounder
+marquises
+paluku
+millen
+navarre
+benabdellah
+anti-submarine
+250-pounder
+espriella
+k'inich
+ejector
+plank
++11.00
+reminiscence
+mohel
+cahors
+yusif
+64.55
+maddon
+khanjian
+meinzer
+donham
+t.t.
+imagines
+r.e.d.
+vebjorn
+mundesley
+komac
+364-7300
+euro655
+contractionary
+innkeeper
+moby-dick
+camozzi
+seedlings
+ikorodu
+musoyama
+hang
+aldermanic
+angiolini
+afri
+dinajpur
+baddi
+gandharvas
+bundelkhand
+cacs
+baco
+mare
+foliot
+pusc
+yokouchi
+biebrich
+bija
+rothamsted
+chandidas
+residential
+g20
+arabized
+reformism
+engineless
+brainstorming
+rafał
+neurochemistry
+dylanesque
+p.-cambridge
+healthpartners
+mosque
+decompose
+magnani
+pullinger
+seminis
+xinfang
+alexiou
+feder
+wykagyl
+artsruni
+-117
+retrorockets
+criminalized
+hippo
+15-19
+carry-over
+s45
+preserved
+42-44
+flintstone
+albini
+trưng
+gamut
+51.20
+synechococcus
+bicarbonate
+dhanu
+svärd
+knapdale
+takahashi
+57.9
+congratulatory
+legendre
+19,040
+advantage
+59.11
+schimmelpenninck
+qifan
+part-time
+hồng
+bandstand
+ahsha
+peschel
+4,590
+sprawled
+buxtehude
+panamerican
+oberhausen
+chikao
+oddfellows
+kedayan
+ilkin
+carmakers
+minichiello
+0.007
+brigalia
+bppc
+recommencing
+dignan
+washn
+dubner
+agrigento
+insensibility
+lamplugh
+gabapentin
+afellay
+separation
+rafidiyeh
+table-top
+sagawa
+nanoose
+oke
+christner
+weariness
+bissette
+55.45
+zotti
+voluntas
+gaylin
+hypercritical
+dji-30
+allington
+butyric
+105-mile
+post-colonialism
+scorched-earth
+harshana
+blackspot
+ishall
+rinkel
+worrill
+crosswind
+enhance
+wolpe
+eac
+asteraceae
+procris
+b92
+warrants
+1,356
+balayan
+eyelash
+tehkan
+tsta
+assads
+kempes
+vidzeme
+albukhary
+navesink
+espíritu
+oleckie
+brandish
+semey
+usl
+biogeochemistry
+loungers
+yushenkov
+flowers
+danzan
+tivadar
+pandikar
+kvist
+non-muslims
+guzzlers
+hinten
+heart-broken
+phthalates
+acrolepiopsis
+bombardment
+deadhead
+103-95
+wouldn
+kickstarts
+barba
+dashevsky
+covariates
+kfmb
+chamberlains
+half-an-hour
+mpumalanga
+anote
+laborde
+ugine
+cray-1
+nonspecific
+cutter
+clemenceau
+riggenbach
+oughtred
+sprits
+brubeck
+rifugio
+nonde
+adders
+muntari
+harpa
+wormatia
+reactivation
+afriqiyah
+stylistics
+erath
+monu
+fattori
+querini
+fogwell
+mittermayer
+cardinalities
+fabs
+81/100
+65,000
+yuzawa
+kyw
+21:19
+visualizing
+myrtus
+epithermal
+interventionist
+moshav
+rades
+larfleeze
+46-40
+interlocutor
+backstopped
+19.94
+nazım
+fpu
+troitsky
+westinghouse
+forzano
+zebadua
+halfbeaks
+beaverhead
+guesting
+alcorcón
+109.97
+nagila
+kazakov
+taibai
+tearjerkers
+tlön
+barkhor
+marciano
+3:08
+komsomolsk-on-amur
+giocondo
+dismantled
+klang
+maibara
+100,000-capacity
+shipholding
+roj
+bridis
+appreciations
+acutus
+macwhirter
+tuzo
+q5
+amenia
+culpas
+marathas
+eph
+15-gallon
+m.g.
+b'alam
+mitsuyoshi
+99ers
+mäenpää
+nokor
+sayao
+scatter
+600mm
+shomer
+borg-warner
+all-clear
+michnik
+tailspins
+barbuto
+rosenborg
+geminata
+puff
+mayorga
+ishchenko
+elitzur
+celts
+unlikley
+duchy
+naza
+dolich
+ranaan
+mortara
+raduyev
+muling
+edf
+vizion
+nkurunziza
+chassepot
+tambour
+nort
+elisia
+writer/editor
+margaery
+dunn
+aaraaf
+sergeev
+firstman
+manhunter
+iacobescu
+shinpan
+anjos
+carlingford
+pleasants
+bypass
+b-57
+khadar
+sumeet
+eight-point
+osieczna
+denice
+retesting
+pekingese
+changlang
+degarmo
+65-team
+232.9
+merril
+woodchucks
+lauterbach
+adde
+ke
+shloka
+meh
+ch-53d
+2.635
+staller
+clamored
+kuhin
+pecuniary
+jabiru
+gotoku
+celman
+supermen
+al-bank
+self-initiated
+ndamukong
+aubergines
+naftali
+shamos
+hadaway
+darsi
+rcantu
+hillhead
+fbla
+4/4
+praiseworthy
+tinplate
+rozet
+tut
+hirdt
+portage
+hangzhou
+tamaz
+baqerabad
+rira
+basan
+iowans
+bananarama
+chalermchai
+adán
+l'enfance
+myszków
+animate
+2053
+glutamic
+satyrs
+wheezy
+pcpaul
+sexualised
+mahbubnagar
+gew
+14-season
+zawraa
+scillonian
+janisse
+jtv
+kipco
+d-i
+vojta
+bachleda
+7,070
+qidwa
+lsts
+crier
+reinhilt
+applegarth
+stylianos
+junlong
+5.0-magnitude
+icesat
+g30s
+culhane
+fornos
+tetricus
+unearths
+meaty
+explico
+chiejine
+meraclis
+flix
+subsidizes
+delibasic
+mirasierra
+tactility
+s1
+armentieres
+murud
+election-related
+o'meara
+hatice
+chingay
+wesham
+suf
+four-page
+enfeldt
+1.2-percent
+nussbaum
+tōshō-gū
+flat
+netzero
+zante
+libanaise
+26-23
+mancebo
+39.93
+snuffer
+1.4545
+yitong
+cleats
+darusman
+40.92
+fourball
+behnamarab-e
+unspeakable
+cramps
+oblongifolia
+standards
+electrophoresis
+moltisanti
+bolnisi
+bronston
+downwards
+gumede
+u.s.-based
+15:42
+gleeson
+tane
+tge
+bingde
+paikiasothy
+isthmian
+riske
+borio
+vemos
+privado
+3-25
+naturalizations
+maggiore
+caffery
+highchair
+cunniff
+footboard
+utembayev
+skyclad
+athwart
+curll
+networks
+tuqay
+mcelwaine
+leweni
+jharringtonsptimes.com
+ujungpandang
+9-hakan
+antoniou
+perie
+debski
+orlicí
+ashely
++.25
+udayapur
+070
+suburb
+self-dealing
+lv
+fitzgibbon
+dolorfino
+midamerica
+polskiego
+chhotu
+takahide
+latchford
+ilitch
+defrosting
+semialdehyde
+ronnie
+18:52
+neftegaz
+majus
+bhabha
+qd5
+cl2
+leonide
+phenothiazine
+oddsmakers
+riggers
+woad
+grace
+rollout
+corsini
+agboyibo
+meiying
+shwayze
+undercard
+adn
+reformulated
+privalova
+10,000-plus
+nine-piece
+normand
+51-23
+pohan
+frankfurt-hahn
+zulfikar
+2-to-1
+sochacki
+irredentist
+antrel
+township-level
+ladling
+liederkranz
+jaksche
+reminders
+songy
+farzin
+stroppy
+dematerialized
+cerebrovascular
+nv
+capsa
+encantado
+scooted
+ikh
+scouse
+firestorm
+spean
+gurdeep
+cholesterol-lowering
+cowriter
+shraidi
+guanine
+blaik
+187.50
+4-115
+pisoni
+eudonia
+autodidact
+pups
+spherically
+gilded
+barreda
+42.89
+singhalese
+nilkanth
+reacquiring
+uphsd
+half-timbered
+invest
+precrime
+tvmk
+4,425
+re-floated
+113.10
+tavistock
+tolerably
+ocho
+ménage
+intach
+binetti
+brp
+unplugging
+wainstein
+m.sambucetti
+2002-2008
+guchang
+lyrics
+nayyar
+inktomi
+4-2-1
+1986-1987
+8-story
+nombres
+wmiller
+widdrington
+prestia
+falsified
+statuary
+ccci
+3,092
+wugang
+burggraf
+746
+bewilder
+262,000
+akademische
+gundagai
+elzahabi
+juxtapoz
+snobs
+petitt
+stad
+ercp
+pagnol
+visconti
+fauji
+'30s
+footgear
+yawata
+saddlebred
+sowed
+bambaataa
+nevisian
+storeys
+rozema
+tourism
+teledyne
+harmonise
+mfc04
+tantan
+nadhir
+630s
+interflug
+saao
+anticonvulsant
+raissi
+ismailova
+parkgate
+siméon
+sarees
+51.36
+budo
+doornail
+all-red
+ninth
+mcgranahan
+bôcher
+yesco
+pulsations
+barracked
+doumanian
+dongria
+curial
+albanov
+-2.6
+gye
+amply
+ludendorff
+arhoolie
+168.00
+lisunov
+strogino
+upstaging
+bitran
+74.16
+utne
+aerospike
+pearblossom
+4,000-meter
+bellmen
+lalehzar
+gestas
+townhall
+boulders
+picardie
+briley
+611
+klara
+38.86
+hauserman
+trullemans
+nerone
+aufbau
+2,3
+'74
+parrella
+orris
+alvernia
+qual
+35-12
+kubala
+emmers
+reroll
+approachability
+supercoach
+flavouring
+bassedas
+waterproofing
+outlining
+uncollectable
+interoffice
+accidentally
+towpaths
+lavarch
++0.6
+fkf
+yukiyo
+nib
+megyn
+aeonium
+dualib
+avoriaz
+jahnke
+apodidae
+170km
+heebie
+dunxin
+protein-coupled
+ilok
+millerand
+ornithopod
+cupola
+hadebe
+bennouna
+18-arrow
+łagów
+andym
+iu
+inteligente
+cryptorchidism
+18,130
+105-94
+guðmundur
+kogo
+hookham
+clatworthy
+switchman
+bakkar
+traviss
+mbm
+255.8
+greifeld
+euro239
+stillwater
+enge
+streptaxidae
+ewr
+lakhta
+greim
+guney
+městys
+74-63
+internationaux
+covington
+doorsteps
+csusman
+accc
+aigrefeuille
+cahouet
+cityhood
+metapán
+lords
+1993-2003
+whitechapel
+falorni
+slone
+hypnotise
+masses
+11-race
+mynn
+petrochemistry
+181.8
+stiebel
+aldehydes
+haydu
+exacerbation
+dze
+reichler
+126.06
+puna
+infects
+alfredo
+survivin
+linebaugh
+grand-pré
+mossman
+paperboy
+bajaur
+sulpicio
+shortell
+paree
+78.80
+ikaros
+pesme
+mycal
+collybia
+yengeni
+claflin
+ţării
+culte
+sebatik
+fuxingmen
+vantis
+rydwelski
+entails
+ucmp
+1-900-420-8002
+wasley
+green-skinned
+boxofficemojo.com
+byword
+applets
+monáe
+herst
+topoyev
+oh-6
+gumeracha
+j.g.
+earphones
+intercooler
+javits
+kolakowski
+kangnung
+zangeneh
+walding
+drummed
+hablando
+72,000-seat
+reminds
+hmd
+tonga
+6-17
+simancas
+1465
+dordi
+transhipment
+9,500-strong
+reinitiated
+hamish
+bump
+sidling
+cyclically
+al-hakam
+djinnit
+benue
+awaluddin
+jetfoil
+mayta
+delgado
+chamomile
+magnocellular
+popinjay
+trovato
+distressed
+negron
+abstinent
+njegus
+glovis
+khizanishvili
+statistik
+darris
+pentangelo
+350-billion
+then-ceo
+20-year
+biazon
+avigliano
+knorre
+sivakumar
+.196
+24.51
+72-73
+talgarth
+mobtel
+ventresca
+wda
+nummi
+swiss-american
+erevan
+mohareb
+struth
+javan
+closest
+drive-thru
+lafley
+sorry
+sarafpour
+shriram
+reais
+embalming
+20/40
+hoehne
+clowe
+bicho
+beverlee
+summerwind
+svejnar
+screened
+garafalo
+ballout
+two-hit
+involution
+ladies-in-waiting
+32-27
+crash-landing
+centerback
+4,005
+sc/st
+kld
+94.06
+tokumaru
+pkware
+d'alema
+samaranayake
+110.51
+distance
+types
+67s
+ambrosia
+talaia
+3,349
+hankey
+oriskany
+porrentruy
+barsoom
+baasha
+tackier
+malterre
+vanjoki
+interferring
+bbi
+mnatsakanyan
+britanniae
+bacchides
+mevaseret
+hackathon
+orsenigo
+davico
+vaccinations
+kerogen
+pallidus
+1:10
+peoplesoft
+ferrate
+enantioselective
+sorted
+newaygo
+remek
+wxrt
+bitchy
+wentworthville
+www.tampabay.com
+chandy
+ruffier
+powerplay
+historie
+showest
+cilauro
+bidstrup
+nscs
+ikedia
+grubac
+hpf
+hunsberger
+flatbread
+parcells
+qadeer
+anthologized
+daohugou
+radziwill
+lochleven
+nelon
+wright
+242
+leamer
+smo
+dongan
+cauterizing
+provinciales
+kolar
+timmons
+4.75
+naturally
+2,123
+inês
+après
+subtractions
+r150
+kalainav
+www.nbc.com
+gentrified
+gwinnett
+adario
+118.04
+shaft
+rishis
+.105
+rechtsstaat
+reducciones
+al-mas
+1371
+nosology
+cosatu
+.408
+hoilett
+dovzhenko
+myristicaceae
+weserstadion
+icaa
+zahri
+bhoga
+cached
+ecto
+stepmother
+confluent
+habad
+beneficios
+4,000-pound
+2503
+zondervan
+prusik
+luzhkov
+demain
+jawani
+nonterminal
+jiří
+full-year
+deblois
+diamandopoulos
+refashioned
+roukema
+hatt-ı
+1.63
+3,649
+floorboard
+weregild
+lactobacillus
+orla
+ichinomiya
+takab
+imesh
+madelin
+270.3
+pg-13-rated
+ersun
+davenny
+alteon
+kyohei
+pluggers
+whas-tv
+non-recourse
+cheongju
+silvestrini
+dicky
+euro456
+equisetum
+schambach
+baha'is
+vrije
+1,273
+jin
+euroa
+finucane
+mishearing
+masterless
+couser
+codice_13
+foster-brother
+nqf
+holmboe
+albergo
+currawong
+fertig
+toile
+nisha
+avx
+ruqaiya
+mozhaisk
+pedicures
+limply
+marenzi
+nonrational
+adivasi
+poipet
+rainie
+demoralisation
+educology
+boitel
+rzewski
+gowadia
+franceschina
+betsy
+lothair
+arbanasi
+13.86
+batrachedridae
+kratzmann
+hydrometer
+yahoo.com
+0.066
+c-130js
+materializes
+chhon
+coaliton
+deltoid
+scottville
+558
+supervoting
+pleadingly
+week-end
+spied
+flagellate
+wunderland
+lefts
+salemba
+natsu
+jornada
+subhead
+durney
+jou
+daawa
+mandora
+demming
+1,419
+virag
+renacci
+belluck
+bolande
+grouse
+raymund
+obrist
+29.90
+punctuality
+distinctiveness
+djerma
+futurology
+megafest
+tige
+prepublication
+kaministiquia
+ultrabook
+cecava
+intercolonial
+24.91
+rushcutters
+scandalized
+modahl
+spagna
+grusendorf
+luder
+cops
+decaydance
+hossain
+q-400
+soaper
+loingsech
+marvels
+avineri
+1960-1963
+dimensional
+purée
+gms
+1257
+5.95
+collectibility
+lochlainn
+ennistymon
+morell
+isolda
+116.13
+staaken
+poliet
+onstage
+pith
+tpl
+adelaider
+ahrens
+corsten
+koperasi
+sourpuss
+iturbi
+6.30
+oristano
+gcaa
+brahmins
+solid-colored
+groceries
+high-profile
+malinche
+atiba
+emeth
+ramanathapuram
+koszics
+funan
+brownian
+ukaz
+spicier
+jerusalemite
+tidbits
+alva
+wahono
+cosmographer
+yoshimoto
+líneas
+4-3
+whooo
+abrabanel
+carnivore
+etsou
+proof
+hesdin
+thymus
+siropulo
+292.3
+onshore
+mohammadu
+kapampangan
+tacks
+baar
+yelverton
+courier-journal
+findlater
+salicin
+n'gog
+kirtanananda
+coupeaux
+avantgarde
+callisthenes
+determinist
+wormhole
+proviene
+unsinkable
+flandres
+falor
+mccubbin
+snarls
+baga
+morwenna
+62.24
+pudge
+hippomenes
+develoment
+asuras
+riverbank
+geschwindner
+long-necked
+dooryard
+acrid
+collide
+wkd
+brač
+ziffren
+cuadros
+67.07
+haise
+workplan
+nympheas
+régimen
+odontology
+jemsek
+bvl
+surged
+iniguez
+atsuya
+38-24
+koetsu
+neun
+giuliana
+1253
+sundeep
+khano
+silvicultural
+thalassemia
+naicker
+roberto
+bungled
+agli
+a-car
+albă
+diuresis
+annamayya
+smartened
+motorcycling
+shawanda
+hatbox
+hcca
+koskei
+ashaninka
+combustibility
+zorzi
+nermin
+braker
+tema
+rushent
+richmondshire
+gyrated
+kampala
+kenji
+124.3
+symptomatology
+tafelmusik
+neilston
+evangelisti
+daxia
+duflo
+kortchmar
+machilipatnam
+reichhold
+non-confrontational
+parthasarthy
+guarisco
+scogin
+lagardere
+buvaysa
+accumulates
+bruttium
+deogarh
+feelers
+15,833
+deflect
+masci
+hassanal
+haefliger
+katarina
+apstar
+alamelu
+239.3
+eb-5
+ratio
+indrek
+ripple
+akaike
+whiteners
+wears
+launay
+krey
+cribbs
+ottesen
+braingames.net
+kendry
+franquin
+chadic
+squabbled
+kathem
+kth
+175.5
+nonmilitary
+4.4-billion
+azriel
+archons
+lossky
+halab
+m&swjr
+2,836
+insolvencies
+passé
+adenoviruses
+backward
+strongwomen
+maekyung
+al-afdal
+lamination
+bauls
+basit
+spodnja
+52-40
+explains
+darwyn
+sres
+worshiped
+relman
+coagulates
+priyanto
+d'ansembourg
+sign
+co-ordinate
+mezhdurechensk
+haughley
+1386
+bappa
+silhouette
+oncormed
+ziyi
+21,750
+techa
+wildwoods
+baracks
+rodigari
+28.8
+baratz
+near-complete
+piperaceae
+ethnomusicology
+reimbursements
+perforator
+oni
+luy
+10-odd
+74.15
+tadeusz
+schachte
+bagilishema
+informel
+kassi
+25.90
+eln
+lisey
+traipsed
+pádraic
+comparators
+mutianyu
+2,590
+pantoprazole
+stevedore
+heart-stopping
+well-groomed
+jin-young
+pollo
+hookey
+mullany
+4,227
+ifn-γ
+binelli
+18-wheel
+dispersal
+qafl
+identification
+toori
+seidler
+casing
+mopane
+flaherty
+320.7
+o'rorke
+insertions
+legible
+olivia
+g.d.
+gilo
+sharecropping
+agrobusiness
+diner
+sondes
+suhani
+18,000-square
+jurong
+breyton
+townsquare
+lainer
+jumilla
+rotative
+latch
+horten
+launches
+morpholino
+ghica
+shrapnel
+tursunov
+aguero
+leszczyński
+krzykosy
+lenard
+speleology
+niton
+zanja
+allin
+promulgated
+illich
+padukone
+montaldo
+nogay
+warner
+saint-leonard
+rhamnaceae
+prca
+huai'an
+klina
+aana
+woffinden
+chamling
+gazel
+ivindo
+sarson
+whirring
+behaved
+merreikh
+gesticulating
+2,507
+977,000
+denarius
+ullensaker
+thiaroye
+swarming
+smoothes
+fire-fighting
+k-27
+histiaeus
+l'olivier
+kcs
+bellisari
+79.85
+schulmann
+burnie
+glyceraldehyde
+polevoy
+apl
+buds
+ujjwal
+olvidados
+boned
+wise-cracking
+ricin
+suffo
+masl
+phyllosilicates
+1,107
+sanchin
+spiller
+pujara
+gateses
+counter-measure
+lithologies
+juergensmeyer
+obliviousness
+woy
+self-administration
+cafaro
+venturoni
+bancoquia
+30.28
+7-of-13
+palmers
+syphoning
+deprived
+tipos
+c.e.
+førde
+2,096
+paramount
+washburne
+lysander
+questing
+iaconelli
+manifesta
+bulosan
+malta
+muttaqi
+noronha
+e-ulema
+bannon
+liaolo
+c-21
+telehit
+bullivant
+detoxify
+khoe
+etcetera
+gamelyn
+rebozo
+ises
+interscholastic
+kairos
+faizan
+froot
+sask
+lesmo
+overlander
+ramiele
+masoumi
+parmjit
+creamfields
+chahn
+truce
+santiz
+syllabic
+vered
+adder
+u-235
+aksakov
+hybridize
+marie-françoise
+guangyang
+indomitable
+doft
+lender
+detar
+sell
+unestablished
+layton
+omartian
+jere
+118.06
+ralstonia
+salaryman
+tramway
+brennender
+bonebrake
+zenati
+reckson
+sardenberg
+medievalism
+believin
+105.47
+onenote
+arecaceae
+premiers
+crippen
+21:32
+medicalization
+akkar
+overbroad
+magistrates
+525,000
+živković
+1,089
+taiki
+reprocesses
+480th
+piccioli
+franchised
+banglore
+ferrimagnetic
+64.21
+gymnobela
+muenchener
+gregorian
+wastin
+jean-frédéric
+elementary-school
+systemworks
+samardzic
+.842
+pohick
+anie
+mazrouei
+momoka
+3,664
+scmp
+baddest
+vieille
+rakoniewice
+qianshan
+spg
+golvin
+aleki
+inaugurals
+mutable
+hanbo
+bandopadhyay
+pavlopoulos
+recalcitrant
+bereg
+uq
+govindjee
+olabisi
+peko
+meggie
+mitsunori
+nevile
+chlamydomonas
+langenscheidt
+instrumentalism
+uglich
+aerostructures
+hodeibi
+saucon
+120.11
+jencks
+nilekani
+polish-lithuanian
+jackendoff
+nariz
+nocturna
+balvanera
+grooth
+treen
+29.26
+mahaska
+thinner
+rukwa
+cannata
+race
+haycox
+obilale
+feiko
+mahabalipuram
+vampish
+jean-loup
+tainter
+tanin
+acculturated
+volpato
+sangharaja
+lajan
+pdx
+nikisch
+jishi
+99.07
+colani
+user-interface
+glaring
+monocyte
+muny
+conradh
+madha
+undo
+475
+annunzio
+admirable
+woodsfield
+mahabharat
+goldemberg
+5:6
+buggs
+codice_15
+140-million
+3.81
+whiley
+m-series
+depict
+inicio
+reserving
+isabelw@nytimes.com
+jamatia
+half-brothers
+plc.
+colwall
+abu
+khn
+hadjidakis
+tortosa
+fozie
+non-residents
+lawfulness
+acquistions
+neutralist
+overshoot
+wolfinger
+birches
+flywheel
+characteristic
+weeksville
+notecią
+keeney
+left/right
+jkent
+mid-1963
+ingushetia
+spruce-fir
+doje
+unfinanced
+topmasts
+gb
+endow
+student-led
+daktari
+genscher
+cdma2000
+zobaie
+almarhum
+germano
+cultivadores
+zyx
+pablum
+t.h.u.n.d.e.r.
+porson
+icf
+thiais
+p100
+lincoln-douglas
+chikowi
+14,150
+37.82
+63.9
+eochaidh
+jacquie
+halfmoon
+adaptation
+undermined
+moist
+118th
+subiakto
+wieben
+cié
+ten-man
+50th
+stockman
+gonfalone
+djiteng
+extorsion
+weighlifting
+124.80
+tyrannic
+lettere
+criccieth
+kidoodle
+bika
+gergorin
+tallied
+yampa
+pre-war
+prohibido
+jumpei
+noteć
+shahriyar
+141.9
+khubbieva
+xmpp
+wichers
+neutrals
+bildende
+alberro
+janáček
+archenland
+wij
+boeckmann
+allegely
+9:20
+epoxide
+yoriie
+zabihullah
+beta-catenin
+listlessly
+gravelaine
+recommendable
+way
+raburn
+well-fed
+cutback
+samoobrona
+cupidity
+ostrich
+renew
+guria
+vico
+20,049
+smarter
+stev
+playdates
+rhome
+7.7490
+thyroxine
+dladla
+562,000
+discontinuation
+appropriateness
+kashfi
+fueled
+1973-1976
+detective
+ansu
+crowninshield
+rabon
+dorsi
+vaquita
+charrier
+condenses
+mallinder
+emerton
+agasthya
+19.42
+usjf
+leitner
+frustrates
+narbonne
+o'hurley
+nicandro
+bellerose
+15,000
+tfl
+caballes
+refighting
+birdmen
+cuvântul
+adimmune
+dosed
+tongeren
+sontarans
+puddings
+340th
+stefanick
+3-pointer
+2,780
+panagyurishte
+43.04
+acura
+msm
+strictness
+osborne
+volcom
+parsees
+3,147
+intermedium
+deceitful
+mandlíková
+upholds
+diya
+laal
+upload
+12.53
+4he
+ashurnasirpal
+csps
+s60
+tyrol
+bolz
+naropa
+schmeisser
+gründgens
+oxidiser
+14lb
+veyrat
+sochaczew
+lavine
+ceus
+talbi
+fbcci
+doombot
+wuhu
+pickup5thgraf
+bangkokians
+1988
+asami
+panni
+poto
+petite-patrie
+baraita
+kleiser
+bravin
+maita
+pencoed
+glis
+hathway
+haykal
+softbook
+collegiality
+vsi
+bettega
+fishery
+coiled
+trencavel
+pacenti
+arcy
+patrolman
+blyleven
+6,325
+suno
+injuria
+6110
+sighişoara
+mandatum
+118.39
+teases
+dappling
+evslin
+117.66
+phetchaburi
+codice_8
+w.d.
+coset
+sizar
+wakering
+krasue
+402
+sanco
+langelinie
+horas
+kojonup
+keymah
+mickleson
+34.25
+proferred
+adela
+chukwuemeka
+1.1750
+uí
+truth-telling
+similar
+caution
+dvb
+100.000
+hindu
+megastore
+icade
+nemerov
+pgdm
+bryn
+expatriates
+waggons
+0-3-1
+smokie
+baalu
+tarell
+sterne
+dehydrator
+nahdha
+teragrid
+pacca
+buckleys
+halakah
+impregnating
+zoospores
+gobadi
+bonura
+philosopher
+ravier
+craigs
+specifiers
+castoreum
+toothsome
+rzeczyca
+hard-hitting
+10,850
+19,995
+oenb
+salsette
+hoffer
+hepzibah
+marquês
+raša
+126.98
+oceanic
+thomasine
+sakhalin-1
+interpret
+ambler
+happer
+caculitan
+schnuck
+bettie
+joras
+sjögren
+orombi
+m87
+opportunities
+17-kilometer
+insignificant
+vice-chairman
+savors
+peskov
+230-mile
+glabrio
+dorsa
+oyvind
+hadamard
+bharath
+csimonscoxnews.com
+mcclatchy
+patwari
+maata
+0-for-13
+slagelse
+ouaddaï
+deaflympics
+sisurcana
+demens
+indochine
+cripes
+eurocontrol
+15-25
+thought
+bottomline
+istorija
+unione
+sheave
+hbf
+ground-colour
+lučić
+7-foot-3
+virtute
+monturiol
+smile
+aavishkar
+wijnaldum
+ljuboten
+mercedez
+p.r.
+flagstones
+lumpia
+heliotropium
+breslow
+zig-zag
+saloni
+200.8
+pawnshops
+moses
+co-worker
+aitor
+lessel
+mickleover
+6-game
+conditons
+ranas
+fornell
+158-year
+candeloro
+suffectus
+falmer
+buja
+40.93
+stabber
+dusan
+dwarkanath
+pastoralists
+merignac
+arensky
+treki
+glibness
+hoosac
+kirklees
+primum
+apt
+referees_blaine
+povoledo
+ogogo
+himalayan
+pinnae
+redeemers
+vogels
+kocin
+boobs
+77.08
+petzner
+711
+0955
+ponson
+yoshiie
+kitakyushu
+debenedictis
+insincerely
+bargon
+wakehurst
+taskers
+echl
+trampolinist
+cheesman
+z.a.
+landrum
+satawal
+riggott
+gousse
+wordnet
+zahniser
+5:02
+puthukkudiriruppu
+beano
+wavenumbers
+daeniken
+linxiang
+nghe
+3201
+laox
+lwów
+eurocommerce
+motala
+muezzin
+folkl
+bearhug
+pimlott
+sensa
+storaro
+celosia
+o'flynn
+bedel
+react
+sates
+9/11-related
+alcyone
+epizootic
+ibazeta
+a-40
+adoration
+witkoff
+350-kilometer
+characterizing
+cozzens
+yogin
+tunnelled
+plumber
+wasel
+antimilitary
+kaslow
+paleoclimatologist
+patasse
+maranghi
+3-106
+byker
+chinoy
+puppeteers
+morrisburg
+294.9
+shirak
+tsangpa
+fc2
+bidini
+modulator
+18.39
+candytuft
+gamma
+tenzing
+plofsky
+british-trained
+five
+mitroglou
+ss-sturmbannführer
+smeeton
+lubeca
+abeltre
+nobuhito
+cogill
+divests
+31-point
+trabert
+47.89
+mahabharata
+istambul
+gelmini
+9,070
+wrexham
+ardiden
+fehmida
+realizado
+okolski
+15:15
+3,998
+1594
+targeting
+tok104
+brownhills
+deresse
+torry
+knx
+rogatory
+peccadillo
+siavash
+107-102
+krugel
+88.38
+cy-kill
+cinven
+xterra
+1,613
+hollowed
+planemakers
+schoeck
+unsealed
+afterhours
+wreaths
+kernel-mode
+jinich
+62.85
+tirion
+عبد
+amritsar
+swindon
+fazle
+alwyn
+meland
+newser
+calomys
+quiberon
+nugzar
+shikun
+ladner
+creditworthiness
+raye
+tripadvisor
+re-located
+2,136
+xicheng
+upwelling
+arata
+chamunda
+hfd
+suspiciousness
+ike
+bocci
+huaneng
+bh4
+jerked
+hooverville
+capricorni
+koskoff
+under-developed
+vipassana
+elimelech
+tsaritsyn
+massana
+bungie
+centavos
+mte
+behrens
+scams
+slick
+ready-to-fly
+blanka
+bxf5
+–
+muehr
+quevilly
+248.5
+rxd4
+voll
+masaba
+turn-over
+106-95
+callister
+sviluppo
+aca
+386.5
+demutualization
+oberhelman
+czar
+biochar
+53-47
+al-hawa
+texas-born
+wellings
+captagon
+pulsa
+vice-president
+ipse
+inline-six
+arwel
+23.32
+poschiavo
+humboldt-toiyabe
+goldwyn
+aford
+traditionals
+dizziness
+rambert
+saipan
+ludvík
+ifoam
+broadness
+matěj
+gametophytes
+okemah
+vongerichten
+515
+zam
+barloon
+sistan
+bernard
+43.84
+gölbaşı
+1,809
+khalikov
+75.47
+damrell
+bebop
+scurfield
+achanta
+amiral
+homophobic
+humiliate
+feleti
+burncoat
+hargraves
+banques
+neate
+ashjian
+mwangi
+knoedler
+procomp
+visualise
+somebody
+fluoroacetate
+siguiente
+mintz
+verkehrs
+deshi
+memorise
+preformed
+donita
+gravy
+fireplaces
+franchise-record
+bonebeds
+geq
+affirmation
+zephyrhills
+garnishee
+brandan
+équipe
+1,015
+64-64
+lentibulariaceae
+elyon
+kabare
+gurhan
+pliers
+67.0
+pabx
+clergue
+tithing
+puy-en-velay
+m33
+régionale
+ssv
+ardara
+sabaeans
+badurova
+devi
+zalben
+motivated
+ortas
+schwan
+combinators
+1920s-1930s
+pappus
+froman
+sebag
+7,540
+dyspareunia
+minsan
+ivs
+meeting-place
+frequelin
+asthenia
+orgon
+953,000
+fsd
+554-yard
+realign
+eunuch
+costuming
+havarti
+1550
+filicia
+narasaraopet
+luebke
+munthali
+hatchett
+daihatsu
+corrino
+lomana
+macintax
+75.40
+brieant
+511
+fulling
+dapoxetine
+k.b.
+seitzer
+požarevac
+lubuk
+hpm
+0.81
+bikini
+strug
+mcsharry
+infibulation
+photo-sharing
+annadurai
+1662
+bagé
+seraikis
+mibtel
+swedish
+mischaracterizations
+blasingame
+matarese
+866
+far-infrared
+emulsified
+millipedes
+magma
+gutless
+loca
+chuasiriporn
+midpoints
+neba
+second-worst
+terrorism
+pyonyang
+limahl
+ladino
+norman-french
+drugging
+nikam
+beitler
+reappearance
+panipat
+makhosini
+newhouser
+crj-200
+marvin
+a340-600
+litvack
+herringbone
+tv-6
+matsui
+saunière
+adarsha
+carreer
+murlidhar
+pomatiopsidae
+syrtis
+gabardine
+ksc
+builds
+hepatology
+ylitalo
+tedjakusuma
+jaaoura
+german-jewish
+uaoc
+bwakira
+spareness
+27-5
+izvestia
+caporegime
+13:20
+eche
+muralidharan
+boaters
+streep
+av-8b
+benevolently
+6,500-apartment
+kasowitz
+financiamiento
+belaire
+chairpersons
+coh
+107.50
+reign
+46-44
+kamble
+pro-style
+pock-marked
+leguminosae
+wiffen
+adcock
+kotv
+methane
+chumbi
+lotan
+playbills
+blockhouse
+thyroiditis
+38.40
+squill
+pappe
+monopolise
+all-english
+cquniversity
+prejudice
+botched
+visy
+trackman
+sennett
+sncc
+alandi
+1940/41
+tornus
+bearshare
+merri
+microcomputers
+team-leading
+tuxedoes
+kofman
+200-pound
+mogila
+obesity
+meraz
+58,500
+hahnz
+chinnappa
+siol
+51-42
+roadburn
+numerically
+shenandoah
+berlinguer
+cabinet-making
+grisoft
+shooed
+light-duty
+kaden
+stig
+ethno
+patties
+mayor-council
+rossello
+fobaproa
+cressey
+d'onofrio
+marshland
+mcdorman
+wataru
+yandle
+pugmire
+laukkanen
+99.57
+ropata
+omniplex
+vajrayogini
+applebome
+cosmosphere
+coomassie
+lancasters
+2,788
+constans
+biofilms
+one.tel
+24-7
+smoothened
+.551
+hph
+odinic
+nanoor
+eels
+a-doodle
+tagliamento
+reimagined
+9.64
+feigel
+bartoszyce
+dengzhou
+41-42
+iicd
+hodeida
+21.23
+sticklebacks
+killing
+grimes
+landscapers
+.506
+regulidae
+zieff
+89.22
+adzharia
+treehouse
+ibus
+recoverable
+patryan
+klickitat
+waverton
+5,816
+1711
+xylosma
+reynold
+katchi
+tokunbo
+lorenzi
+rettig
+astérix
+iliopsoas
+tuedsay
+siepi
+hypatia
+vaz
+rīga
+leron
+nabiel
+tamaulipas
+aufschalke
+277.7
+braless
+shortstop
+longitude
+subcategories
+durban
+yellows
+transpired
+849,000
+rundstedt
+spandrels
+gather
+tatung
+bashes
+temesvari
+esprit
+30.3
+hatebreed
+guarnere
+kōhei
+nordhorn
+auken
+improv
+maeda
+cyclamate
+kishel
+troubling
+eysteinsson
+pentarchy
+extreme-right
+oligomerization
+vermigli
+namu
+historiographical
+nuttier
+straight-up
+275-seat
+segall
+30,000-dollar
+multi-player
+wadesboro
+101.92
+motive
+medici
+4-110
+alfei
+95-percent
+decelerates
+bolsward
+denosumab
+zevin
+durenberger
+neuroticism
+gidle
+midon
+99.52
+dulger
+73.49
+corfield
+cheating
+bandoliers
+waded
+dyskinesia
+rp
+correr
+touton
+korean-language
+rehaief
+reproving
+fables
+point-scorer
+reinder
+ueber
+gabès
+breathlessly
+ronggeng
+oxfam
+hoceima
+pontremoli
+polypeptide
+1959-1960
+military-related
+unterman
+boselli
+aleve
+baseball-only
+favreau
+2,580
+tetrahedrally
+ruabon
+fretes
+myk
+cuu
+kerekou
+devesh
+cupito
+dioxido
+irreconcilably
+gatumba
+hkm
+gaochao
+excessively
+2,130
+erceg
+bellaria
+kadota
+drinks
+interrogator
+january-february
+cille
+padmavati
+jasmin
+rhuddlan
+eocene
+eloise
+96.08
+homevideo
+rexer
+hairy
+parumog
+tsav
+kardak
+wanchese
+bilko
+dhul-qarnayn
+varona
+lighters
+vote-buying
+minimalistic
+baloi
+3.2-kilometer
+banse
+navaratri
+norplant
+pulsed
+k-lite
+thunderjet
+novelty
+laying
+mitochondrion
+co-owner
+legumes
+0.034
+66.8
+ruleville
+230.2
+znojmo
+cribbing
+entry/exit
+caab
+88.02
+tapasya
+six-point
+cagoule
+retracts
+narrow-leaved
+iodization
+tai-pan
+cantiones
+15-story
+cellulite
+backen
+desiro
+vindicator
+suzdal
+pratincole
+fadog
+impoverishing
+shobashobane
+recorded
+5.0
+dilley
+130.3
+tisi
+unexercised
+xingyu
+blackened
+plungė
+shaw
+hammad
+sigrid
+bkeefecoxnews.com
+geodes
+overlapped
+52-inch
+commented
+14.99
+progresista
+i-80
+akmad
+lillestroem
+bainton
+busscar
+chillicothe
+l'âme
+turtles
+nonsports
+lamentably
+11:57
+curnin
+diedrick
+experience
+emsley
+trope
+xuānzong
+producido
+nancarrow
+petriceicu
+60.00
+digitalism
+chandu
+20.9
+cajuns
+lipinski
+casale
+weatherfield
+excerpting
+bermans
+tas
+adobe
+travaglini
+malformation
+dispassionately
+forty-year
+re-sold
+vakhid
+bechuanaland
+chillagoe
+bermand@nytimes.com
+2470
+sea-going
+relieve
+23aou94
+denarau
+c-47
+32-pounder
+nbk
+alights
+jordyn
+54-43
+www.geocities.com
+underpayments
+sodomised
+septima
+depersonalize
+nnn
+kassian
+frescati
+koco
+rusdan
+gáis
+hidetaka
+108.32
+full-range
+2,215
+93-78
+counteraction
+lankershim
+vitelloni
+baibars
+70.86
+guest-stars
+1st
+karnatak
+mcerlean
+pookie
+ssb
+lisas
+botros
+bitching
+nug
+wlr
+multiplies
+banditti
+sharjah
+brownsville
+athyn
+dervan
+xiaobing
+rudimental
+chrysalis
+fratricidal
+culter
+star-bulletin
+zeigler
+ecri
+chechen
+mkm
+buidling
+ameerah
+bartle
+1984/1985
+quahog
+stepinac
+ceiba
+thurmont
+yakunin
+algoa
+1960s-style
+squids
+radical
+oksenberg
+garnered
+predicts
+94-87
+qana
+roxon
+pyi
+1.105
+mangkunegaran
+cangrejeros
+islamized
+poldark
+1872-73
+109.45
+nolberto
+46-42
+fuli
+mhlongo
+spatz
+kassebaum
+charness
+i-6
+defray
+jeunet
+risqué
+udny
+bardens
+gales
+sathya
+rejang
+eychaner
+pinson
+crumb
+socializing
+hales
+reithofer
+précoce
++.13
+tensegrity
+choked
+stormarn
+specialises
+kristinsson
+burritt
+123.0
+coud
+geurts
+17,000-square
+niaspan
+ma'ale
+aust
+19th-century
+banska
+westropp
+sake
+gunports
+kareena
+polesworth
+gangplank
+crotty
+kwei
+babbin
+abstraction
+usip
+prokuplje
+toll-free
+byname
+250f
+helgoland
+30.06
+spellar
+huie
+madeiras
+cepal
+artigue
+tambaram
+uslife
+kjell
+bà
+slavyansky
+kibuchi
+rillington
+gool
+al-jihad
+höfn
+finnair
+tryline
+olid
+tertium
+menkyo
+shrinkage
+dabie
+layering
+ramiz
+mope
+phalaborwa
+warioware
+whets
+tureens
+bruneteau
+stansby
+biloba
+silenzio
+syriam
+partys
+3-0-18-0
+lefkow
+googled
+géométrie
+mire
+aloeides
+nepic
+palenque
+portly
+neeman
+civlians
+armen
+handlooms
+topminnow
+nsanje
+armuelles
+catchall
+valla
+ebrahimzadeh
+zatterin
+three-mile
+turda
+ista
+sharab
+fractured
+volin
+zhiwen
+enoki
+wmv
+holmes
+llosa
+prie
+transcribing
+seventieth
+20.91
+sincere
+leazes
+magistra
+baliye
+post-impressionist
+stretton
+fd8
+maritana
+clipboard
+sub-processes
+fbh
+slumber
+hogzilla
+caa
+platting
+honrado
+aspell
+cnn
+eyespots
+filesystem
+bonacic
+darcis
+garmeh-ye
+handscroll
+10.27
+ques
+griveaudi
+truly
+q0
+7/3
+gort
+prokopec
+sawmilling
+malini
+macrina
+laib
+mysims
+contra
+intercountry
+benard
+1470s
+starchild
+ukrspetsexport
+wadia
+yörük
+05:15
+reengage
+philotheos
+ebdon
+h5n2
+mihajlo
+angelfish
+drd
+saslaw
+lushington
+wuerttemburg
+kozy
+solidaridad
+adoptees
+promo-only
+falloon
+houdet
+campaigner
+aurat
+srikantha
+breakdance
+alexandrian
+torpedoes
+morska
+fawkner
+florae
+cowton
+79.62
+ferb
+globalised
+28-pound
+hitfix
+beitunia
+hoklo
+kettledrum
+bikash
+kiruv
+onboarding
+kloza
+northeast
+reinfeldt
+alamannic
+barritt
+depante
+karlie
+blood-related
+samdrup
+pharmacies
+journées
+huong
+ujamaa
+first-language
+tv-movie
+indulgences
+multisets
+sacrum
+unencumbered
+gateside
+médicis
+rails
+s.l.
+nagor
+severson
+carrouges
+usv
+instillation
+qionghai
+noboru
+chabahar
+keonjhar
+truces
+shivam
+duhaime
+luxin
+65.10
+flaithbertach
+meyerhoff
+palauan
+500-plus
+78.19
+turrids
+stopping
+coxs
+vitina
+destructing
+sderout
+tsukasa
+20.78
+murphree
+victimise
+artaxias
+douin
+parayno
+harborview
+coolbaugh
+vri
+moyglare
+jamea
+hostess
+seniornet
+filmtec
+dilema
+branislav
+switchback
+granulomas
+suissa
+sûreté
+salvay
+irf
+doelen
+mayombe
+top-line
+zhangzhou
+clarinettist
+ra'ed
+coaxes
+morceau
+yingwen
+faver
+paresh
+camarata
+ni2
+variante
+kutless
+zeus
+nanao
+superagent
+aft
+kongwa
+meyersdale
+electricity
+chennimalai
+skinhead
+jagang
+redefinition
+dex
+147.5
+poondi
+winford
+ahola
+tissue-specific
+drejer
+badoer
+ucla
+dellys
+schinasi
+brusuelas
+sound-on-film
+dzhumber
+sangare
+escapism
+95.55
+temperance
+tedx
+eisenbeis
+stas
+68.47
+lamphu
+aporu
+godspeed
+perpetuo
+wednesfield
+goeglein
+acclimatised
+0-5
+gymnosperms
+m.waugh
+vipassanā
+everardo
+pemon
+mathern
+coedited
+buraas
+cpsl
+concertos
+150-meter
+mineralized
+bigler
+plaintext
+perumal
+yadegari
+cybernetically
+shamar
+microsatellite
+18-yards
+indal
+pahlavan
+guazzini
+kobold
+jancsó
+steiger
+dule
+chandimal
+keadilan
+riggall
+cechmanek
+wove
+amigaos
+resurveyed
+mohebbi
+aetolian
+8-18
+sky1
+epimerase
+73.39
+lamoureux
+mf
+cargie
+sardanapalus
+teacher-training
+churnet
+codecs
+chai
+vaishnavites
+became
+lörrach
+chronology
+latters
+vitalie
+viktorija
+kilburn
+martorano
+unhinged
+i-694
+arese
+bunkyō
+paiste
+rukhnama
+sedlacek
+kang
+keifer
+endogamous
+yibna
+ponemon
+99.63
+darlings
+telefonico
+mouhamadou
+nachle
+847,000
+laarman
+bccsl
+backdraft
+gíslason
+sericea
+weisburd
+continente
+zarahemla
+drakkar
+lohas
+podge
+writhe
+chazan
+nounou
+gorodets
+reestablishes
+aryan
+7,645
+perceptively
+prawat
+torana
+mtorc1
+cutman
+panicle
+6.31
+cantharidus
+korail
+materialising
+remastered
+rielly
+serbs
+tweedy
+baroness
+mealey
+40.19
+vetus
+courtailler
+ild
+nahta
+amino-acid
+maranaos
+rattlers
+kreuter
+dukanwala
+haugen
+swannack
+galtieri
+aitareya
+pharaonic
+usg
+astrobiology
+compellingly
+nogara
+māori
+unorganized
+belshazzar
+lacoste
+evelin
+vasconcelos
+arema
+beermaker
+jena-auerstedt
+bgee
+wheaties
+hidegkuti
+madiba
+straggle
+heronry
+harkes
+extraterritoriality
+xoxo
+teguh
+limning
+121.35
+kjm
+doped
+ctbuh
+nyt9
+accounting
+breakeven
+carla
+novara
+nelsinho
+zubero
+xfl
+ejaculation
+toone
+nandana
+brachycephalic
+holtzhausen
+sexiness
+babi
+jimson
+ruminating
+albigensians
+lmb
+instigate
+appier
+a-klasse
+penthouses
+telescreen
+fars
+messerschmitt
+aprilianto
+corbelled
+124.28
+xigaze
+bonaduce
+450h
+peover
+timesheets
+serevi
+čech
+graske
+etruscans
+81.62
+inulin
+holtsville
+cottonwood
+kosher
+petrovich
+keyboards
+abercrombie
+nagl
+becirovic
+kontos
+haisla
+toyoshima
+galactico
+mochovce
+carec
+tfc
+euro505
+partygaming
+123.1
+daid
+2,718
+ishizaki
+kfs
+baldomero
+greenlaw
+shengli
+homoptera
+ecosoc
+viegas
+schwartzman
+right-clicking
+heaps
+unrecognized
+abdelwahid
+9/19
+restinga
+keyter
+capron
+pronouns
+vilella
+3,375
+dongarra
+darvas
+orthophytum
+didactic
+bernstein
+pavlo
+99.88
+spiral
+tilikum
+2:56
+5,890
+srikrishna
+rhinemaidens
+57-page
+parquetry
+rayos
+mfsb
+biotime
+westons
+blixen
+2,770
+rockets
+bjelland
+niccoli
+vacillations
+jolicoeur
+weilding
+jeeyar
+sadoon
+70.08
+boxster
+remarkable
+muy
+elkhound
+corvid
+u-41
+230,000
+vedrine
+maezono
+navalar
+chipping
+bentsen
+itch
+brachetto
+udovenko
+alcala
+h-21
+penstock
+ukiah
+vicioso
+dogbert
+vetos
+457th
+schuiten
+boccia
+bio-engineered
+thermography
+protector
+canvassed
+aligned
+chubarov
+xiuquan
+muluzi
+poage
+oksywie
+powerlessness
+indulgence
+arneberg
+87.05
+edery
+petzel
+tagi
+unseeing
+aleshin
+frédérick
+adames
+.653
+tingles
+cambodians
+lambach
+glenfield
+egyptair
+nagged
+nahnah
+1994/1995
+medem
+cassaday
+r-m17
+paganism
+lhok
+kuchinsky
+somera
+spangler
+apicorp
+tsuru
+yuehong
+seminomadic
+atractaspis
+scrophulariaceae
+torzhok
+53-44
+kerlon
+tuffah
+graffagnino
+qualitatively
+3,046
+i-696
+sampoong
+lovebugs
+bongani
+quie
+kibbie
+mhp
+margherita
+20.42
+isvara
+sarrasine
+templeton
+b3
+elizabethtown
+život
+sws
+116.5
+shizhong
+boberg
+akmal
+oozing
+constantina
+ingvard
+säpo
+meterological
+fredricksen
+hajredin
+parcelforce
+planchette
+kuhmo
+arkantos
+dayle
+wenlou
+climbdown
+d'isere
+auge
+350-member
+79.65
+doganer
+plusquellic
+euro573
+brijuni
+marou
+zanan
+świętochłowice
+crandon
+pukekohe
+engelberg
+stim
+bajura
+inlaid
+dessi
+aleksei
+dateline
+21.05
+abitibibowater
+chitiva
+horizontally
+wodan
+1.5-metre
+pengassan
+otaci
+notably
+aspl
+gordian
+formartine
+2,949
+reverse-engineering
+folklife
+talu
+telfair
+prażmów
+272.7
+vetter
+sukhdev
+aeroplane
+sjumandjaja
+crossland
+southaven
+looky
+24-march
+alpine
+avilés
+hemraj
+harrar
+therese
+literatura
+tic-tac-dough
+stevanovic
+pmp
+abhiras
+carolus-duran
+glahn
+rajgarh
+verpakovskis
+ganado
+purbawinata
+emax
+mansergh
+cassette
+co-consecrators
+deinonychus
+29.33
+wroclaw
+bonomy
+zlatko
+emme
+u-turn
+reijo
+georgetown
+hktdc
+preparator
+107.25
+angusta
+exactas
+petsch
+hongliang
+michener
+tiddim
+cond
+smoothen
+snowbowl
+sethi
+actitud
+233-megahertz
+hershkowitz
+zapato
+appressed
+1990-1995
+lundowski
+faik
+source
+28.72
+ex-pupils
+bumblebees
+queimada
+ernestina
+cormeilles
+heilbut
+sweatman
+drizzly
+abouhalima
+saint-jean
+omotoyossi
+meldrick
+147.1
+pimpri-chinchwad
+de-activated
+triennium
+priced
+bluntly
+aptly
+120.000
+yerxa
+bergere
+l-cysteine
+camembert
+hand-drawn
+humiliatingly
+low-cost
+86.11
+64-qam
+seed
+bembridge
+surfeit
+torr
+red-light
+trong
+anecdotes
+canicoba
+coldharbour
+106.40
+agora
+scoreboards
+dumouriez
+andjelkovic
+tlalnepantla
+accham
+columbiad
+hothouses
+kones
+clark
+800-go
+xiaogang
+negotiable
+hopcroft
+jingping
+heppenheim
+tehlirian
+martaban
+critchell
+rassul
+1685
+syagrius
+marantaceae
+agylla
+hkn
+ultracold
+gage
+slovacko
+esmā
+1,129
+yuuji
+ziarul
+tela
+augmon
+andrx
+theorizing
+a330
+ceaucescu
+133.0
+powerwave
+mikula
+quori
+snake
+netze
+wichita
+3,888
+sneer
+owa
+untersturmführer
+forty-second
+non-catholics
+dobrzanski
+casden
+newmarket
+breastwork
+laborer
+rajnoch
+devnagari
+josephe
+leysin
+bhonsle
+debenedetti
+re-aligned
+pentridge
+cracchiolo
+non-hindu
+jgonzalez
+merse
+witchcraft
+dewalt
+deras
+marechal
+thora
+neofascist
+choreographs
+hemley
+passionflower
+sagged
+retrievable
+nordics
+lacandona
+in3
+sister-in-law
+wǔ
+dré
+sejad
+moonves
+decolonisation
+globe
+u.s.-dollar
+shinkawa
+d'aquitaine
+2mass
+fielden
+mauriat
+shian
+reese
+lovage
+vranje
+magnon
+spö
+fenomeno
+robineau
+orkanger
+estructura
+il-6
+fréchet
+54.05
+privata
+christopoulos
+webcams
+polyot
+blastomeres
+organists
+buninyong
+squirrels
+cley
+insisted
+ravago
+ndombasi
+mtg
+densmore
+trevena
+chivian
+beyda
+ferrers
+fiord
+peret
+1908
+troutman
+tú
+onomastics
+reimers
+ftes
+nemazee
+44-foot
+gottschee
+decoction
+intenational
+moorer
+ellenwood
+año
+mahaffy
+farb
+16.46
+tulalip
+epoetin
+monza
+kurwenal
+no-confidence
+maragall
+43.85
+bailén
+bjarte
+maylee
+chediski
+kelci
+levere
+buraku
+discursive
+118.15
+metas
+efr
+boumerdes
+dipterocarp
+claveria
+flowerheads
+mitta
+tsugaru
+commerford
+tioman
+cirrhosis
+sondra
+yokozuna
+pistola
+cawkwell
+hjejle
+awarua
+mydoom.a
+zewditu
+pan-arab
+fibrillation
+montague
+dongchang
+ibraham
+linfen
+regenvanu
+captchas
+ní
+anglet
+ey
+martins
+920,000
+myfootballclub
+f-20
+oppidum
+vilsmaier
+35-21
+303d
+cherepkov
+remanufacturing
+birket
+kezman
+8/13
+mass.-based
+paijit
+holler
+manoora
+nastas
+skycap
+vereinigung
+psychiatrist
+remount
+arkangel
+jakosky
+pessimistically
+greytown
+five-member
+credle
+skocpol
+choice
+85.68
+109.84
+singularis
+67.6
+blomkamp
+blackwoods
+cassinga
+soferim
+fraiteve
+laserdisc
+adjmi
+kazmunaigas
+jaluit
+incriminates
+hyuk
+98
+strains
+laprairie
+bradlee
+payet
+lol
+tamiflu
+lap
+tavian
+governmental
+mytishchi
+hailee
+m.e.
+vigilantism
+spurted
+convertido
+mcginty
+54.59
+amstrong
+darnielle
+83.22
+bobble
+tagore
+1,471
+australian-based
+casiple
+legations
+woes
+poled
+kalakala
+alanbrooke
+echo
+lullaby
+upgraded
+daewongun
+15.34
+oversea
+shabery
+western-oriented
+242.5
+unreconciled
+116-112
+transmitting
+hornbeck
+lenarduzzi
+truglia
+stabilities
+giant
+berkman
+eifb
+mourelle
+farinacci
+schröter
+3.3-mile
+lupando
+lidia
+guetta
+45-page
+dinuba
+corwyn
+jeong
+saleslady
+tey
+jean-noël
+1.116
+papadaki
+l'arche
+d'entremont
+keystroke
+goldens
+misappropriation
+bleeding-heart
+reinhold
+sony/atv
+entrenchment
+stabile
+yevpatoria
+disguises
+stove
+worns
+rly
+burroughs
+esmaeili
+omantai
+drese
+macmillan
+luci
+47.02
+24,688
+cryptozoologists
+1936/37
+fluted
+substantial
+http://www.coxnews.com
+amorbia
+proposito
+mkanell
+forebear
+sufficiently
+uzbekistan
+monoplacophora
+motoyama
+9-square
+fermenter
+parfyonov
+sloper
+musawir
+ext
+siddha
+iloilo
+hael
+blazkowicz
+41,500
+stoup
+pieth
+a85
+jacinto
+maryfield
+angolans
+barware
+1,872
+thacker
+kushan
+aramean
+shuwei
+micrometeorites
+ifshin
+vittaya
+bandhan
+1,819
+27.28
+neferneferuaten
+keijo
+similarly-named
+cracking
+marrakech-tensift-al
+ishtar
+issey
+abducts
+atsimo-atsinanana
+ahrq
+4,500-year
+493
+two-yard
+773
+kannberg
+singer/guitarist
+uppers
+revels
+test
+kurer
+mokotedi
+eurodeputies
+tolkmicko
+hofschneider
+goo
+utc-5
+natalegawa
+214.5
+single-chip
+lw
+popow
+gauloise
+remunerate
+gladiatorial
+cartersville
+béisbol
+bemerson
+jettisons
+40-caliber
+70.13
+fossano
+siperco
+inner-city
+tomakomai
+vps
+quarshie
+naseer
+nègre
+calrissian
+midre
+spicoli
+badakhshi
+asnom
+mores
+achilles
+unconcerned
+29-march
+shavington
+bocomm
+radome
+meslier
+policarpio
+novocain
+worldcons
+cir
+pachon
+somekh
+wieren
+billard
+krämer
+phytonutrients
+1670s
+sargis
+cederstrom
+ismaning
+breakup
+kaepernick
+91.13
+breds
+invariable
+saidpur
+16:59
+atterberg
+frond
+gemeinschaft
+fanfic
+franchetti
+grafters
+antibodies
+gansevoort
+neudeck
+swaddled
+boole
+hyakki
+pokes
+31,800
+tried-and-true
+evergestis
+in-country
+leguen
+unrestrained
+expunging
+__________
+459,000
+worshipper
+bosenbach
+chaitén
+roesler
+jogesh
+vacillated
+sireli
+antao
+3,011
+urgencies
+ponkunnam
+urbanity
+cashed
+pongcharoen
+marcial
+streaky
+287.7
+side-scrolling
+two-color
+nationalsozialistische
+urska
+kostelnik
+soeur
+minibuses
+rayess
+bauermeister
+youngbloodz
+alsheikh
+breakthrough
+24.22
+ujazd
+re-brand
+40.02
+bells
+dieted
+ului
+taw
+aurland
+anti-habsburg
+waldner
+probus
+amd64
+1871-72
+sahuc
+ridgeworth
+4300
+disease
+rudbar-e
+xxxiii
+capas
+colvig
+carmell
+qaiwain
+49.32
+katzer
+bohls
+splm-n
+slickened
+fluoridated
+113.60
+il-15
+responsiblities
+khapalwak
+1,183
+shihri
+picabia
+schijndel
+barun
+pratham
+oxygenases
+vazov
+151.7
+tetamashimba
+górniak
+2,923
+mońki
+whanganui
+labrousse
+agf
+ה
+penciler
+correcting
+continuance
+huntington-whiteley
+tzigane
+700-kilometer
+alipate
+salop
+buryats
+dahlkemper
+presidencial
+bradl
+imbibed
+orthoclase
+constanzo
+messmate
+purpureum
+schongau
+run-of-the-mill
+2.7-liter
+uplinked
+3-2
+computers
+15-minute
+rutilus
+kotobuki
+quta
+sternocleidomastoid
+floggings
+caprio
+oltu
+jtg
+mid-18th
+1,422
+googling
+antiracist
+kitzingen
+sunbow
+crear
+dedecker
+tubod
+realone
+crisóstomo
+htet
+627
+corgel
+maltman
+catucci
+bosanquet
+disadvantage
+dodgernote
+172.4
+nilakanta
+shelmerdine
+damming
+115.80
+sts-119
+razorbills
+timb
+kwai
+tetangco
+described
+cecchi
+60.75
+maraveh
+sadjadpour
+35-kilometer
+69.72
+ravi
+gbeho
+ashokan
+disgraces
+forester
+dybul
+broonzy
+autonómica
+kenosha
+javaserver
+tchepalova
+awe32
+trajkovic
+shiwen
+combativeness
+sbk
+greenwillow
+29-oct
+fetzer
+nourse
+6-of-10
+teba
+61-3
+fireroom
+1086
+numpy
+macdougall
+lawful
+hermitage
+drinker
+reptilian
+impecunious
+2,729
+equal-sized
+technolgy
+400-series
+approximant
+1769
+morphologic
+stoeckley
+enshrined
+nasim
+h-index
+eberson
+stimme
+kaundinya
+halton
+lucerna
+tanon
+zetcher
+teli
+bsfc
+narongchai
+loreta
+cookin
+ezrahi
+unbalancing
+appx
+waco
+wodele
+longmans
+1601
+pokrivac
+2.815
+mez
+gause
+lianne
+10,000-strong
+37.13
+marim
+5c
+glissando
+51-30
+caldor
+pistolesi
+alturas
+gulfton
+md-83
+knkt
+pci-e
+carlock
+30-yr
+dragoman
+ikeyama
+bira
+matsuri
+falkland
+faustus
+risala
+mitsutaka
+primex
+macfarquhar
+lyndal
+gono
+hesperia
+nigamananda
+rockshelter
+forestal
+louis-antoine
+fidgeted
+launchings
+dinesen
+hurdy-gurdy
+muneeb
+corythosaurus
+1,914
+59
+bgn
+40-30
+goldberg
+kachhi
+sums
+sciandri
+wasmund
+websecure
+thionyl
+palazuelos
+usun
+upsilon
+chauvel
+fantastique
+k-14
+marlène
+u21s
+dargis
+disfigured
+frasch
+yallop
+remya
+2013-14
+vii
+sandercock
+numero
+ubuntu
+smilers
+harless
+wygod
+babka
+floresta
+indent
+mbitiru
+meatheads
+stivic
+ihsaa
+ossi
+aziz
+uwe
+pitches
+lawyering
+refuelling
+yusupov
+norg
+auret
+glenmede
+twosret
+4.000
+jaeson
+eisenmann
+kashmirs
+transforms
+tnn
+a/c
+vc-1
+fahrenhorst
+leiter
+2340
+nwsl
+vause
+mircea
+elasmosaurus
+zelophehad
+dykstra
+rolex
+non-combatant
+ajk
+ground-controlled
+arum
+studentenverbindung
+taihu
+zuru
+elżbieta
+4.7-magnitude
+calkins
+nunchaku
+bly
+108.44
+engenheiro
+47-million
+lamarre
+havocs
+licinio
+gratification
+traxler
+104.35
+pontotoc
+84.65
+ariely
+instantiate
+prampin
+hurewitz
+3,007
+steranka
+gorb
+tafseer
+rawl
+rusport
+i̇nönü
+1.286
+isandlwana
+bc6
+chavalit
+achaeans
+8:24
+vozrozhdeniye
+2-0-11-0
+construes
+bleich
+povey
+alliedsignal
+airship
+tracklist
+n.c.-based
+carno
+sawamura
+lucanus
+balloonist
+10-for-14
+waite
+71-74
+hephthalite
+klatz
+helvey
+pranks
+bgle
+skolimowska
+exective
+boka
+105.8
+senan
+creagh
+mid-engined
+trimarans
+foyn
+co-ruled
+anaesthetized
+damrosch
+casa
+high-priced
+beautification
+jayshree
+entwined
+61-0
+cluny
+97.76
+mazes
+seht
+phraya
+122.76
+heptulla
+brohi
+iggy
+yavari
+18.00
+lalwani
+sulpician
+stod
+datagram
+posies
+caucchioli
+post-traumatic
+25,750
+kürten
+ep-3e
+timewatch
+meakic
+vålerenga
+biztalk
+melodramatically
+36.41
+ronde
+huldrych
+lugging
+codirector
+irulan
+profinite
+1,200-year
+bedell
+luiz
+barnesandnoble.com
+shroeder
+ruxton
+24,100
+koetter
+contents
+41.01
+macritchie
+suntrajarn
+acclimatizing
+xiuyu
+styloid
+lavandeira
+lahaie
+haitian
+seneschal
+goalies_detroit
+fontina
+eh101
+co-operatives
+ignalina
+27.01
+wqs
+devs
+avifauna
+e-mails
+syerston
+trimet
+adelphi
+mawr
+bogard
+narlikar
+pandolfo
+panamco
+lapped
+azaouagh
+escravos
+wolf
+colmán
+72.85
+paranjape
+tpdf
+bachata
+sembler
+bendery
+scherz
+inverclyde
+user-created
+treemonisha
+westlife
+metrostars
+825
+db5
+dye
+bukusu
+preben
+chappie
+proto-indo-iranian
+eugoa
+bernays
+neutralizes
+65.45
+fld
+key-value
+chatikavanij
+fritt
+lbft
+milli
+fraternize
+eduskunta
+thighbone
+gada
+desecrates
+bell-tower
+411mania
+gyros
+bachman
+branyan
+veniamin
+pdrm
+albinism
+pasangan
+marlborough
+dries
+geertz
+balle
+czechoslovakian
+dobles
+votaw
+92.81
+wmsc
+royster
+beltran
+kuhr
+1,351
+wrangling
+yotaro
+vinter
+searfoss
+zahoor
+press-enterprise
+codling
+gudbrandsdal
+chancy
+rawska
+murdering
+dwelling-house
+pistorius
+inadequacies
+spartacist
+superstations
+5,486
+cuatro
+magellan
+eitam
+feherty
+muntarbhorn
+codemasters
+florschuetz
+lese
+nussle
+karhu
+mitsuki
+althusser
+3nt
+allsop
+pmartinez
+vygaudas
+ringstraße
+anastazia
+pre-specified
+bowerbirds
+uralsib
+busuttil
+malhar
+singeing
+vairo
+j.r.r.
+campisi
+cold-water
+drypers
+gwt
+langille
+boyne
+shearman
+176.50
+schmalensee
+goreng
+gardephe
+djuricic
+shepshed
+4motion
+transcendently
+archs
+meeder
+waldensians
+65-57
+quatrefoils
+klyuchevskaya
+steamers
+número
+enablement
+etc
+abcdefghijklmnopqrstuvwxyz
+vise
+1,774
+littering
+sympatico
+ampang
+sawe
+kcf
+revenues
+aresti
+recommitted
+stags
+kafando
+denjū
+6-quart
+briz-m
+right-of-center
+hyperpolarized
+pseudo-code
+94-79
+gynt
+numeros
+four-room
+cctv-9
+85-kilogram
+vulgaris
+gravemind
+voiceover
+germanus
+maji
+theisinger
+senden
+sophy
+affronts
+gladchuk
+e-2c
+nypt
+punsalan
+2,525
+mulpuru
+gullies
+plexiform
+troutdale
+vulpecula
+sign-on
+worle
+caju
+sarawak
+jindalee
+shimoff
+jonesborough
+kurobe
+tanen
+phosphotransferases
+jagger
+afshin
+gerrish
+luming
+siring
+brank
+bronze
+ahlstrom
+ricasoli
+marcellus
+kbc
+outjump
+engraver
+dunch
+savignac
+genderless
+pomelo
+unconscionable
+tape-based
+mermentau
+asuc
+formula_139
+-11:00
+thomerson
+jacott
+sadhan
+lefh
+yingqiu
+dewart
+1397
+depardieu
+134.4
+storax
+collinson
+ova
+143-year
+re-organization
+throughball
+547-seat
+edule
+perfuming
+left-over
+pergocrema
+rickey
+chimbonda
+dongbei
+hippopotamuses
+isabella
+gillette
+insecurities
+crocheted
+contrada
+supplicated
+wideman
+leukopenia
+motorable
+bodysuit
+kiberd
+gadus
+freden
+migiro
+politifact.com
+bizinsidersfgate.com
+idolatrous
+duaik
+eckstine
+sequim
+amorphoscelis
+semigallians
+bendorf
+vaishnav
+alif
+conspiracies
+boomers
+zareh
+hostal
+ball-bearing
+egginton
+nagiko
+semi-skilled
+86.4
+tax-deferred
+shoplifter
+keillor
+seager
+1.90-meter
+ovens
+tycho
+carambola
+sörensen
+xerez
+angolite
+75.42
+lyda
+insultingly
+aglycone
+99.3
+85.16
+vaidyanathan
+knipling
+canvey
+akademik
+rigaud
+empathetically
+kaiserslautern
+touchy
+baldato
+publicised
+ohka
+shasha
+yemenis
+mcclain
+corinium
+mediano
+pyeongtaek
+devasted
+kesa
+lanfranco
+arilje
+jaintia
+downbeat
+edades
+fespaco
+espadrilles
+checkered
+average-sized
+irreplacable
+sincan
+schützen
+dutse
+nwfa
+anya
+niwas
+taraflex
+akademy
+uncivil
+jakkrit
+ksan
+gelashvili
+lawrencium
+120-meter
+65.87
+ayata
+kharagpur
+gurusinghe
+3.8000
+tsuen
+beller
+loida
+10-person
+fenech
+mcafee
+monotonous
+379,000
+auto-tuned
+turkishness
+1937-38
+41-13
+nikolskoye
+scoble
+civili
+jagiambi
+choquehuanca
+canadian-made
+franka
+mazdaspeed3
+transpennine
+mime
+unbarred
+indigenas
+stoped
+pangaea
+neuroimaging
+carnelia
+18:29
+cicadas
+352.6
+bouka
+ginkel
+dacula
+latifolium
+seungri
+lutein
+blacktown
+snaffle
+kawano
+choudhuri
+0100
+entangle
+saklani
+katende
+micajah
+cbn
+weiser
+rafta
+wolfpacks
+mondriaan
+bryd
+katalin
+iheartradio
+joint-stock
+rosti
+single-track
+liles
+neutralisation
+prions
+harvey
+crosses
+belasitsa
+54.21
+agamic
+steyer
+fawwar
+demoiselle
+birdhouse
+lurline
+synanon
+tropicale
+110-107
+-12
+19-yarder
+hemingford
+egc
+zhilong
+cyclohexanone
+stothart
+71.94
+shillelagh
+four-member
+rémi
+kajiwara
+oakleaf
+demange
+vitoria-gasteiz
+dotti
+baronage
+stikine
+wagner
+yicheng
+internasional
+four-dimensional
+euro10
+titmice
+multi-criteria
+kilograms
+industriales
+jaggard
+wcp
+macadamia
+wtmj
+l'ain
+nzfc
+masu
+vehicle
+sportsman
+newish
+seydoux
+ippolita
+blighting
+baglung
+dmcc
+arminian
+budapest
+metalware
+lovegren
+takehara
+'84
+privates
+montesanto
+marcellino
+hyakunin
+shouyang
+loquasto
+amour
+berlina
+1.875
+893-8241
+20005
+matzzie
+nolin
+non-interventionist
+niceville
+tailgated
+107,000
+auxentius
+kalingan
+nhsltot
+super-speed
+zhū
+geleen
+rudolfo
+mandalorian
+story-based
+cumberland
+arkoff
+91-80
+propraetor
+gasifier
+chirkinian
+fiorella
+scriptor
+keston
+daiei
+hongli
+hnatyshyn
+melanau
+vaihingen
+d&b
+dromaeosaur
+blg
+parishioner
+werth
+variscan
+overdramatized
+obersee
+murchad
+fresne
+263,000
+109.33
+cellstar
+ben-zion
+khagrachhari
+horseriding
+kess
+grrrls
+billingsgate
+wayman
+luiseño
+3272
+cough
+disintegrator
+athavale
+75,000-seat
+azadliq
+transamerican
+plasmatics
+8.32
+worksite
+www.nycvisit.com
+piringer
+fabrik
+rabaud
+ercan
+cẩm
+marketings
+silverbolt
+samad
+rechts
+gunnery
+portering
+93.95
+gelechiidae
+1913
+blakelock
+kufic
+grani
+newborn
+belligerent
+beat-up
+h.s
+92.0
+samberg
+vilifies
+mediated
+ignoramus
+keil
+conflux
+massena
+brückner
+super-soldier
+afrocentrism
+maiores
+lagaan
+booneville
+dowries
+за
+1955-1957
+wildtype
+rivendell
+kelsay
+endora
+laker
+chantler
+swahili
+mccurdy
+nyangoma
+crusty
+markha
+folkenflik
+excavatum
+mccrary
+hinting
+inventories
+silbersky
+baroque-style
+killens
+vomiting
+fitzmorris
+hailstones
+sanhedria
+74-73
+pfc
+i-90
+mary-anne
+élise
+balor
+stellan
+2.0-3
+84-year-old
+medicean
+conchobair
+yeshi
+x-34
+spartz
+mercifully
+prostacyclin
+kasner
+bandirma
+scaling
+wk
+maniac
+liddesdale
+meze
+roke
+budgie
+48.24
+bixler
+suratman
+glencoe
+featherweight
+hydrolases
+prince-abbot
+icac
+stoecker
+lavette
+tinku
+svelte
+nanobots
+brain-derived
+metwalli
+sarafina
+gilbreth
+chromatid
+27-dec
+yasuko
+hilpert
+llandudno
+366.7
+waipara
+vitex
+l.l.c.
+globalsecurity.org
+ghazala
+timekeepers
+sks
+gadd
+75.09
+quantifiable
+voi
+perica
+bearsden
+shuen
+vallecito
+mid-range
+dwyfor
+filmworks
+bradlees
+zhonghua
+malien
+marcell
+seton
+matrimony
+okochi
+davisson
+senneville
+frutiger
+gorondi
+paoletta
+ovi
+dupa
+panizo
+d'artois
+quds
+objected
+ostrowiec
+windmills
+cronista
+aou
+kiis
+habbaniyah
+teodosio
+cw03
+gelded
+97.47
+supplementation
+chimed
+papanikolaou
+result
+.275
+gardermoen
+witchfire
+runcu
+preda
+486
+radyr
+restivo
+umile
+krastev
+isar
+namboole
+dushan
+ageless
+schizophrenia
+glochidion
+relection
+abc-tv
+sadism
+2-for-11
+minet
+lamagna
+masonic
+annaba
+kaemi
+29.39
+viotti
+euro251
+preferences
+promenades
+flaxton
+myllyla
+payo
+metope
+trackers
+0600
+bundles
+25-metre
+máscara
+prodigies
+avensis
+taguba
+makame
+k'ak
+correia
+nautla
+halfaya
+pietersen
+hyperventilate
+non-oil
+blyden
+sherwin
+bimodule
+aouzou
+katoch
+kosciuszko
+mitla
+thaha
+superunknown
+observants
+901
+tinson
+wicklow
+1,2
+kavango
+miria
+cielab
+maggie
+outmanoeuvre
+bamian
+anka
+heirship
+zun
+adelines
+nuada
+safenet
+premonitory
+pakhtoonkhwa
+yeungnam
+lawmaking
+athabaskan
+tumblehome
+finbar
+64.94
+conglomeration
+halvari
+schumann
+colagiovanni
+50kg
+alem
+altruistically
+808,000
+al-sulayhi
+yannai
+crioulo
+14:59
+re-registered
+carcaterra
+paascu
+kieft
+vitalicio
+eyespot
+skat
+naxakis
+sadden
+siuberski
+baldassare
+kwassa
+203rd
+98.84
+sebire
+inlay
+shijian
+xiaobao
+baglioni
+sasc
+onewest
+sadcc
+al-hasan
+mwm
+gadiel
+tolsma
+regattas
+schmadel
+enfoirés
+citylink
+pulci
+fibula
+eluting
+ferrugia
+prosiebensat1
+conneally
+burbano
+empieza
+siren
+121.73
+carabobo
+pop-oriented
+hotchkin
+cantharellus
+choosier
+vekselberg
+chernigov
+1.5885
+1.025
+stoppages
+23-3
+3.36
+2,974
+302nd
+kalmykia
+bcms
+parading
+1997-2007
+paap
+restrictors
+nohra
+kaykan
+stretched
+imperatives
+alm
+hataman
+thousandth
+molten
+390-7422
+3nd
+sidahmed
+212.2
+lodowick
+springwater
+firdasari
+mcclatchey
+dl
+bevel
+30.67
+viitorul
+mig-21
+look-alike
+11.90
+location-based
+alphand
+spayr
+jetform
+kreutzmann
+stillbirths
+molley
+lavor
+detonators
+brimm
+ogbourne
+sunaryo
+birchmeier
+oooooooooooo
+kaczur
+1105
+fiame
+ramakrishna
+gammarelli
+smush
+insecticidal
+timoleon
+lakmé
+humera
+48-22
+pujehun
+awka-etiti
+withey
+4-feet
+rebels
+postcolonial
+jerame
+optician
+musty
+sereena
+greenock
+tebucky
+wiesenfeld
+macrobertson
+fhk
+beckloff
+julien
+joslin
+exhaustively
+daisy
+kenjiro
+geld
+10-kilometre
+eggers
+declinations
+cathar
+mp-3
+niederhuber
+littlerock
+blazey
+alawites
+electic
+alliteration
+ilkhan
+bourdet
+sanwar
+cagomez
+neruda
+votevets
+glean
+114.08
+mandler
+vf-11
+romal
+chenery
+svt2
+kusch
+ivaxcp
+31.02
+jpl
+828,000
+ntakirutimana
+apprenticeships
+undirected
+vuillemin
+bohemian-moravian
+ryuga
+end-of-year
+goodnough
+http://www.ipcc.ch
+adianto
+ftr
+disassembled
+rozenbaum
+nkono
+kostadinos
+3,500-seat
+dong-joo
+ideographs
+58.55
+durnford
+albendazole
+beart
+despereaux
+reimbursed
+cochiti
+townspeople
+dubawi
+123.80
+arey
+mallows
+plowing
+bedrest
+blytheville
+student-teacher
+wenjin
+dunne
+windisch
+sabogal
+mme.
+6-part
+pintado
+bugden
+mongoloids
+participial
+subcostal
+roswitha
+cottony
+kathrada
+zeledon
+become
+scituate
+hspa
+4,195
+euro260
+2002-2006
+60-mph
+s.h.e.
+nuccio
+studenikova
+four-car
+dooner
+shaqir
+,670
+earnhardts
+žukauskas
+recalls
+windon
+summer-only
+bookish
+duisburg
+2,761
+millets
+dabic
+kaikai
+tuamotus
+airscrew
+aburizal
+black-on-white
+husam
+hazelton
+polyalphabetic
+resale
+marking
+roughcast
+f3dm
+aerovias
+jungels
+denber
+ensoniq
+eisenson
+l&br
+mbk
+ky.-based
+5:39
+jnk
+70.97
+honkytonk
+portioned
+arup
+década
+spong
+ignoble
+23.56
+a-generation
+arisman
+udal
+sipah-e-sahaba
+palka
+kozienice
+tonseth
+hippolito
+magliano
+gonghe
+btb
+shawon
+sholinghur
+miljacka
+financière
+51.55
+vice-presidency
+harmonics
+lohmann
+faqr
+wispa
+batthyány
+greda
+hudock
+l996
+proceeded
+befogged
+henslow
+massud
+longchamps
+wizardry
+suthas
+euro518
+golda
+oromiffa
+jacksonians
+derecha
+holender
+feldhahn
+lagerlöf
+euro442
+ligue
+clogau
+walen
+ternent
+luchsinger
+musella
+gharrawi
+columbines
+lightsaber
+floyer
+galli
+97.94
+bremervörde
+purpose-built
+2,600-square
+bruschetta
+waterreus
+protasov
+otaka
+hydrodynamics
+pictor
+20-kilogram
+fidelio
+townhall.com
+1842
+temnora
+balanda
+nigerians
+hagedon
+43.48
+flourless
+dubarry
+prinsep
+paraguay
+og
+humla
+38.98
+psychodynamics
+prcs
+15-metre
+toston
+paragliding
+lavasani
+acclamation
+45,417
+materna
+refsum
+tzer
+oread
+multisite
+puneeth
+2680
+jaf
+hcas
+eight-time
+jabril
+jankowice
+ramganga
+saki
+boyars
+butthead
+11.96
+axton
+ioannides
+firebirds
+dulgheru
+penjing
+zamolodchikova
+marring
+dpns
+b&er
+iglinskiy
+burgos
+grodin
+dc-4
+lagendijk
+baranya
+llena
+simeza
+leisle
+histone
+gastronomically
+tiberius
+omnis
+praline
+legal
+carpizo
+favorites
+petticoat
+theberge
+aurelian
+1,508
+mireles
+knizia
+recollections
+dambier
+mengke
+waves
+dafang
+wisniewski
+http://www.dhs.gov
+medicale
+tritoniidae
+mutagamba
+glaive
+gradison
+33.29
+2-tablespoon
+non-ibm
+wca
+215.8
+,070
+radhakrishnan
+1,326
+unhealthily
+hydration
+rafiuddin
+artjanawat
+sparkasse
+bespoke
+nordström
+thwarting
+pampuro
+rigidities
+szu
+cjd
+nedelciu
+fidm
+162,000
+10b
+mongshu
+minehunters
+subfields
+korbach
+tejendra
+stich
+ump
+nematoda
+ionotropic
+brockes
+abeam
+climbing
+vending
+mesurado
+charron
+indonesians
+bickett
+temple-like
+jarhom
+oehlen
+fenella
+leyendecker
+internode
+fhirbhisigh
+19-22
+1985/1986
+thermo
+fesperman
+sturnidae
+kennecott
+8,090
+rakon
+vilkkumaa
+wellcare
+naghma
+wipeout
+typo3
+kernow
+z8
+higuera
+lehua
+donkor
+mappings
+29.02
+observar
+bhimdev
+ahcc
+redemptive
+elymus
+terras
+presbyterate
+kannamma
+sweeting
+shaniqua
+d&h
+1626
+raced
+pre-show
+bonazzi
+mismatching
+shepherdsville
+rhymed
+nedre
+cb4
+herbivore
+taipale
+profusely
+87.74
+euro22
+biosciences
+mcnulty
+dunakin
+salido
+kamareh
+tinti
+areoles
+potassium-40
+haddadin
+kacang
+chapala
+tsomet
+dld
+pharantzem
+kunze
+privately
+terence
+mickeys
+eagle-3
+costumer
+siboni
+murota
+1.4726
+yō
+astir
+dieron
+slavica
+pouce
+mid-april
+milked
+bootsie
+lindi
+iger
+swash
+globalflyer
+carsten
+proved
+ozon
+19,600
+low-income
+bumblers
+wittenham
+adhi
+qgc
+sudre
+wode
+ostrow
+wainganga
+108.75
+12-kilometer
+lancit
+assortments
+sosin
+,380
+g-rated
+josette
+garfinkel
+scheirer
+gladys
+re-organized
+hyung
+ajeti
+rabiner
+achuthanandan
+a-channel
+56-50
+12-country
+lumberyard
+sensor
+patagonia
+globalisation
+scutum
+krahe
+gateways
+montserratian
+kabbalist
+42-30
+zajonc
+bete
+uring
+oshie
+fecteau
+hysterical
+pacsun
+mafalda
+advocating
+1073
+petrelli
+bernotat
+macur
+empiric
+pinpoints
+billman
+nonsuch
+alyan
+wrenchingly
+centereach
+euro683
+otim
+eytan
+chatah
+cranberry
+sinh
+reheating
+cardenas
+mamey
+armour-piercing
+chilango
+westerleigh
+boroughbridge
+redmon
+mentee
+chhattisgarh
+poort
+lancz
+pussycats
+gelimer
+scholer
+vojnik
+barnabe
+alecks
+wilkinsburg
+troop-carrying
+goggans
+vys
+35-square
+megafauna
+c&ma
+extractive
+staatsrat
+lower-powered
+mettler
+s/n
+folch
+matityahu
+one-dimensional
+oscan
+wheeling
+c-124
+unwrinkled
+convicts
+lozoya
+wiedersehen
+filippelli
+numberless
+b-24s
+kazuyo
+kaivalya
+géza
+trashier
+stu
+smi
+stansell
+helcogramma
+yablonski
+moretus
+perplexa
+alkmaar
+hurls
+causa
+planet-wide
+basaltic
+third-year
+guardant
+40.56
+disturbance
+ofws
+hideous
+liran
+75.67
+lęborska
+berehaven
+insouciantly
+0455
+cers
+olmos
+anopheles
+avadhuta
+129.95
+martialis
+sylvania
+55.04
+khadijah
+beeker
+keller
+niinimaa
+46-million
+marin
+forthwith
+vrenna
+110.43
+37.05
+nsibambi
+tonkawa
+stuttgarter
+shalabi
+janowice
+cataldie
+postponed
+oehha
+llanishen
+n-9
+tought
+billiards
+siau
+livening
+110.24
+klain
+demonising
+cfc-12
+zhibin
+vitkovice
+nonplanar
+nydahl
+madeshi
+périgord
+617,000
+numerators
+kovalan
+ape
+smuin
+magnetizing
+right-handed
+fireballs
+deon
+re-enters
+b-boys
+232.5
+memorialize
+malheiro
+tauss
+extell
+pharms
+worldsec
+donziger
+dresses
+motos
+huhtamaki
+sub-base
+paraffins
+70.4
+schutzmannschaft
+spent
+chuska
+galschiot
+118.8
+rehabilitative
+review
+puppies
+iraqiya
+olley
+177th
+reinisch
+etymologies
+sète
+hatherley
+tpbs
+combate
+styris
+flippo
+self-limited
+yarn
+baryte
+mostow
+paulding
+sbt
+dionysis
+trijntje
+huac
+mar
+stole
+7,400-strong
+erlandsen
+74.28
+localist
+15-december
+mashallah
+espionage
+enuma
+bukan
+ferencváros
+chuco
+haver
+g.b.
+yutai
+nasdaq-100
+mechana
+scenically
+faisal
+240-mile
+digestion
+lazzara
+karnal
+notícias
+narva
+phố
+tipples
+baghdad
+300-word
+fuguo
+redbox
+pomagalski
+38.36
+dhanush
+valenti
+72.8
+financing
+inslaw
+tumo
+undivided
+iwg
+preca
+linea
+white-eyed
+tumarkin
+selvi
+gopeng
+11.23
+houstons
+fessed
+2901
+alpines
+krizan
+sampit
+35-mile
+unreturnable
+lankan
+banbridge
+overtime
+licence
+4-liter
+75.78
+mid-august
+diagne
+monophysite
+deroy
+courteously
+shipment
+rozel
+jesco
+birkebeineren
+ctesias
+3-cd
+fles
+nuthin
+graeca
+détente
+abramović
+bartolini
+vara
+mazo
+obsolete
+ashu
+epidesma
+crips
+qingxu
+pectin
+mec
+keitel
+ninetta
+jayasudha
+donald
+delasau
+kaleidoscape
+spanner
+surakiart
+townies
+waypoint
+cappelli
+hinde
+pumpsie
+parepare
+sharlot
+ōtsuki
+betania
+52.39
+paralogs
+crabby
+paich
+.569
+mcpheeters
+khán
+hampden-sydney
+bzyb
+nitroglycerine
+1910-1917
+scrims
+naruhito
+umang
+jau
+nips
+stood
+suhail
+vionnet
+20-victory
+cutillo
+450-strong
+terra
+r2d2
+macdill
+messiah
+13:18
+masebo
+free-floating
+fascicles
+bhakti
+solex
+meadowlarks
+uua
+scotusblog
+cretier
+lindl
+asiento
+nusakambangan
+turek
+menxia
+18:54
+exercise-induced
+nin
+l.q.
+257.2
+defonseca
+42.76
+reminisced
+seifzadeh
+cementing
+g41
+bb95
+puba
+reverol
+suharto
+jonze
+shuofang
+absorbers
+post-career
+looney
+malecki
+basemjondolo
+british-australian
+kech
+40-ish
+oger
+boody
+laureano
+xamax
+105-degree
+4260
+armida
+61/3
+saskpower
+59.24
+lippard
+80-percent
+breendonk
+swiderski
+beier
+beason
+glancey
+gissler
+pikachu
+lattime
+bumppo
+shusaku
+swerts
+accessor
+21.64
+ghiraldini
+irrotational
+bdu
+stubble
+bagratuni
+maska
+oglander
+misbranding
+26
+varum
+nîmes
+ortf
+vedas
+bernath
+grangetown
+tyng
+woolley
+battled
+bjorgen
+thornycroft
+preferment
+bare-breasted
+gongju
+dannehy
+funebris
+4,382
+pkloer
+deelites
+unlisted
+31-1
+pyramidalis
+broadside
+reptilia
+diminution
+hmu
+shandi
+sterilizes
+calcifying
+immunologic
+dench
+manini
+menteri
+comptia
+9.5:1
+jonubi
+46,500
+hyenas
+phenergan
+csco
+l'allier
+proboscideans
+aalborg
+6-0-2
+komplex
+pavagadh
+agnatic
+darlan
+chatino
+drage
+aval
+30.99
+sandboxes
+redcar
+reflective
+scouter
+mini-episode
+salemi
+höðr
+hasinai
+flahavan
+jaini
+admonitory
+sealevel
+assemblies
+hockman
+roula
+myślibórz
+1,500-square
+poythress
+tice
+doihara
+seimitsu
+uetliberg
+mazhari
+americredit
+hashash
+55s
+zhahd
+jangada
+qts
+0.052
+sulick
+mmw
+65.44
+thracia
+enroll
+buzău
+lakeshore
+rabita
+moonbow
+monkayo
+norquay
+bags
+dioecesis
+vx-6
+21,500
+devaluate
+pao
+¡
+departamentos
+billes
+nro
+ischemic
+bellville
+hailakandi
+biblica
+franny
+34.50
+oilwell
+huangguoshu
+300.000
+185.0
+mereology
+330-yard
+slaughterhouse-five
+dgse
+musson
+disingenuous
+skase
+foxfire
+rajaraman
+miramontes
+clothing
+rugelach
+dictatorships
+creem
+cripplingly
+backup
+wandin
+rawa
+49,600
+hipps
+251.5
+1896-1898
+bigha
+bodley
+poberezny
+pierogies
+aquia
+kubrick
+0223
+2,727
+siegen
+drnovšek
+front-drive
+pich
+mtshali
+s14
+louveciennes
+vajrayāna
+durdin
+pelé
+bluths
+pre-commissioning
+vandalia
+polyelectrolyte
+vincor
+kkk
+rushailo
+jonz
+yukong
+sybase
+salumi
+propellent
+aspects
+torchlit
+aloneftis
+platelet
+selbekk
+caviars
+dharmasiri
+coli
+luminescent
+shafie
+cuno
+vernie
+besco
+ondansetron
+zeehan
+mashiach
+divisive
+high-definition
+sedgman
+furrey
+broadford
+contentville
+nasd
+heterodox
+đá
+interesantes
+thimothee
+2.29
+clairmont
+mcgillion
+eucommia
+medecins
+buttes
+13min
+borides
+mazzotti
+vegesack
+let
+eatman
+castel
+lcsd
+ingushetian
+reuland
+milarch
+nayim
+faizal
+pin
+daisaku
+ulric
+harc
+sawasdee
+vieuxtemps
+ladakhi
+muckalt
+temburong
+hopewellian
+avenge
+sluggishly
+1g
+ventolin
+15.21
+revaluing
+wickramanayake
+frangilli
+tippoo
+flugge
+)
+toothache
+kupu
+mayweather
+tyee
+redi
+ifeoma
+socialization
+2,866
+cowrote
+p'urhépecha
+1-1-2
+nivkh
+molinos
+jacking
+scandisk
+mallaig
+yellowish-orange
+srebenica
+kratochvilova
+sturrup
+thurible
+stupor
+terrail
+typographically
+gianturco
+100-meters
+strawson
+skudai
+thormann
+tickets
+beechey
+1400
+münsterland
+kadis
+hrodna
+60.94
+77.73
+khaindrava
+nyköping
+agios
+obadiah
+maceo
+ovilla
+4,207
+sheth
+rabbits
+haskins
+263.1
+freebirds
+sjt
+8.8
+dream-like
+99-0
+quinnipiac
+bussell
+74.43
+rdouthit
+huseman
+29.44
+5.2-magnitude
+conceicao
+55.66
+colorados
+mysliveček
+lichterfelde
+branded
+neya
+sadli
+spillways
+bulsara
+116.61
+6.66
+muntinlupa
+chano
+saumya
+oeiag
+egretta
+sachdev
+bulwark
+codice_17
+butetown
+danjou
+thiha
+56-21
+109.11
+zidovudine
+sores
+trawick
+technology-based
+blackstar
+climate
+mcneal
+unorthodox
+tiruchirapalli
+iaru
+utes
+snouted
+dajan
+nevzlin
+bf
+18,200
+norizan
+ardc
+falsification
+kinross
+interpol
+cross-disciplinary
+amorphis
+head-up
+haguro
+unmusical
+cosmopolitans
+787s
+guttermouth
+caspersen
+samisoni
+motohashi
+wieluń
+10.81
+77-day
+luminiferous
+tattoo
+linalool
+schuett
+penev
+guohui
+heimbold
+pre-event
+krios
+almar
+starks
+mikell@nytimes.com
+sarmadi
+lovells
+37.66
+4250
+tapings
+ppnb
+muther
+d43
+puntos
+merconorte
+fidis
+maltreating
+whys
+shrinks
+flageolet
+d'antibes
+euro484
+mhaonaigh
+remaster
+sexson
+giffoni
+pointe-noire
+kano
+peace-keeping
+malecón
+dangl
+erlitou
+57.36
+scor
+funfair
+re-configured
+muetzelburg
+forkbeard
+deeg
+9-game
+-3.9
+brötzmann
+component
+exarchate
+medecines
+deconstructivism
+trine
+lilandra
+21-14
+huo
+il
+d-glucose
+267.2
+almásy
+5,210
+554.26
+160-year
+kaptain
+lévi
+celebratory
+convulses
+smalltalk
+contributor
+macas
+ashgrove
+barretto
+bouffe
+ricke
+afoa
+xochitl
+6650
+bibile
+bucerius
+b15
+lgu
+ryzdvyany
+gjøa
+hajeri
+schimmel
+colluding
+half-price
+bryozoans
+tramore
+overtaxing
+milà
+dressmakers
+a127
+walpin
+guangshen
+castaic
+7,000-foot
+formula_172
+vanderslice
+ntuh
+rear-wheel
+raycroft
+gestetner
+terrible
+mundanely
+joyously
+fixed-route
+multicenter
+veining
+breadstick
+scrummaging
+lititz
+goddess
+53-42
+kersti
+daozi
+hammett
+1000th
+arya
+spray-painted
+larrea
+nicor
+vicenta
+mortgaged
+cryptology
+kennedys
+lcal
+toton
+120-kilogram
+filleted
+husák
+occam
+3-1-1
+ukba
+frogs
+anf
+dulces
+27001
+phichit
+micky
+shuffle
+herculis
+39-2
+shrewdly
+unrepresented
+off-the-shelf
+nói
+blatter
+17:20
+marianowo
+pouts
+pabbo
+neillsville
+puberty
+brushes
+brantling
+bayswater
+weirdest
+hadad
+korzybski
+stakeholding
+f&m
+delp
+boccanegra
+kamman
+leygues
+1.615
+gyula
+bouwerie
+meatball
+christijan
+atrophying
+calella
+teleost
+gyrocompass
+vacancy
+sub-plot
+cimmerians
+martino
+shaji
+deserters
+25.73
+tevin
+41.09
+sekar
+weideman
+scandalizes
+non-criminal
+asare
+myo
+noncandidate
+elephantine
+attaches
+chak
+padlocks
+eguiagaray
+tonner
+pick-up
+l&swr
+lundblad
+cessnock
+25,100
+blackham
+theodicy
+nordion
+photius
+4.8-liter
+israelism
+peugeot
+neo-classicism
+euro512
+96.1
+rzd
+trinamool
+berzins
+rodrico
+siena
+lauper
+amherstburg
+guitar/vocals
+2,961
+leviticus
+inharmonious
+argeş
+bailiff
+hollycp
+enginemen
+deandar
+grom
+shoemake
+reindorp
+925
+guillaume
+huipils
+4.12
+starman
+ifes
+97.32
+emmelshausen
+signages
+grön
+atpases
+mcauley
+150mm
+25.29
+futurist
+necro
+fit-out
+3,718
+buttress
+iii.
+7-kilometer
+own
+tyrannous
+35.25
+5.41
+bev
+19:25
+seol
+stacee
+sankuru
+ariadna
+mittelsachsen
+buffalo
+ravera
+human-made
+crates
+brozman
+adumim
+laureles
+shopkeeper
+kanellakis
+tyn
+1926
+presentational
+baring-gould
+broman
+sermersooq
+72.79
+furnace
+paypal
+120-yard
+brainard
+unsuccesfully
+solfège
+barwis
+meringue
+letizi
+sarcevic
+yizhi
+tincu
+sombat
+nilda
+urkel
+salesbury
+parekh
+spie
+recognizability
+ny
+an-124
+argana
+berga
+38-6
+concupiscence
+issigonis
+advocate
+hioki
+alibrandi
+connell
+griliches
+user-submitted
+ore.
+kcbs
+gatas
+bwana
+e24
+grundtvig
+reparable
+reeducate
+99.21
+wi
+marsanne
+4n
+rolodex
+swen
+artemy
+voyeuristic
+cyma
+stuntman
+grorud
+aby
+1.265
+wrightington
+vaginitis
+orthographic
+5-39
+mollies
+kacyvenski
+shahkot
+independant
+lucus
+grandson
+hornacek
+keena
+ilva
+-10.00
+25-25
+estrada
+flodin
+horsfall
+characene
+meatiness
+wtkr
+alfonsi
+sayes
+ballgown
+56-41
+juninho
+dakotans
+modak
+253.7
+falkenberg
+diaconu
+longer-lived
+shuman
+konstantinovna
+ullyot
+1/3
+62.27
+wont
+freyr
+sjeng
+cerveris
+deseado
+feilden
+ftc
+qili
+exhaustion
+peau
+1,722
+tarbela
+injudicious
+ayola
+jhaw
+estancia
+winnik
+krystyna
+forty-eight
+aankhen
+4,095
+prokopov
+begat
+two-footed
+candleholders
+38.38
+mindfully
+cochi
+tsurumaki
+funchal
+homi
+nyrop
+bulletproof
+xide
+bahir
+daoxin
+keystrokes
+topic
+endsleigh
+hindi-speaking
+cherupuzha
+ultrastructural
+musclebound
+surahs
+lizarraga
+snakeskin
+q-tip
+sparkman
+2.0-percent
+mithradates
+ondraskova
+kaempferol
+fotini
+dynamism
+hanao
+9:40
+olšany
+eysteinn
+klindworth
+corynebacterium
+ilze
+shiawase
+virgina
+luodian
+mcareavey
+gamuda
+người
+jenn
+c1-eng
+oldroyd
+commutator
+yuksel
+knowland
+100.20
+52-51
+mingyi
+boettner
+457
+bujagali
+689
+reciente
+sikorski
+81-year
+nhls
+1914-1919
+cheil
+hussle
+centerior
+boia
+urethritis
+overture
+nathee
+majendie
+pakman
+réveillon
+batang
+monetized
+rogstad
+2,175
+benaki
+diplomat
+intu
+26-oct
+post-retirement
+1600gmt
+autos
+ishizaka
+noddle
+khaplang
+nowakowski
+colorama
+thaskin
+non-monastic
+rumspringa
+muhd
+malpensa
+blando
+vandermark
+fense
+celean
+livingsocial
+progression
+54.18
+widdicombe
+laziale
+kahuna
+tooth
+cortinariaceae
+cheia
+casilli
+xiaolan
+tournois
+saintfield
+82.7
+briers
+bijli
+111.68
+kurung
+lumberton
+hawton
+1881
+exterminate
+demoralizes
+krummenacher
+56,800
+lōc
+1644
+sickles
+vented
+foederati
+bijenkorf
+179.1
+lagen
+dalenergo
+allnutt
+suburbia
+carle
+babby
+cri
+vilno
+enkhsaikhan
+idries
+pecheneg
+aurich
+meltzoff
+fasig
+serangoon
+endorsements
+kelsall
+barbarina
+lemington
+yoker
+nutrition
+kilmichael
+gunsights
+hedgehunter
+braised
+histadrut
+1,384
+western-style
+referents
+habeel
+dory
+varley
+1,220
+lubber
+dunderheaded
+kannur
+yogesh
+delmee
+35.22
+yom
+businessworld
+pert
+abdolvahed
+luffy
+theaterworks
+purnama
+alleviation
+trisong
+judith
+regd
+bequeaths
+ordnance
+hean
+cytoxan
+euro768
+collimation
+slugline
+manueline
+déjà
+brake
+djurgardens
+bosetti
+bigard
+norem
+deum
+19.22
+breshears
+festively
+petroplus
+stinton
+tarachand
+sonja
+sān
+shadar
+portneuf
+serge
+imaginasian
+fossel
+bih
+167th
+ashwani
+honorine
+biddell
+4-f
+insititute
+technetium
+risha
+tidore
+karstadtquelle
+nagma
+manaus
+burai
+pl
+psbr
+kingi
+rusdihardjo
+gygax
+sterjovski
+aukerman
+protectress
+haved
+confederate
+1103
+jls
+pomus
+løvenskiold
+fonck
+talents
+beef
+coulomb
+myostatin
+genndy
+a.n.
+7-week
+sauvignons
+pretense
+cómo
+w.a.s.p.
+wyandots
+dark-blue
+orleans
+ryabkov
+opsware
+shinkichi
+bici
+4,007
+1,970
+777-200
+villanos
+whippersnapper
+shapeless
+upernavik
+nicklas
+orgánica
+1.6750
+woldenberg
+probable
+familypc
+slinger
+wheatear
+montag
+jokonya
+suspense
+reparative
+euro190
+mishkan
+münchner
+kaikan
+roll-call
+142.50
+salukvadze
+101.28
+.923
+180-horsepower
+27-day
+bridgetown
+deendayal
+spps
+dunball
+confederates
+sicyon
+kamberi
+bertholf
+pilus
+kamui
+first-down
+kinondoni
+apprising
+diane
+blayney
+tobyhanna
+talkie
+quieren
+wiersema
+alac
+attachment
+anahita
+springwell
+vickie
+sundry
+scocozza
+guenzel
+under-resourced
+rabaut
+trackbed
+aculbertsonstar
+vallée
+septimania
+seven-mile
+cajemé
+trending
+ciralsky
+94.75
+santopadre
+netherland
+.671
+hthomas@hearstdc.com
+monon
+49-run
+afdl
+helles
+bidders
+j.j.
+crutcher
+shareholdings
+produkt
+3,341
+mclellan
+chess-playing
+soulive
+atpdea
+3,274
+tankage
+27-30
+1.007
+800-kilometer
+phosphide
+yankey
+overbake
+neubiberg
+tritones
+crixivan
+clergies
+glisson
+stethem
+5α-reductase
+today
+87.32
+mazzulla
+dorniers
+aubuchon
+123.93
+perruche
+yugoslavian
+dully
+jatiyo
+1338
+dsgv
+adna
+atlanticus
+ravens
+merzbow
+kilnhurst
+suchai
+non-charting
+songane
+libertyville
+carpus
+90-yard
+gaya
+forening
+montecchi
+rivanna
+rafinesque
+2.17
+rothorn
+vaulting
+sprinkles
+36-33
+kibaale
+discusses
+activities
+yazi
+forewarn
+brackla
+stowaway
+rfl
+nelly
+carving
+abhidhamma
+skycaps
+fumagalli
+runabout
+aphorisms
+72.41
+28-month
+skyscraper
+hsun
+relinquishing
+tectonics
+myracle
+styll
+nyf
+östgöta
+d'amor
+5,000
+mcgurk
+rijal
+817,000
+hilditch
+obanda
+toddling
+achieving
+reher
+polycentric
+romania
+lipitor
+aakash
+seein
+step-children
+sülze
+arbroath
+evagora
+tampoi
+machang
+slashing
+jur
+claudel
+prek-5
+diversification
+218.9
+hanumanji
+cbo
+greysteel
+amasya
+hechtia
+seraphim
+agnostic
+wamc
+sloboda
+38.62
+2247
+podolsky
+mcqueen
+cerebrum
+jinqing
+13.92
+trstenik
+64-62
+oie
+britten
+maliciously
+atbara
+penampang
+garroting
+wordings
+cawdor
+haipeng
+seman
+rahanwein
+zanelli
+funnell
+implementer
+aqra
+winey
+shooters
+lukowich
+sumahadi
+mackowiak
+nivernais
+røyken
+wardeh
+stromatolite
+szatmár
+flintheart
+sygma
+amsterdams
+400-yard
+dive-bombers
+gristmills
+veneti
+percen
+petrozavodsk
+farmhands
+munder
+1980-1988
+scarfed
+walking
+washinawatok
+military-backed
+169.3
+ashdod
+speechless
+privatizers
+jrussellglobe.com
+108-107
+oddjob
+tetracyclic
+savr
+ampère
+evers
+5-36
+fourth-down
+ranches
+agglutinative
+bussie
+bruseghin
+commendably
+550-member
+ronghua
+squads
+55.00
+ildar
+delineator
+80.21
+trelleborg
+colasanto
+belanov
+lobules
+166.9
+deuba
+tevanian
+cybercast
+agnolo
+156-player
+artifact
+chicago-born
+2:06
+bahati
+gerund
+3,771
+raftopoulos
+gulam
+fabao
+84.82
+luiseno
+mcclenaghan
+parksville
+2,643
+aktif
+sorcar
+horrorland
+£
+physiotherapist
+c&p
+afis
+leptostylus
+softkey
+1,170
+satterlee
+miguez
+shimbashi
+cristaldo
+parasuram
+velikhov
+silvina
+norwin
+sulston
+blacula
+iyanla
+ame
+fatehabad
+cac-40
+88.74
+hurstville
+jobing.com
+suguna
+grais
+secv
+wallraff
+majestic
+harmonica
+złoty
+t.o.p
+municipal
+warmly
+tailhook
+fuchun
+brinkhorst
+4.04
+shapir
+rubiano
+darkest
+c1-spa
+salom
+aranceles
+wandy
+corradi
+elpis
+patronyms
+lmds
+theorie
+hammerton
+tadatoshi
+sipes
+boru
+limbering
+bazilian
+histograms
+tadashi
+britomart
+bodio
+nejad
+sonnambula
+phototaxis
+schwarza
+toprak
+rexroth
+hügel
+herts
+karlsefni
+bakry
+raghunath
+negar
+prunier
+wicket-keeper
+damxung
+concerta
+center-line
+wiese
+fairholme
+fulmar
+resting-place
+sustainment
+market-place
+classicism
+chedjou
+gaugh
+doughs
+bellicose
+16-hectare
+bharata
+rijavec
+danquah
+black-owned
+30ind
+fabrications
+16-play
+bankier
+1.4475
+85-member
+holzkirchen
+involutive
+10g
+straightener
+knauf
+ethicist
+listing
+0940
+echostar
+zindler
+siponto
+hameid
+lerner
+mutebi
+walo
+tsuba
+lectotype
+point-of-care
+qabbani
+logik
+56-member
+all-4-one
+friendsville
+bacilli
+dinnigan
+socioeconomics
+96,000
+self-fulfilling
+grossberg
+alexandr
+210.6
+gitell
+tinkertoys
+crain
+longanecker
+katsuhito
+termes
+wildling
+kazhakstan
+parishes
+vasović
+4,955
+baudone
+kaneria
+świebodzin
+derniers
+dahme-spreewald
+burb
+crossbar
+dobro
+azny
+exonym
+90f
+planché
+prodded
+wudunn
+saue
+mitar
+rotec
+heartrending
+vashon
+solem
+rathchaprasong
+landlubbers
+odgen
+rosebuds
+jaguarundi
+unchanging
+halmstads
+1,000-yard
+kluwer
+sallied
+1.415
+35-18
+kpf
+20-yarder
+shakyamuni
+girgenti
+tinsley
+scuffling
+kathleen
+steaming
+warmerdam
+dhinsa
+erlinda
+6,620
+jopling
+bravado
+franson
+v-8s
+asymmetry
+sheree
+imagists
+konqueror
+122.06
+custance
+115.76
+ini
+phytosanitary
+despot
+escalators
+prefacing
+reggie
+matanzas
+antitobacco
+kham
+balangiga
+technion
+7:00
+coppola
+telegeography
+everyman
+dumézil
+remonstrance
+irmo
+pumphouse
+claesz
+rozanski
+toucanet
+kopernik
+mtx
+dewes
+20:25
+janin
+requesting
+2,888
+daira
+handwoven
+ratzenberger
+ashmole
+beenamol
+héloïse
+baitul
+tajikistan
+reiner
+qingdao
+rhineland-palatinate
+sionko
+pierro
+carven
+bignoniaceae
+yuling
+shahrudi
+tortura
+ior
+tarin
+rutto
+fakey
+31-22
+grained
+alcedo
+golota
+combino
+l'acadie
+2-track
+sls
+redingote
+colleague
+amias
+mcshea
+c'est
+toles
+fresnel
+oryahovitsa
+inaugurate
+afari
+spurgeon
+frontrunners
+am3
+11,150
+adoor
+'14
+aeroportos
+shakir
+quadrupole
+euterpe
+non-hierarchical
+75-66
+gunmen
+decock
+steckler
+tropoje
+adpc
+syunik
+transitionary
+asheninka
+x12
+kuhio
+amatsu-mikaboshi
+121st
+organophosphate
+barko
+breaststroker
+53.21
+proceded
+rémond
+euro459
+starland
+a_16
+inception
+cerin
+1.745
+icmp
+incense
+propitiation
+ascoli
+pelevic
+fischler
+konken
+kadoumi
+dahlmann
+0:54
+shams
+amte
+n-250
+decriminalization
+senner
+chavara
+smeal
+pentafluoride
+d'innocenzio
+.0359
+ruddigore
+yeagley
+qawwal
+naimoli
+insisting
+zhengyan
+106.45
+smooth-coated
+bannow
+1-732-390-4697
+41-minute
+pama
+cangrande
+gann
+kakai
+maycock
+tejo
+czysz
+avil
+o’clock
+montería
+pop/rock
+choptank
+buseck
+dewael
+steindorff
+limerent
+4.2-litre
+pov
+mäkinen
+retable
+shiawassee
+indialantic
+feastday
+rousselle
+pariser
+oberdan
+valetta
+arnoult
+2,435
+idrocarburi
+goeritz
+100k
+libanos
+haute-savoie
+klh
+mumbly
+eskov
+42.92
+nurturer
+slughorn
+nenno
+pki
+cespedes
+demirchyan
+3-song
+wdf
+excitability
+schynder
+formula_22
+27.1
+lexton
+boesel
+kanazawa
+hedayat
+bartelt
+464,000
+boadi
+alekos
+chaid
+dr.-ing
+stefánsson
+pensée
+mirah
+minute
+leganes
+undeniable
+kunst
+slippers
+leboutillier
+ofa
+thready
+pietila
+ruairí
+138.54
+jap
+spore-bearing
+qamishli
+avrahami
+skateboards
+saal
+all-west
+ulceration
+renberg
+dsv
+placide
+oslobodenje
+brader
+fagerlund
+infraorbital
+springhead
+ufj
+umuc
+parmelia
+rbb
+usisl
+wadebridge
+brezhoneg
+mahru
+intermodal
+kolo
+trigem
+baronova
+wholesales
+enologist
+mu'izz
+gta
+mburu
+twinkly
+kolarska
+slushy
+electus
+audran
+rarebit
+charizard
+eason
+heechul
+morazan
+118.34
+certificates
+5750
+subramanyan
+olin
+macarius
+downham
+hotaru
+60.50
+duei
+apportions
+protruding
+1,563
+bamert
+bootham
+gizmos
+rajasuya
+bahar
+clert
+heinous
+rayment
+zhongshan
+aspirants
+48-48
+torpedo-boat
+mandibles
+baccarin
+wolfe
+washingtonia
+washboard
+hinging
+smetanina
+arnesen
+25-country
+16.2
+mendler
+haicheng
+1976-79
+adisai
+off-camera
+61-39
+cyn
+kalvin
+mihan
+bredt
+hopscotching
+cyprinodon
+palestine
+brigstocke
+ವ
+hard
+yushi
+17-mile
+ammonia
+naofumi
+hereby
+budges
+geostationary
+caprimulgus
+mccaughan
+1990-96
+matisoff
+factionalised
+basbous
+ongo
+31f
+kaifi
+97.63
+now-famous
+unsmoked
+cuyler
+gracy
+sabin
+maciej
+merseybeat
+abbesses
+bulimic
+zoomed
+altamonte
+11:49
+aare
+205.2
+cfs
+648,000
+water-borne
+wojciechów
+gulyas
+side-view
+kaliski
+pickler
+torzym
+incharge
+khoren
+temporalities
+poetics
+stanfords
+manyas
+swathed
+bludd
+prodigy
+drools
+polartec
+48,300
+khachatrian
+cachay
+melbourne
+talvin
+thibault
+soke
+rowboat
+garage-rock
+7.9-magnitude
+gunaratna
+guernsey
+commensal
+dembiński
+sebastián
+cera
+panegyrics
+graciously
+scott-lee
+porifera
+chaoimh
+aeropostale
+inestimable
+mommies
+sub-contractor
+tarloff
+riccio
+taft
+0.61
+69.9
+hodža
+morgenson
+chasles
+282.6
+geoffery
+clemen
+56.62
+101.31
+139,500
+23.3
+père
+aegerter
+quavering
+ubogu
+33.26
+thiong
+siwash
+juuko
+granovsky
+172.7
+pascaline
+staribacher
+shhh
+non-logical
+highcliffe
+pennard
+kneebar
+sobków
+leydon
+48-match
+hagler
+lebane
+heartened
+westerhof
+ferras
+teletón
+lemmon
+3,165
+margarida
+archæological
+towler
+1924-25
+2,543
+phenobarbital
+pack
+cabinet-maker
+revivalism
+umina
+wołczyn
+:28
+mocambo
+succes
+energies
+fauviau
+abolfazl
+njcl
+pittance
+onís
+kulakowski
+infantilizing
+akaba
+jovin
+fibre-reinforced
+humeralis
+thurnau
+beschloss
+brocas
+luhe
+palepoi
+anti-tumor
+lamian
+orf
+puti
+handsaw
+ayatskov
+.25
+cumans
+scolforo
+ifas
+bounties
+burrum
+1490s
+lady-in-waiting
+surgeon
+nissanka
+eijden
+perennial
+glengarnock
+airgun
+gormenghast
+daish
+pearlie
+flare
+conned
+winterland
+steadily
+459th
+aubrey-maturin
+wtxf
+lefave
+aera
+unitd
+victimisation
+f.h.
+3.300
+immigrated
+400-odd
+karatekas
+eoka
+sipi
+39-32
+cablesystems
+economos
+brzezinka
+2bs
+allmon
+kindles
+woodsmen
+lucidity
+dieppa
+drabble
+diepen
+mercurys
+wichter
+inbetween
+mamounia
+make-over
+gould
+d'assise
+bonavena
+current-carrying
+whiles
+non-departmental
+moaiya
+neo-liberalism
+aristocratic
+zaki
+84.09
+hematological
+mukada
+aynain
+cortney
+dockrell
+3,913
+1609
+voortrekkers
+adfs
+bridgettine
+molinia
+2,596
+saxons
+tứ
+pic
+sint-truidense
+nazia
+uncertified
+yohanan
+draws
+disagreed
+erewhon
+rafvr
+keprta
+cath
+28.79
+uneasy
+regulating
+10-of-18
+diffie-hellman
+haar
+wow
+63.61
+wancheng
+agler
+aisled
+32-1
+servomechanisms
+wooddale
+canebrake
+79.17
+conquers
+benburb
+unglued
+chaim
+herington
+lahem
+partai
+hakkas
+wenting
+1:46
+ecocriticism
+govett
+estelito
+monitory
+wijers
+lashing
+space-time
+siniscalco
+markiewicz
+nariman
+chakiris
+mesopotamian
+immolated
+ryang
+rowbotham
+non-issue
+gunman
+mejor
+ratiwatana
+antiquing
+vijayaraghavan
+lanrezac
+megabat
+praetextatus
+gwar
+guo'an
+kanok
+overnighted
+nerita
+deganwy
+odeo
+4-4
+nepo
+68,000-seat
+mcculley
+7ft
+domanski
+nouvelles
+mackerras
+renison
+medaka
+state-space
+110.62
+skyrock
+kovel
+langhammer
+carderock
+mithridates
+synfuels
+oeo
+24.06
+kinsey
+khadir
+zant
+sta.lucia
+choeng
+9.587
+facehugger
+smoothbores
+ectoparasites
+rogerson
+kanimozhi
+aibonito
+cosette
+boudebouz
+portuguesa
+forward-swept
+selkirk
+object-based
+56
+thumbnail
+aldeen
+sts-120
+radio-television
+paedophile
+cmax
+stridsvagn
+scheyer
+saoub
+mazara
+j.gordon
+ahal
+narodowej
+lowy
+telegu
+mid-table
+deaths
+nizuc
+vestris
+sartaj
+charvis
+envisions
+saroso
+érainn
+a-31
+srbije
+curus
+safl
+neuss
+pelea
+epaulette
+mecca
+cinefest
+polytetrafluoroethylene
+plumeria
+stimulations
+pair
+chiwoong
+gorno-badakhshan
+padowitz
+mobbing
+checkbooks
+abdnor
+monolinguals
+synchs
+s70
+kolecki
+saccadic
+djalo
+sibomana
+harvester
+hoagie
+alvertis
+solace
+encyclopedist
+sandvig
+forebodings
+diq
+vilmarie
+stampp
+offer
+bourne
+pitchside
+canol
+scammell
+1,889
+cyclen
+me.
+yasuhara
+93,000
+jermyn
+wynants
+strallen
+xpressmusic
+armless
+horster
+fuzing
+tupungato
+alternifolia
+shigar
+vermicelli
+ipy
+pluvialis
+zue
+karou
+osv
+g-5
+taxcut
+aczel
+fiduciaries
+butcheries
+consisted
+almanor
+soghoian
+zarb
+lowkey
+carnevale
+to-do
+20-odd
+patal
+komeito
+zhijiang
+theodor
+rinderpest
+wtf
+pursuers
+d'alene
+tassafaronga
+bookseller
+belleayre
+0010
+27.9
+antigen
+asbestos-related
+berhard
+ultrafilter
+ronne
+enlivened
+178.6
+whomping
+objectively
+dufaux
+flaviano
+oppa
+subrahmanyan
+petrovaradin
+1.468
+jsd
+breakages
+nani
+macmillian
+tze
+kegger
+sillimanite
+three-time
+dubord
+shadle
+shotts
+ba937
+aposematism
+shebar
+cousin
+68.37
+oath
+drumroll
+seductive
+elemental
+giandomenico
+nationalism
+3,687
+test-playing
+84.7
+nihilists
+rampage
+nonlife
+bugler
+macrobert
+railwayman
+ndele
+afterwards
+58.63
+baroreceptors
+involuntary
+benois
+cieslak
+mantey
+824,000
+marvelman
+62.26
+bonington
+eliach
+thimerosal
+fielkow
+youngworth
+gutta-percha
+oguni
+sigrun
+inquisitors
+vaelbe
+.548
+coirpre
+seige
+triton
++.15
+tarcoola
+processed
+pirroni
+inelastic
+rational
+societe
+υ
+security-related
+cory
+hispanics
+rollnick
+1114
+oliveras
+bahmani
+linanthus
+heloise
+diboll
+arenberg
+parkways
+beautifully
+manchester
+rashad
+rashidun
+cudgel
+primitivism
+15-49
+5-1
+terwilliger
+thoburn
+tomine
+470-million
+bors
+si
+charles-joseph
+35-page
+toral
+theoklitos
+yuhi
+carbohydrates
+sonat
+viae
+grebey
+kosofsky
+20.4
+shimano
+survivors
+thessaly
+reedley
+60.56
+chukhrai
+ez-zor
+sarkozys
+milland
+reappointed
+o.w.
+llw
+condemns
+exige
+neha
+eisheh
+puchberg
+685
+unfunded
+autostrade
+cabuk
+csk
+pashi
+sundon
+n.v.
+muawiya
+lerato
+aurillac
+amorbach
+keyspan
+phytochemistry
+qinan
+54.14
+bd
+sack
+glorifying
+bedcovers
+lvs
+tomás
+zuò
+51,300
+akershus
+adieu
+vichea
+dasan
+1.2500
+harpoons
+woodward
+palao
+poom
+allgemeine-ss
+wagonways
+rosendall
+shrinking
+tickle
+iron-containing
+ranges
+harnish
+epigraph
+volvic
+w135
+loathes
+graffenried
+aks
+zefross
+gallen
+canonicity
+95.42
+marinus
+hutheesing
+whc
+reforger
+fanya
+shalya
+longy
+fija
+teetzel
+kaname
+ganguly
+3950
+pervomaisk
+poti
+merlefest
+waple
+toiled
+jwala
+kinikinilau
+81.72
+twirl
+masoned
+lectionary
+lavrentiy
+mirecki
+dockland
+blomstedt
+klakring
+unstrained
+osmanagic
+shanta
+schwarzenau
+mamoun
+fellig
+ischinger
+30-million
+liable
+khazizian
+predates
+swapnil
+optimizes
+nordli
+iqbal
+14-3
+hajee
+afato
+disable
+sulfhydryl
+malaysia
+daire
+september/october
+hsv-2
+grbavica
+sutton-in-ashfield
+ldp
+transmogrification
+hsp
+composing
+fermoy
+akona
+ér
+wetherbee
+scattershot
+african-eurasian
+recirculation
+sandifer
+71.71
+sl
+dadaist
+corvin
+slovnaft
+deason
+elliss
+olick
+caulking
+hacking
+aimags
+nauruans
+gynecological
+beem
+sayler
+pilawa
+shatoi
+bsch
+.143
+wellbore
+urzúa
+sergeant-major
+langeron
+rottweil
+diversidad
+tr4
+þór
+112.75
+pyrazinamide
+breathed
+abbad
+clcs
+brackeen
+zewail
+hutong
+solvated
+scouts
+accessory
+nonlocality
+kralik
+weich
+maynila
+ouyen
+khoan
+temerity
+fledgeling
+deals
+blackburn
+slobo
+pmn
+10,000-mark
+cushitic
+jakubowski
+sahibganj
+assessed
+tomkins
+bishōnen
+gamson
+mcguigan
+kosovska
+tsamis
+whiteleaf
+capd
+bruin
+corroon
+lezo
+pickup6thgraf
+demonization
+louisiana-monroe
+korab
+martinec
+cnbc
+somogy
+schmidlin
+sg
+sturrock
+ipsus
+shomareh-ye
+pancer
+jahanabad
+breadalbane
+gurevich
+natesan
+pkm
+policial
+14.875
+haim
+almoravids
+grunfeld
+paradza
+avium
+furgal
+kany
+brownish-gray
+376.5
+shadegan
+atchison
+krepon
+sakichi
+lgoc
+zakat
+selick
+polyelectrolytes
+rss1
+highest-ranking
+barnum
+formula_140
+andrabi
+einer
+waqfs
+praetoria
+gas-discharge
+erhard
+quietist
+carsick
+oxychloride
+fryske
+waguespack
+gelernt
+kitkat
+piiroja
+fasciae
+puertos
+masalha
+animal-like
+1980
+http://www.boston.com
+lined
+scrum
+61.69
+anania
+spotlit
+supplying
+préfecture
+18-billion
+costind
+8,360
+tahini
+illyas
+onetime
+laem
+gerima
+chocoholics
+hyypiä
+cederström
+bracing
+0-99
+powergen
+creditably
+nicasio
+maintained
+viscometer
+laborious
+15.67
+.0613
+calligraphies
+schwein
+42.24
+dominioni
+juma
+defensive
+bengoechea
+bruant
+jetpacks
+patancheru
+buke
+compadres
+dekoven
+subtree
+36.83
+alcázar
+essjay
+rethinks
+inebriate
+loffredo
+reagents
+proteccion
+alegonzalez
+kersten
+absentee
+vardinoyiannis
+seulement
+texan
+screwups
+vicsek
+petani
+ursi
+multifocal
+74.12
+lourenço
+,1996
+eight-bar
+squidgy
+ysa
+selsouli
+sokota
+chhota
+parf
+weihenstephan
+portable
+apologetic
+leytonstone
+135.14
+lava-flooded
+unreleased
+wucherer
+mečiar
+gaslights
+61/2
+psychokinesis
+bumps
+output
+allelopathic
+bonnaud
+prebends
+non-professional
+moderato
+methodism
+candomble
+buyelwa
+tixier
+dryandra
+atouba
+drumthwacket
+27.16
+malick
+siskiyou
+48.20
+gotts
+gleneagle
+operant
+groundwork
+44-15
+sarjit
+royale
+aburdeneh
+glaces
+northlight
+waspinator
+rebaptism
+godfred
+kfz
+samalin
+zapatistas
+tear-gas
+stonefield
+wati
+martitegi
+spisak
+biderman
+imtiyaz
+akhpelwak
+scordisci
+reproducible
+clarissa
+outgrowth
+wave
+zablocki
+nickulas
+1,641
+maupertuis
+spickard
+morfin
+samba
+stray
+czeslaw
+yacuiba
+schily
+picnic
+baklunish
+eglantine
+lapus
+eufemia
+hermine
+long
+far-flung
+lachit
+laupheim
+inexperience
+startups
+38,800
+duraisamy
+svedala
+harleian
+soekarno-hatta
+voltchkov
+comper
+melanie
+onoprienko
+yiming
+personnels
+roisman
+machiya
+cisne
+shinjin
+31.50
+low-energy
+miriya
+bergl
+corralling
+fränkel
+defunded
+stahlberg
+loleta
+ef5
+purvanov
+454.8
+askey
+i-iii
+59.86
+153rd
+www.tpwd.state.tx.us
+venkatappa
+forestation
+firey
+enchanters
+upma
+gessen
+valu
+bayman
+smeezingtons
+quinque
+apostolica
+emarosa
+config.sys
+subbuteo
+16:46
+telomeres
+ilsinho
+phillimore
+nuva
+79.59
+student-written
+chiefly
+visceral
+puris
+aristaeus
+menomena
+sterile
+minto
+munante
+somatoform
+cf.
+lindos
+3,336
+gasthuis
+jiwei
+hilborn
+satellite-delivered
+nedohin
+katsunari
+euskaltel-euskadi
+uncomfortably
+ariston
+dierks
+operar
+chugwater
+ispat
+crib
+vandersteen
+toxotis
+aotea
+misprinted
+toffan
+kostabi
+104.04
+jurisic
+khaledi
+casema
+mondal
+mass-produce
+gorgeousness
+mkwawa
+goghs
+rudderow
+zyberk
+4200
+synchronism
+sweetened
+太守
+kā
+buckthorn
+itim
+vette
+hehr
+arsenault
+end-zone
+melikian
+paltry
+npr
+dependants
+nclc
+stemp
+cattermole
+helplines
+vichar
+hamrick
+voronezh
+laughed
+imageworks
+65.4
+ą
+tinea
+wuppertaler
+pkk
+stigall
+palaeologus
+tabarzadi
+ronneburg
+sanpete
+77.33
+“”
+68.88
+reviewer
+lanthanum
+postern
+sukit
+muckrakers
+delimits
+sheba
+lithium-ion
+ecclesiastical
+aloes
+adlersparre
+pironi
+ottavio
+ongjin
+10m
+panofsky
+1985-86
+alcester
+skammelsrud
+tieman
+reich
+facebook
+ajax
+58.68
+58.09
+years
+soared
+lot
+73s
+132
+uro
+81-point
+1221
+ims
+testbed
+gudger
+62.01
+7-point
+bachan
+elessar
+vampirism
+ex-world
+triplemanía
+a.b
+appr
+divorcement
+cyclos
+kawmoora
+koolau
+229.5
+rescue
+huli
+borena
+21-stage
+derailed
+terni
+keuren
+www.irs.gov
+wendall
+anti-psychotic
+20,700
+2:57
+luedke
+gaddis
+for-profit
+pill
+pgf
+anglo-afghan
+badulla
+ponding
+(315)
+satricum
+placements
+fighers
+funniness
+niggli
+gurney
+blueclaws
+wattle
+59.59
+puerto-rican
+31.48
+pre-employment
+plenum
+illusory
+lobb
+moshen
+tasci
+gleb
+uncharitable
+seuna
+yb-49
+iwaniska
+comebacks
+airman
+phèdre
+principals
+trevally
+riddance
+gymkhana
+2070
+astroparticle
+.174
+mudrocks
+airone
+2-98
+mardones
+bio-tech
+quick-fire
+dupuy
+quaterfinals
+messe
+protopappas
+lancelot
+vizquel
+kamarck
+musladin
+susann
+petrino
+pham
+alarmingly
+bejaia
+co-financing
+abdelqader
+high-strength
+tenryū
+kodacolor
+tibi
+ramey
+mengzi
+resected
+37-point
+lvh
+reassessed
+22,700
+concussion
+brocail
+bunim
+wismilak
+visicalc
+49,501
+residences
+knollenberg
+hays
+chodas
+9/km
+off-kilter
+bhupati
+titillated
+streetcar
+vanderpool
+mohatarem
+lavolpe
+polder
+polyu
+nội
+ex-confederate
+hypochondriacs
+kekkonen
+ganjam
+rami
+vanini
+neoconservative
+jalna
+sauvigne
+aoife
+44-1-71
+shimmered
+2.21
+jondalar
+fukusaku
+b.a.s.s.
+schwanden
+38.91
+mikhailovna
+lattelecom
+petrow
+stubbington
+tarnawa
+44.61
+ratho
+olympio
+vardo
+tyrrell
+scheerer
+shaodong
+gomorra
+1,473
+106.32
+1973-1978
+stepfret
+valur
+greenfeld
+echinata
+marjory
+lisa
+wdb
+mainoumi
+madise
+cuddyer
+ephemera
+oleds
+figures
+kavetas
+proh
+nystagmus
+salon
+anti-judaism
+joxe
+impetuousness
+multiphase
+toddies
+guiney
+camdenton
+145.29
+açores
+ditson
+religions
+karadic
+94-94
+outshines
+zapp
+ufford
+lycaena
+carburetion
+travails
+dulan
+johto
+macknin
+lingered
+61.62
+concerning
+azéma
+gabor
+karia
+ollman
+turnpikes
+eadwulf
+homebound
+loïc
+entertainment
+teesside
+universalis
+1229
+ihg
+zhurt
+81a
+montijo
+2002
+beistegui
+17.53
+acheived
+touchstone
+putatively
+odero
+schlicht
+saravena
+frug
+edney
+inter-species
+aušra
+seco
+trenor
+195.8
+miatke
+senanayake
+3.48
+fédérale
+card-pitt
+yuè
+suspender
+omnitrix
+92.57
+dougy
+kevinthompson
+783,000
+inductance
+nooks
+gassman
+manalapan
+minucci
+altherr
+jarred
+euro368
+bamc
+sikelel
+pernas
+on
+saqqaq
+4-story
+crawshay
+58.31
+dupre
+chasidic
+tengan
+36-member
+przewóz
+pickaninny
+arrow!notes
+guidoni
+weiman
+kosner
+2,686
+toons
+re-appear
+performance-oriented
+euro56
+belfer
+aleynikov
+rer
+spin-off
+quadrevion
+gregório
+jetfire
+erd
+1nb
+motes
+commonweath
+philippsburg
+réel
+rebutted
+19.27
+19.5
+siedle
+lehri
+peerakit
+szigeti
+schlaf
+prang
+wayside
+utr
+collezione
+ambrus
+claussen
+kubus
+juell
+pursell
+rambo
+7.39
+herrnhut
+travelgate
+sipahi
+hornady
+nb4
+chesterton
+severina
+fialho
+bergeson
+bašta
+broadwing
+rivalta
+cabaletta
+donostia-san
+singletrack
+bawdsey
+towie
+1944/45
+double-act
+o-157
+egerton
+excrete
+powar
+creigh
+vermilion
+pre-contract
+camarota
+apos
+accessories
+tolmach
+driving
+broaches
+pinkard
+20-time
+galgudud
+zhongdu
+katlego
+higgins
+quequechan
+melican
+(801)
+quinqueremes
+žužemberk
+noam
+tangjiashan
+331st
+urocortin
+squiggle
+ays
+tarasov
+lit
+lumen
+trebonius
+1,836
+amortizing
+1.217
+chosing
+gernert
+diwakar
+dialogical
+grímnismál
+2-quart
+dcms
+d200
+chrystal
+maac
+welton
+lagrange
+fazliu
+58.11
+updates
+ofsted
+doughboy
+freehill
+buttler
+dickerman
+163.3
+haiying
+judging
+agnosticism
+seigne
+5-ht1b
+dsl
+delcroix
+cgcc
+chakras
+maingot
+lithuanian
+terrigen
+abgeordnetenhaus
+bobylev
+torcetrapib
+melburnians
+guiying
+a-road
+samsung
+atanasio
+rfds
+condrieu
+templo
+atsb
+abhidharma
+manganos
+instar
+unaccepted
+chattar
+final
+hinds
+maponya
+2008-2013
+gerundive
+kacie
+kjartan
+roediger
+trentin
+republican-held
+868
+3.5-mile
+3,040
+unrequited
+suco
+cleaved
+alibaba
+matrouh
+aisam
+indovina
+arrhythmia
+kochar
+93
+tegea
+kantō
+unspoiled
+53.76
+caecina
+observador
+mazzante
+halicki
+72,000
+polce
+chenge
+valeriana
+weifeng
+laflin
+marston
+dance-like
+ursula
+36-hour
+rockrose
+mookie
+burnbrae
+gramicidin
+sugarcane
+foreyt
+96-83
+entrusting
+urosevac
+djalminha
+swietenia
+41.77
+jamod
+p.s
+tamur
+runouts
+vistica
+puritty
+dnd
+deepness
+schrimm
+melanne
+ritters
+kaess
+malevre
+tpn3
+41/2
+constructivist
+machined
+2,605
+corrèze
+smokies
+paggi
+falchion
+contractive
+ḩoseynābād
+abellana
+western-educated
+deodhar
+cherri
+1.4765
+dhoom
+masdit
+j
+piața
+pisarcik
+numminen
+magelang
+piedade
+codice_30
+witness
+taishō
+2,021
+emmenecker
+thyatira
+brauch
+forb
+awadh
+lorne
+250-billion
+belger
+i̇nan
+out-of-competition
+ministerpräsident
+echoing
+8-over
+snacking
+magomedtagirov
+100,001
+ortego
+kadhi
+rongelap
+aapke
+malana
+homestays
+dodecyl
+metris
+prosecute
+prou
+danielle
+phibbs
+parliamentarians
+physio
+digressed
+aerea
+kalateh-ye
+heterozygosity
+parisi
+15.000
+34-yarder
+7.50
+unintentionally
+large-headed
+third-straight
+lagavulin
+avrin
+ulnar
+cd
+xuhui
+ryukyuan
+lossa
+pestle
+8-8
+beauvilliers
+mutilated
+essentiality
+shaquille
+dramane
+dethklok
+adquirio
+leiria
+slimy
+preloaded
+liberalist
+zod
+rank
+sulley
+omagh
+dmsa
+harpal
+necol.htm
+larry
+cles
+andronico
+teleseker
+ashrafi
+48.62
+dustman
+apprentices
+bascom
+520,000
+unfertilized
+werra
+molson
+harju
+roome
+uva
+karevoll
+schimper
+lucheng
+1.4460
+raveling
+telam
+zhirkov
+eileen
+personhood
+mykolaiv
+3,408
+kandiyohi
+.336
+rikken
+bankas
+komor
+payouts
+menacingly
+ten-month
+gunze
+500-strong
+interservice
+93.30
+muskox
+nevers
+filmus
+vfd
+vallet
+jamling
+elusa
+1110
+loddiges
+columbian
+martian
+hassled
+catlike
+dagestanis
+bebel
+vallo
+burgoon
+chopawamsic
+witwer
+terschelling
+mcci
+dow
+domin
+kich
+olsza
+sthalam
+benedict
+wallem
+kitajima
+immortals
+northshore
+buinaksk
+t.v
+r.e.
+15:45
+tofilau
+bernacchi
+acetylacetone
+bunau-varilla
+emanual
+cacapa
+koumantarakis
+serch
+neurotic
+libras
+4,270
+katoto
+power-plant
+af-s
+mvno
+quilly
+whitesville
+narcissa
+höxter
+97-65
+sateki
+116.90
+covalin
+blipping
+13:55
+imke
+podenzana
+3,517
+horoscope
+servet
+alférez
+50-meters
+euro507
+vvip
+tarique
+curator
+hertzfeldt
+lampanelli
+payyannur
+sensitization
+mchumo
+issy
+0818
+caboolture
+inada
+kutis
+dekker
+gruyere
+33-32
+merhav
+topeng
+dalyell
+masoretes
+atg
+smilow
+burhanpur
+unaccompanied
+bertie
+re-forming
+cnc
+transalta
+rbrooks@latimescolumnists.com
+cyrix
+32.19
+pertained
+picturing
+choristers
+was/is
+expend
+elise
+hopscotches
+humbucker
+decontaminate
+ncga
+chronometers
+beketov
+morosi
+dumnonii
+gabonese
+kishtwar
+krikkit
+doolittle
+explorative
+enzyme
+thrillseekers
+época
+rembau
+tambe
+gunderson
+distinctness
+takasu
+rsh
+8f
+50.20
+ayelet
+amphictyonic
+tazhong
+daneeka
+fourty
+vullo
+budlong
+shinkay
+schengen
+arko
+w.sahara
+stereotypes
+subcategory
+moonless
+tuff
+bosnitch
+chepe
+busdriver
+kachchh
+22.10
+bati
+lomenzo
+stride
+binyan
+libreville
+herberts
+getsy
+wolzien
+kleanthis
+cryptic
+bonifácio
+glycolipids
+neoforma
+barooah
+1561
+beholding
+spicata
+bengston
+kangura
+brebner
+palgrave
+sambadrome
+nej
+94-kilogram
+cultivate
+s5
+pyridoxamine
+82.58
+1,200-acre
+bardales
+alkazi
+clemente
+graveline
+homogenic
+abaris
+expedited
+toothbrushes
+pharcyde
+4500
+meken
+grobe
+44.33
+vehari
+british-french
+hultman
+oua
+achonry
+fouquet
+draggy
+turndown
+rossi
+fitz
+bez
+baumgarten
+46.02
+naion
+arbeiderblad
+njonjo
+belfi
+stop-over
+padraig
+saturnino
+drogo
+urbanos
+1984-1989
+nahayan
+yujiao
+sidemen
+high-voltage
+queenslander
+build-out
+chump
+kaplun
+del
+datang
+tegenero
+bredow
+sifi
+biquadratic
+first-choice
+air-fuel
+tribesmen
+snowpack
+shrewder
+shrimati
+thamby
+zhangpu
+gusts
+pombe
+jolliet
+dhimmi
+bellefeuille
+geul
+kuehnle
+override
+60-degree
+viles
+158.50
+diatchenko
+passengers
+ausley
+sweetums
+stram
+kusi
+bandar
+neotropic
+quinto
+reshaping
+1495
+guangfa
+hebden
+number-two
+naskapi
+burnes
+bert
+kayinamura
+strickland
+needlessly
+gemünden
+herrman
+oncb
+radamel
+adé
+77.06
+pechenga
+clementson
+zuloaga
+widger
+nineteen-year
+broers
+favorability
+354
+skoczów
+aeroméxico
+américaine
+fischel
+konark
+42.23
+chanchal
+1,871
+080
+bergère
+.700
+gör
+riss
+stagger
+gldfld
+serguei
+delalic
+suzann
+handed
+fgtb
+rothschild
+rudeina
+contracture
+exploited
+insat
+kantorei
+poitevin
+holmium
+elderkin
+hemingwayesque
+9,190
+mers
+sosnowski
+poeple
+kamoga
+siskauskas
+breac
+neo-baroque
+brahmanda
+ímar
+essig
+quieting
+bronzo
+greenhow
+colombard
+pectoral
+niki
+pachuca
+jjigae
+60-ton
+luís
+himanshu
+krais
+indigirka
+suriyasai
+mupariwa
+resulta
+osman
+kuttanad
+caraboo
+quraishi
+sandeman
+nemrut
+nagambie
+blekinge
+onemi
+trilli
+dozing
+touray
+cassville
+kisn
+hoas
+rohrbach
+nirad
+wjfk
+mid-1500s
+dijana
+fairbairn
+cavani
+commodified
+accumulate
+kostelic
+biaxial
+lyrical
+ruching
+cheli
+49.69
+sharmin
+297.8
+alamance
+brillo
+junio
+hackle
+gelete
+backerman
+lutowiska
+gurira
+wich
+offhandedly
+40-second
+helotes
+wrtv
+downscaling
+43-kilometer
+putyatin
+salta
+cdna
+munio
+piggybacked
+ganu
+lidiya
+incompetents
+krylia
+thermometer
+batasang
+swamigal
+salud
+astringency
+bordón
+presentence
+cohn
+ashis
+lcp
+habibia
+re-rigged
+charmian
+dzhemal
+autogiro
+seale
+fastway
+hypothermic
+stondon
+virgin
+beatson
+raisen
+handprint
+unsightly
+replication
+peyron
+90-billion
+downton
+kiner
+kmpx
+bronckhorst
+1,598
+shipbreaking
+ahmadiyya
+4.695
+karatassos
+edmc
+sanjan
+moviegoer
+countertransference
+bachmann
+velox
+peacebroker
+tarpaulin
+nestorius
+sidedness
+defleur
+sierakowski
+867-5309
+chambre
+lakme
+abaj
+farani
+gilbey
+emb
+luft
+luckier
+dorranie
+280-mile
+rajendar
+8th
+7,130
+feet/day
+bīd
+flic
+foreign-policy
+9981
+shapewear
+waseem
+desus
+a421
+diabatic
+levertov
+blears
+sketches
+anglo-dutch
+toer
+fomc
+nhau
+rit
+lawnmower
+unscented
+parliaments
+blunts
+reductio
+seminude
+machine-gunned
+zsl
+axelrad
+skoo
+nassour
+yousef
+navisite
+simonneau
+high-ranking
+ingvar
+1,431
+jayalath
+warily
+lieth
+wellstream
+giggs
+pinarello
+hanley
+mishan
+ecliptic
+wetstone
+gilgamesh
+kollywood
+roupell
+bridewell
+willapa
+often-used
+mumbai-pune
+153-seat
+integralism
+masterlink
+super
+koreeda
+maliqi
+reorganize
+hulud
+1972-1975
+1647
+8-seeded
+bungert
+croÿ
+maurier
+mungiki
+1965-66
+60-cent
+frary
+21-hydroxylase
+rabha
+recognized
+djurgaarden
+phlegm
+bracher
+off-the-ball
+gnash
+2-1/4
+quack
+valencic
+zetterberg
+54.8
+adulterous
+yabunaka
+pescadero
+shipwright
+eev
+westies
+reale
+musse
+brevard
+ultima
+walrond
+nassau
+haffkine
+worldwide
+mismatches
+tlili
+prices
+koponen
+e.d.
+krezwick
+jonzen
+6,750
+grimani
+bobet
+greenacre
+nobelist
+mwau
+3,225
+ricercar
+inanely
+zangief
+mcgaffin
+longaberger
+bardic
+rotoscoped
+milkmaids
+1646
+picturised
+soua
+craughwell
+stagecoaches
+catwalk
+tatangelo
+shagreen
+klapper
+bierbrodt
+76-66
+jarasandha
+seife
+timia
+10/12
+copters
+issuers
+polaroids
+jino
+regionalligas
+simonetti
+138,000
+sharpshooting
+lorcaserin
+pierfrancesco
+primesport
+sub-branch
+bannen
+duniya
+irib
+fitur
+tristan
+almirante
+aiadmk
+aldrovandi
+synthroid
+orbus
+migliaro
+bockman
+bellview
+wrench
+ssali
+créditiste
+abdildin
+kurohime
+dinoire
+alinea
+romera
+tiwinza
+bef
+kriengsak
+yuhua
+cedo
+pasar
+gudauta
+proliferators
+chestnut-breasted
+ferreras
+croatia
+sheaffer
+100-per
+unitarity
+round-headed
+135.9
+disclaimer
+superdraft
+bement
+nimick
+colditz
+iommi
+3/9
+fixative
+kacey
+zsasz
+tobago
+doctrines
+playaz
+chides
+noninvasive
+cova
+16,650
+cayless
+oyak
+(775)
+willams
+uniques
+meca
+kirovski
+exuberance
+luxeuil
+muteia
+martynova
+angkatan
+jiangyong
+69.20
+wilmslow
+paderanga
+falah
+rebadged
+exd4
+remembered
+put-in-bay
+18.61
+longterm
+dafni
+narcea
+depreciates
+adb
+pushor
+moerdijk
+wakelin
+philadelphi
+道
+ocm
+183.8
+shihuangdi
+nerja
+armento
+panchalas
+perjured
+repubs
+grinders
+moraxella
+gioni
+shg
+declamation
+79.50
+kifissia
+oyer
+nh
+xingshan
+lijie
+barrato
+750v
+bers
+karikalan
+octopus
+oldies/classic
+amhara
+safier
+receptor-mediated
+imbeciles
+endfield
+townes
+4/km
+unpatriotic
+dataquick
+jean-jacques
+tāwhaki
+ccu
+damm
+enmore
+kunarac
+sixth-form
+piravom
+investiture
+srbica
+non-penetrative
+maiffret
+3,719
+weinbrecht
+ippr
+paddleboard
+manoa
+eshleman
+goshutes
+turnback
+insmed
+purnell
+nonalcoholic
+harinordoquy
+counterterror
+andalusi
+nazzaro
+impression
+viuda
+obeidi
+theyyam
+rogaland
+pompeiian
+minimum
+subcompact
+3,084
+clumped
+serletic
+nationals
+subsiding
+puleston
+zulic
+frae
+ciren
+gunby
+carwardine
+jurmala
+quaglio
+zavgayev
+multi-spectral
+pauvre
+lanark
+sharifah
+castlederg
+lineups
+inequities
+muttom
+52.51
+mapco
+anthropomorphizing
+106-101
+teleport
+rummenigge
+approximates
+echmiadzin
+nulcear
+geraniol
+tfn
+financiera
+ithier
+beneteau
+chaura
+478,000
+tysoe
+wretchedness
+trainee
+horsham
+53,500
+viswanatha
+grizedale
+microstock
+19,700
+arab-israeli
+77.68
+b-list
+all-volunteer
+chemokine
+may-treanor
+mynardo
+8,660
+nerc
+corpuscle
+vivi
+södermalm
+burrup
+schnepp
+87.2
+amuro
+succubus
+induta
+880
+career-threatening
+70-61
+l.a.m.b.
+harrises
+sensorimotor
+frene
+famars
+ponceau
+3,909
+0:15
+minuteclinic
+145.4
+spendable
+yangzhou
+29-minute
+qubaissi
+nocte
+isabekov
+7.38
+wroblewski
+baizley
+staletovich
+overshadow
+omba
+hughenden
+cincinnatti
+20-all
+6,120
+mallorca
+argonautica
+tochka
+pitney
+lahn-dill-kreis
+kumla
+lawhead
++4.00
+häxan
+non-coercive
+16-0
+wald
+horse-power
+strappy
+woredas
+amphiaraus
+tutsis
+ravenstone
+presti
+caulks
+68-55
+pickell
+catolicos
+shewan
+51.42
+greek-style
+berns
+tamesue
+meulaboh
+shortcourse
+harlequinade
+workwear
+ctcp
+hectares
+georgics
+qiagen
+lorthiois
+montell
+bravais
+wahlgren
+89-76
+municipals
+pedrie
+fh
+nz$
+dj025b
+glaoui
+novelised
+abduh
+mooseport
+59sec
+reexamined
+182.3
+rh
+uwawah
+bes
+delinquency
+motor
+1493
+northamptonshire
+binturong
+http://www.ilwu.org
+8000
+oswego
+idb
+drood
+mumbai
+cgrp
+mlynar
+göynücek
+28-nov
+timbres
+endorphins
+wheel
+0.003
+bentinck
+101.18
+sclerite
+bogdanchikov
+bologne
+97.01
+investigative
+1.5515
+bia
+lateralward
+karlović
+jeffree
+eric@hearstdc.com
+straelen
+ikki
+112.3
+1883-1884
+sewe
+wynkoop
+e-card
+rbi_mcgwire
+non-contiguous
+antisemite
+dreadnoughts
+sulei
+colpoda
+zmaj
+sock
+goertzen
+puttees
+eduard
+firehawks
+anees
+dujayl
+immunoglobulin-like
+vestry
+zemfira
+prodromou
+j'accuse
+coronation
+chulk
+subcommittees
+rhinestones
+rusch
+mingwei
+tervingi
+casero
+blijlevens
+langendorf
+time-delay
+dfcs
+cuffee
+correctness
+r-il
+hotelier
+winery
+loux
+neocortical
+merc
+oleksy
+sould
+barrel-shaped
+zangbo
+ritzer
+simiyu
+213.9
+sanyasi
+manifestoes
+79.69
+pontoppidan
+pathis
+eclesia
+maybe
+gorizont
+trotters
+intervocalic
+nodosa
+maculatum
+knolles
+well-versed
+wyte
+zapler
+kerrick
+mordo
+gosingan
+gallinas
+regionais
+gartrell
+ganzhou
+saint-etienne
+co-curricular
+benett
+two-room
+landolt
+vahrd
+e-m-f
+marvic
+nosson
+steeplechases
+dispatchers
+6.91
+marauder
+territorials
+48-0
+mpps
+carlsons
+killifish
+nafisa
+pagla
+maliks
+capitulate
+igniting
+o'hehir
+chopp
+neptunia
+92.71
+mataya
+chorizo
+ibrar
+1369
+fornaio
+bait
+ecotopia
+samajtantrik
+plesetsk
+omilami
+u.r.
+weitzner
+124.76
+cutino
+chinooks
+schiphol
+cardinali
+sachems
+arming
+2,889
+news-record
+abbenhaus
+roadbeds
+wikileaks.ch
+98-99
+sceaux
+tooma
+gummifera
+ferromagnetic
+široki
+60.26
+yelagin
+cementos
+2-d
++0.3
+ražnatović
+diakos
+zirkle
+redhot
+gaige
+dembélé
+56.80
+1.205
+zagami
+boschee
+badenov
+biotechnologists
+trite
+squash
+jitterbugging
+nolita
+lemonnier
+kuehbauer
+valueact
+selat
+54.73
+51,900
+muzzle
+doane
+tzimtzum
+agnieszka
+footage
+mandie
+dhyan
+low-bandwidth
+sundarar
+amen
+nine-volume
+small-town
+comicbook
+badmann
+arctostaphylos
+horehound
+ehiogu
+pervomaiskoye
+clobbering
+inclines
+circumference
+kosho
+breivik
+bearishness
+slivka
+mikoshi
+lucan
+machias
+gulou
+2,700-acre
+mirabilis
+mbarushimana
+littéraire
+mozer
+nassari
+2.9-million
+sandaune
+präsident
+wörterbuch
+tabaka
+lock-out
+reticent
+tenenbaum
+nahm
+ariodante
+wyllie
+53.41
+9-1/2
+jobholders
+zhongda
+45th
+osteopath
+diddly
+sarinwong
+bodziak
+demonised
+qorvis
+40/1
+sharfuddin
+ketchum
+cottons
+mallaby
+electrification
+kleinman
+dennise
+mutti
+nonpareil
+krapkowice
+szechenyi
+non-industrial
+logoi
+djarum
+kiram
+siècles
+kutztown
+1428
+conformably
+22x
+chauchat
+rønne
+unconventionality
+accuser
+estuardo
+glucosides
+weakend
+cluedo
+18,250
+illegally
+anti-semitic
+contention
+swit
+pu-erh
+140-acre
+fezzes
+parvula
+brandishes
+vostochny
+zabul
+tushnet
+jawarishe
+bohumil
+lengthily
+goan
+44-4
+scrivens
+kohlschreiber
+yuschenko
+telugu-speaking
+34.64
+12-inch
+emanuela
+capucilli
+aosta
+afo
+buzzard
+musical-comedy
+sloves
+bvi
+rooty
+barazil
+vok
+lifesaving
+anticlines
+klopp
+jùjú
+discounter
+peyret
+stokesay
+longball
+acca
+kuin
+ruthless
+mariya
+ehn
+9.65
+233.3
+maginnes
+205.3
+slow-down
+diners
+mechanical
+fasciculus
+supremely
+soelden
+enzensberger
+przasnysz
+70-a
+panek
+lashings
+pasada
+quarter-hour
+walgreens
+psyched
+44-3
+terezin
+1941-44
+al-kamil
+casler
+2,979
+non-party
+zubarev
+yogyakarta
+stadthagen
+dovich
+cvw-8
+rosalio
+haag
+hurdling
+serena
+ryzhov
+associados
+grifter
+geki
+27-25
+ibbotson
+7.6-centimeter
+starthistle
+dgeorge
+numata
+şimşek
+4-57
+pinjar
+orduña
+askegard
+furieuse
+x1
+whiled
+barnbrook
+targit
+silbermann
+n'guigmi
+200-nautical
+offically
+bruhl
+81.21
+hmf
+35sec
+111.19
+yasujiro
+hardness
+genesi
+gladdened
+lemongrass
+open-ended
+turbopump
+1830-31
+insurance
+downlinks
+icb
+liteks
+subventricular
+5,300-strong
+doberan
+reichsmarschall
+crooked
+i.d.
+bafflement
+ca2
+improbability
+khorchin
+92.85
+ultras
+feldkamp
+auvsi
+lordly
+dalembert
+mochudi
+araxá
+latinae
+davol
+flannan
+geology
+waws
+atms
+gvk
+33-30
+deadlock
+julep
+panteón
+merja
+crossbreeds
+amaretto
+usaha
+yuanmingyuan
+non-revenue
+arlyn
+delucca
+prestbury
+brujos
+hayyan
+28.6
+revile
+broods
+48.83
+mesoamericans
+mitel
+eggebrecht
+vraca
+self-written
+kitzbühel
+15-ranked
+mcglinchy
+goleta
+cablegram
+adenovirus
+capano
+lifelessly
+gaboury
+lanthanides
+leatherheads
+rurrenabaque
+sulpice
+woodstock
+9:26
+77
+ushuaia
+metford
+serpentor
+airventure
+appealled
+mycologists
+mru
+7.33
+fowards
+clumsy
+kokshetau
+down
+anding
+ded
+abdin
+sorek
+ryce
+yasmin
+stationer
+shenyin
+swu
+unmasks
+myernick
+ardita
+lannemezan
+3,964
+122.47
+108.39
+discordia
+diamantes
+sinise
+epinions.com
+baier
+nault
+euro131
+shinbone
+kirklareli
+activeness
+concentrate
+sea-shore
+drunken
+karamchand
+wulsin
+differed
+rhysodidae
+renominating
+rajib
+cutbacks
+headhunters
+student-directed
+brunneus
++40
+23-run
+bär
+super-8
+tendinous
+1,472
+brighton-le-sands
+coblentz
+sahafi
+1999-2002
+puusepp
+rumpole
+mtera
+voltes
+deaminase
+vizela
+bodden
+anton
+chunuk
+naval
+frissell
+pentila
+7.98
+jri
+phasmatodea
+faster-than-light
+correspondant
+bettelheim
+muchalls
+salem
+laul
+lamare
+nmsu
+handguard
+obstinate
+bmis
+gibber
+sunscreen
+chunsheng
+multi-pass
+mahidin
+stavitskaya
+dasyatidae
+manikandan
+osmer
+pithecanthropus
+gurgenidze
+gorsedd
+arewa
+unsliced
+photostat
+2006/2007
+refrigerants
+clayoquot
+thioether
+optometrists
+giamatti
+girth
+masculinity
+manyakheta
+http://jama.ama
+petroliferos
+16,875
+tattersfield
+fleets
+prevarications
+astapov
+227.6
+folkard
+rekindled
+cavalleri
+monning
+whirled
+29.71
+batzen
+1976-77
+northerns
+3-21
+frewer
+shakaa
+sinoatrial
+catheters
+holländer
+mendrisio
+grape
+khwarezm
+kuechenberg
+mgm
+whipworm
+lööf
+zielonka
+estée
+6,500-strong
+aerosystems
+capite
+blou
+chunyu
+yugoslav
+sharqiyah
+election
+qinghuangdao
+moorefield
+osona
+siart
+i.d.e.a.
+chesapeake
+krio
+ascione
+hayrapetyan
+natori
+1919-20
+gymnasts
+2,740
+undock
+pansori
+mesoregion
+complexion
+glanford
+11:54
+conectiv
+diefenbaker
+centrally-located
+d'ewes
+713-220-7674
+jahrling
+luxation
+oxhide
+talha
+imperatori
+paxtang
+blackbrook
+proliferated
+f-101b
+lambton
+switchblades
+khaimah
+kaykhusraw
+123.52
+cannelloni
+sloop-of-war
+daun
+42.44
+underwritten
+gellish
+logroño
+jarrow
+bodog.com
+sarwer
+labor-progressive
+ismailis
+krosinsky
+dunleer
+n'gotty
+harrick
+bunbury
+4,985
+planetoid
+91-kilogram
+rewrote
+radom
+athletic
+klse
+lisieux
+azumah
+chicherova
+ghataprabha
+donavan
+kiasma
+actions
+handlin
+leading-tone
+mark-to-market
+punto
+gilaki
+135mm
+katsu
+fantastically
+undigested
+rubik
+anti-epileptic
+anthropometry
+enrollee
+donan
+dildos
+mccourts
+9,210
+t/a
+mestalla
+zegarra
+acadien
+144.8
+ooty
+tam-tam
+druaga
+aspro
+karori
+poach
+aurata
+multi-tasking
+khadraa
+deveaux
+ciales
+togoimi
+d'ampezzo
+79.20
+qian
+takada
+animi
+unheard
+dubourg
+16,563
+please
+palese
+kirstine
+headshot
+capell
+myhrvold
+71.84
+plantronics
+lázně
+toumanoff
+111.55
+jember
+10.78
+abrasively
+haithem
+kabuya
+119.35
+rollock
+fadhli
+livshits
+haggler
+sportscene
+rambova
+foretz
+treece
+54.39
+pesto
+53.67
+euro825
+23.03
+cryolife
+overground
+yourmind
+unia
+9-6
+mufon
+muccioli
+5-megapixel
+bogdan
+bahadurgarh
+luxembourgeois
+instigator
+amfa
+rumney
+overnight
+equipped
+junbo
+scotching
+lastminute.com
+dâmboviţa
+jakobstad
+d'ornano
+reapers
+canarias
+yonkers
+1,345
+cherif
+mieses
+hendred
+ilife
+740
+messengers
+nakh
+pbhg
+sphericity
+zapad
+2303
+lougher
+halmos
+santika
+boieldieu
+nimir
+117.73
+1:9
+20-29
+dipodomys
+fengtian
+kirkham
+prolegs
+anastasi
+1.155
+.611
+christens
+furrowed
+mcnabb
+unhealthful
+64-billion
+backtracks
+caged
+flagged
+mveverka
+duplicator
+text-align
+murky
+gritted
+magasin
+18:11
+jingpo
+brignoles
+jehl
+-62
+suwito
+distill
+southpointe
+upregulated
+2,469
+toynbee
+yuanda
+kalugin
+circassians
+reso
+creegan
+synthi
+originalists
+gakkel
+peacekeepers
+euro60
+sihota
+zillionaire
+22.3
+muche
+1,308
+tomáš
+callosum
+hunnicutt
+khowai
+episcopatuum
+19:09
+2.7-meter
+afdb
+11-25
+spores
+gaile
+folksiness
+fantasia/2000
+mustaq
+groff
+2001-2004
+luxuriates
+kiwan
+nane
+trungpa
+chalit
+toothpick
+gove
+6:01
+shestov
+46.52
+insured
+cotonou
+7-string
+dynasty
+usb
+mandelson
+mirzayanov
+irregularly-shaped
+naught
+2004-5
+chilai
+vidar
+77.60
+co-curated
+al-daula
+767-400er
+tsarnaev
+teungku
+38.49
+mainz-bingen
+manthorpe
+starter
+turteltaub
+post-surgical
+dricks
+recharging
+strayed
+muybridge
+volokh
+windsong
+tibbals
+variously
+syrahs
+cataloging
+lemberger
+98.52
+reveals
+billabong
+infested
+rerelease
+hfm
+chitauri
+bt-11
+coan
+rm17
+rasizade
+eliteserien
+h-7
+rapprochement
+antedates
+electrostatic
+márton
+demodulation
+wilco
+munches
+gattison
+velappan
+becaud
+bonuses
+lexden
+geck
+kamb
+angadi
+7,360
+mym
+rexon
+cottingley
+hagenlocker
+bonville
+saronic
+elv
+impending
+hgtv
+voyant
+jiye
+mediocre
+sutadi
+rimpoche
+iflb
+ambon
+jireček
+chalcolithic
+bayer
+literacy
+bosko
+renson
+serializing
+98-92
+coach
+messaging
+opaque
+throw-in
+rotz
+westcountry
+dorfman
+potion
+molding
+seeking
+aurilia
+93-88
+sreedevi
+bushshrike
+multipartite
+sänger
+interdicted
+delightful
+sutter
+counter-terrorism
+lujan
+v.f.d.
+implausible
+whatta
+eccw
+zombielike
+φ
+waihopai
+knee-length
+wulai
+microcredito
+clemer
+tako
+perkinelmer
+emit
+1966-67
+eigil
+quanta
+five-fold
+genicom
+intellimouse
+alvah
+mesentery
+rake
+metall
+klaa
+yongfu
+43-point
+150-1
+hathor
+koechner
+pollstar
+2lp
+markandeya
+bekesi
+ammann
+simspon
+befor
+four-story
+shaan
+qazi
+mclachlin
+bladet
+sodini
+90-72
+geotourism
+gabry
+149,042
+tumukunde
+uherské
+astringent
+mỹ
+jtwc
+sathyan
+firebombing
+lokichoggio
+aldbourne
+talake
+47.30
+slaveholder
+year-ending
+viewtiful
+footnoted
+cicinho
+estacion
+glasser
+xl7
+zegrean
+beder
+sing-a-long
+collo
+finalmente
+areal
+kapito
+molenda
+sbi
+hamad
+downey
+seelig
+teamsystem
+peruses
+overclocking
+six-line
+98.69
+allstate
+helaman
+treament
+punchy
+lubbers
+transmitida
+hauspie
+caguan
+toron
+emesa
+michaelis-menten
+obama
+heighton
+roquemaure
+tuul
+astrea
+swx
+precoding
+courses
+amphicar
+vetlesen
+weylandt
+hrf
+stafford
+47.05
+debase
+pieńki
+78rpm
+astwood
+alesi
+afforded
+kabushenga
+qo
+gordy
+japanning
+hatorah
+peyrat
+chromatogram
+pridnestrovie
+stunting
+torenth
+orkester
+congresbury
+j.k
+evidently
+salov
+fruška
+chichagov
+budgies
+gentlewomen
+825-meter
+stelae
+anhingidae
+staughton
+sinak
+subgame
+spearfish
+32-meter
+cooloola
+bhupathi
+(757)
+elysion
+pancu
+resonate
+jugan
+goodworks
+dachs
+dewage
+unbridgeable
+branstetter
+beez
+7tp
+itt
+jumpstart
+gerkan
+mcclard
+hypostyle
+freighting
+cnaic
+fanqie
+iomega
+vh1.com
+4:2:2
+ramian
+dubnow
+edinger
+www.latimes.com
+filipiniana
+jail
+silurians
+nozzles
+fob
+dassie
+weeping
+7,620
+prepositions
+brighthouse
+selcan
+camargue
+denke
+bz
+colombiano
+kealty
+weedy
+botfly
+persulfate
+finckenstein
+kallmann
+brummels
+52.07
+aegis
+troops
+alzour
+suspecting
+negele
+gryposaurus
+ruaridh
+pakse
+boyers
+monumento
+bermejo
+ruckelshaus
+acuvue
+dube
+qaidam
+4-billion
+duramed
+1,742
+sydöstra
+eóganachta
+marika
+vivitrol
+clearmountain
+botos
+cleanings
+33.83
+zhow
+constantini
+bosnjak
+omana
+hwai
+tuppers
+d-mi
+traits
+soligorsk
+bringing
+cgmp
+chittar
+66.02
+kuw
+austrade
+boosterism
+shinty
+rest
+containerships
+71.38
+33.72
+cats
+breezing
+hairtail
+jeronimo
+adjustables
+accountemps
+angelopoulou
+duoc
+buchananites
+quorums
+ruins
+.96
+watervliet
+petroecuador
+851,000
+whippany
+hiid
+45-hour
+179.3
+ubolratana
+uu
+kaoliang
+phosphatases
+faraz
+adeeb
+xanth
+patta
+newsmen
+waldheim
+snowmobiler
+colliding
+muncaster
+waver
+ritonavir
+evoked
+bandala
+kovrov
+etv
+non-buddhist
+straighter
+tantō
+inspector-general
+antiquity
+danni
+kerikeri
+pre-1980
+voila
+fabergé
+waffen-ss
+30-26
+nikifor
+thakuri
+64.18
+coal-powered
+al-masry
+praepositus
+roessler
+6-71
+brocka
+ifo
+landcruiser
+cisco
+rupesh
+unisys
+morrissey
+bamyan
+skidoo
+aibling
+summited
+jorrie
+imnet
+k-18
+18-3
+yh
+scour
+juxtaposes
+belmopan
+dfer
+kanj
+pennypacker
+seend
+gpi
+peres
+mckane
+193.6
+neo-paganism
+haloes
+apob
+unmil
+14-24
+yaesu
+shinuiju
+tattershall
+ashton-in-makerfield
+rosenstiel
+m&p
+hammarlund
+12lb
+paddler
+robyn
+orléans-braganza
+ridge
+topnotch
+méndez
+falklands
+enterprise-level
+maierhofer
+5,500
+vomitoria
+masanao
+trans-border
+rattray
+regenhard
+323.3
+douala
+sujawal
+allisglobe.com
+helgen
+abbé
+tamarin
+hanım
+provisory
+martinet
+yae
+30,000,000
+8km
+72-day
+jamaran
+thammarat
+currid
+intemperance
+cruda
+gaganjeet
+treble
+gurbanov
+discriminates
+kringle
+noles
+bellegarde
+down-regulated
+swigart
+nichane
+ponch
+punitive
+dubbed
+sibsagar
+lumbia
+28,333
+pre-election
+undernutrition
+cankiri
+5e
+mikel
+berrard
+hardin-simmons
+121.3
+decibel
+edey
+vishva
+pantothenate
+30-footer
+ayudhya
+pledges
+three-volume
+epidermal
+coulsdon
+mcgee
+elbow-high
+k-os
+brickley
+campeón
+ghinzani
+caicos
+cur
+mönch
+besten
+12/01
+19.77
+none
+transhumanists
+handier
+44-22
+borkman
+infallibly
+.257
+miasteczko
+6,390
+re-design
+sjoberg
+viga
+anyim
+perstima
+scylla
+mazhar
+katyń
+inverloch
+rojak
+bimolecular
+keate
+tooro
+protuberances
+grimlock
+shōhō
+11:08
+boril
+nitric
+mujtaba
+80-81
+bopanna
+rotator
+ds-p1-yu
+sinde
+larryk
+short-duration
+rhetor
+hitlerjugend
+qaraoun
+61.05
+oppedahl
+gattaca
+bastide
+tendean
+dipasquale
+1183
+hardened
+1,037
+imphal
+quebec
+tygers
+youngman
+continuity
+122.70
+cheyo
+alien
+wyandot
+crypto
+médoc
+oyata
+beaucaire
+niente
+overlooking
+umo
+bitanga
+waylon
+mahaweli
+2,598
+higashino
+mas
+anush
+tae-young
+samudio
+dicaeum
+kukoc
+brahui
+crouches
+ceredigion
+dymond
+evidential
+gwg
+jays
+zizhen
+paddleboats
+12-kilometre
+maîtrise
+alvis
+flycatcher
+pst
+indo-west
+kaltbaum
+dispensary
+cidco
+negotin
+myeik
+inspectorates
+uus
+.0206
+nahkt
+schmalz
+seizing
+37,083
+riegel
+ells
+8,880
+chief-of-staff
+9q
+fritch
+neapolis
+ahmedi
+keedysville
+boronia
+karara
+tosh
+told
+warshak
+eino
+tube
+wedekind
+sainted
+krunic
+blitzwing
+bonello
+triumphales
+torsion
+aleph
+khnum
+rathman
+intercity
+glycosylated
+cfsci
+dedza
+monke
+patharghata
+strindheim
+goranson
+'46
+inda
+ilim
+beatty
+jensens
+von
+mahla
+30-29
+coghen
+outcoached
+johnstones
+1080i
+effacing
+1861-1862
+chanet
+10.99
+inhibitions
+inoguchi
+noonan
+electrify
+185-mile
+subordinated
+ltt
+scads
++.50
+golddiggers
+muchena
+04:15
+iny
+fractional-reserve
+kings
+solskjaer
+uploads
+ruben
+congregational
+fumigation
+ecsa
+groombridge
+capabilites
+abscisic
+natsir
+schipper
+susceptibilities
+nsambya
+macungie
+715,000
+athlon
+12-room
+kolleg
+nakamura
+cloninger
+lorusso
+out-of-the-way
+odubade
+eugeniusz
+tamotsu
+english-dubbed
+portland-based
+65-kilometer
+hongthong
+buffoon
+ovett
+piner
+ptb
+butchers
+ajaria
+hydroxylation
+closers
+capitales
+2,081
+balladur
+clatskanie
+aerospatiale
+lesney
+downs
+gobel
+1949
+sakhawat
+10,667
+mullendore
+us-62
+kna
+streatfeild
+mcs
+rabbah
+luzane
+beastly
+phillipp
+mccole
+guitar-like
+karlberg
+fees
+110-100
+latin-speaking
+tableland
+bignami
+scènes
+3,329
+inbev
+crokes
+scarps
+brujeria
+367,000
+zillions
+brandling
+bracigliano
+nwosu
+ödön
+36-acre
+demat
+udi
+parapet
+guayana
+surace
+reichmuth
+orgasmic
+bottler
+toon
+takamasa
+klei
+4-39
+curds
+huguely
+romanee
+hearsay
+luper
+gener
+backburning
+moonman
+brandl
+37.10
+deepesh
+daara
+74.47
+gribble
+girolami
+priggish
+24-23
+kamaal
+rafie
+gemologist
+diffusely
+filenames
+glides
+29.48
+boulay
+showpiece
+faisabad
+hamaca
+azar
+kamps
+entablature
+rivka
+boldest
+schmale
+huzhou
+chassis
+nibong
+kiiza
+prebisch
+powerd
+reichssicherheitshauptamt
+2,200
+ramnagar
+norwich
+johann
+hellespont
+dammed
+starner
+zayyad
+dorrien
+.588
+interrex
+introductio
+14.01
+leupold
+sudin
+sohaib
+soviet-japanese
+azia
+yorkston
+css3
+rosettabooks
+salaheddin
+seacon
+arzobispo
+calice
+gearhead
+herrin
+74.91
+pontificatus
+mythologie
+maccarthys
+wisdom
+bungo
+tattva
+shaoshan
+innovatively
+retrieve
+capitalistic
+92.17
+raimundo
+ciampino
+archilochus
+moubray
+multiculturalism
+manipulates
+sociolinguistic
+orton
+pashley
+301-910-6248
+baltic
+pietrangeli
+epix
+peeped
+krewson
+tondela
+julesburg
+13-19
+squealed
+smer
+meiwa
+portavoz
+208.8
+softwood
+.111
+radharani
+calmon
+49-state
+dark-eyed
+potato
+maghaberry
+proprietress
+wolfdog
+diyarbekir
+balnagown
+kriss
+repealing
+3.53
+8900
+rotundas
+straight-to-video
+tofte
+keqin
+blitz
+jullien
+sleazeball
+feightner
+herminie
+susil
+gaghan
+fabrazyme
+propanoate
+hezekiel
+dictionnaire
+kallada
+badghis
+baltasar
+bioidentical
+ellerbee
+endau
+optimus
+zeebrugge
+bustled
+kartell
+10.67
+faqiryar
+monashee
+feminists
+85-95
+lantern
+comarques
+casting
+popov36
+befit
+ill-prepared
+karny
+kifuji
+eucalyptus
+mpambara
+lequire
+minkoff
+palazchenko
+hokkaidō
+soiling
+pánuco
+vaile
+pooh-bah
+hyppoenen
+tintype
+sewa
+1989-97
+vasantham
+1.5495
+bacheva
+roadsters
+g-17
+headmistresses
+eur2004-fra
+nzse40
+sufia
+cellphones
+75.70
+i.coast
+ludacris
+asim
+revealed
+chunxiang
+sudbay
+0315
+hodes
+dépôts
+acciaioli
+coccia
+mottled
+sniffy
+olas
+non-arabic
+smoot
+paraboloid
+wili
+rogozhin
+álamos
+kurkova
+brunhilde
+palsied
+motherlands
+sway
+helaba
+ariobarzanes
+saftoiu
+anti-clockwise
+couped
+workes
+brewers
+kuwana
+drapery
+gachet
+clebsch
+.226
+chase
+wamidh
+monocerotis
+arabised
+beatitude
+bizou
+büdingen
+cofounders
+115.70
+jatts
+sayeth
+ajit
+post-playing
+pahlevi
+pleomorphic
+23.98
+asthe
+wc02
+glut
+rainulf
+urry
+silkeborg
+typing
+580s
+seismographs
+scuffles
+go-ahead
+e-5
+diep
+lavalleja
+masiello
+tanizaki
+atlantica
+sujit
+zubizarreta
+lidell
+youssifiyah
+hegg
+loulan
+sanfelice
+dammit
+evernote
+pravda
+d'indy
+arrangments
+banjica
+karama
+32.0
+descamps
+birken
+baibakov
+prabowo
+24.95
+hanau-lichtenberg
+disobeys
+39.98
+précis
+drukman
+sprig
+dsa
+intraspecific
+musculature
+palmero
+sportsnation
+hasdeu
+5th-8th
+53-41
+lumenick
+summit
+dhammapada
+mati
+perroncel
+girlguiding
+subert
+dogar
+tokashiki
+litt.d
+purnomo
+stenographer
+infogear
+timothy.rutten@latimes.com
+marsik
+bartow
+guestroom
+agie
+löhr
+bioorganic
+radelet
+top-hat
+ng3
+1990-91
+b-trees
+evangelicalism
+7.0-8
+mccolough
+slacked
+jelačić
+6-fold
+cohortes
+xfs
+sociedades
+1904-5
+taboos
+check-in
+blackthorn
+111.03
+sarvodaya
+animosity
+footfall
+seniors
+loanable
+water-level
+walloping
+put
+alvarenga
+hawdon
+440-billion
+25-31
+raks
+serializable
+mmabatho
+wurden
+65-minute
+galtee
+ferrant
+michaelhouse
+belarussians
+iat
+criminalise
+shiotani
+trautwein
+horse-powered
+mwanke
+1940-41
+vitro
+júcar
+mueller
+bickley
+tragedians
+kutuzovsky
+buffyverse
+madl
+funi
+58.3
+mikaila
+forsan
+frazhin
+thoe
+adelgids
+euro502
+mombassa
+karin
+18-member
+rustles
+enmeshing
+piccolomini
+facilities
+x-mansion
+purchase
+feachem
+locomobile
+psone
+bassett
+koniecpolski
+400-million
+tasso
+flawed
+aniceto
+zizek
+lionni
+14-week
+hatta
+hinojosa
++6
+carto
+kaput
+bootstrap
+76.59
+mcvicar
+4,337
+hoxie
+johannsen
+schosberg
+formula_76
+kirillova
+frisoni
+overidentification
+stamen
+diminishes
+war
+susette
+38-40
+sylvio
+hilldale
+mbari
+paradisi
+bakossi
+debonis
+megazord
+2,036
+p-8
+psychologism
+8.47
+remote-control
+bate
+marburg
+thorneycroft
+mid-1974
+incumbents
+categorizes
+61.89
+zuccari
+schuessler
+bucht
+diversas
+outcome
+sotomayor
+donmoyer
+maieco
+audiencia
+assessment
+solangi
+combinational
+kacanik
+4,870
+rachidi
+meale
+pozarevac
+bahouth
+neng
+saima
+branchini
+creoles
+singulair
+beauval
+castejón
+cwb
+krew
+wolfli
+cayton
+aix
+legitimates
+fabricantes
+mingming
+steadiest
+aqueous
+sidewinders
+129.5
+agir
+forgent
+136.5
+broderip
+http://europa.eu.int
+vallehermoso
+manderlay
+cloudstreet
+fiszman
+sachal
+fiends
+water-resistant
+ingoldsby
+grahams
+kochersberger
+turkmani
+rurales
+ahadi
+neistat
+gadh
+seetha
+kalayeh
+superlawyer
+shkin
+p1800
+109.73
+burdines
+shabunda
+jurist
+dewdrops
+meiring
+tomobe
+ksg
+cranleigh
+mckone
+tissandier
+ruhleben
+culin
+saggy
+mbg
+taniyama
+iodides
+currencies
+faliro
+pobladores
+formula_46
+5148
+coixet
+hkzbk
+microsporum
+moshtarak
+jazztet
+pxx
+karchelia
+4:38
+dinata
+fortul
+revitalizing
+reciprocal
+summarized
+foolishness
+sejms
+rbac
+eclosion
+telsource
+threshers
+202.7
+sal
+gauer
+peignoir
+aravosis
+galkin
+rimel
+kitted
+sinecure
+aceros
+5.1875
+rocklahoma
+olman
+iic
+trzebnica
+essay
+libeskind
+styria
+bass-heavy
+sharpstein
+secound
+noerdin
+18b
+perricone
+evenson
+esau
+selyutina
+gerut
+technological
+anime-style
+ampil
+january
+nafeesa
+midway
+fartown
+graduale
+duncum
+sordo
+hagan
+bungy
+myki
+tohme
+16.42
+laterza
+michalik
+36-hole
+pied
+shala
+unfettered
+mogen
+retching
+nh-17
+tgf-beta
+ubaldini
+linquist
+bushwackers
+mansuri
+76-72
+platanus
+.389
+pronounceable
+schaik
+then-premier
+iodized
+mikulov
+pospolite
+500-series
+kabankalan
+nepszabadsag
+stupefied
+2,200-acre
+huilong
+tennison
+sakes
+hasen
+23-29
+egret
+acbl
+brickmakers
+guat
+ricard
+verkin
+4096
+nobutsuna
+belem
+scotrail
+rivage
+steffi
+sutin
+guillemard
+digg
+yogeswaran
+hoveton
+akron
+dettmer
+lael
+harmanli
+monetario
+clynes
+meor
+halinen
+turkmenistan
+23.61
+soaries
+carts
+2,540
+copper
+santu
+suncor
+matthew
+lorans
+qilada
+lanning
+reversers
+cyclogenesis
+ubf
+7-1-1
+hideyoshi
+delille
+weedkiller
+2,501
+heimbach
+zhenghe
+plastik
+thralls
+c02
+zamzami
+sword-fighting
+dagu
+pehla
+1818
+snegurochka
+sanyukta
+slah
+l.p.
+wannsee
+zeller
+cascione
+confabulation
+rya
+900-pound
+l'outaouais
+cryopreserved
+nameh
+setoguchi
+tii
+dimitriy
+swc
+krishnanagar
+configure
+fisherville
+kinley
+dorp
+halberds
+thau
+ruymbeke
+deven
+paleta
+carved
+cretul
+baraq
+tml
+800,000
+anatoliy
+patong
+fluctuation
+salvar
+quneitra
+belmiro
+jiankun
+home-run
+egham
+doorly
+84.12
+chie
+dammann
+ealdwulf
+hotdogs
+loenen
+gazzara
+unwieldiness
+matam
+pelloux
+qatar
+cassowaries
+xl-7
+contemporánea
+ashoka
+massapequa
+suruma
+centrolene
+tranquillitatis
+ramesh
+fosco
+paradorn
+neptunium
+br02
+beneficial
+delahanty
+washbasin
+hemlines
+sedo
+non-availability
+cjoh
+eighties
+stalkers
+ardua
+kipps
+bancrecer
+jalsa
+premia
+92.8
+polycom
+raggedy
+depletion
+angels
+1:87
+croon
+atun
+1.029
+sniffles
+shishkina
+lebleu
+gooz
+ea03
+granduncle
+top-3
+gadbois
+unsettled
+endeavouring
+26.07
+yermakova
+delegation
+kampus
+olajire
+equilibration
+.337
+halga
+carousel
+kasuri
+frigidity
+passito
+honse
+adepts
+hohaia
+jolla
+divisjon
+repoussé
+plassnik
+yixing
+surnadal
+enkhbayar
+stargardt
+naultinus
+self-harm
+abarrientos
+asbell
+boothbay
+vakhsh
+chubbuck
+hardnosed
+10036
+ngubane
+novruz
+hannibal
+euro170
+colligiana
+timekeeping
+yuzhno
+concilium
+heavitree
+eiður
+chalcedony
+u10
+brutalization
+ozemail
+hegemonistic
+370
+ourense
+unidentified
+nonagenarian
+7,700
+housewarming
+9.450
+oysterband
+section
+hackie
+indrani
+berezhany
+siahkal
+neurasthenic
+abdelhafid
+boxcutters
+antiphospholipid
+hiptop
+automoviles
+joseph
+udomsirikul
+1540s
+fagr
+boumedienne
+cushions
+oyuki
+samantabhadra
+obtained
+dzhabrailov
+235-seat
+rafn
+bronisław
+i-91
+annagh
+haarder
+gold
+munchers
+greenacres
+tartu
+45-0
+seisin
+shul
+calibre
+ccr
+get-ligaen
+n/s
+useful
+vibraphonist
+anston
+balmain
+non-biting
+fdch
+bassetts
+sandoz
+chandrakant
+kuter
+anyaoku
+chay
+nam-gu
+wpl
+highway
+infirmaries
+shangela
+kachin
+moki
+alienate
+nipples
+resets
+orville
+hamdy
+trouw
+rightwing
+gravitt
+avanesian
+bagley
+indocement
+seven-foot
+vertigo
+21-8
+ellina
+homefield
+thorin
+unsterile
+hartke
+shiron
+brakes
+gatlin
+deadliness
+1979-81
+landowski
+barnsbury
+julho
+enslaved
+targowica
+nahit
+songket
+zenani
+plzen
+lmwh
+kable
+weltman
+beilhart
+european-based
+lohnes
+bussotti
+48-27
+arf
+piermarini
+400-meter
+ccts
+cuando
+10:58
+slaska
+53.52
+equipement
+trouncing
+dannemann
+hsia
+basford
+old-prussian
+ellie
+priessnitz
+287th
+behavioural
+broad-winged
+demiri
+tanisha
+gitin
+brengle
+brujo
+bassam
+sacchini
+wohlthat
+gryazovets
+tomislav
+mfe
+toyi
+jacox
+lisch
+amartya
+trevize
+radermacher
+tasters
+giichi
+hayler
+dragonboat
+haiphong
+moldavians
+agio
+-3.7
+easby
+camerarius
+haddox
+rbi
+d'études
+four-momentum
+89-68
+salvationists
+bourse
+ausgabe
+770,000
+ayliffe
+2.65
+liberals
+phalen
+recta
+kandir
+kicanas
+chi-ha
+menge
+rajang
+circa
+jettisonable
+itajaí
+ahkh
+4-for-18
+mig-23s
+otumba
+------------------------------------------------------------------
+amano
+núcleo
+64-gun
+dharmala
+cahan
+sangye
+polaroid
+brumaire
+bhokin
+fujiidera
+renz
+pescante
+sunglass
+wielders
+ogaryovo
+smallville
+102
+preference
+greenhithe
+toilets
+lehourites
+apocrypha
+harig
+bogosian
+78.18
+doyen
+rouged
+bitterne
+cdera
+artemas
+deerfield
+clearinghouses
+lesotho
+bichi
+(503)
+ladin
+bhacas
+danson
+fältskog
+barones
+joinery
+staveley
+decane
+vode
+saxe-weimar
+boogaard
+phymatrix
+kovco
+bellenden
+dauphinois
+keluarga
+marull
+rm4
+khurmatu
+krikava
+3,500
+khal
+centralis
+241.2
+redressal
+universitaire
+infinitesimally
+goais
+six-months
+filings
+akhdar
+autonomia
+pinole
+54.91
+gallaccio
+laxmikant
+barns
+agu
+rosentraub
+gynaecologist
+holbrook
+vandavasi
+jeetan
+emkay
+zeitlin
+13/4
+autonomo
+jugoplastika
+caycedo
+uci
+hundheim
+bagotville
+pachyderm
+catcalls
+saltonstall
+astrolabes
+rashwan
+luwu
+0.5-percent
+bordry
+rotundo
+l'ecole
+nelli
+indisciplined
+tamales
+gwillimbury
+bozovic
+venustiano
+modibo
+intermixed
+konpa
+registrars
+wardrobing
+yemenites
+uncollectible
+daniells
+campoli
+drie
+greenbelts
+pillow
+fishof
+aws
+heartwood
+rakiura
+searcher
+manzanero
+shotmaking
+evigan
+98-mph
+tibco
+100-inch
+brownwood
+mridangam
+deciphering
+grounded
+franglais
+rng
+sarit
+komaroff
+asdrubal
+proportionality
+sub-pixel
+csb
+fsny
+biros
+gearboxes
+f-number
+kaira
+3,835
+mowich
+bahrke
+gastralia
+milius
+thaa
+coatesville
+waikaremoana
+koes
+105.27
+5,249
+zayandeh
+jian
+felicitous
+yukata
+nottebohm
+refleja
+narr
+haukeland
+newpaper
+samoothiri
+bergin
+crna
+smec
+hajiya
+wincer
+purpureus
+gotthold
+mersea
+cyriac
+hecke
+calatayud
+monserrate
+tasburgh
+meshi
+32.36
+vidricaire
+synchronize
+mclean
+radiochemical
+tuhl
+joesentme.com
+91
+gentiles
+hudong
+kuwa
+jerges
+langmuir
+cahul
+hypocrites
+burstall
+casasola
+pantoliano
+zaghawa
+four-hit
+moll
+polygamous
+mcquary
+gripp
+krakowiak
+okay
+mckirdy
+moolman
+shalamov
+havens
+backlines
+kxas
+milpa
+gibbens
+steeve
+hafez
+wasserberger
+ejehi
+yeehaw
+jakes
+chengjiang
+sarang
+tactful
+jehanabad
+saxony-anhalt
+n100
+butz
+reinke
+pointe-à-pitre
+louv
+shyi
+ebersbach
+endocannabinoids
+al-mu
+mc5
+complementation
+pomeranz
+garlick
+mischaracterization
+cupula
+taruskin
+zagajewski
+artesia
+geoscheme
+guirong
+27-27
+malakai
+radich
+124.35
+salé
+schlup
+embalo
+ipca
+etendard
+dirmstein
+bonhams
+wallpapers
+grenadiers
+yukossibneft
+40.69
+straeuli
+osun
+rammer
+padam
+heysel
+höcker
+narail
+grottos
+64.53
+neurocrine
+verkehrsverbund
+vp1
+mother-house
+nonporous
+distrustful
+brucker
+unhealthy
+kunhiraman
+chanko
+zahi
+obliques
+vindicates
+pains
+rajveer
+ahirani
+nathalie
+euro685
+alama
+enalapril
+stoicescu
+nela
+barnabites
+nawsa
+kobarid
+järvi
+remzi
+canonum
+fanconi
+revell
+siente
+prusias
+bermudez
+infestations
+bothnian
+leppard
+brtc
+nmu
+kludge
+duaij
+fide
+totman
+withered
+kanbe
+disobeyed
+1107
+alekperov
+dzerzhinsky
+169.6
+nankana
+re-work
+toggles
+dyer
+papuk
+hme
+marche
+sufiya
+insinuations
+pulau
+mondragon
+zillertal
+monstrance
+soosai
+euro464
+lucier
+jiafu
+diomedeidae
+t55
+52km
+newboy
+reauthorized
+vulnerable
+(248)
+nape
+formula_101
+kaliyuga
+hae-yung
+drider
+keran
+coultas
+disklavier
+ruangkit
+flatman
+kaiulani
+dzemaili
+huguenin
+marbles
+blacksmiths
+hamites
+laruelle
+solanas
+helvete
+eskil
+golson
+nakane
+10.98
+praxis
+basarab
+lockard
+acousticians
+suttons
+allagui
+gluckin
+gz
+965-kilometer
+wolcott
+u.s.-israel
+ammar
+elevskola
+1999-2005
+bro
+701st
+nucleophilicity
+barcott
+37.57
+p-3c
+letscher
+spataro
+massaccesi
+tahnee
+kamiizumi
+m.com
+chervil
+gradiska
+ym
+municipalities
+terrane
+becerril
+34.26
+12:46
+gache
+dapeng
+rokach
+gfi
+vamsa
+sniffling
+cornick
+pedrini
+hrcp
+gowri
+sagasta
+internationality
+tiago
+samen
+roundhouse
+39.09
+playout
+56.20
+al-faw
+situations
+cercocarpus
+abag
+lorelai
+rodolphe
+detested
+oberweiler
+chilembwe
+concepto
+headmaster
+accident
+auditionees
+3000m
+sarona
+rastra
+highbury
+12-volume
+sukanta
+respirators
+zarghami
+musicale
+amlash
+precooked
+diz
+benediktsson
+concertación
+vaupel
+orn
+progressivity
+savoia
+zongli
+hiroyo
+fingerings
+chantay
+khairuddin
+aguda
+pcv
+4,370
+ruan
+1989-91
+lrr
+asiab
+kamisiyah
+indo-fijian
+0.012
+1500
+copy-protection
+comeaux
+erzgebirgskreis
+sundgau
+goudstikker
+maheswari
+falomo
+creepy
+commutativity
+hoo
+13-14
+halkomelem
+adak
+michaelsen
+screws
+repackaging
+paloschi
+non-physician
+saslow
+ulqini
+sudarshan
+drogoul
+wieler
+allentown
+oldster
+waltzer
+nepszava
+eaks
+deisseroth
+million-1
+kruppa
+toogood
+stimulate
+one-hundredth
+nobumitsu
+gtpase-activating
+cassio
+hoodoo
+dff
+carlotto
+knox
+meriden
+2,449
+skeffington
+dolben
+shocklee
+offending
+comback
+ilnytzky
+tribuni
+non-event
+rubashkin
+kudō
+rmp
+pellucidar
+iaea
+pre-rendered
+safekeeping
+lebon
+bonnin
+emh
+akbari
+loafs
+uterus
+terneuzen
+fluorination
+vetri
+oliwa
+m.p.a.
+patrons
+flixton
+longwinded
+willard
+coope
+peniarth
+centerfield
+utkal
+kawata
+bucyrus
+pszczyna
+kherman@statesman.com
+kfog
+refused
+fmct
+keratsini
+udrih
+gses
+inquiry
+harra
+copp
+73.03
+kidlington
+09/27
+fedun
+mizui
+8-ton
+uralmash
+peacehaven
+lavarack
+rav
+121.27
+norristown
+bonfiglio
+na5
+macaraig
+rationalizing
+364,000
+rubato
+kimaiyo
+lisin
+meridionale
+sanjuro
+49.53
+lewisporte
+karhade
+syafiuddin
+unripened
+leaupepe
+mogulof
+climatic
+pzkpfw
+balestier
+werken
+lomaloma
+synchronicity
+farías
+1.143
+mansour
+117.2
+metaphysic
+2,367
+euro380
+re-focused
+muenster
+messerli
+ramc
+gunnerside
+bhumibol
+bronco
+(602)
+reshevsky
+jillings
+borbonica
+léonin
+wouldnt
+garza
+blogs.chron.com
+breisch
+fugue
+progresul
+playhouse
+watros
+construir
+cax
+robinsons-may
+lenton
+pre-deceased
+e25
+labradoodle
+hvide
+derulo
+panamanians
+unspools
+attan
+bayik
+koltes
+ulterior
+subir
+karstadt
+spencerian
+macv
+levers
+1,349
+codons
+lontar
+sarabhai
+spritzed
+nudelman
+quirot
+outflows
+crame
+materialized
+serbo-croatian
+mohiniyattam
+lochley
+schroders
+kerrii
+16,186
+prydie
+ezerski
+zaan
+portimão
+loansharking
+pronominal
+almeyda
+orthotic
+1151
+inclusiveness
+2.5-3
+pressurize
+copies
+396
+jinsha
+eleftheria
+milonakis
+castlemartyr
+eudocia
+14:54
+serfs
+cornhill
+masopust
+wendla
+kytv
+breno
+nafe
+sakik
+tellqvist
+soul-searching
+aluminium-bronze
+yongzhong
+demler
+megapode
+maíz
+sadecky
+maximize
+xenophanes
+landfilling
+kapchorwa
+debat
+collecting
+laminal
+organizationally
+116.80
+88.85
+paternalist
+antisemitic
+ixtlán
+upd
+brennen
+varadharaja
+baal
+piedrabuena
+salaya
+bubba
+911s
+sharada
+cerne
+wildy
+pylori
+établissement
+472.5
+chipped
+mjackson
+abdication
+mamulan
+svendborg
+em
+34.16
+1946
+darnytsia
+tyre
+pierino
+pridmore
+deepawali
+linganore
+vibrant
+frollo
+threadbare
+złota
+hadag
+roquette
+walshes
+spilling
+firming
+lieff
+fleer
+robinho
+co-exist
+reiki
+cliffs
+jeaned
+12/10
+combo
+karpus
+444-8178
+dc-9-30
+bakoko
+flagellated
+zaidan
+ozanam
+143.5
+sclafani
+angioedema
+1840s
+louverture
+108.80
+strax
+jara
+lenormand
+blots
+tenterden
+kasenyi
+uncultivated
+gensia
+nine-storey
+euro545
+passats
+0740
+61-38
+two-way
+schrempp
+coarser
+79-61
+moc
+undisputedly
+sublabels
+nitya
+slumming
+meccans
+braved
+maoi
+brick-making
+eccentric
+edmistone
+nasonov
+treach
+m5b
+him/her
+sandbagged
+ranni
+apprehension
+gerolsteiner
+501.5
+bcra
+1958-59
+chokepoint
+question@nytimes.com
+0.83
+kc-10
+wwmt
+s21
+rebut
+geographers
+aileron
+wetten
+1975-1980
+rukiya
+congesta
+sallet
+jelloun
+nalebuff
+824
+wcix
+kulmiye
+henreid
+zamboni
+lengai
+shiuan
+lemming
+cherthala
+embryological
+carvallo
+homophobe
+milán
+53.92
+euro592
+no-longer
+uchaf
+salutis
+muscogee
+knitter
+arick
+20.09
+dusty
+reshuffled
+hisham
+jaric
+spohr
+seconda
+64-yard
+47.92
+bnl
+brookula
+red-and-black
+55.20
+aban
+wfaa
+63.5
+a76
+rotrou
+oshiomhole
+venkatadri
+djuna
+thököly
+leva
+castlewood
+ingabire
+mengla
+1068
+savours
+stowage
+54.20
+all-natural
+dopo
+tomljanovic
+crayfish
+dollars
+nyc
+mmf
+irksome
+preventions
+faludi
+generativity
+bombardieriglobe.com
+shabu
+wendell
+plated
+medha
+zaidoun
+weilacker
+surrey
+45.20
+winced
+wisal
+universal
+repute
+arifin
+upset
+founder-member
+seigneury
+biocontrol
+273.7
+ambacang
+nayan
+banjani
+thorvaldsen
+13:02
+euro465
+kayden
+macintosh
+obsessive
+blacklisted
+plumage
+ribble
+l10
+jennylyn
+1.4833
+bussey
+dholakia
+đà
+777x
+varano
+jae-min
+dale
+deshbandhu
+vanned
+kornafel
+timiş
+xiluodu
+www.ajc.com
+loudspeaker
+egge
+karz
+measureable
+gorges
+targets
+iconographical
+wevd
+41-point
+unburdened
+muamer
+elroy
+nuphar
+loizidou
+bernese
+hebron
+dokka
+linesmen_pierre
+cockroaches
+tisiphone
+unitarianism
+upsets
+deloitte
+avons
+commissariats
+batting_fthomas
+karlheinz
+sukhothai
+rowntree
+transliterates
+linguine
+actor/writer
+singani
+italicus
+5-71
+syncytial
+yaron
+ahlam
+malonzo
+38.48
+www.scottburns.com
+loana
+yosh
+2,324
+1979-1986
+revesz
+sandaza
+jesdanun
+kirundo
+netvista
+11-20
+cyclopentadiene
+argentinean
+bhupendra
+us-191
+stams
+ambrosian
+sleater
+31.63
+shill
+peephole
+mayola
+lehohla
+ramia
+feedforward
+squalls
+hauser
+lidén
+fifty-first
+brembilla
+ignorance
+schinzler
+shepel
+flosenzier
+wolfsonian
+prandin
+boholano
+porteus
+vanderhorst
+ringel
+befallen
+gamber
+71,700
+spriggs
+clasen
+neptun
+stabilises
+piasters
+sace
+sliming
+biotrog
+amphitheaters
+matosevic
+christoffel
+prospero
+hardtop
+portilla
+berline
+caecilia
+mononymously
+588th
+sinsen
+grigsby
+mahk
+deadbeats
+highet
+gawler
+yigong
+12.2
+cajoling
+klk
+tranmere
+dunloy
+1890s
+acacia
+tautog
+mexican
+bön
+mannette
+3,227
+seul
+interdisciplinarity
+icefield
+175-foot
+kansa
+streamworks
+galp
+sendler
+mmog
+50,000-volt
+8,870
+ananta
+sp2
+40.10
+lysosome
+cscc
+thint
+48.07
+k-pax
+crispest
+by-line
+57.32
+lovullo
+1250
+prokaryotic
+1,117
+tzipora
+sprachbund
+nausea
+williard
+pieterson
+ivp
+umnak
+carpena
+sharpies
+histidine
+tailpole
+88.25
+divis
+sharkskin
+cameramen
+mallavi
+raible
+carimi
+marcelo
+hachiya
+e-magazine
+schoenstatt
+savinja
+cadences
+ocasiones
+h10
+jasc
+aspected
+vcl
+unused
+t-62
+bukovina
+(307)
+one-hit
+racehorse
+prasar
+legspin
+buton
+irritates
+birs
+ideaglobal
+silvano
+pamukkale
+pagemaker
+expatriating
+kgs
+kbrown
+team-mate
+zuñiga
+sociability
+15.59
+blench
+latv
+edam
+kc-135r
+pyridine
+failla
+2650
+porcelains
+exotic
+willink
+1,960
+mvovo
+chrysomelidae
+flulike
+4,136
+kujtim
+mid-eighteenth
+outswinging
+brood
+uscg
+anglo-soviet
+abril
+sirkin
+ironing
+ndayicariye
+yonsei
+277th
+shujaa
+sarcone
+2.10
+c.v.
+pedja
+indochinese
+penilaian
+automag
+galstyan
+willock
+grini
+nimesh
+106.53
+shortest
+ago
+samtskhe-javakheti
+bocaue
+orchard
+16,350
+zero-sum
+vsepr
+qurie
+interrelationships
+netizens
+schurrer
+multi-tier
+l'auberge
+gdm
+cylindric
+palmdale
+longbranch
+cravin
+yolngu
+cros
+kuanyin
+4-98
+bramsen
+5-time
+2.61
+default
+manicotti
+anc
+okla.-based
+eurorap
+sumatra
+9-7x
+eae
+chicle
+36-20
+cissoko
+warman
+surmounted
+626,000
+y.t.
+trigged
+szarvas
+5-fold
+10,000,000
+gardist
+rehman
+panvel
+pan-arabist
+brightmoor
+masazumi
+9pm
+saguy
+reimagines
+wynorski
+rented
+enactments
+sanitas
+diapsids
+shelli
+promociones
+ex-combatants
+struga
+and-8
+hervé
+wittke
+entergy
+ayatullah
+marília
+clintonians
+119.78
+krunch
+cohoon
+bleskachek
+kpl
+caeser
+angioplasty
+perkapalan
+ellef
+reksten
+isere
+purkyně
+zealand
+escarre
+tokai
+raging
+universiade
+healthwise
+afflictions
+nursing
+mitscherlich
+roundtrips
+answers.com
+supination
+meusel
+monarchos
+superfluidity
+wcnc
+czartoryski
+1.452
+reveillon
+blushes
+sofia
+www.haplecrone.com
+ten-hour
+proclaimers
+wettimuny
+qwaqwa
+bourque
+54.54
+pranee
+0.68
+euro236
+stargate
+penedès
+doughton
+uyunqimg
+patxi
+soleimani
+gambir
+belsen
+nanogram
+3,670
+flycatching
+fish-like
+chicherin
+gelibolu
+mm02
+mlb.com
+allis-chalmers
+128.1
+greenes
+metareum
+committe
+pre-conquest
+caxton
+óengus
+receipt
+misterioso
+enharmonic
+cottin
+kanwal
+'01
+reuck
+bangolo
+war-making
+rabo
+half-lives
+levan
+goncz
+1-million
+livingroom
+squib
+frankfort-on-the-main
+cammell
+baft
+pinko
+74.02
+seppi
+vergina
+ivc
+virgie
+schmier
+kilvington
+0_4
+16-2
+surfboards
+nandy
+arpege
+slutty
+03:15
+pom-poms
+42.15
+belta
+staredown
+joyas
+zhengrong
+15a
+225.5
+cassilis
+jevđević
+zumbo
+dniprodzerzhynsk
+epics
+murgatroyd
+echinolittorina
+niit
+hoftun
+114.39
+lotsa
+jujutsu
+samah
+chaipravat
+cnsc
+woodbury
+oddities
+1874-1875
+ratna
+1.5350
+lanai
+wer
+iasb
+marischka
+ucda
+pontalba
+bypassed
+11-9
+errors
+gresser
+henneke
+sfar
+1893-94
+post
+,130
+assignments
+agrado
+veenstra
+guildford
+lkl
+anthropocene
+toye
+semipro
+hummock
+and-20
+32-second
+tuleyev
+donnchada
+yean
+gopura
+reynato
+buoy
+15h
+autoinfobank
+mythographer
+fulva
+thorgerson
+coltness
+jafarzadeh
+4,000-ton
+uthayan
+galim
+vyborg
+starfighter
+27-4
+mcsween
+comarca
+suggesting
+49.76
+hucksterism
+veruovic
+c.k.
+kaffirs
+jolanta
+apprehensive
+marigold
+23,900
+finike
+pally
+ministero
+yokuts
+brosna
+lechlade
+icimod
+rs200
+verster
+mamba
+friarbird
+twenty
+matsusaka
+devotionals
+gozzo
+hopin
+tebnit
+snowdon
+esplanade
+hopers
+17-car
+giago
+2-40
+xj8
+1971-75
+strelitz
+ocasek
+rotations
+algunas
+bhaumik
+190-kilometer
+170-page
+sonke
+guskiewicz
+harworth
+92.61
+gurbani
+mannen
+36,000-strong
+fiddlin
+kosuke
+pampa
+1000-1130
+vino
+umist
+agents
+rostom
+mehlhorn
+andhrapradesh
+8.03
+shoppingtown
+maturino
+sieminski
+wodzisław
+harter
+ipennsptimes.com
+bardon
+inverurie
+unecessary
+shantinath
+bou
+intractable
+(863)
+coquerel
+ski-jump
+asd
+kd95
+looks
+chiya
+multi-billion-dollar
+lorson
+pmoi
+6,819
+putbacks
+bortle
+bluey
+gowda
+anvers
+foreshore
+zamia
+67.93
+13-21
+bloedel
+kalinowski
+rta
+0230gmt
+lobue
+half-demon
+prestigious
+brushy
+bagila
+certa
+interpretable
+sleeps
+briare
+gwathmey
+jarka
+tinkly
+jbouri
+peckford
+33-20
+moqed
+sabbar
+dole
+shinan
+gummer
+legaue
+stereogum
+3rd-place
+outspokenly
+otterness
+2,083
+feat
+reicin
+bollier
+14.32
+xyloto
+phylogenic
+meråker
+radiography
+arājs
+komarovsky
+norilsk
+2ndtake
+70,500
+nilin
+thunbergii
+jatta
+zarian
+97-page
+adiala
+missionary
+essl
+beranger
+beyazit
+haijun
+ukai
+barytes
+,565
+maope
+changs
+pad
+shaler
+aldabra
+bildenden
+riccioni
+mamby
+mesoproterozoic
+sining
+insley
+headshrinkers
+zeh
+rfps
+kurdufan
+3,200
+sechter
+arapahoe
+erler
+bancks
+11-season
+steinman
+sugarcreek
+kahun
+jleicester
+abellio
+chetan
+17-nation
+kharazzi
+squealing
+kalachakra
+yü
+wharfs
+peaceably
+euro130
+synaxarion
+carolino
+feal
+meghni
+fhe
+limbong
+rheinberg
+mughassil
+clydeside
+khadaffy
+langhe
+sermones
+moulai
+duques
+demarcation
+cravo
+numbing
+0-for-3
+150-foot
+mongkol
+errázuriz
+hiett
+hydride
+eyepieces
+ohalete
+lkp
+ince
+feltz
+imperative
+oleum
+levance
+condyle
+sundowns
+hargeisa
+jeruk
+auxiliaries
+zagier
+syaoran
+gingrey
+cugel
+boskey
+everington
+mfeeney@globe.com
+nattrass
+slartibartfast
+out-patient
+rhe
+pastoralist
+tolomeo
+greening
+voicemails
+kibungo
+ereng
+25-year
+redefining
+pseg
+4-46
+zhar
+warblers
+leavened
+reintroduce
+yizhen
+washrooms
+shema
+self-righteous
+rishabha
+pensées
+kelvedon
+hawksmoor
+forland
+strafing
+vicodin
+pomponius
+d.hamlin
+wispy
+gökçen
+ragtop
+gramsh
+crestor
+bonners
+koba
+rdio
+gibara
+lyfors
+high-tech
+marimow
+karabatic
+castled
+sirhowy
+cesid
+hamidah
+bojnik
+pollitt
+silhouettes
+a.m.-3
+dewhurst
+n-body
+86.62
+allman
+kwkh
+eule
+zent
+wtic
+scholar-officials
+tucanes
+praca
+talisman
+roggio
+jehp
+swishes
+black-colored
+vividly
+holodomor
+zimbabwe
+hiphopdx
+sancious
+yai
+marakkar
+unreachable
+bhoffmandetnews.com
+holidays
+1990-1996
+benj
+conventa
+laurinaitis
+fackenheim
+kristopher
+réunion
+44.96
+armorers
+neuroethology
+1,500-a
+mccadden
+4,458
+7-to-2
+umb
+2,066
+50-2
+sheaffe
+crocodylus
+keegan
+71.52
+origination
+orthodontia
+whistle-blowing
+yeouido
+3,109
+coton
+otellini
+yaung
+grecians
+ishida
+92.29
+22-acre
+1881-82
+kinsch
+kusila
+garsington
+hitcher
+što
+str95bb
+rain
+univ
+taira
+antagonized
+ignimbrite
+then-known
+router
+9,340
+jaber
+leinenkugel
+asumi
+habitation
+lvad
+staheli
+mid-1970
+25,000-capacity
+teamer
+37-20
+woodwards
+250px
+samurais
+l'italia
+272nd
+1.4395
+autoimmune
+grevena
+healthscout
+sics
+dolezal
+peinado
+d'alberto
+ziegenbalg
+mauz
+syracusans
+calamitous
+geheimrat
+165.9
+wibier
+guotai
+dort
+21-page
+olden
+taxiway
+1.3550
+104.0
+alkoxy
+4:07
+dauth
+3sec
+109.12
+kinder
+okb
+duralde
+e.t.c.
+trialing
+arora
+unfair
+ethers
+lemm
+cogema
+pavo
+fidelity
+trow
+plh
+incalculable
+crashworthiness
+uunet
+kobiashvili
+dayana
+1024
+4,000-strong
+in-laws
+gimhae
+frequentative
+richman
+clogged
+walley
+duchesnay
+balfa
+frivolously
+vados
+iterator
+whittemore
+missal
+shtokman
+1,629
+broadis
+tollcross
+360-member
+brooksville
+braam
+ort
+galdos
+fumihiro
+rituparna
+brunlehner
+kgo
+alija
+jalayirids
+scrapbook
+mapleton
+belizeans
+emmanuelli
+104.06
+markina
+pinotti
+samarang
+102.94
+1294
+latins
+zamri
+semiosis
+apocalyptica
+epoxi
+cannell
+seldom
+norweb
+1,879
+ifta
+gal
+crans-montana
+pulwama
+gxl
+grittier
+sleep
+aramon
+fortlow
+takeback
+shair
+92.77
+sefik
+aggregator
+u.s.-canadian
+4-21
+payoh
+fingerboards
+zaripova
+panels
+podlesie
+sca
+campaigned
+106.47
+1137
+bossert
+aicp
+chants
+rationalizes
+9:28
+hijra
+pierogi
+tampoco
+sarracenia
+bazile
+vaudémont
+colebrook
+e-z
+ppd+g
+algosaibi
+1982-1987
+mcdonalds
+undersheriff
+reptans
+miklas
+bronzeware
+kamien
+7,430
+sanchung
+biodegradation
+brainchild
+kabutar
+sharafi
+александр
+hoom
+prager
+419.3
+thirteen-year-old
+urgency
+sagasti
+engonga
+marioni
+colorization
+swammerdam
+landfill
+kaita
+99-91
+califonia
+architeuthis
+grossdeutschland
+det
+lsps
+leguay
+dslam
+webpages
+binns
+malong
+sangharakshita
+shepton
+nolichucky
+snris
+gentian
+104.14
+blanas
+boards
+cabriolet
+battery-powered
+qide
+sibford
+6.89
+endovascular
+salii
+shampoos
+kanfer
+problematic
+en
+barmouth
+agnelli
+musicology
+tamuning
+artiodactyl
+slewing
+767-300s
+almand
+vhdl
+savita
+bitterfeld
+bmv
+mailey
+20-square
+foxfield
+goguen
+liquarry
+actually
+ombudsman
+epileptic
+strokestown
+ayp
+sedentary
+globetrotting
+okhta
+kantono
+banza
+doik
+ezekial
+interpolation
+salination
+discard
+103.5
+cullerton
+b.o.b
+hoopsters
+semisi
+limnological
+264.7
+magogo
+supertramp
+non-affiliated
+sappy
+askarov
+α-helices
+ncms
+kawanishi
+zahrey
+49.64
+kuusalu
+cosign
+atanasof
+twenty-fifth
+nadezhda
+chaud
+a340-500s
+rh7
+guangdong
+makiya
+zabierzów
+isarn
+gamelan
+trans-texas
+newsweek
+straggly
+translatable
+tatsuro
+201.1
+remlinger
+rhaunen
+merx
+neo-soul
+historia
+lycett
+e.china
+cestrum
+solok
+kuehl
+tuckers
+suwon
+zahedi
+gilels
+landesligas
+oberhofen
+spatters
+cognizance
+cephas
+5.31
+isonomy
+moree
+zevenaar
+sead
+hallin
+bisciotti
+dubbo
+kenne
+435-member
+herras
+bagwell
+soraida
+4-storey
+thawrah
+schriever
+baranów
+bartender
+fetlar
+aramark
+74-69
+flers
+oversights
+jingoistic
+admm
+tecnologia
+cytoplasmic
+outranks
+dspace
+raskolnikov
+vlcc
+libertine
+zivorad
+adec
+leeuwen
+chryston
+coile
+medabots
+dungloe
+ruecker
+forgy
+araluen
+four-goal
+idolised
+mcgahn
+dezful
+aumann
+gotenhafen
+1148
+pendekar
+llay
+trousers
+langi
+imperatively
+3,213
+jackanory
+polypill
+milone
+ringer
+rossmiller
+canclini
+yoshinkan
+sami
+norrington
+3-part
+kismayo
+ostrea
+1870-72
+myst
+plodwick
+ed.montini
+seating
+unitedly
+8.14
+kassel
+telleldin
+pret
+g33
+unscarred
+pavón
+vaccination
+narayani
+silanyo
+audible
+borak
+daj
+indecorous
+guyton
+4-lane
+faintly
+d'aste
+poręby
+ouiatenon
+afak
+aitzaz
+foundlings
+geneti
+pruthi
+dukat
+arnošt
+turdus
+fielea
+nashaat
+.218
+2,038
+kjaer
+granik
+balestrand
+grindheim
+latiff
+kidulthood
+siegfried
+panhandling
+filmed
+moorhead
+zahava
+michiaki
+luong
+rocklike
+pyagay
+104-degree
+climax
+laughland
+fawziya
+resume
+stamkos
+akhmetov
+shuzo
+opm3
+javascript
+natural-gas
+eitzel
+shandy
+abrsm
+naak
+cervia
+madrassas
+seward
+landraces
+heireann
+cd14
+headstreams
+37.87
+lampposts
+deposes
+wheatfields
+otsubo
+hundt
+røed
+renovates
+glassell
+messidor
+teacher/student
+bednarski
+skale
+baghdatis
+japanese-canadian
+226-3377
+prasasti
+5-orthoplex
+defilippis
+graininess
+kxan
+frenkel
+bedroll
+pah
+terrill
+atherstone
+gaddesden
+094
+laface
+28.85
+jaffé
+stevenage
+criticality
+graphologists
+donilon
+frenetically
+blye
+ccgt
+upstaters
+fareed
+bdg
+alofi
+burkard
+46-35
+.850
+48-million
+monterisi
+ickenham
+spiritus
+eliot
+στιχοι
+4,888
+fogging
+seghesio
+bedeviling
+fanbase
+brookeborough
+81.96
+clambake
+sterndale
+dirt
+asfour
+costumers
+antisemitism
+selmer
+lymantria
+fengfu
+damiens
+proportionately
+sidewheel
+sinyi
+giganteum
+rescorla
+i7
+shorey
+multiples
+chungmu
+2,817
+krung
+assist
+1905-06
+matir
+dauda
+successions
+1,948
+lilli
+capability-3
+zutautas
+bus
+ichnogenus
+aynak
+nienhuis
+wijck
+cibo
+shaghnoubi
+berget
+1.242
+4-car
+143.00
+németh
+dern
+brigidine
+høvik
+indiewire
+arline
+hou
+transection
+guaratingueta
+allridge
+braine
+single-motion
+peeve
+then-lieutenant
+vuco
+istante
+demographic
+e-library
+pcpa
+mcfall
+g.h.
+jawal
+figwort
+94.45
+xvii
+self-limiting
+efron
+27/32
+convencer
+nbt
+flansburgh
+cuboidal
+1,510
+siegburg
+806
+cuenca
+hub-and-spoke
+josimar
+slurping
+baijal
+79.04
+ternay
+accuracy
+self-archiving
+euro575
+edgiest
+adlard
+brochettes
+bossard
+medcath
+hatae
+turkestan
+paiva
+abscess
+harmala
+rached
+proteasome
+chao
+pre-flight
+jamaica
+kcbs-tv
+beitar
+walls
+polluted
+ypc
+rimouski
+sacked
+dannelly
+biochemistry
+4,228
+pravia
+pegleg
+privatdozent
+rhomboid
+beloveds
+ruston
+hypsipetes
+284
+schanke
+photobooks
+yoshimitsu
+tbt
+moro
+slovenliness
+didnt
+abitur
+thilan
+eras
+25,000-a
+contradicts
+saccharomyces
+31-year-old
+duros
+ttt
+kirunda
+suppresses
+mariupol
+depfa
+ultan
+brasted
+multiplexing
+tostadas
+marburg-biedenkopf
+lucelia
+mccuaig
+kilusang
+angad
+marnix
+europass
+lokalbahn
+trnava
+karlov
+ditech
+azzam
+fecs
+brilliantly
+prince-bishop
+hemosiderin
+pesquisas
+issy-les-moulineaux
+avram
+kookie
+desks
+minneapolis
+aleko
+3,000-word
+uptempo
+mackworth
+dudka
+cyme
+findsen
+saakashvili
+integrators
+kindley
+25-5
+aleut
+cremaster
+aspect-oriented
+desiccant
+lockup
+d'ailly
+cumple
+kamsky
+nemean
+tribes
+sbsf
+masti
+frontex
+http://www.nih.gov
+barriles
+moir
+sönmez
+kobylt
+rubbing
+squillaci
+typhimurium
+cpatterson
+jpf
+drac
+chandrapala
+carrero
+nonconference
+āghāj
+rivertown
+mtcr
+meger
+delifrance
+laskin
+923,000
+touring
+2,171
+busce
+dito
+timaliidae
+martiga
+49.79
+naybet
+pap
+until
+in-theater
+tolerantly
+bottini
+3,904
+tenth
+2,509
+tabora
+mesolimbic
+mennenga
+weisslers
+eurofer
+14:39
+belcher
+dishing
+8.5-billion
+fadeley
+sublimely
+east-facing
+mauss
+neumünster
+dramamine
+europes
+http://www.ecb.int
+newcastle-on-tyne
+barbiturates
+lithostratigraphic
+3/10
+undergoing
+magritte
+eruptive
+tingatinga
+knobloch
+baby-sitters
+welburn
+29.78
+mahalingam
+passchendaele
+phyo
+pappenheim
+feuerman
+jabour
+beamish
+prokhanov
+gaan
+rhubarb
+kadamba
+1965-70
+108.89
+1914-1917
+1.5240
+literally
+rigor
+jueces
+ljubenic
+2,300-year
+annik
+dena
+essayistic
+tinseltown
+2,000-point
+inter-governmental
+couhig
+nafdac
+elfie
+yorio
+mabenga
+climat
+printseller
+kreva
+repl
+computation
+melisa
+dva
+fxx
+plettenberg
+tanami
+crnojević
+jieddo
+capalaba
+ansolabehere
+n.h.
+publix
+cyoung
+engblom
+wetherspoons
+apolonia
+golubović
+thonon-les-bains
+intamin
+dhhs
+arab
+alan
+1203
+suspectedly
+zoots
+klippan
+sekou
+hodgkin
+triable
+apeejay
+aij
+tarnoff
+storm
+contacto
+phycor
+jejune
+lawrason
+gallinago
+weny
+magloire
+havn
+excalibur
+1,300-year
+militar
+crocodilian
+garymc
+hoekstra
+46-18
+chacín
+goolsbee
+douglasville
+newshour
+123.76
+mandates
+brønnøysund
+helfer
+pradit
+messuages
+freid
+chilko
+requestor
+mulsim
+agillion
+proto-writing
+exceptional
+willits
+bendtsen
+collioure
+1363
+narendranath
+kanban
+quadrupled
+corfo
+beltola
+ligamentous
+artax
+.100
+headwall
+lulzim
+maggia
+19.78
+souflias
+clapham
+khiladi
+.619
+primaquine
+sids
+tup
+asocial
+lakshmi
+saplings
+sloganeering
+awoniyi
+townsends
+petlura
+lusail
+jitterbug
+zhoo
+sukumari
+paintsil
+creditors
+bagot
+recalculate
+computability
+rexcapital
+libardo
+troyanov
+1,191
+debakey
+epitaphs
+zheliu
+1,821
+prided
+limmt
+ice-free
+linebackers
+volt
+benno
+saltergate
+megawatt
+creech
+tummo
+nsta
+coxae
+nonsteroidal
+kitayama
+manganese
+last-placed
+afriforum
+900-member
+schlichtmann
+46,250
+kicklighter
+bankroll
+bioengineered
+tarheel
+q400s
+zakiya
+euro226
+kayseri
+gautham
+flightpath
+jinxi
+olinga
+co-heiress
+peristalsis
+røst
+absolutist
+sigismond
+bubalus
+strömberg
+v100
+peak
+bearkats
+e-takbeer
+xanthorrhoeaceae
+rammelsbach
+lodal
+makar
+garud
+bere
+chau
+souljah
+tasered
+marins
+spinnerets
+indycars
+malaria
+dais
+sheik
+parasitic
+omigosh
+mackoul
+applauding
+hiyya
+mausi
+vantaa
+grasegger
+bhum
+percé
+yagi
+majjhima
+racially
+muthukumar
+balingen
+supertanker
+sallanches
+famu
+maryvale
+pittoni
+lowest
+sentries
+stepping
+orobanche
+arisia
+shortchanges
+zolotaryov
+lamer
+minal
+price
+enver
+grosses
+o’kane
+ccf
+guyville
+juvie
+crumpacker
+lynge
+20/km
+yangzi
+haute-garonne
+narmada
+singer-actor
+mishandles
+unc
+92.24
+56.38
+waveland
+ades
+trent
+ratanaruang
+snowblind
+3,000
+annihilating
+sangweni
+chunyun
+zameen
+qurans
+atalaya
+mirza
+oedipus
+28-day
+falabella
+colaianni
+fns
+sleptsova
+85,500
+eggert
+cowboys
+imaoka
+evy
+treecreeper
+meowing
+mwafulirwa
+askari
+acaridae
+flavum
+mayalarp
+jóhannes
+gyeongui
+suez
+mirali
+iuml
+tisha
+bbbofc
+kasyanov
+121.84
+40-room
+mitochondria
+barricade
+vanstiphout
+poplasen
+rocksnail
+ibne
+cross-industry
+society
+calipari
+supernotes
+mangochi
+estelar
+nuanthasing
+2,380
+747-400f
+natividad
+karagounis
+mignot
+starvation
+balcarres
+trank
+u.n.-patrolled
+miklavc
+parler
+2:13
+ooijer
+meningococcus
+geonic
+injury-plagued
+baiturrahman
+eldard
+zoonotic
+désir
+htaw
+repetitions
+ziolkowski
+asama
+6,530
+yizhak
+earlies
+bierutów
+tengger
+teamsheet
+claggett
+disorder
+mildew
+turf
+macandrews
+rgrantham
+uwak
+lawsons
+kremser
+undrawn
+jedda
+demigod
+dairyland
+turn-off
+pubescence
+phenomena
+antimatter
+ludy
+nunez
+six-cylinder
+filmic
+i-mutation
+hatting
+yuchun
+linskey
+habi
+strossen
+magubane
+398th
+new.net
+frogmouths
+coveys
+annopol
+laut
+k-15
+switerland
+manam
+ehden
+nebbiolo
+dater
+keppinger
+self-consistent
+heidrich
+wastefully
+snowmobiling
+kneebone
+hockey
+klepper
+whitely
+jaleco
+sisde
+each
+unsettling
+agerpres
+underperformed
+belenois
+bisect
+3.22
+yoichi
+captopril
+6,420
+tchoukball
+euro183
+fourteenth-century
+rubenesque
+esab
+gravettian
+4,121
+blackney
+wnds
+sektor
+33.24
+computerisation
+arnos
+moreni
+19:52
+ekantipur.com
+godstow
+godridge
+cebeci
+076
+204.2
+herpes
+mita
+creangă
+philosophische
+jennekvist
+nahawa
+29.7
+fredriksten
+reinjured
+78-million
+dantés
+iseult
+lima
+tco
+softswitch
+completion
+kutubu
+sto
+esb
+beylik
+1/2teaspoon
+abbondio
+misti
+uninor
+vlassis
+omeprazole
+forcade
+viad
+conduite
+mío
+silvanesti
+daywear
+3.5-5
+thicker
+morgenpost
+papillote
+handicaps
+seabus
+herrnstein
+haines
+66-run
+jean-christophe
+manding
+thomistic
+geri
+michan
+géraldine
+obninsk
+freelance
+seventy-five
+rabinovitch
+6,000
+figueirense
+čengić
+vizcarrondo
+evictee
+laurette
+12b
+infantas
+kodro
+balticum
+thirty-two
+musconetcong
+multi-storied
+bergedorf
+berfield
+rhodesia
+perdido
+jennys
+lanna
+kyllo
+tank
+384.60
+shwegu
+britto
+taddeo
+12-years
+chedid
+zvartnots
+forestry
+longer-range
+surjection
+grieux
+receivables
+catchwords
+#the
+walid
+darreh-ye
+vizzoni
+maslov
+dta
+mariotte
+hakkâri
+tyszowce
+slomka
+americus
+odaenathus
+kenison
+élan
+plfa
+dokur
+cordic
+marrs
+sonqor
+flavoprotein
+non-visible
+178.9
+guerrilla
+siemreap
+wojtyła
+reducer
+reportedly
+99.18
+kerava
+seducing
+kōzuke
+goetia
+matawalu
+quilcene
+grigoriy
+acdelco
+uprising
+helander
+southeasternmost
+grass
+kyriacos
+1864
+unvisited
+helleborus
+alaa
+fassbinder
+60.95
+abarema
+eryk
+messaoud
+igbvl
+gouichi
+roychoudhury
+dispositional
+karjat
+danshui
+bharathi
+gamage
+baryton
+gourgeon
+touche
+forlag
+7km
+36-25
+blipped
+albon
+gybe
+ezzeddin
+florsheim
+ungheni
+crawfordsville
+aetolians
+tormentors
+herzlinger
+1,439
+13.06
+multon
+scorch
+kindelán
+vsr
+waldeck-rousseau
+nakedness
+fined
+perget
+sembène
+cragin
+sambuca
+agganis
+korty
+halphen
+maryon
+originale
+raymer
+determined
+450-page
+borisov
+ringside
+nonexclusive
+mitchells
+nemelka
+indels
+socinians
+'53
+geveden
+landaulet
+hanell
+rmit
+shaoqiang
+torno
+25-6
+pipedream
+eulalie
+completists
+eight-year-old
+badaracco
+davenant
+menlo
+pignanelli
+angier
+liguo
+toplin
+desecrating
+redux
+corporatist
+cut-up
+jowkar
+realjukebox
+nayanars
+54-52
+74.74
+friendswood
+amassed
+huaqiu
+inning
+khomam
+burwell
+16-square
+38.43
+al-khaimah
+orelli
+lattie
+99.68
+ignatow
+1.6450
+eringel
+sesamoid
+fery
+co-defendant
+allemand
+pocos
+koshman
+hatchette
+zamel
+1.2122
+methadone
+karri
+nederland
+dumai
+summarizing
+gongmeng
+dmelvin
+tuominen
+cubberley
+malmqvist
+ingenues
+riendeau
+hi-power
+86ers
+cycnus
+rhododendrons
+kyw-tv
+alveda
+reactivity
+mealybug
+forecasted
+euro188
+seinen
+beaned
+fortune
+kerimov
+bunking
+d-50
+transadelaide
+ambinder
+grau
+doerner
+gunvessels
+carpet
+9-by-12-inch
+stuey
+terrasse
+borsato
+cnu
+1,798
+badland
+kraljevo
+glenties
+sport-related
+tyldum
+sedated
+morihiro
+defa
+98.58
+boxsters
+olímpica
+kolius
+requests
+lutoslawski
+travancore-cochin
+unfamiliarity
+zhuangzi
+choueiry
+plummeting
+golfed
+successors
+aafl
+tsui
+statius
+mid-1941
+haart
+asako
+nguessou
+cassian
+casali
+lenart
+action-thriller
+veii
+5th-century
+kagiso
+0801
+73-62
+tauziat
+borochoff
+o'groats
+44.44
+genstar
+1997-98
+massó
+lining
+super-heroes
+grossman
+shumei
+barah
+rakovsky
+environics
+snooped
+ruhrgebiet
+kortan
+botkyrka
+childers
+minyon
+bestower
+dinz
+ancuabe
+d.b.a.
+light-rail
+voodoo
+indios
+alternanthera
+kelani
+subercaseaux
+pcu
+1870
+12,500-strong
+boche
+vianna
+lasalle
+rokko
+hakimabad
+lalenkov
+autopilot
+kapilvastu
+3.75
+45a
+9-7
+public-spirited
+euro501
+clickety
+tasuke
+atletismo
+scop
+ichinose
+baa3
+ocn
+bajaga
+desaix
+partlow
+sinigaglia
+shibusawa
+buque
+arca
+gipps
+asian/pacific
+annamacharya
+drop-off
+forsyth
+68.57
+berthoud
+livestream
+odyssey
+kartel
+91.21
+thyroid-stimulating
+splendours
+kramarov
+mixtapes
+brovina
+eckel
+doddington
+anfo
+shel
+jabłonna
+crossbones
+tuipulotu
+meniere
+charles-valentin
+bouzouki
+calcaneal
+kamron
+antananarivo
+capodimonte
+teika
+8-year
+ex-officio
+chadron
+ruefly
+kuruman
+camponotus
+stassinopoulos
+74-60
+gebhart
+barbies
+erupt
+pachyderms
+megalithic
+segre
+proceedings
+delorenzo
+eilonwy
+siham
+1.18
+emelec
+intermedius
+2,530
+gingerly
+deconstruct
+prolapse
+main
+elst
+guðlaugur
+u23
+nyen
+2069
+kuman
+sifl
+65.81
+distillations
+onkel
+siobhán
+16.66
+bakkers
+shorthorns
+damanhour
+samrong
+bourgon
+waldseemueller
+ghadeer
+aggieland
+repos
+hontiveros
+variability
+mol
+ulcer
+venta
+lesieur
+mikro
+tostones
+dalwood
+asda
+deland
+hiep
+serbo-bulgarian
+kioa
+nedumudi
+er
+bgcolor
+bihor
+u.s.-flagged
+duds
+neuner
+new-look
+seediness
+palaeozoic
+vegard
+sohl
+pecina
+flujo
+drakoulias
+inexorable
+12-episode
+leather
+mid-year
+l'occitane
+waghf
+vrain
+unal
+ha'apai
+karawaci
+gullivers
+punisher
+rock/alternative
+áed
+balin
+albie
+monomer
+taklha
+parenthetically
+556-3622
+domagoj
+mecosta
+mahiu
+two-element
+sleekest
+longspur
+sayers
+airball
+prwilson
+givins
+wreathe
+punctured
+mbs
+tengchong
+dallapiccola
+mottet
+67.43
+adjetey
+slopping
+insana
+stokols
+hone
+deprez
+3,221
+jubatus
+desclaux
+cytotoxic
+450th
+revver
+blisworth
+,180
+urmanov
+hanjour
+brachiosaurus
+costopoulos
+schoch
+baaja
+preoccupy
+lacen
+15.2
+haverstock
+delve
+polyene
+canaris
+canseco
+carleen
+soccer
+keram
+cosel
+couillard
+jhum
+benthos
+atrash
+gradkowski
+3-3-2
+halvor
+earthrights
+evron
+9-to-5
+károlyi
+changquan
+maimed
+b-52s
+polypropylene
+wimmera
+epiphyte
+visakha
+stavely
+patriae
+gando
+saikumar
+thats
+goiania
+clumsiness
+harrisons
+heinz
+townson
+orthicon
+da'ud
+ssd
+sharkiyeh
+shabelman
+kahani
+rotashield
+norooz
+wurtman
+ss14
+bmp-3
+deol
+eglington
+kalmanovitz
+royere
+fazeli
+travelocity.com
+skansen
+neuroscience
+4:36
+wapa
+stereoscope
+oas
+achernar
+chaz
+causes
+ny112
+reupholstered
+rb211
+210-yard
+cunliffe
+adfl
+planescape
+irbil
+kidzania
+yusifiya
+tamam
+overdosage
+8.30
+lnc
+10.33
+ceresa
+gunay
+asme
+boyson
+romans
+dastagir
+xinle
+bnet
+medallions
+fugelsang
+eirene
+großer
+njeri
+arkle
+46,800
+gagen
+vertov
+102-degree
+sonnanstine
+balsley
+kmrl
+jeolla
+fizi
+kasar
+despont
+levet
+wanat
+chlorpromazine
+goffman
+sommai
+neogene
+franco-ottoman
+topos
+crambidae
+putout
+schnirelmann
+75,500
+map-set
+welkom
+isotopically
+viswanath
+enlivening
+occurences
+johansson
+takanohana
+cantil
+borjal
+meanhwile
+gioachino
+1,681
+wynn
+soraya
+incinerate
+midd-west
+lowlight
+yunus
+sathorn
+3900
+-3.2
+iffley
+20,000-seat
+attitudes
+confessional
+181.3
+49.08
+bankamericard
+gottstein
+grassland
+towbin
+ottaviano
+botez
+odorata
+relocated
+folowing
+garmsiri
+panoramas
+saira
+roils
+bolle
+twizzlers
+.12
+inbox
+phot
+15:55
+unho
+80-61
+airavata
+swannington
+indumentum
+vellus
+repartition
+strikebreakers
+seow
+magicjack
+doukas
+yuill
+1912-1914
+104.65
+televises
+goukouni
+precision
+binodini
+71-91
+tsuper
+bajina
+groupe
+chantome
+cregagh
+nhleko
+ixtlan
+atoki
+frequently
+hendersonville
+kenoy
+strodes
+milites
+chernenko
+deathlok
+halkieriids
+noaas
+hypotonia
+e-zine
+vidler
+minibonds
+0:49
+koku
+unwinnable
+aranya
+murray-darling
+stratofortress
+concini
+end-around
+pavillon
+49-28
+wenzhao
+262.8
+70-54
+lithium-7
+rogozhkin
+680,000
+deplores
+42.65
+maximizes
+podiatric
+marilyns
+desnos
+lijun
+bodell
+mcqueary
+lucenttech
+larkfield
+upperhand
+soldout
+.696
+waldwick
+undemanding
+korra
+papal
+saawariya
+6-0-3
+campell
+zappa
+eisch
+birni
+039
+set-theoretic
+purposely
+emini
+zunino
+lovins
+benten
+hemat
+flávio
+226-3389
+flaget
+prešov
+kuye
+tibaigana
+zijinshan
+hellenica
+afros
+anasazi
+sashayed
+basketmaker
+d'histoire
+benaras
+shaky
+kwaito
+muniyappa
+calipers
+31.32
+riehen
+discovers
+duract
+mushy
+hadiya
+nephelomys
+tupaia
+naqoura
+1717
+neurotoxicity
+monroeville
+arrestable
+arkley
+sincor
+whitham
+bheag
+razzmatazz
+100-km
+uconn
+cvetkovic
+galled
+partake
+meneghel
+joelconnellyseattlepi.com
+35-15
+atomizing
+bridal
+confectionary
+50.01
+mella
+400-metre
+southwestern
+nury
+nordwestmecklenburg
+autoglass
+opertti
+undermining
+rkka
+cottonwoods
+1946-47
+ivw
+baw
+119.10
+co-authors
+,496
+actinidiaceae
+6,000-mile
+bernabe
+leuluai
+serostim
+31-33
+deveined
+procomm
+so-and-so
+quillota
+rakhmonov
+131
+www.house.gov
+panuco
+nishad
+grandstands
+reorganizations
+sagia
+congressperson
+muntemba
+volcker
+heydte
+labillardière
+olímpic
+moneyline
+two-timing
+microcars
+38.37
+oii
+newel
+2,292
+triceps
+g/ml
+stamberg
+16-1
+faculdade
+athamna
+coag
+maims
+command-and-control
+leuci
+lead-free
+rollei
+ehrhart
+korshunova
+vigen
+niwano
+brayan
+stralman
+fusi
+ferrero
+strandli
+5,512
+manokwari
+gallin
+delineations
+sixteenth
+keycard
+runggaldier
+archerd
+nl
+trackpoint
+enamoured
+hahb
+leuthold
+inclination
+uco
+tawanna
+restaurant
+242-seat
+suhk
+zanichelli
+re-marry
+varyingly
+skyhooks
+67-member
+plagios
+quental
+cenchrus
+h&m
+anuradhapura
+nabis
+stationarity
+guly
+smerick
+banyas
+puplesis
+komal
+48.74
+freebooters
+harmut
+ggyc
+sawalha
+glavaš
+romantic-comedy
+sarvar
+paisano
+17-4
+ukic
+angelou
+mercilessly
+laundresses
+mahavishnu
+eurostile
+paisa
+interrelated
+internees
+banyarwanda
+imitations
+sagdiyev
+334,000
+bazentin
+martiche
+quakecon
+stitches
+putsches
+hypnotize
+bertozzi
+extensive
+yussuf
+paone
+dirar
+onedin
+kramarenko
+raharjo
+civoniceva
+undersoil
+pohlman
+defrag
+yachmenev
+schieffelin
+kandilli
+dial-in
+forded
+13.89
+partibus
+srrc
+winesburg
+kostecki
+inomata
+bercero
+zhihong
+vibrato
+mahahual
+group-based
+usm
+1945-46
+tete
+overlaying
+restorations
+wolkoff
+blokland
+augsburg
+gatewood
+prestons
+wrinn
+hechtman
+rabbet
+stoff
+occupation
+saint-lazare
+sprained
+transracial
+aripiprazole
+12.98
+basire
+nematode
+dhirendra
+seasoning
+sarcopterygian
+chodo
+saltillo
+no-gi
+wjmn
+towelette
+fip
+priesthood
+jalón
+.530
+mahalaxmi
+moravia
+nickel-brass
+axios
+lushnjë
+telestial
+smythson
+rintje
+face-lift
+16-season
+monsef
+sucedio
+tyrannized
+38.02
+omphalotus
+dsir
+50.35
+23-28
+taihoku
+guyandotte
+waterpolo
+48.86
+acetoin
+3-8
+nontotient
+lengies
+tenderhearted
+pairote
+yuste
+nzbc
+prout
+divestment
+1757
+hellgate
+887
+södra
+pacha
+fuisz
+1.115
+9,337.97
+quizzically
+lorenc
+121.0
+liezl
+weinstock
+bigshot
+35-27
+claybrooks
+howry
+intro
+há
+lavere
+sarhad
+wasike
+midseason
+detalle
+urdd
+piecyk
+cossa
+heterodimers
+non-radioactive
+non-registered
+pentewan
+3rd-placed
+witch-king
+ryryryryryry
+bellaghy
+jala
+debunkers
+single-room
+ncts
+joyride
+photoexpress
+datebook
+giffen
+goal-directed
+greenly
+gp9
+266th
+n.h.-based
+sprinkled
+wetworks
+0.9-meter
+chichi-jima
+371st
+berzesio
+25.03
+fardc
+bloat
+vna
+careys
+rabbot
+through
+selva
+dilator
+2130
+dicotyledons
+kirihara
+moschella
+khaleda
+merchantmen
+3,000,000
+miyazu
+superconductive
+keraunos
+underground
+embera
+gbm
+175,000
+jyujiya
+two-engine
+conveniens
+1,678
+presevo
+labienus
+aramex
+sunnyvale
+hasard
+pre-printed
+estuary
+inday
+stitt
+o-t
+clasper
+yakshas
+kampungs
+yachvili
+kelvinator
+elaine
+bakaly
+kowalewo
+pontcanna
+delain
+staines-upon-thames
+sirichai
+soft-tissue
+ballachey
+requalify
+chelle
+courteeners
+atavism
+honkies
+seven-seat
+triana
+skeletal
+macca
+pokorny
+lozier
+elya
+ghosal
+chee-hwa
+ss1
+naktong
+xenogears
+alegria
+six-wheeled
+việt
+poros
+aharonoth
+kenna
+woodlots
+cottrill
+torbert
+axilla
+almanack
+iup
+thikana
+tabatha
+allotment
+juhani
+norment
+bakura
+moonta
+fluidic
+tungning
+ork
+kenani
+re-absorbed
+mfah
+garroway
+playhouses
+homeliness
+zhu
+papan
+krauze
+pilati
+9,800
+felcor
+flagstad
+sorbonne
+vagus
+teacup
+pettah
+coxes
+euro232
+0.5-0
+trivias
+deceit
+nichter
+agreed
+ganderbal
+madri
+juridically
+retinal
+regius
+devin
+carpio
+7,500
+allusion
+bardolino
+funsho
+lipper
+a-4
+51.1
+vrba
+shangyi
+139.2
+deneche
+potgietersrus
+cataracs
+mccrumb
+manufactury
+cotchery
+j.b.s.
+sonobuoys
+panjang
+catecholamine
+kangding
+97.9
+6060
+birthright
+sassanian
+pvdf
+lirae
+dbsa
+borozdinovskaya
+26-man
+triphosphate
+fani-kayode
+heathers
+1-42
+gambala
+morti
+orford
+mooncoin
+turka
+endicott
+eameses
+shtern
+mickunas
+wushu
+jackson@globe.com
+49.68
+belneftekhim
+uku
+kouwenhoven
+scobie
+250th
+violence
+190,000
+desiderius
+42.95
+folia
+udayagiri
+maleson
+coalesced
+champernowne
+antrobus
+bwr
+insurgency
+spiracle
+numbers
+3-of-6
+1941-1943
+pâquet
+changming
+outsiders
+semiprivate
+octoechos
+sadhu
+maslova
+chequer
+tvedt
+bharati
+minnix
+bassingthwaighte
+jatene
+bowdre
+conica
+vladimer
+subdistricts
+pratibha
+béart
+shibboleth
+colocation
+orlich
+1845
+tenta
+muslem
+anvar
+sunja
+beedie
+118-108
+chica
+autorickshaw
+akouala
+cumania
+bowmore
+shefali
+callington
+bt15
+javadoc
+garastas
+flashing
+hwv
+jeffers
+wallinger
+fadil
+85.1
+prowess
+begun
+chihuahuan
+1027
+zagig
+illuminata
+stableford
+lort
+55.6
+recapitulating
+apni
+abdalla
+elversberg
+khorramabad
+arpino
+commiserated
+fortas
+27.92
+afu
+jiajun
+ʿabdishoʿ
+meena
+la.com
+paraneoplastic
+asterisks
+helland
+rickett
+guaranty
+doun
+27-24
+fluto
+saltmarshes
+mujahideens
+kliper
+pentose
+transcarpathia
+zarella
+sangstat
+assago
+46.7
+tanai
+waibel
+quinebaug
+régence
+brassicae
+smarting
+bookplates
+rathdowney
+indignant
+nevis
+na'im
+aude
+5wkt
+main-weser
+linemen
+jullundur
+mercedita
+tautness
+mattingly
+newsrooms
+6,570
+39.89
+beads
+--------------------------------------------------------------------
+2044
+sharafuddin
+chengfu
+reinvestigating
+48.57
+sedate
+multi-brand
+pavelić
+papanasam
+deposition
+xiangshan
+newburyport
+superkick
+thatha
+nenshi
+3,131
+nacho
+uncountably
+kj
+palaeopropithecus
+oliech
+user-centered
+mikuriya
+benign
+bridgman
+blogher
+affusion
+laubach
+2/2
+half-sack
+machap
+ponet
+borana
+martella
+medya
+methodist-affiliated
+shixiang
+uncoils
+1,932
+danubio
+jastrzębia
+llorente
+bhagavathi
+superjam
+jruby
+slumlords
+weeb
+multi-plate
+anencephaly
+daylights
+calan
+berezhnaya
+louttit
+staszewski
+electro-diesel
+pretyman
+dichroism
+formalized
+bampfylde
+garašanin
+sohlman
+caverly
+generalizability
+tbn
+antipiracy
+half-brother
+97.15
+soflá
+undistracted
+22-20
+bropleh
+wion
+cucci
+chmielno
+platinum-certified
+mitcham
+extradition
+maddie
+cell-surface
+re-directed
+batum
+re-designation
+big-money
+lecompton
+time-invariant
+biscet
+pipettes
+allegre
+nsaba
+46-nation
+reflecting
+bdm
+cephus
+sengupta
+brisson
+1-4
+18:46
+non-constructive
+tropfest
+babiker
+khana
+.0217
+adversities
+pippi
+bayerische
+u13
+kaon
+hilemon
+paltrow
+saq
+watercolours
+saarbrucken
+mazzaro
+haqqani
+tlt
+duquesnay
+signes
+matts
+fritjof
+www.insidesocal.com
+kolobrzeg
+indigo2
+miembro
+suid
+zhodino
+1.5449
+threshhold
+prendre
+hartree-fock
+ekklesia
+caifanes
+leksikon
+schottische
+falsone
+korpus
+donetsk
+isaias
+yanan
+bloggers
+volkswagens
+chivu
+qfc
+formula_77
+pohiva
+bremerton
+goshute
+minores
+mediators
+l'air
+bilawal
+verde-type
+koeman
+105.07
+ifans
+garbey
+third-rail
+90.78
+twenty20
+phimister
+carbonized
+unsubsidized
+aifa
+schander
+orahovica
+mcilravy
+chevenement
+helmore
+merged
+taxidermist
+garos
+asfur
+9:11
+upg
+spokesperson
+nobility
+romanello
+avivim
+lucke
+lepic
+hemoglobinuria
+navigability
+plebeians
+us-412
+airbnb
+escudo
+correggio
+thibauld
+bergisch
+dumez
+bayles
+m.net
+sculpin
+yoshkar-ola
+dibbler
+subcarpathian
+corrales
+rbi_mawilliams
+innately
+moix
+torus
+http://www.oscars.org
+kyungnam
+porters
+zwettl
+srpska
+letarte
+sirenians
+muqur
+gogarty
+blox
+giannakis
+35,600
+abner
+catkin
+foulkes
+bernick
+izell
+barenaked
+goines
+ardingly
+fbcb
+epimedium
+xk8
+2,028
+kirschvink
+plankensteiner
+59-member
+polo
+iit
+katsoulis
+khilafat
+blitzed
+orgullo
+grieco
+reconditioned
+baehler
+de-emphasizing
+klugman
+siderurgicas
+after-the-fact
+zerlentes
+freedmen
+patter
+puthoff
+buffoonish
+narsapur
+overindulge
+bushati
+parmigiano
+igel
+treasuries
+zach
+re-interpreted
+matty
+pyxidis
+guardian
+mário
+maham
+nordbahn
+71.30
+mckinnon
+growin
+solvang
+faversham
+khobragade
+chiaradia
+tamashiro
+delonge
+underperforms
+borbely
+right-most
+kupusovic
+disruptions
+apostol
+neuilly-sur-seine
+optioning
+95.52
+eagling
+imported
+metallurgists
+hanyok
+gretna
+reversibly
+theobromine
+calfee
+altarock
+788,000
+chelvanayakam
+71.22
+newtonian
+bertinoro
+burrowes
+poljud
+cennétig
+numsa
+limanowa
+kamino
+ukfi
+netopia
+wfc
+copi
+turok
+wildwood
+hallal
+97.22
+translating
+zes
+petruzelli
+18,136
+strafaci
+muna
+sportspeople
+meissner
+a92
+97-year
+fee
+kansi
+borglum
+pfitzner
+405-line
+anisul
+sateen
+chunzheng
+groene
+’n’
+abdomens
+euro650
+archivolt
+mentorn
+12.39
+ebon
+3,872
+alland
+darian
+eysenck
+fand
+600-year
+beanfield
+celebrators
+gulshan
+uziel
+honganji
+stragglers
+hebdomadaire
+zaporizhya
+chartchai
+vainly
+munteanu
+demoralised
+donough
+goaland
+ghurabaa
+wiatt
+arafa
+rops
+calandria
+hoskier
+preguntas
+gailis
+rosyth
+yalo
+diaconis
+hoskins
+jalo
+piquer
+plaints
+ersoz
+wichert
+merkaz
+95-78
+sobrinho
+jerkily
+intersect
+petya
+simcity
+organophosphates
+nightwood
+ilmari
+hitec
+eregli
+ortu
+ifni
+kampmeier
+canastero
+16-32
+bexar
+intercessory
+radiolab
+cutfather
+laurean
+3,432
+heterostructures
+locusts
+conure
+huffy
+17.0
+cries
+mayshark
+yzaguirre
+astro-man
+ncoh
+tonia
+demyanenko
+artadi
+winchesters
+puya
+uhrlau
+crystallography
+403-244-6665
+wenjie
+etats
+54.47
+shibam
+sharnoubi
+2000-2006
+mazzoli
+recopilacion
+kishkindha
+xaba
+horler
+kindo
+grenander
+spot
+dummy
+duveneck
+hindko
+small-block
+petrovice
+argelia
+presient
+sema
+pro-soviet
+karanjia
+crassly
+cross-boundary
+uneca
+spagnolo
+bonner
+ethyl
+jagrata
+while
+detected
+ubinas
+episiotomy
+fuele
+.511
+sumadi
+malli
+xiaoyu
+awassa
+padri
+twenties
+203.1
+susanna
+kajsa
+iruan
+4,066
+spikes
+zulfiqar
+pub
+battenburg
+hwl
+27.71
+lift-off
+oulad
+anosov
+thamm
+benalla
+heher
+siderov
+roitman
+actorly
+fopp
+pooches
+stukas
+agrotourism
+nemeckova
+philanderer
+anón
+maiman
+ddr2
+piombo
+jaquiss
+landfills
+stonewalling
+mediaflo
+7,380
+cullina
+musician/producer
+includes
+rosalynn
+hubbing
+andriamanjato
+2,421
+langlois
+proprio
+buchananite
+palmerston
+neustädter
+rightfielder
+hoity
+gonave
+0.030
+gilani
+heggessey
+critérium
+cazador
+neo-assyrian
+mirebalais
+ejectment
+lanphier
+kno
+gazzaev
+colliders
+caledonia
+mi-24
+rajguru
+peyer
+longissimus
+frenemies
+bobe
+sagtikos
+ateji
+csfb
+archiving
+bankwest
+olm
+,763
+1996/7
+jews
+double-height
+grandfathers
+youwen
+panionios
+1387
+rottier
+u.n.-declared
+2.5-inch
+virtuosi
+11-win
+mexted
+245
+soundstream
+count
+lipids
+luffenham
+samarian
+kadkhodaei
+siderca
+400-year
+touws
+foxx
+carniola
+pend
+30,000
+frevo
+mcn
+vylegzhanin
+homesites
+modem
+haase
+merit
+kitt
+holsten
+witbier
+insectorum
+krishnam
+monkee
+hirakata
+marijan
+1948-1951
+m36
+bislan
+qg5
+vancouver
+payed
+vasiljkovic
+flat-faced
+lanne
+mrbi
+1244
+rousingly
+denisova
+kush
+65-yard
+climbable
+alpaslan
+axiom
+orsino
+fapla
+3.9-percent
+tyremaker
+nayak
+matahari
+matsuzaka
+roundtree
+hazmi
+skills-based
+cárcel
+corpora
+kapi
+wonjongkam
+oakar
+peroxidation
+barrenness
+jaus
+olympian
+agulla
+horsewhip
+hir
+kaza
+wagggs
+trolling
+10,390
+krishnaswami
+rallus
+brevirostris
+sutanuti
+kieres
+jinked
+mathy
+chiloquin
+deus
+82.35
+sorrento
+e-journal
+savelyev
+watthana
+devecchi
+illuminators
+firetrucks
+ut1
+simpering
+http://www.nrlc.org
+derailing
+kalinichenko
+emporiums
+kayode
+vukovich
+vaeedi
+heartlessly
+crosswinds
+mpi
+grahm
+huning
+inundations
+291.5
+polyansky
+fellgiebel
+cigaritis
+spiff
+gok
+black-necked
+nido
+meshchersky
+al-dīn
+one-volume
+mullá
+airlifting
+nakashima
+molong
+botz
+78-84
+medalen
+jadeite
+taranto
+valproate
+dissuades
+niten
+officiating
+diam
+molk
+silistra
+khamovniki
+'47
+takhli
+detain
+impinges
+kampeas
+praeneste
+minimis
+10.87
+bishopric
+cletus
+adaptors
+vardhana
+rotch
+erastes
+universally
+arrieta
+critchlow
+greenshoe
+pridham
+gungnyeo
+replace
+liquica
+alternate
+debose
+rechte
+3,094
+65.75
+mkandawire
+estrela
+f-94
+sandier
+hexion
+crd
+e5
+yn
+epidendrum
+suzanne
+bids
+buntrock
+36-24
+0.675
+puga
+baroev
+sloten
+panahi
+pappenheimer
+myers
+schierstein
+al-fihri
+individualist
+r.a
+vestals
+53-point
+ccap
+2,757
+gibsonton
+xto
+bleakness
+sundried
+steffani
+89.99
+43.66
+isla
+barbaresco
+completely
+sprints
+tiki
+d'aboville
+skank
+comapny
+276.00
+redressed
+patana
+blousy
+pleasantry
+3,534
+shihan
+schlieffen
+6.48
+stagings
+yongyudh
+utensil
+swig
+guohong
+pikmin
+chambly
+patent-pending
+pan-am
+macculloch
+ciphering
+pull-down
+vitalis
+46.15
+ravening
+grouper
+22.86
+scavullo
+eebc
+cdpd
+sisyphean
+jolas
+tula
+wandesforde
+odilia
+moksha
+somer
+ovis
+ps/2
+burgum
+qrp
+willful
+tehran
+mcgillivray
+bung
+jungly
+lianna
+carbines
+aigner
+oney
+microlenders
+391,000
+craggs
+holtzman
+re-organise
+meditated
+1173
+onesie
+unaddressed
+framer
+cycloalkanes
+ghk
+shamshatoo
+kappe
+leavey
+tepoztlan
+wailer
+equites
+ballance
+charnay
+mogok
+sub-director
+eversfield
+56.56
+wicket-keeping
+fescues
+raivis
+140-kilometer
+implantation
+trang
+lgas
+pleione
+mei
+whooped
+merrimac
+krusa
+terminological
+betrayal
+14.05
+barnfield
+seiberling
+emarat
+lewisham
+oberbefehlshaber
+turbina
+mjb
+27-march
+bartolomei
+troyat
+perdu
+lwanga
+kuroki
+broadpoint
+calixto
+conocimiento
+cama
+52.4
+ltv
+zape
+metronet
+keyboardists
+singaporean
+chimurenga
+jurczynski
+quiles
+noninfectious
+well-intentioned
+119.7
+hornyak
+wbal
+traidenis
+7,780
+vawter
+greeted
+rug
+39.80
+mesk
+behlendorf
+dogpatch
+metafile
+akeno
+stavka
+5-58
+goal
+handyside
+pkzip
+gelbaum
+doosan
+airi
+sarmento
+cost-effective
+hearings
+61-36
+chalid
+exults
+shader
+orica
+bingzhang
+crofoot
+suchan
+choke
+allaire
+g4s
+vegeta
+codifications
+wollman
+ofakim
+amel
+warshall
+sauropodomorph
+mendip
+desegregating
+griga
+mary-ann
+6,448
+cottages
+ballyhaunis
+latoya
+realness
+hungtu
+maida
+ginwala
+salvato
+monteros
+nlo
+strenghten
+6,550
+brut
+kilkivan
+suo
+delighting
+reprazent
+formula_138
+bartolozzi
+revolution
+talaie
+filippov
+cbs-owned
+ajt
+fire-proof
+fell
+regenerates
+linebarger
+weekday
+rempel
+pumpkinseed
+redactors
+almen
+22.07
+efthymiou
+government-to-government
+adenylyl
+nachama
+albanians
+reinsured
+serbia-montenegro
+swara
+ebony
+shandaken
+67.55
+bubblicious
+waldfogel
+brinded
+rassoul
+reknowned
+blaby
+bappi
+bellon
+tensei
+spiez
+rahima
+kanyakumari
+moazzem
+osos
+everette
+dirigibles
+sanduleak
+well-organised
+kiffmeyer
+syrena
+sidestreets
+stay-at-home
+reactionary
+jamsetjee
+coffeemaker
+euro101
+elizabethville
+jedburgh
+swiftwater
+août
+saenger
+andahuaylas
+vijayanagara
+picturehouse
+vinessa
+sabotage
+jianqiu
+sidman
+1.485
+peppers
+heylia
+pummelled
+1795
+hebner
+clavijo
+desalvo
+culdee
+rotes
+technology-related
+premack
+debarkation
+成德
+kasungu
+redwater
+seamount
+buttressed
+gautami
+calcified
+120.8
+verhaeren
+palmos
+15-6
+glt
+rosell
+fictions
+bilardo
+geotechnical
+rajshree
+uprecedented
+25-oct
+voest
+well-travelled
+shankaracharya
+shahzad
+mossley
+azerbaijan
+flavonoids
+charcot
+adlai
+roundel
+monopropellant
+watchband
+khote
+senton
+megabank
+somberness
+yee
+provincetown
+35,000-square
+arcata
+runnings
+chotiner
+tercentenary
+triforce
+voetbal
+nusantara
+derrière
+o-methylation
+beneficence
+triangles
+serrallés
+drylands
+94,500
+behmai
+legnago
+belted
+hmds
+tingalpa
+swingley
+janapada
+cut-down
+nb5
+2945
+al-hijjah
+=p
+junho
+moondance
+ayme
+enamora
+watercolors
+dassler
+helicarrier
+downingtown
+elsternwick
+shabwa
+salomea
+pressuring
+ranavalona
+lupines
+cpusa
+nickelsburg
+gibson
+bottoms
+pursuade
+57kg
+ballygunner
+sistemas
+omnitrax
+l'etoile
+sifu
+micelles
+shack
+nilus
+jhe
+maximalist
+chlorpyrifos
+frenchwoman
+nurse
+steinem
+26-year
+brabeck
+marson
+rottenberg
+rostrup
+helenius
+karayilan
+toxin
+garrie
+guigang
+reflexions
+who2004.svg
+alchohol
+götzis
+supercharger
+kajwang
+specify
+maxxim
+skivvies
+eurostat
+complice
+area
+spvgg
+pelee
+krek
+selmon
+gapless
+ampato
+bumblebee
+4w
+symes
+fazekas
+misprints
+turbio
+non-visual
+collemaggio
+jet-black
+neuville
+maschwitz
+79.8
+blogged
+oscar-winner
+ferragamo
+plasminogen
+multituberculate
+prekmurje
+mid-western
+kitade
+toliara
+mezzard
+henio
+kuzco
+dzintars
+built
+29.66
+traubel
+shuttling
+shannxi
+18.04
+d’une
+paharpur
+betsiboka
+brumidi
+jeromy
+liquidambar
+witan
+barham
+pnas
+neulander
+wangenheim
+kengtung
+hokanson
+laurasia
+eyeless
+kvam
+griesa
+deoli
+then-leader
+choreographed
+wazhma
+ooooooooo
+jatropha
+noumea
+lifton
+philosophus
+moalin
+salzuflen
+troublemaking
+crusade
+scherick
+76-51
+perrache
+todisco
+soekarno
+palanquin
+11,280
+16-gigabyte
+30-11
+guanabara
+one-and-a-half-story
+organochlorines
+carpool
+qeshlaqi
+autores
+sea-side
+unaccented
+boardwalk
+η
+magnanimous
+butlers
+ju-on
+zuheir
+rebuttal
+basuki
+tourists
+monoxide
+stockwood
+sangita
+lepidium
+:
+straw
+nesterenko
+waked
+halawi
+300-plus
+aimable
+duflot
+daland
+nasica
+bi-racial
+2,318
+l'espoir
+padrón
+gpma
+deluce
+sphinx
+magnitude-5
+sazan
+1359
+travaux
+red-faced
+17.59
+inhale
+bomp
+braniff
+netsarim
+chernyi
+kyro
+ghenda
+oltmanns
+hobday
+medvedchuk
+lavonne
+67-billion
+56-year
+swept-back
+3,522
+mkp
+milićević
+devaney
+batoni
+alambert
+eaec
+mariela
+hedlund
+randstad
+epistulae
+ingebretsen
+mesinai
+remoulade
+85-degree
+3,018
+14th
+angkasa
+meritless
+culbro
+90-79
+januszewski
+fastskin
+repeat
+moten
+academics
+malacanang
+800-444-0267
+arnheim
+186,000
+dault
+236.4
+,700
+minorca
+khatir
+bathon
+chuppah
+invertir
+mirante
+seversk
+kavana
+2,404
+investigated
+dołhobyczów
+bual
+thebulliondesk.com
+stimers
+pop3
+egorova
+4:52
+raley
+javafx
+tersky
+paschalides
+profiler
+bremont
+venial
+berkshires
+overactivity
+horos
+epoxides
+state-sponsored
+mcalester
+zschau
+dicesare
+hilaly
+ncrna
+satyaki
+euro-americans
+kcp
+keeton
+5,000-meters
+barón
+two-in-one
+souphanouvong
+gordes
+noticably
+doronin
+turnstile
+48,400
+afon
+anberlin
+foreleg
+ceglie
+narcotic
+non-controversial
+sikander
+parvaneh
+sowards
+pinned
+p63
+footware
+sanjaa
+gca
+calhoon
+sailer
+programming
+trustee
+valor
+multi-artist
+558,000
+1982-1983
+snide
+pawar
+a4e
+112.82
+steenbeck
+grabovac
+nots
+aluko
+guybrush
+amazin
+hartranft
+sabti
+prean
+tygerberg
+kaci
+25.16
+shevack
+pawley
+daha
+1.4376
+salomon
+bisaya
+70-billion
+sheidlower
+hauptturnier
+mongomo
+salvano
+metaplasia
+pacifici
+alcine
+prover
+hellyeah
+scrape
+osita
+happenings
+dalmatae
+lalumiere
+peltonen
+grabo
+tannersville
+bryologist
+fugro
+paiton
+117.61
+wohlen
+arktikugol
+telecommunciations
+zircon
+hednesford
+gregariousness
+boogiepop
+coreys
+annuity
+zindel
+communicating
+iron-hulled
+illing
+relocate
+2,691
+slavia
+b.i.
+guam
+assembling
+parahyangan
+5,780
+nicholi
+pitkyaranta
+tatura
+amer
+orbs
+mozena
+consonance
+2525
+8-2
+souci
+taag
+die-casting
+timra
+zisk
+moneycentral
+5x
+reiteralm
+88.93
+mackin
+stawell
+amelin
+falk
+giotto
++2.75
+leptospira
+lemrick
+aridjis
+espectador
+seecp
+non-use
+urakami
+menaced
+regionalized
+ec-135
+usernames
+monifieth
+glaswegians
+1179
+sammamish
+cross-sections
+spatted
+105-day
+8,810
+haunt
+bilobed
+doriath
+keratoses
+credicorp
+kodungalloor
+umbels
+comparable
+12:20
+139.12
+larghetto
+267
+jackers
+memorize
+shyamala
+442,000
+naohiko
+rtas
+hyeon
+färjestad
+košice-okolie
+sfera
+publick
+sparks
+beechmont
+slava
+uele
+knickerbockers
+kratt
+canetti
+as-level
+contactors
+suge
+mini-estrellas
+actor-director
+1,205
+pgd
+tejera
+uncritically
+wegman
+gothika
+bt6
+sigel
+adulterer
+9.18
+iaudio
+piad
+trichur
+aycock
+bridezilla
+wydminy
+travelogues
+barbarians
+formula_110
+associating
+buckcherry
+plax
+nield
+souq
+dunbar
+nexis
+wip
+hensen
+mercury-atlas
+seymour
+kinsman
+auergesellschaft
+waley-cohen
+riveters
+wsi
+hafiz
+hunkering
+announed
+akino
+indrajith
+fcs
+blazingly
+mechtild
+parthia
+zhiwei
+unlighted
+berens
+oliveto
+heutsz
+44-0
+bellot
+galdi
+alwayson
+usbl
+village-based
+dabdoub
+121.77
+oosterbaan
+honesdale
+odenheimer
+wilbert
+yeping
+vess
+stylet
+hilder
+coatsworth
+muztagh
+zakrzewo
+south-south-east
+mosharraf
+zaporizhzhya
+bopara
+caliber
+partei
+clearwater
+asphalted
+manzai
+jieun
+varys
+comperes
+part-owned
+lloyd-jones
+waterways
+6-1-0
+b105
+fledermaus
+streetlight
+3,846
+rearden
+ameera
+gilsig
+20,000-pound
+boise
+drystone
+kracht
+52.18
+polydactyly
+bellomo
+hampdens
+ennedi
+drossin
+littletons
+chateaux
+greenamyer
+slugged
+scholar-in-residence
+kargin
+baseball-reference
+carney
+estable
+filmmuseum
+gitter
+kose
+219
+baños
+katun
+mariological
+857
+ulleungdo
+brelis
+hells
+leas
+attenborough
+gasic
+grizzard
+chavarat
+górowo
+84-76
+gabino
+toddled
+zubia
+hairdryers
+airasia
+neurodegeneration
+breakwell
+incarceration
+bucovina
+vegreville
+7:1
+boldt
+oliveros
+-57
+laquila
+helane
+globalist
+psychodrama
+yaeyama
+inhibits
+mcconaughy
+villavaso
+naiqama
+belatedly
+56-44
+gauldin
+105-foot
+clousing
+stodart
+exciters
+priestesses
+sankofa
+nelles
+koerner
+formula_50
+1862-1863
+99.45
+mishmi
+semitism
+cross-examine
+00
+dhat
+courtis
+warlpiri
+shomāreh-ye
+portsea
+stimuli
+patrikeyev
+yaobang
+shunts
+bresland
+zerilli
+3,299
+aflaq
+barona
+29.84
+architraves
+porras
+gonçalves
+llenas
+bororo
+twinn
+kalgoorlie
+tusks
+baccharis
+hojo
+keczmer
+macgruber
+euro217
+runnerup
+novosibirsk
+logjams
+non-german
+kollegal
+lynley
+child-rearing
+redleaf
+888-662-7669
+hotjobs.com
+hans-jörg
+ysanne
+subron
+deerhunter
+autobiographical
+waan
+kim
+exotica
+chrisye
+16.28
+184.4
+third-largest
+stennett
+2,353
+groman
+88-81
+jia-a
+giller
+aarti
+post-and-beam
+imer
+h&k
+bclay
+neophytou
+veddas
+hypatian
+klejn
+cyberwarfare
+weekending
+kilshaw
+murff
+sheer
+1,298
+837,000
+yanwei
+zazu
+foé
+fiato
+106.73
+girdling
+musica
+nezhats
+trastámara
+mcclam
+lamiales
+amagansett
+fuquan
+boreas
+shafii
+trec
+minus-17
+witchblade
+epoca
+wix
+veldhuis
+wcrp
+elfsborg
+gorcyca
+r-1
+tel.2311-3731
+317
+blueprinted
+żmigród
+maimonides
+souham
+kid-friendly
+ladu
+fortum
+cabo
+214,000
+grgich
+64.49
+thomsonfly
+conflation
+17.08
+handroanthus
+hmr
+two-day
+verria
+sigmundur
+scaffold
+etowah
+dishevelled
+malignity
+funderburk
+lazaridis
+pogba
+bootie
+keddie
+64.03
+leuchter
+atoll
+raniero
+flegel
+belong
+domachowska
+attract
+nicotina
+weld
+bandes
+made-to-order
+parilla
+sandomir
+discriminated
+kerry
+tamuz
+remailers
+saeta
+sabai
+serebriakov
+fiterman
+mid-level
+appf
+cabriolets
+calavera
+1892-93
+iigep
+brassware
+domodedovo
+zoabi
+alsabah
+17-ton
+clinked
+covili
+vanstone
+alumni
+5-ht7
+beltline
+voelz
+placating
+osterøy
+22q11
+444-8651
+atget
+anoa'i
+2,516
+chix
+immaterial
+121.42
+6.0
+hevs
+hospitalize
+specified
+flutter
+franza
+siskiyous
+cinematronics
+ljubija
+kairouan
+dellaventura
+ochichi
+zolt
+dactyls
+trusty
+improbabilities
+puchov
+leeann
+danses
+pot-bellied
+69.94
+13-kilometer
+ccpc
+bhaktapur
+hudswell
+shortfall
+1323
+strait-laced
+ijk
+ions
+al-zarqawi
+cash-in
+arrau
+theodoro
+brkich
+2face
+85-run
+brown-throated
+ribbs
+lluvia
+storewide
+74a
+jingwei
+stada
+gianvito
+rockoff
+3,449
+4-50
+flambeur
+outwood
+d'espargne
+bucklew
+cytoskeleton
+kleindienst
+makiadi
+stadacona
+reviewers
+bumpass
+culpability
+lto
+17,813
+non-institutional
+nov/dec
+112.81
+wws
+americanism
+focusrite
+nanopore
+colling
+simosa
+40-mm
+watie
+güven
+pilum
+blown-up
+haydon
+kasan
+hormizd
+redbirds
+kilobyte
+fearne
+mêlée
+abha
+zhifeng
+xiaowu
+rumbo
+30.81
+pekalongan
+chlamydospores
+pitilessly
+boutsikaris
+notions
+bednar
+ethene
+4,128
+rajnath
+tomsky
+aid
+marichalar
+liopleurodon
+116.58
+grayling
+attackings
+halswell
+modakeke
+goswell
+bela
+anti-western
+jamsheed
+79-71
+cast
+metallurgy
+masticated
+1,420
+29.57
+zafarullah
+98-run
+lr3
+lobaton
+seacourt
+blogger.com
+skaugen
+nilgiri
+14-ounce
+brewood
+amarilis
+enchanted
+waterpark
+sledgehammer
+nuevas
+bortz
+tager
+malam
+ljubljanica
+3,059
+tobing
+rozier
+gurgan
+typhlops
+sherak
+farokh
+flashier
+co-option
+burelli
+lizardmen
+ashtari
+t37
+churchyards
+hisataka
+harrow-on-the-hill
+perkiness
+camano
+mörön
+vasanthan
+kaweske
+notchback
+contraposition
+kozhencherry
+181.6
+rotman
+inxs
+26.48
+maffay
+openpgp
+worldmind
+giadalla
+voracity
+otacon
+pozniak
+seha
+dimm
+aidil
+auvinen
+veerman
+toiv
+diek
+pooping
+goffey
+cesaro
+legend
+1,111
+gowanus
+g-10
+wbbr
+matchmaking
+akhatova
+harnell
+1.4920
+injury-prone
+mclaren
+near-future
+bg4
+reconnaissances
+lubinski
+ottakar
+akpo
+pentatonic
+rushaid
+intoxicant
+16.20
+mozzetta
+shamaleh
+shoreditch
+1,608
+unstinted
+over-the-air
+ghobadi
+wyly
+heer
+enchaîné
+edvardsen
+5-62
+115.89
+public-domain
+gracac
+oldrid
+saponaria
+maosheng
+shawahna
+sample
+nordschleife
+bounderby
+gerdts
+2nb
+8b/10b
+trailblazers
+vrih
+pd
+8,170
+hardware-accelerated
+sedevacantist
+disregard
+mended
+ruffinen
+tuskers
+casher
+spiric
+2-and
+jining
+decapitating
+gryboski
+bralow
+non-slavic
+jake
+heakes
+proto-oncogene
+baretto
+deposing
+achleitner
+sinclaire
+53,300
+aldebaran
+daen
+s-vhs
+hoashi
+2.08
+shqiptar
+raluy
+emmermann
+denkin
+flagon
+seacor
+medpartners
+schläfli
+crc
+98-64
+gosper
+nnpc
+hfb
+peasedown
+pabriks
+didrickson
+liliana
+7,000-man
+moreau
+parin
+strobl
+euro950
+injalbert
+tortas
+pedophile
+blay
+waff
+scotstoun
+indo-nepal
+pinya
+recharge
+r.newman
+bistritsa
+jobbers
+loverdos
+peñaranda
+cordillera
+kapodistrian
+lifer
+etterbeek
+hammons
+chimeras
+bidhannagar
+kemakeza
+wilding
+hartwell
+vpa
+documentation
+phrma
+armanious
+gaudens
+schucman
+applemans
+isbell
+bucurești
+bwa
+worldcat
+banie
+ferox
+interboro
+sandboarding
+николай
+mirsad
+a-19
+curfews
+hum
+lollobrigida
+akhenaton
+a350xwb
+geologie
+altruism
+gorenja
+cold-hardy
+balamban
+:3
+20.71
+unexampled
+terrazas
+avani
+19.67
+2,209
+dajer
+hannut
+ingresos
+conrath
+petter
+longshot
+antonoff
+interlochen
+letzig
+sodomites
+selvaraghavan
+garioch
+vay
+zannier
+bénoué
+trattoria
+strasbourg
+ringsend
+artemyev
+cresswell
+hobman
+george-étienne
+kristiansand
+mamta
+skiier
+o’neil
+1.600
+spilled
+a-shaq
+117.98
+dadman
+mwangale
+cf
+1442
+scantily-clad
+euro341
+sharam
+hyperthyroidism
+shrines
+jcr
+cornhuskers
+zuohai
+amoud
+17-track
+2705
+bodysnatchers
+themsche
+narration
+levithan
+bohlmann
+panders
+xr6
+mahasabha
+128.64
+musyoki
+segmental
+2007-2011
+paez
+2353
+fastpitch
+pacwest
+500-800
+ka-fai
+toolkits
+4nb
+contre
+al-ali
+injecting
+onsides
+alfred
+3-1/4
+tingi
+heptagon
+soren
+1846-48
+kalmunai
+veach
+lucina
+schools
+mob
+25-sept
+dicamillo
+securite
+thayer
+grimstone
+unrepentant
+1271-1368
+moraitis
+chukwuma
+karamoko
+anti-pornography
+24-29
+priske
+unloader
+critiqued
+usfws
+clonazepam
+jetson
+dacia
+lelo
+enda
+aberlich
+leaker
+dieguito
+copywriting
+monachus
+ostro
+6,300
+kurz
+gérald
+gambela
+chikage
+msy
+392.50
+4,970
+sizeable
+bancorp
+tanga
+contractility
+flc
+43.58
+barkai
+tanuki
+comana
+atlante
+suffer
+arouses
+mondas
+kasese
+pb2
+goalies_anaheim
+yeux
+amiability
+ricca
+benzedrine
+michiya
+ivatt
+caned
+yonne
+urmila
+glenavon
+mordellina
+zool
+nctb
+tuvalu
+micco
+balenciaga
+lenti
+sextants
+cray
+gudino
+overcrowd
+ghalia
+magomedali
+murman
+missiroli
+baosheng
+carpenters
+oranje
+6-day
+président
+jumaily
+aequalis
+dumpsites
+razgrad
+shaoyong
+mclamb
+shuttle
+scutt
+lason
+holism
+nimzowitsch
+127.4
+decordova
+znamenskoye
+ayk
+dte
+tizer
+iott
+ph.b
+skaw
+ncel
+66.2
+32-valve
+experimentalist
+queze
+limited-slip
+bahia
+260-pound
+đô
+cat-like
+laffin
+well-disposed
+portisch
+42-yard
+globally
+perched
+gibby
+kinney
+e&m
+65,800
+mcgeehan
+blink
+summum
+brecksville
+berthieu
+9,000-strong
+carrio
+unable
+mazabuka
+oceanics
+rrs
+afroman
+omicron
+tubo
+žďár
+rayners
+yon
+18:01
+jv
+asquith
+20sec
+82.25
+unnavigable
+fln
+najar
+hübner
+avraham
+poring
+.441
+777-200lr
+garbage
+ruman
+restrain
+pri
+non-racial
+384.10
+72.32
+shevardnadze
+brough
+94.87
+grapefruit
+seafrance
+vibhuti
+kleinheinz
+caissons
+hawaiiensis
+wernecke
+duccio
+invisalign
+campier
+wff
+influencing
+patarkatsishvili
+gardot
+cang
+coggio
+eurispes
+haidar
+nemacheilus
+contemplatively
+hueso
+.633
+hanner
+suttner
+co-presents
+guerneville
+enfermedad
+netezza
+automony
+asche
+saffir
+mcca
+karaite
+wholesomeness
+power-generating
+hakmoun
+sardar
+2000-2002
+jataka
+blanke
+sopel
+amateur
+balzic
+15:39
+highboard
+functionalized
+redha
+linichuk
+gim
+lenny
+backnang
+avia
+cidade
+richford
+048
+groovie
+logico-philosophicus
+limite
+smick
+snagging
+slatted
+suleimaniya
+thammasat
+kujawska
+swarf
+oiliness
+longrigg
+cadenced
+yoshikatsu
+aafsat
+skora
+deross
+1953-55
+eponymy
+xcx
+worner
+subphylum
+frood
+stator
+foreigners
+14.60
+haute
+53.97
+intraleague
+2-to-3
+saddiqi
+mellowed
+mulls
+iom
+nobuatsu
+e.l.
+naama
+intertechnology
+99.01
+aérienne
+government-aided
+nouhad
+purism
+pro-gaddafi
+galin
+subkoff
+lepomis
+temperate
+pape
+voltages
+kcm
+cundinamarca
+adamantine
+dark-colored
+enterobacteriaceae
+brüder
+didim
+quinley
+startling
+shtml
+rda
+kalnins
+magar
+motion-picture
+baglihar
+motoneurons
+geds
+strasberg
+concurring
+culminated
+daytimer
+camarina
+nuctech
+bradfield
+negbi
+adlerstein
+jefferies
+rudes
+slane
+vallario
+banteay
+1919-1921
+zorkin
+21min
+iacc
+120.96
+lagrimas
+saddams
+ishim
+kotlas
+degayev
+teera
+tozawa
+près
+kolka
+mayor-president
+inoc
+persia
+tvel
+aceralia
+cally
+grupp
+autoair
+darnyi
+estrella
+republicano
+ctfa
+sempre
+stardust
+burro
+heatsink
+caliandro
+penny
+divvies
+amaya
+sice
+taxicab
+87-10
+sobri
+minervois
+hubco
+welke
+ozzfest
+scarily
+shinwell
+regivaldo
+saidy
+'92
+aboya
+clerics
+hhv-6
+imprisoned
+subirats
+championnat
+ploy
+buisness
+moratoria
+vitality
+aemilianus
+jinghua
+accor
+nakpil
+boarders
+55-a
+chantiers
+kuravilangad
+rucka
+foul-smelling
+amiq
+rajeswar
+conflagrations
+75-69
+westheimer
+xfn
+celebrex
+parnaby
+langree
+14/1
+86.52
+'71
+haraj
+insomar
+rixey
+aufidius
+21-5
+citywide
+timimi
+faulk
+chilumpha
+foreseeable
+canadian/american
+gastineau
+rijo
+35.13
+guatemalan
+librettos
+strzelno
+26.25
+esenov
+itera
+m-15
+mapinfo
+lemay
+bemis
+45.93
+wagih
+naftalis
+velleius
+a-9p
+peschard
+salkeld
+overlaid
+beaven
+herder
+geonet
+chalise
+reallocated
+206-448-8319
+feo
+hairdo
+dianna
+imci
+40.27
+markland
+computerize
+veedu
+userkaf
+sarny
+falcarius
+flow
+blandin
+delfs
+tandjung
+withholdings
+fannett-metal
+tenggulun
+yemassee
+cavaignac
+parameter
+1830s
+shindle
+nestl
+dmitar
+ninilchik
+kanchanpur
+cadbury
+fahmi
+cerrado
+peppi
+friels
+4-61
+vampire
+zgornja
+shell-shock
+3,966
+mistah
+zero-gravity
+ballybofey
+gordonsville
+bruited
+boitard
+guobao
+wptz
+pintados
+uns
+iliff
+fatafehi
+rancher
+auer
+2ball
+snopes
+mvcc
+hahnenkamm
+alderweireld
+superhighways
+metacrawler
+piazza
+dudziak
+air-to-air
+kikkan
+20.0
+re-align
+ustr
+roustabout
+birstall
+sarjang
+zyl
+zeder
+poche
+goldbloom
+canoes
+tzur
+mulyadi
+nw-se
+vison
+patro
+sokolac
+plurality-at-large
+icty
+4s
+9.73
+echlin
+sensini
+rithmetic
+pottier
+kylian
+pestel
+giani
+reaches
+launch
+3001
+eleftheros
+jirsa
+tameleo
+14.4
+lustily
+non-russians
+wushantou
+hynds
+rastro
+neo-conservative
+marka
+cordyline
+reposado
+doorley
+malkani
+chaque
+vacillates
+sinquefield
+januarius
+095
+ayes
+willy
+arshad
+kelvin
+iemma
+starless
+motoyasu
+justine
+underwriting
+β-lactam
+cañari
+srivastava
+growled
+aum
+isolating
+daryal
+warms
+readdy
+phoenicopteridae
+kentis
+sumarlin
+lsd
+dorian
+droney
+opportunities_calgary
+154.1
+pécsi
+dida
+mid-1975
+50-yarder
+crossbred
+piercey
+gastel
+warranted
+19.48
+jukun
+sweco
+fiancial
+cent.decadal
+phyla
+gulbenkian
+newlin
+-----------------------------------------------------------------
+carry-on
+danshuei
+cornard
+sawed
+mahvelat
+kostin
+fatick
+nightwish
+atangana
+ockley
+ece
+goodnow
+frontiers
+polytrack
+yavlinsky
+enan
+tiburon
+katzenjammer
+rogachev
+150cc
+at-bats
+3,710
+five-team
+szekely
+katwijk
+incredibles
+macaulays
+kenmare
+quadrillions
+torii
+myun
+savuti
+cimpor
+,114
+jerricans
+9-play
+italenergia
+circo
+chashmeh
+aesthetics
+yinzhen
+rayed
+afarensis
+100,000-year
+namouchi
+culms
+178.8
+adv11
+musang
+97.87
+rotsee
+professors
+rosemary
+chessell
+operational
+euro200
+starlite
+embed
+steepened
+alfas
+narol
+zooplankton
+callejon
+sebastien
+duz
+22.81
+kyoichi
+henckels
+danik
+schagrin
+274
+fukabori
+khairkhwa
+bakunin
+hiv
+gardai
+spells
+nesan
+indep
+embajada
+sylvinho
+immaculate
+lujiang
+jeanie
+catfish
+1990-1994
+ivelin
+litif
+mystik
+upadhaya
+azeez
+conduct
+cattleman
+luxon
+thinthread
+yankowski
+marlinge
+malonate
+rysher
+irala
+jihadi
+104-92
+chicos
+carlos
+unha-2
+obrigheim
+waiflike
+4,526
+euro444
+russ
+refute
+clawing
+bangaldesh
+cameraman
+peston
+xuancheng
+95
+yuendumu
+bakero
+muralla
+48-18
+61.60
+downstate
+5th-7th
+rhinehart
+avtomobilist
+erigavo
+3,407
+madero
+frederiksberg
+gardelegen
+arhar
+1910-1920
+takatori
+shivalik
+sadove
+comsec
+bondone
+12-of-15
+radiobiology
+centretown
+.22
+krige
+chispas
+potentiate
+spaf
+fast
+sakya
+losh
+tramco
+corollas
+centum
+komnas
+deontological
+ccitt
+sario
+kitovani
+cosac
+weadock
+chelny
+sogndal
+sigi
+moqbel
+asoc
+tomiko
+raskol
+autio
+hkcec
+huckstering
+rpk
+preckwinkle
+stegosaurs
+dextra
+gairaigo
+salatiga
+protoconch
+35-day
+sanlu
+electoral
+hashemabad
+millburn
+croson
+vcs
+100,000,000
+pustules
+5p-9p
+orndorff
+cat-man
+us-60
+rebbes
+gainza
+m-11
+armigerous
+lyautey
+237.3
+belongs
+buscar
+seeburg
+fabryka
+bodkin
+sprigg
+mashhad
+castilleja
+interhouse
+druskininkai
+terret
+bloodrayne
+crudely
+giebler
+massino
+channeler
+oberpfalz
+senai
+mihiel
+polaco
+trial-and-error
+non-inertial
+cloer
+headliner
+erakat
+_______________
+weixian
+duey
+be6
+bouchier
+.156
+hikkaduwa
+hime
+ned
+chilgener
+135.3
+tuatapere
+prasathinphimai
+prince-bishopric
+tupai
+kunnamkulam
+kopunek
+nashin
+goal-scorer
+anthon
+juan
+hitchins
+mezcal
+coveting
+valencias
+margońska
+monreal
+q.v.
+mulley
+olis
+xinchang
+spaceflight
+ouedec
+defund
+shac
+théâtre
+predominating
+tripoint
+nagayuki
+21.80
+waghmare
+bentura
+clucas
+interest-rate
+7.625
+8-cent
+gatwick
+slipways
+fourth-year
+405th
+spanish-speaking
+bentonite
+castlerea
+strv
+causado
+eastone
+tite
+seraphic
+2.4-meter
+fiorilli
+vividness
+fireforce
+68.11
+in-service
+gulabi
+mingin
+puppeteered
+cenelec
+sugiuchi
+naseeruddin
+four-wheeled
++2.1
+16o
+violinist
+overmix
+krughoff
+privert
+dtft
+blagojevich
+murrin
+friendster
+moate
+coden
+5-for-6
+2-star
+initio
+greenhorn
+alderman
+rubinson
+http://www.customs.gov.cn
+kemppinen
+germanized
+kimura
+69.42
+greet
+felizardo
+pile
+heathcare
+rosburg
+f-4g
+guitar-heavy
+florestal
+astell
+seventy-two
+deportment
+nitrobenzene
+49.10
+dde
+dramaturg
+homos
+pc-engine
+early-career
+wuterich
+38.50
+sondral
+benhassi
+5-on-5
+agudat
+montecuccoli
+mesne
+gmhl
+ayra
+lizzie
+67-run
+stemmons
+grilse
+kirkcudbrightshire
+knitters
+ravage
+soundings
+hindiya
+sarava
+jangipur
+19:47
+stifter
+nonevent
+etiological
+3,169
+cfh
+retaliation
+immunisation
+nagori
+3,600-square
+july-august
+sannidhi
+parray
+nagel
+todes
+221
+snitched
+reorganizing
+yarbrough
+300-pounders
+feig
+mishtanim
+tzung
+zts
+cruzado
+penetrates
+interational
+mi6
+13,467
+fryeburg
+128.9
+macken
+aldersgate
+whacko
+coué
+50.05
+rash
+macgraw
+leaped
+leyen
+monetta
+hothouse
+cannisters
+hormonally
+breard
+higher-level
+mejorar
+insanitary
+yucai
+manari
+diagnosis
+wax
+mullinahone
+larsens
+rurouni
+crewmates
+macaroon
+bromus
+85.24
+4-of-4
+wineglass
+2,403
+zinta
+36.70
+goofy
+michaëlle
+kurinji
+royally
+shoemate
+96.67
+chiquitos
+coluche
+enders
+schnoz
+nowotny
+on-base
+mountstuart
+sads
+f.j.
+614,000
+sistah
+pardede
+fucino
+7.90
+pelhřimov
+salinero
+1930-31
+pathwidth
+michi
+521,000
+soldatova
+raijin
+ben
+junie
+bindel
+desislava
+kutsumi
+24-second
+astute
+coveney
+800-meters
+swiveled
+submission
+bsh
+pecorelli
+eye-level
+brightside
+clearnet
+clientelism
+scratches
+’re
+117.8
+primavera
+schlossberg
+s.m.a.r.t.
+linjiang
+werst
+jhāna
+mojado
+mulo
+d'annunzio
+kenesh
+wth
+rootes
+gallo-roman
+shimen
+7-for-13
+avalokitesvara
+blad
+marder
+software-defined
+percina
+thugwane
+aladar
+mugur
+molds
+anguran
+klimovski
+sturla
+gritty
+donbaleh
+massachusetts
+motaeb
+multi-vendor
+ratte
+vinogradova
+zhongmin
+optare
+kievskiye
+ruinart
+fluvanna
+oldaker
+renderers
+neibert
+addiction
+bheri
+akchurin
+unq
+simoes
+hermansen
+kirschhoch
+tambor
+varallo
+hypodermic
+uncus
+fetishism
+preapproved
+58.19
+36-14
+heliborne
+potestate
+attested
+desertion
+badgered
+considerations
+librae
+a-team
+50.16
+zimba
+thalfang
+lobbed
+kissack
+physiatrists
+specimen
+dottie
+mintenko
+cse
+13:41
+32.05
+cervo
+megafon
+hoeber
+fleuret
+ex2
+-0.8
+cravats
+124.1
+somesvara
+fesse
+42.42
+tessellate
+axworthy
+niota
+varyag
+bavaria-landshut
+auditorium
+concretions
+vokoun
+galaxy
+prior
+bloukrans
+takemiya
+pevensie
+thapar
+15-episode
+brewington
+100-m
+front-loading
+euro362
+3,616
+flatworms
+yellow-eyed
+souvanna
+sapindaceae
+polishchuk
+yngwie
+airbrushing
+cjohnson@globe.com
+eas
+peritus
+zuhra
+schieck
+whitecliff
+tushino
+auto-biographical
+7,050
+tucano
+hinck
+abjection
+phumaphi
+journeyed
+winterthur
+externality
+apologizes
+stamboulidis
+soka
+matley
+rubbery
+polii
+udot
+ilhas
+chag
+125.6
+self-assembling
+iaa
+norm-referenced
+brutally
+shirl
+supposition
+21.27
+maimun
+lundin
+moulded
+auke
+annah
+patisseries
+viscera
+sparwood
+busts
+anncol
+soligo
+adachi
+herrán
+toadlet
+hinoue
+veratrum
+tegart
+chittoor
+vinaphone
+whac
+corallo
+interstitium
+kirsner
+awans
+huske
+gaussians
+cohoes
+hpcs
+tattooing
+schurz
+aiman
+menlow
+linga
+marie-claire
+22-60
+thierstein
+taiyou
+miti
+wurmberg
+featured
+juna
+connelly
+nudist
+scrapped
+oppressions
+shazam
+nearest-neighbor
+theroux
+mcgreevy
+iias
+americanized
+seroquel
+krakowski
+artscroll
+in-town
+barging
+winblad
+massingberd
+dziri
+premeditation
+unsymmetrical
+engorgement
+bestard
+unfortunates
+vineyard
+mezzano
+samassa
+snarl
+pili
+26.92
+musasa
+praetore
+gosse
+smartsuite
+spinola
+jalosjos
+co-ceo
+triforium
+ullyett
+piešťany
+ortigoza
+red-coloured
+casements
+ev1
+ingleses
+hogwood
+ട
+93.63
+multisport
+sills
+serafinowicz
+antonyms
+kedev
+earvin
+colloquium
+66,400
+baltoro
+meshaan
+eskişehir
+zakopalova
+t-lok
+jick
+enlargements
+nagao
+miyagi
+aritomi
+portney
+coincidently
+nws.globe.com
+maike
+mawi
+shandler
+chumney
+sotira
+supporters
+coceres
+008
+laks
+islahi
+.2010
+abakumova
+dimethylallyl
+traceback
+il-2
+well-defined
+brassy
+tuzla
+photocatalytic
+anjar
+motherfucker
+cancellaria
+bicskei
+aselton
+nesvold
+trastuzumab
+70.52
+11-5
+transnationals
+tills
+multi-threading
+wedel
+ill-mannered
+abramovitz
+toggenburg
+ex-member
+win-win
+viacell
+maiyo
+22-yarder
+thuwunna
+05:20
+kilbrittain
+sirotka
+hadziosmanovic
+unresolved
+1-800-253-6476
+freiheit
+1,751
+inhibiting
+1998/2003
+1.710
+bradenton
+2,363
+sicambri
+kontrol
+85.28
+santley
+state-financed
+kanitkar
+stojakovic
+pre-1914
+rijkaard
+nre
+zbarazh
+fatima
+kurtzer
+countershading
+derelict
+28.19
+amand
+smallcap
+2495
+worlders
+caston
+vitagliano
+lisgar
+bonheur
+72-yard
+unhusked
+unsighted
+air-strikes
+p17
+2-6-2
+manama
+erpm
+temperature-dependent
+beknazarov
+nymphomaniac
+50,900
+proportioned
+1062
+mondegreen
+danko
+mzee
+prefectorial
+murren
+well-kept
+342
+ludde
+1.3-percent
+psychics
+palmeras
+schaerer
+sài
+clara
+bramcote
+ehinger
+1.865
+unlovely
+pabón
+leksvik
+1-for-17
+pedicle
+bullish
+15.23
+gaoqi
+13-night
+hombres
+dilshan
+castafiore
+turina
+rebstock
+radiatus
+ancre
+cardiges
+sanxia
+klehm
+mapocho
+wrap
+ycc
+hirschel
+remak
+ramer
+outscores
+four-way
+aviones
+alarcón
+perkowski
+tatoos
+kasravi
+forfeited
+76.67
+lmu
+stangl
+pretorius
+namibe
+eckener
+rhema
+marjo
+653,000
+nerissa
+benchwarmer
+igal
+jsu
+30.59
+nae
+hitachi
+schrager
+2,400-year
+sitaula
+post-transition
+harrass
+lander
+coudenhove-kalergi
+sub-freezing
+whelk
+hacken
+radagast
+countrie
+leant
+1,986
+l'echo
+packages
+350-page
+dosb
+rouault
+secondaire
+wcit
+birote
+ooms
+nyanin
+mudflat
+ascanian
+prahovo
+belchior
+magaziner
+noncompetition
+redgate
+sportsground
+kladuša
+bouldin
+minibike
+jpn
+reclamation
+108.3
+myth-making
+geopolitically
+sultanah
+pownal
+frauenheim
+u-bahn
+kornfield
+meshach
+warg
+fingernails
+hayatabad
+tomey
+bedecarre
+conniff
+magico
+cd36
+phúc
+executed
+89.09
+fragmentary
+maloelap
+overlord
+código
+grollo
+scouting
+shavkat
+refer
+annadale
+toshiyori
+confinement
+game-high
+375-degree
+acclimated
+x-32
+mv/pi
+greaser
+warmian-masurian
+taiho
+yusop
+dolus
+nazarius
+standiford
+slit-like
+fingerpost
+ferries
+rouch
+hamedani
+50-80
+1933-1934
+zalamea
+encode
+thurber
+can-do
+1:100,000
+kümmel
+pinit
+6502
+halberstadt
+besancenot
+storchak
+36-31
+keepsakes
+santos
+interviewee
+repellents
+rambeau
+dibny
+carb
+patristics
+1.5480
+2,278
+ebenezer
+sulm
+nutz
+dragor
+mid-state
+rushford
+noapara
+cqb
+reclusive
+bezrukov
+scheyern
+iskandiriyah
+biomonitoring
+demurrage
+husham
+kharel
+“’
+longos
+powerlifting
+lovro
+cdu/csu
+defesa
+accusation
+yanzhou
+misdirecting
+kapellen
+attracting
+quebec-based
+bobolink
+close-ups
+kule
+æthelbald
+67-day
+petitclerc
+cruttwell
+sinopec
+peral
+housebroken
+onno
+diesendorf
+cohiba
+schaffer
+dagher
+tsugumi
+jumagulov
+bogota
+joob
+áfrica
+æthelwine
+youngstars
+kitwara
+micrometeoroids
+fec
+billmeyer
+0.8-percent
+gdb
+872,000
+27b
+haïti
+tozeur
+mintage
+miscount
+mahia
+junctures
+multiple
+270.5
+squirms
+enplanements
+loathsome
+auctioneers
+beto
+robinette
+horseback
+frodingham
+hongming
+oriolo
+latanya
+suzaku
+mhc
+galantes
+mechale
+coriolis
+latitudes
+tymoshchuk
+zez
+shanghang
+mo95
+zoltar
+cdm
+allderdice
+eurotunnel
+sergeevich
+pervez
+kabataan
+gearset
+djia-30
+istok
+kedron
+4,387
+legitimized
+menudo
+seebohm
+backwoodsman
+multi-instrumentalists
+controversially
+yamunotri
+debar
+qca
+26m
+huguo
+56-26
+fromelles
+handcycle
+juhn
+cellaig
+kawagishi
+20.89
+menchú
+a.r.rahman
+1,260
+societas
+fetteresso
+lozenge-shaped
+aumansptimes.com
+bourgogne
+thameside
+overfished
+u.s.s.r
+50.2
+ishq
+ouzo
+dansband
+adv19
+sidener
+barsa
+jintang
+i-i
+righton
+world-telegram
+swartz
+7r
+mcternan
+crosswhite
+mambi
+camel
+delamielleure
+larger
+motorcoach
+bhongir
+audrina
+makossa
+sbr
+québécoise
+daynile
+homespun
+ruvu
+rische
+olives
+98-year
+32mb
+triệu
+yaghi
+fijalkowski
+nekrasov
+swoc
+95.01
+gratzer
+frodsham
+type-a
+heanton
+rahayu
+noeleen
+pavord
+tacan
+prouts
+gasparo
+volchenkov
+gezhouba
+lxr
+fariduddin
+schnee
+bendera
+tamakasuga
+salming
+pinetown
+kamuela
+gunbarrel
+sigar
+yingzhou
+l'hospitalet
+invasions
+haulers
+jolevski
+underwent
+dumbadze
+peetha
+kōichi
+4,950
+seyman
+schonland
+currier
+scheid
+wretched
+eurobasket
+drinkwater
+fiords
+cinematography
+banteng
+alappuzha
+altin
+cofo
+familiarity
+semen
+27,900
+santibanez
+42.35
+14,375
+rd1
+yemane
+east
+hatti
+a-tat
+etihad
+kalamandalam
+kassam
+resentenced
+44-nation
+rushdoony
+ijf
+buffoons
+agrinio
+dowie
+meerut
+negotiate
+chimayev
+pafos
+under-secretaries
+lekic
+sitapur
+bgm
+kemetic
+coeducation
+porou
+oetv
+fucked
+ehf
+gretha
+1,949
+idled
+ipa
+larga
+sharad
+abro
+baozhong
+tillmans
+yardymli
+bohman
+bethell
+perrineau
+compilations
+highworth
+graul
+stalinist
+olijars
+3,358
+gaynor
+stiffeners
+p166
+doerig
+2,606
+voytek
+elaborations
+22.11
+3.8-mile
+marcomannic
+26,000
+supercedes
+splittings
+larceny
+long-distance
+motorcity
+bluesy
+hegel
+sprawl
+andreani
+ettelbruck
+jacarepaguá
+tiw
+non-restricted
+qsi
+abukhalil
+riesenfeld
+aldana
+guerras
+kulasegaran
+fingerstyle
+dimayor
+červený
+3-to-1
+panchenkov
+fiume
+sampo
+dery
+shevtsov
+lafraniere
+1977-1982
+unconjugated
+pro-tempore
+laxenburg
+3-132
+correira
+leçon
+olympic-style
+reconsidered
+azizabad
+galilea
+novembro
+ocimar
+beinhorn
+quintana
+dumy
+petriv
+entourage
+emmy
+faridah
+hugged
+dragonair
+one-eyed
+bucked
+straitjacketed
+redcats
+socialistic
+2,816
+orb
+digitale
+juliá
+urusei
+jokhang
+telluride
+vreme
+1,686
+chunhyang
+elint
+vilan
+molière
+sandal
+sannio
+peggy
+cheverly
+non-indo-european
+460th
+washhouse
+euphemism
+ælfwald
+shaktoi
+graphology
+witch-cult
+rehnab
+valour
+henequen
+skool
+noyers
+1.67-pound
+1.8-billion
+corbally
+algeri
+metahumans
+arizonan
+modernity
+netroots
+4x4
+karg
+strathclyde
+bleiberg
+chilterns
+arab-jewish
+music/club
+.305
+molé
+kokesh
+fra
+anzacs
+224.3
+150.9
+clifford
+fireworks
+carthaginian
+fatman
+anchialos
+vizeadmiral
+51-minute
+yamaska
+pompeius
+sampan
+revalues
+kray
+neo-medieval
+labialized
+monocot
+guest-hosted
+184.8
+64-foot
+pre-partition
+rowrah
+hades
+vu
+freiberger
+68.85
+iffi
+diameter
+kdoc
+malmström
+farnon
+roping
+93.6
+heroin
+sadat
+kountouriotis
+resende
+sukandar
+type-b
+10-country
+kachemak
+roulstone
+huthi
+taxpaying
+sealers
+krimmer
+59.26
+pede
+fieldworkers
+seathwaite
+presumes
+miniature
+janardhanan
+swordsmanship
+cnelsoncoxnews.com
+tettau
+cerisola
+gerbrandy
+elongates
+daraj
+pambula
+vein
+contepomi
+fitzy
+2.95
+169th
+mayonnaise
+carrabba
+42.94
+outstretched
+mandl
+whaley
+baldemar
+alyss
+2,198
+sculls
+bory
+wikis
+keynes
+mcmicken
+onuma
+paen
+107.92
+bookstar
+gugelmin
+euro122
+gretta
+abdikarim
+charades
+alamut-e
+137.2
+clubby
+geotel
+154
+escambia
+ministério
+kernewek
+technetium-99
+chomsky
+300-acre
+groesbeek
+monoecious
+suebi
+zore
+2,433
+hungary
+tricep
+93.75
+leamy
+vasnetsov
+sef
+bhawanipatna
+roatán
+unlock
+kirtans
+58.71
+δε
+pied-piping
+predicative
+rahz
+schub
+98.71
+lubochnia
+canyonlands
+26-percent
+debub
+pioneers
+miandad
+1969-1973
+overpricing
+untv
+ehr
+judis
+:45
+crecer
+dalarna
+femtosecond
+jeckle
+estaban
+ashkan
+uhhh
+phillinganes
+radicchio
+sioe
+guberman
+erap
+shawville
+counteract
+ritcheson
+inwards
+tamino
+ravensbrueck
+bhattacharyya
+>
+25-under
+hertwig
+serpent
+melpomene
+madhom
+bulmers
+uncomplicated
+1994-5
+khalatbari
+resalat
+parthenogenesis
+slingsby
+anticrime
+verlaine
+krump
+11pm
+rylstone
+12.40
+tacomas
+enrichment
+32.81
+dawson
+b-17f
+casseroles
+straighten
+beaird
+americanization
+chakriya
+interventionism
+safranski
+altimeter
+winterplace
+asta
+m.k.
+islamic
+brownrigg
+87-83
+saraband
+støren
+babygrande
+227.9
+abol
+revitalise
+synthesis
+miguelito
+gmap
+directorates
+adelante
+undertreated
+9:52
+muguruza
+ljubiša
+scoutisme
+benjani
+participates
+clarens
+yuzhnaya
+tarangini
+21.51
+apixaban
+219.9
+alanna
+turaco
+prattles
+torturers
+hatf
+nais
+olandis
+arbas
+french-american
+hizzoner
+monsheim
+synth-pop
+bonar
+ilene
+sistine
+capasso
+claudiu
+sridhara
+bolotin
+monkeypox
+tideland
+ac-130s
+troad
+9.5
+sending/receiving
+manifesting
+anglo-mysore
+lashof
+rock-a-bye
+taechon
+exi
+casalino
+chopper
+brizuela
+eight-member
+perceptor
+1.041
+coffeeville
+newdick
+rebalancing
+jamin
+jasikevičius
+124.8
+lilugu
+roiz
+tostrup
+rosenstrasse
+cumbres
+taegeuk
+som
+aburrá
+jup
+alor
+pleiades
+seneres
+dangi
+123.72
+airchecks
+additionality
+pollini
+30-22
+chlorophylls
+satchell
+penfold
+bikol
+tech
+2,713
+gagauz
+luiso
+zanda
+hirano
+mogu
+marchegiani
+36sec
+w.n.
+wattana
+unsurveyed
+reasonable
+adebayo
+ferdie
+wutip
+historiarum
+c$
+mikka
+yel
+hadar
+velotti
+biratnagar
+evaluates
+thoroughblades
+raorchestes
+open-topped
+pc1
+chidgey
+putida
+underdog
+sing-alongs
+phalcon
+valcourt
+chorine
+manbhum
+marske
+deylaud
+hundred-year-old
+weeting
+accs
+post-industrial
+leichhardt
+ablated
+17.45
+aokang
+erekat
+handball-bundesliga
+maccarinelli
+381.5
+disapproves
+108.96
+issai
+falklanders
+relación
+seamless
+recantation
+kubin
+kambewa
+resolutions
+kadett
+coneheads
+pde
+9,050
+romaniote
+propaganda
+body
+stilson
+104-101
+rösch
+tarkenton
+rosslare
+thickenings
+makuza
+gottehrer
+later
+vessela
+sftp
+akashic
+27-mile
+armalite
+nyamata
+half-hour
+cufre
+arana
+antitrypsin
+eshete
+sejahtera
+2,154
+maurine
+neopath
+belzberg
+778,000
+carrera
+illegalism
+equip
+ab-e
+nucleases
+tecos
+mamoré
+57.52
+tropiques
+salamao
+lst
+cists
+bluesier
+simplon
+12,759
+édgar
+saveur
+8:10
+prickliest
+escarole
+desaparecido
+archies
+kimock
+rna-seq
+www.bankrate.com
+sattarkhanov
+wpba
+ruthenians
+capeci
+337th
+1947-1948
+miggy
+1,241
+roomy
+308,000
+electrostimulation
+equator
+coxwell
+4.309
+wagered
+whoop-up
+williamsville
+1.5472
+unrivaled
+slinn
+asides
+microstation
+top-seeded
+fondmetal
+lews
+ufdr
+510,000
+ebullience
+mantiene
+expos
+pulps
+chęciny
+orienting
+moussa
+riki
+firoz
+oropesa
+tigrina
+bachtel
+24-28
+russian-speaking
+riccadonna
+reoffend
+cheape
+colchis
+cette
+laigin
+lobatse
+25.76
+wasps
+markab
+benci
+ulli
+35-17
+undulatus
+slaughterhouses
+17-24
+9001:2000
+haynes
+man-eating
+afia
+black-tipped
+23:50
+denlinger
+wolfsbane
+toslink
+pinwheel
+railmen
+120.66
+risebrough
+crosstalk
+downhillers
+leucanthemum
+editorship
+naboo
+aihrc
+razr
+gica
+waived/injured
+excludes
+lapidus
+arfield
+reischauer
+henne
+someren
+335i
+trentino
+philosophic
+naren
+zampedri
+ottaviani
+exasperate
+96.41
+burhs
+kitzmiller
+gotschall
+cananea
+safian
+5-member
+purling
+misantla
+bogdanovic
+systemd
+orobanchaceae
+roath
+cinderford
+duero
+akawi
+45.08
+matroids
+55-21
+zoffany
+jammat
+dict
+denboba
+raleigh-durham
+sociopolitical
+nonpartisanship
+5,180
+kaust
+roman-era
+zbb
+alodia
+djibouti
+bahau
+wasa
+monarchidae
+dragados
+bpn
+bohinj
+non-inverting
+l11
+open-mindedness
+youtubers
+vishwakarma
+two-storeyed
+takiko
+segregationist
+teravainen
+orha
+gossiped
+rechy
+hard-fought
+botolph
+tillsonburg
+e350
+marginalism
+sweathogs
+kahili
+occured
+co-player
+brassicas
+mischa
+fafe
+boty
+irked
+kahalani
+ildstad
+action-packed
+tsop
+hauptstraße
+acid-catalyzed
+transwede
+zululand
+gessel
+grade-school
+pettingill
+exploratory
+tariku
+kerschbaum
+136th
+undaunted
+110-seat
+muhlach
+zreče
+nhb
+petrelis
+export-import
+irrelevancy
+trc
+pijesak
+mirae
+parvin
+olathe
+aggregators
+moviebeam
+mattino
+zarautz
+wilbarger
+eltz
+weissglobe.com
+masha-ye
+lavrio
+kalian
+3,066
+scopula
+peyton
+ihsan
+shillingford
+sipa
+zigomanis
+conformed
+smacks
+abuza
+ionisation
+dinis
+s.e.
+12-18
+nepsac
+prettyman
+marumo
+refluxing
+bursa
+adjudications
+shatapatha
+sufyan
+galusha
+lenasia
+nordjylland
+carlo
+crutsinger
+2004-07
+kamaraj
+bayron
+rely
+pilic
+ojo
+dusted
+thurgood
+comprehensibility
+chesterford
+nonpoint
+fruit-growing
+photographers
+glbt
+pizzuto
+dōmei
+calcaterra
+23.37
+beacons
+858
+desportiva
+න
+6,772
+niehoff
+milu
+0.20
+fangping
+xiaolong
+azhari
+easycruise
+loughrea
+stairwells
+conall
+orkut
+marinos
+prawns
+0.175
+atlin
+cross-eyed
+pehlivan
+dragonstone
+langfuhr
+finiteness
+22.15
+lennie
+arbitrates
+moskovski
+hrebeljanović
+defectors
+pallister
+condamine
+oversize
+vandervoort
+kudlow
+attacker
+2,284
+302-4111
+spiekermann
+95.62
+legibus
+common-mode
+carers
+grindler
+zong
+kolín
+estreicher
+nopickup
+sainte-foy
+vlasotince
+toneless
+lindale
+seye
+perhaps
+lungstrum
+101-94
+freckle
+pacasmayo
+kurultai
+ecpat
+groenewold
+eavesdrop
+umbilicals
+pesnica
+tamponade
+4-68
+chitose
+periasamy
+piye
+parad
+24.11
+tubed
+otok
+397th
+faunus
+talao
+re-integration
+soubirou
+yuzo
+gunsmoke
+zankou
+unselfconsciously
+gunnlaugsson
+caulder
+analogous
+clemenza
+4101
+seka
+eldershaw
+bilstein
+kazunori
+usonian
+longzhou
+surroi
+drews
+cbv
+44-hour
+yorga
+batkovic
+milnerton
+prinze
+dabbling
+surkov
+ptolemaida
+45-45
+miłość
+irri
+freisler
+sparapet
+bungler
+muzak
+boschwitz
+gantar
+grantmaking
+conventional
+adelantado
+brisseau
+athonite
+kayvan
+.227
+gmcs
+tukhachevsky
+shkirat
+101.01
+origi
+nocenti
+advisory
+zimet
+sukuk
+54-41
+okehampton
+.0035
+1,857
+kyogen
+numbness
+shoehorning
+sobibor
+yaakob
+run-scorer
+benham
+109.00
+youla
+breathnach
+khasib
+introspection
+nonpolar
+sickbed
+gladstone
+c.a.
+serambi
+hta
+steilacoom
+nagayo
+paralegals
+jaxson
+etf
+creatinine
+isotonic
+occurring
+troublespot
+mijikenda
+tetrarchs
+ottewell
+slowcore
+woodhead
+typhi
+sudarat
+clairvaux
+143.7
+ecotourist
+valid
+clings
+balian
+águas
+prodir
+kyson
+comyns
+brazilan
+cutaia
+klooster
+estancias
+conza
+quadrupling
+weobley
+biomorphic
+resurrections
+ecija
+rino
+1,612
+(323)
+toker
+topsport
+dermot
+3,770
+federalisation
+redbone
+punch
+telegraphy
+plucks
+asturiana
+khera
+23-18
+fullmer
+re-accredited
+tipsarević
+huwart
+bcom3
+-------------------------------------------------
+allagash
+hadnot
+yellowed
+aber
+falzon
+1273
+ananova
+diastolic
+mlaughlinsptimes.com
+nachagyn
+1.4627
+oligo
+haczów
+nachmanides
+shillington
+karsner
+wrathchild
+novoshakhtinsk
+1,533
+skyline
+ranganathan
+35-23
+shusuke
+blowup
+wound
+gamey
+21.49
+hdd
+bouterse
+kantha
+kazagham
+riviera
+examples
+fatty
+louis-dreyfus
+inkwells
+hazarded
+turetzky
+pressure
+pattambi
+mahamuni
+vorm
+emilson
+renigunta
+wrecks
+hongō
+drumlanrig
+jeng
+yards
+90.71
+farouk
+sisimiut
+kozik
+ct2
+accuse
+55-foot
+guedes
+dadaab
+prophetess
+43,500
+minibars
+buenning
+war-time
+supralabial
+asaoka
+20million
+rebeli
+80.05
+45-42
+thorfinn
+thorson
+watada
+electrocutionist
+policewomen
+blasius
+gangaikonda
+cazy
+sodere
+đồn
+semenzato
+amroth
+still-existing
+denmon
+unproduced
+unaizah
+addressable
+scovil
+dörpfeld
+legions
+starling
+1.5513
+hants
+bedloe
+anabranch
+13.9
+messuage
+fixx
+phags-pa
+kitur
+protection
+hoppegarten
+ratones
+smolensk
+hawkish
+home-based
+urquhart
+took
+refunds
+ichaso
+battery-electric
+schei
+haggar
+chersonesos
+600-ton
+periode
+sonshine
+facit
+salonist
+jephcott
+confesses
+apollon
+77.58
+mortaza
+,107
+ufg
+jiazhen
+kristeva
+bébé
+rahsan
+atrás
+berardelli
+señor
+slotboom
+raising
+preissing
+emphysema
+sunpu
+nopales
+inducer
+patterson
+crackling
+foulke
+jehane
+bennington
+badarpur
+lenon
+bcn
+ormonde
+suiyuan
+miass
+undine
+b.p.
+first-rate
+21.63
+waqt
+pol-e
+mallory
+17.44
+verstappen
+potty
+8,540
+62.31
+sedation
+demmer
+baghpat
+pribina
+lattre
+infogroup
+fanboys
+forstchen
+loneliest
+op-ed
+heir
+longhorns
+shefford
+.209
+hannay
+thirty-one
+proto-slavic
+.773
+43.43
+78.40
+axler
+sy
+accosts
+kerfoot
+fuze
+globex
+igara
+kucha
+studbooks
+seasprite
+yubamrung
+inveighs
+qiqihar
+uneximbank
+icpo
+biogen
+varivode
+128kg
+dott
+timoner
+331
+harrod
+arrc
+saipov
+zhuhai
+theogony
+cocoons
+panchen
+alma
+bulgogi
+308
+goofball
+93.20
+busker
+72-61
+doldrums
+shimange
+maixner
+motonari
+fppc
+nemeth
+rtv
+grouchland
+instructs
+reindl
+hohenheim
+brotman
+brands
+rough-hewn
+cinnamomi
+feminization
+brugmann
+myuran
+meskhi
+kindall
+descanso
+51-page
+fixit
+kiawah
+barton-wright
+gigolos
+cerbera
+yoking
+kiriyama
+missing
+1.544
+sputter
+2,539
+hudsonville
+innisfallen
+hisd
+36.19
+moroder
+bit-rate
+haslington
+half-buried
+a.m.-11
+snyderman
+saiha
+gagnoa
+simmone
+boccardi
+embarras
+novacek
+mccaugheys
+12-nautical
+noakes
+denílson
+mariotto
+nightie
+artcc
+dsm-iv
+sistemi
+c/z
+refining
+kammula
+nsr
+140km
+peis
+birnie
+porque
+riverkings
+richfood
+leers
+drama-logue
+octobers
+sadza
+scif
+gardez
+coche
+skolimowski
+abraxis
+hard-wearing
+nascar
+jauron
+17,113
+município
+open-minded
+ranjit
+barbier
+merneptah
+seguenzia
+demaryius
+rallies
+christofi
+ninny
+celmo
+pepcid
+bloodstreams
+scourges
+genie
+excerpted
+khagaria
+backaches
+feulner
+libelled
+meachum
+eisenhowers
+gunrunning
+bego
+bahmayi-ye
+kaie
+right-lateral
+nesvizh
+stalino
+onoto
+levadia
+naughty
+krakower
+democatic
+transgenders
+euro149
+slogan
+modifiers
+mehmed
+clawlike
+fuyo
+jobbed
+derrik
+patt.morrison@latimes.com
+bessette
+unnamable
+49,200
+и
+kozar
+linense
+1,029
+kiều
+doubletalk
+hot-button
+202-887-8348
+machair
+thioester
+paules
+durrus
+63.00
+silver-plated
+umbagog
+ineffectual
+wedgies
+k&n
+chamblin
+manhandled
+outfall
+né
+flank
+latymer
+fonder
+junimist
+2.32
+iberia
+951
+municipalité
+mazzitelli
+pavilions
+117.14
+in-hand
+viking
+elefun
+triples_deshields
+yankee
+receivers
+jerold
+vejnoska
+bjelovar-bilogora
+matheny
+spinetta
+suzy
+osimo
+rating/7
+barquq
+ufl
+beres
+mishari
+lovings
+theikdi
+4,475
+kosko
+nkong
+47.17
+wilton
+90.76
+153.5
+raper
+momi
+mirandese
+42.195
+nantlle
+cines
+vigoda
+museveni
+incorrupt
+meckiff
+chura
+2004-2012
+nagaraja
+interactional
+boen
+2.8-mile
+kissandra
+emens
+fux
+chaghatai
+brackens
+guianas
+cohosh
+benefitting
+1,541
+tourneau
+brömsebro
+speciosa
+ahoskie
+cbers
+80.10
+120-million
+colourist
+bikkembergs
+barranca
+dejection
+floatplanes
+5:31
+tenth-century
+cenotaphs
+sub-sea
+rogaine
+kirkvaag
+hormoz
+ursa
+jiuta
+chep
+tekken
+486,000
+hatata
+leça
+rizgar
+all-canadian
+refers
+unabomer
+sajad
+cossington
+rehydrate
+nicest
+37.92
+wiesner
+tiangaye
+bockenheim
+mcbryde
+luers
+haçienda
+oesau
+sumet
+clemon
+settlers
+torp
+bahadli
+liberty
+tamis
+hoseyni
+pequot
+bauza
+guinazu
+ex-king
+webnews
+'66
+kalim
+cias
+4,000-5
+20,000-mile
+hanafin
+adalimumab
+luhrmann
+calozza
+perito
+silverdome
+breckin
+5-foot-7
+mágica
+underpinning
+mounded
+asir
+hrl
+ariary
+arnica
+fissures
+helmy
+smail
+workbench
+melech
+salukis
+tiatto
+cojutepeque
+slobbery
+tolzien
+paquimé
+anglim
+frw
+hyper
+huit
+cranberries
+capote
+becquerels
+i̇skenderun
+richetti
+wschodnia
+so
+fortec
+habibul
+coubertin
+50.74
+128.0
+speech
+adamant
+alic
+dzugayev
+komsomolets
+fairies
+grolier
+reflexed
+nawaz
+sjhl
+yuefu
+disulphide
+frič
+tuftonboro
+kaikoura
+intern
+phytoplasma
+neurosyphilis
+cmcc
+resuce
+truus
+edworthy
+naturalists
+masterfully
+42.38
+lemaire
+well-mannered
+muhajiroun
+tokic
+abouba
+nonstructural
+zhongnanhai
+careered
+skaraborg
+nystrand
+tavernas
+euro41
+30-index
+morrisette
+cerco
+kamilaroi
+3,380
+antrodia
+garagiola
+squeegees
+dughlat
+2730
+lubin
+hantz
+citron
+mce
+murchadh
+ocak
+pregulman
+acid3
+abalone
+entrevista
+ognenovski
+turiaf
+eerste
+conjunct
+eckfeldt
+dierckx
+chelyuskin
+seer
+qut
+chronicon
+bullrings
+konak
+zonnebeke
+uncoordinated
+an-22
+caapi
+gutsier
+pinxten
+mudeford
+conestoga
+overturns
+nobilis
+autocad
+bringer
+callistemon
+ringway
+capitulum
+margerie
+kothe
+pego
+eik
+swinoujscie
+taer
+zarana
+rigolets
+epta
+jurisdictions
+ricci
+yabby
+ife
+murchada
+naturgeschichte
+jerri
+gomhuriya
+05:45
+lipps
+châteauneuf-du-pape
+pkt
+racial
+encephalartos
+managed
+hna
+97.35
+sapsuckers
+hakan
+formula_75
+4.37
+kreep
+effected
+couvert
+futagawa
+dandolo
+superchargers
+vegetations
+kryptonite
+posadnik
+aseem
+articulation
+kazumi
+steam-hauled
+bäke
+omak
+non-stick
+'cause
+mission--pages
+77.76
+http://www.sunshinenursery.com/survey.htm]
+xingye
+pizzicato
+17.81
+263.8
+unscramble
+degraff
+censorship
+bikita
+reto
+quinoline
+micrometers
+lovebirds
+buker
+318ti
+75.39
+stöhr
+leane
+mostra
+chayei
+bernadis
+clethra
+kościerzyna
+toughbook
+provan
+207.3
+torbinsky
+tiering
+variety
+entente
+sweatshirt
+atlanticist
+ghan
+ansanelli
+redshirted
+first-edition
+dosage
+50-90
+1985-95
+hablo
+disk
+chunming
+oswayo
+sangeetha
+majnoon
+low-class
+relational
+nezhat
+christen
+minami
+khurana
+wendelstein
+agresta
+kaylor
+radziner
+heartfelt
+haor
+doolan
+tampering
+djp
+topuria
+mgn
+doumeira
+petronet
+meid
+herself
+grammatical
+jiawei
+robilar
+memorandum
+42-acre
+concertized
+sliska
+az.
+tonti
+rm26
+ratz
+rustavi
+senegambian
+rale
+0700
+pt-17
+varekai
+romey
+122.1
+jean-marc
+jurnalul
+resolvers
+olgierd
+pamella
+kaserne
+enqvist
+prejudicing
+wernigerode
+campese
+ganoderma
+mclynn
+anchises
+tigh
+52.31
+frowned
+said.a
+spiders
+lettie
+goli
+transcends
+voh
+liepaja
+oophorectomy
+copyboy
+giau
+metalfest
+hatter
+60.47
+4.90
+colvard
+6.39
+khaiyum
+krosnoff
+kurtosis
+urysohn
+999-year
+_____
+teks
+csos
+lycian
+coiffure
+lactalis
+gangel
+2003-2012
+araneta
+dismembered
+worklife
+eggshell
+brightpoint
+seacroft
+shivraj
+glória
+pbg
+wanta
+roag
+211th
+smtown
+tulasi
+murakawa
+burpham
+waveform
+detailed
+airfares
+shirota
+scei
+17.03
+blacksmith
+nikodym
+oil-fired
+kabc-tv
+lyrick
+al-shabaab
+bertotto
+squirmy
+tesfaye
+lamangan
+villaverde
+noh-varr
+8-of-13
+acornsoft
+pannella
+lonesome
+gargano
+segued
+duguay-trouin
+renker
+serba
+avebury
+hames
+pedometers
+borton
+catastrophe
+solipsist
+stagner
+scheele
+massouda
+hints
+tutakov
+62.32
+freidrich
+prepares
+zygons
+hipparchia
+perros
+vertical
+alencar
+yamashiro
+hukam
+bundt
+zaobao
+dit
+hanaway
+pommer
+nightcaps
+sarbu
+shoos
+motya
+anti-heroes
+nachlass
+trumpy
+chokoloskee
+sennet
+campagnola
+toninho
+iodate
+97-84
+inchoate
+shimmying
+malaspina
+arghun
+komlos
+76-point
+chaan
+ottis
+coble
+metastasizes
+ird
+kilani
+videolink
+s.o.s
+vt100
+crazes
+determinants
+impels
+schryver
+scheffel
+giuliani
+quipped
+anupama
+maspalomas
+raltegravir
+montol
+stallholder
+serzhen
+misunderstood
+daybreakers
+1,381
+eneco
+tafea
+pangborn
+consciousness-raising
+minneriya
+associes
+1.4950
+shoshu
+mangole
+tuas
+909,000
+c-met
+bradsby
+bundy
+shuar
+1.044
+hurrying
+hebbian
+garbles
+vandalised
+hezb-e
+subdialects
+noctuid
+arougheti
+grunters
+kubb
+lascaris
+31-minute
+hamauzu
+filibustered
+2,503
+fictionalizes
+lexicographical
+bassong
+taraval
+1.20
+act
+keitz
+porla
+pusch
+mceveley
+flashpoints
+cournot
+farhi
+handbills
+pli
+13-square
+prenomen
+glynos
+129,000
+devildriver
+varuna
+blia
+dummied
+drost
+motivation
+paleo-hebrew
+casarini
+linoleum
+diels
+osem
+curling
+quaintness
+woohoo
+dispensationalists
+3,306
+lashbrook
+kleemann
+toehold
+folded
+huddy
+csm
+jais
+excise
+radtke
+turlock
+banespa
+ursins
+diallo
+ruellia
+kolinko
+kinfra
+2,347
+chaperons
+goromonzi
+finitary
+kingsford
+2-6-4
+2-for-22
+pubescens
+alipay
+staple
+stateira
+montoneros
+merseburg
+szlachcic
+laro
+displeasure
+austerely
+llanwern
+pelota
+ascend
+formula_91
+gt500
+kasriel
+gandolfini
+eger
+gotsche
+cell-phone
+8,230
+havilland
+uncorking
+churaman
+8-14
+levirate
+opportunities_pittsburgh
+shreveport
+pro-rata
+zuckman
+shareprices
+25km
+tangata
+finma
+103-mile
+nonaffiliated
+henigan
+freunde
+hypothesis
+toamasina
+barbery
+matussptimes.com
+ching-ling
+haward
+p2o5
+cinematically
+trusdell
+emek
+peleliu
+hienonen
+haematological
+harangues
+u.s.-africa
+eshkevari
+bolder
+ranger
+eulogy
+nedbank
+damer
+33.17
+servers
+hemagglutinin
+cielos
+106-99
+major/minor
+irazusta
+valar
+summoners
+manfredy
+munyon
+beachside
+cortada
+ponded
+45.10
+salernitana
+aaviksoo
+arcos
+ultrasounds
+matchroom
+uphold
+honnef
+softdrinks
+elsen
+seismology
+-0.75
+amane
+dagbladet
+lilly
+tanzania
+paikea
+darb-e
+waggonfabrik
+copelatus
+milanetto
+magos
+tomassoni
+22.4
+carminati
+3,6
+petulia
+plagiobothrys
+drohiczyn
+rosamund
+linkou
+squelches
+crossborder
+hywel
+'90
+marthanda
+traitor
+unburdening
+preside
+52.17
+baliunas
+shacked
+o'connells
+kilbom
+drpk
+korean-japanese
+tuchfarber
+how-to
+msrtc
+astounded
+zakopalová
+supunnabul
+centrafrican
+bwx
+flask
+.000661
+lokmat
+alpap
+world-famous
+syniverse
+annalisa
+disinvited
+concerto
+adex
+ecumenism
+menkaure
+noordhoff
+tennents
+tabinshwehti
+mirra
+115.40
+google.com
+glanton
+nalerigu
+wr
+40.87
+cadivi
+frap
+31.49
+12.000
+uninformative
+deucalion
+egpc
+fulltime
+74-64
+gbk
+77.47
+minni
+allehanda
+classicising
+vittorino
+timomatic
+horma
+raker
+ixis
+brazauskas
+remain
+noughts
+bolts
+re-establishment
+oyama
+elzhi
+eve.com
+timmermann
+interantional
+breitling
+tracers
+unrated
+mobilize
+algar
+surcharging
+nri
+commisison
+haimes
+raszyn
+3,191
+lakki
+post-1989
+missals
+inje
+fontan
+17.58
+norrbottens
+congrats
+mo.-based
+jeron
+uwfi
+cc
+tolled
+irons
+kailee
+monforts
+1898-1899
+torricella
+90.98
+ribao
+bokeria
+denoted
+brisco
+pcts
+njt
+18:1
+smoger
+loudmouth
+sildenafil
+theophano
+piauí
+.352
+dendrobates
+condescendingly
++44
+radloff
+bluewave
+queer
+pozharsky
+cachi
+reemphasized
+encomiendas
+wikiscanner
+hornbills
+crudity
+furchtgott
+clucks
+darters
+austro-hungary
+jueves
+fondriest
+astrophotography
+parcels
+gulden
+accident-free
+insurers
+halfcourt
+civique
+2,000-ton
+3,584
+mccrea
+wakita
+rematches
+oxlade-chamberlain
+skytte
+tourte
+timberg
+f-51d
+semi-conscious
+bogoraz
+makola
+fitz-gerald
+humbles
+1,868
+circumnavigation
+ticketholder
+boondoggle
+langdell
+little
+dillon
+co-sponsors
+winther
+hdcd
+layline
+lonergan
+dr-1
+long.
+banzare
+feinman
+jereme
+carisbo
+tungus
+swire
+alleva
+119-108
+83.54
+iconoclast
+thinking
+cyp2c9
+196th
+4-cup
+nahri
+fictitious
+pentz
+24-room
+quadrasteer
+fearrington
+11-point
+hoelter
+bellanca
+fonville
+valeeva
+alevtina
+knop
+122.25
+incantation
+zomig
+congess
+frizzy
+testbeds
+120.10
+bbc7
+starliner
+kazami
+tsosie
+lustful
+longifolia
+wallows
+hix
+carnifex
+submittal
+amaliada
+telecaster
+misspending
+nuffield
+petchaburi
+simoncini
+18w
+hershey
+attapatu
+fidesz
+sfv
+10:40
+parastatal
+a330-300
+7-for-21
+orok
+zhenming
+tahmasb
+flaxseed
+delaborde
+horwood
+krosigk
+bielice
+feaf
+4-minute
+shafa
+ikkō-ikki
+nostalgie
+underwings
+japon
+15.17
+ppk
+sangi
+dalmatius
+nhrc
+rascher
+keturah
+prempro
+bobigny
+vcr
+slow
+merentes
+.399
+t
+61.34
+26.8
+lahijan-e
+ningxia
+voyagers
+rural-urban
+lloyd-george
+playmaking
+cerknica
+udaltsov
+438,000
+humanidad
+3-10
+ängelholm
+choctaw
+broadcasting
+toledot
+summed
+laer
+leclerq
+1,997
+donnelley
+amneris
+canals
+pieters
+prunea
+touhey
+mendota
+lunn
+interno
+ent
+1.8
+transtech
+danubius
+kekaulike
+104-year
+lauerman
+baofeng
+mikitani
+willfully
+lopez-fitzgerald
+clarifiers
+rielle
+edappally
+brunker
+anri
+parkchester
+porches
+toirdhealbhach
+114.80
+2364
+mccague
+eisaku
+halsband
+blader
+taan
+haute-saône
+dalaras
+eczema
+buffaloes
+mcgarty
+neoclassicist
+10022
+antsirabe
+youyi
+autonomic
+gung
+postojna
+bodyguard
+210.5
+maguires
+reding
+aviemore
+12/32
+hamburg-altona
+payless
+abendroth
+stanev
+þórðarson
+kulachi
+portuguese
+rothlisberger
+rogoźno
+basest
+non-intervention
+tamshui
+43,400
+3/20
+single-unit
+moreno
+supertram
+homomorphic
+sanat
+tarok
+boulengeri
+touhou
+jogging
+dereg
+rebury
+oktay
+calendarium
+blatchley
+downswing
+uhc
+topiramate
+melkite
+sdu
+confounded
+haigler
+bldg
+121.38
+5,624
+speyside
+tararua
+klo
+pesamino
+surf
+jyothi
+700-plus
+dunas
+rusi
+s.u.
+goest
+vimeo
+gida
+haas
+pek
+spick
+hscs
+intercoms
+zahiri
+mamora
+douwes
+sindlingen
+84.06
+4,877
+herzegovinian
+pilsudski
+abstractionist
+shahrul
+varrio
+gettelfinger
+dnevnik
+tangney
+hermant
+2229
+moshe
+tej
+rosvooruzhenie
+1988-1998
+upholstered
+experimenters
+can-spam
+thief
+endurable
+mcgill
+sai
+gasparino
+ballerina
+elmfield
+eshoo
+teus
+.596
+highgrove
+seele
+acdp
+ingolf
+houstonians
+100.69
+belgrave
+unsaved
+leash
+mccains
+marmee
+chelicerates
+hamburglar
+high-end
+iarnród
+fenelon
+goian
+chamisa
+arch-villain
+humaneness
+chorba
+wafers
+santangelo
+taufel
+optina
+herons
+kamaludin
+yiannakis
+agaricaceae
+diakonoff
+erry
+achkoi
+pew
+bonnar
+mariposas
+siglap
+oyonnax
+rjp
+pine
+2,140
+batigol
+echinococcus
+dokic
+académiques
+chatelier
+vallombrosa
+500million
+kaufmann
+379th
+piccoli
+clemensia
+ironed
+floresiensis
+surewest
+schelsky
+mariotti
+extranjera
+115.61
+jhon
+copla
+pido
+horbulin
+grauer
+flicks
+insanely
+mahamane
+xiushui
+sa-7s
+enas
+mikkel
+4450th
+rodz
+kiso
+bikel
+quindío
+anti-armor
+narell
+genealogical
+tuol
+logorrhea
+younts
+qc8
+wordgirl
+nymark
+revises
+culshaw
+cahners
+fanlight
+bahagia
+satavahana
+rangan
+tchelistcheff
+bouyeri
+mitigations
+blinkers
+manders
+lloret
+direct-to-video
+flapped
+southeasterly
+goncourt
+skillern
+grinney
+paranasal
+vovinam
+1,018
+dáin
+guts
+grasu
+yamamah
+hashid
+deedy
+emptive
+tsagi
+56.98
+four-speed
+izhar
+10.62
+megaplex
+www.princess.com
+recaptures
+warwickshire
+disinter
+triclopyr
+utopias
+104.49
+pål
+linnaea
+deathcore
+pantagraph
+horkelia
+cutlasses
+floridana
+108-101
+subahdar
+fixed-base
+povenmire
+causas
+openvms
+mackell
+114.90
+mccaskill
+ltm
+thistledown
+d'harcourt
+machakos
+wraxall
+unpretty
+cicutto
+collonges
+cholakis
+jokl
+cosmides
+kaylakie
+lano
+indrajit
+hydroponically
+cuomo
+biopolis
+procedurally
+bolander
+comoving
+barcena
+superstructure
+pullin
+wied
+followers
+meldrum
+theologische
+heaster
+rishta
+dispossessed
+ukulhas
+moubamba
+hettrick
+gayton
+non-resident
+47.81
+dornach
+neé
+gbh
+egyptians
+32.68
+1457
+whenu
+klol
+urbis
+olton
+20,750
+oakdale
+regragui
+colonize
+moom
+sandalow
+1720
+snail
+rongrong
+129.60
+sira
+landowning
+0.025
+dr.i
+ain-i-akbari
+isaacman
+rooij
+longstone
+4-41
+paskah
+encap
+msd
+irresolvable
+lão
+warshawski
+marshaled
+cyclizing
+out-of-school
+yahgan
+circumcised
+14.48
+faria
+theil
+d'alger
+ncnc
+aliya
+insect-eating
+kamat
+aymara
+preziosi
+humeri
+persad
+belgrano
+raceme
+kc4
+fasb
+externalize
+mcvitie
+vanessa
+impressiveness
+20-under
+aa-12
+trimeric
+salinity
+mkiii
+pugilistica
+acinetobacter
+odd-numbered
+amcs
+raven
+single
+illuminatus
+266,000
+bka
+license-built
+gatlif
+hitlerism
+dannevirke
+salon-de-provence
+essar
+grimassi
+aviner
+tziona
+supercomm
+agms
+elects
+2014-2015
+mavrou
+leusden
+renegotiates
+stoltidis
+inaug
+nankai
+ononis
+anet
+daozong
+64.51
+kazmunaigaz
+andreia
+decontrol
+feijenoord
+brnws
+helmick
+neo-aramaic
+toroc
+alao
+a-level
+54.15
+bansal
+86-66
+acers
+fussell
+newark
+wallack
+lamey
+78,800
+karu
+cowardliness
+brard
+djiboutians
+date
+plongeon
+prevarication
+kames
+1,147
+taddesse
+hullah
+czernice
+metered
+generationally
+protectant
+wuorinen
+16.95
+prize
+ayoola
+surnames
+bertinotti
+birbal
+daniyar
+pate
+gagern
+decimation
+tisma
+kaemmerer
+kashmola
+miscued
+syaiful
+i-khumri
+royg
+dely
+sbquo
+under-19s
+ingeniería
+nilesat
+boniol
+scrapes
+nazareno
+khattabi
+janashakti
+500,000-square
+riecke
+lutosławski
+griem
+rome-based
+36.09
+7-foot
+jimi
+fortified
+trunk
+liaison
+consecrates
+chavan
+rangarajan
+meshwork
+jurcic
+hoose
+ne
+self-concept
+arsinoe
+kalangala
+94.76
+asmi
+25.71
+trillionth
+grantmakers
+aerb
+vavaʻu
+yield
+fereydoun
+nanto
+tarło
+larcom
+dementieva
+crackdown
+rögnvaldr
+.555
+mitsuishi
+4,897
+1,400-page
+pereverzeva
+izhevsk
+dubreuil
+59-50
+designators
+kiprono
+clomiphene
+1.4320
+subsumption
+becalmed
+3.10
+brockington
+voyageur
+garçons
+738,000
+namora
+loleatta
+facinelli
+118.42
+jaspar
+22pts
+stonham
+16-13
+alue
+prvs
+lesueur
+mirabello
+pancamo
+thermoregulatory
+crathes
+geniality
+notosusanto
+dispensed
+laycoe
+productores
+husky
+385.5
+khori
+p22
+jogaila
+jamiel
+quarter-finalist
+nettled
+oppositional
+nipmuc
+shizuka
+beedies
+typhoons
+83.75
+maritz
+buenas
+munsch
+22.00
+seamstress
+misraq
+direcpc
+puttgarden
+swineshead
+underselling
+roméo
+paochinda
+hive
+ffrr
+115.63
+chefchaouen
+levit
+asb
+abila
+sueca
+scrapple
+emeryville
+chambres
+leeton
+ndut
+dhiman
+quinan
+sizzlers
+haavard
+distributary
+uncreated
+veers
+275-member
+rallo
+4,746
+jumayli
+scheirlinckx
+perplexity
+ohata
+daisuke
+vabres
+paranormal
+15.875
+psb
+santambrogio
+mnb
+1036
+jarrar
+bunagana
+steeplejack
+3-irons
+odumbe
+myerses
+insel
+groundbreaker
+superpredators
+s'il
+fonet
+eulerian
+prize-money
+manabí
+tabib
+28.11
+destatis
+arlosoroff
+eichhornia
+cgr
+keroack
+bloke
+splitter
+popolare
+eilers
+gordievsky
+9.21
+selinger
+20cm
+şanlıurfa
+friant
+baugher
+9/32
+sunniest
+suppose
+four-panel
+ottawa-based
+clericus
+ignited
+seeping
+seabiscuit
+caba
+84.43
+78.48
+43.01
+rengifo
+servants
+odvan
+politick
+tasik
+nose-up
+ramcharan
+75-65
+kernberg
+22.72
+itou
+prato
+little-endian
+deckhands
+30-square
+lulea
+sarn
+pageviews
+boonah
+ohtsubo
+88.15
+2.26
+tiburcio
+unconquered
+zabu
+robben
+benneton
+one-page
+responsories
+engelaar
+pinelawn
+hairnet
+rutger
+sinatras
+ahlström
+wheelbase
+ehrenreich
+rm1
+cmyk
+euro665
+53.80
+virions
+barnsdale
+glycyrrhiza
+heinzl
+blackbeard
+brachialis
+reconvert
+tipple
+odd
+aleem
+eat
+kaltenbach
+cyclotrons
+foss
+kadzik
+turbodyne
+cyclo-cross
+unloading
+vertex-transitive
+dollaway
+hassassian
+caduceus
+citroens
+m7
+1379
+28.47
+goproud
+gidron
+varberg
+zois
+revisionist
+panafieu
+baumjohann
+retain
+meshack
+voda
+capriciously
+682,000
+borwein
+skilton
+mccarley
+scharpling
+nitrogen-containing
+mont
+zipser
+5,740
+awojobi
+hurdat
+rakoczi
+stingy
+yammering
+krško
+kirsti
+vae
+eximia
+frantic
+heiberg
+baynard
+synchronistic
+udp-galactose
+demopoulos
+hør
+inds
+puy-de-dôme
+tanigaki
+pulverized
+weinstein
+synonymized
+cutka
+goose
+sackey
+famille
+gaete
+dini
+sanghi
+samayoa
+palming
+phrai
+shashin
+serse
+zhongzong
+pions
+jumpsuits
+chitwood
+marangoni
+leyne
+pagdanganan
+mogador
+3650
+bogi
+sing-song
+segue
+malai
+steurer
+driftnet
+mutually
+stewardson
+louÿs
+strei
+duroc
+umicore
+unremitting
+manotoc
+feargus
+untroubled
+poster
+huamanga
+seizinger
+tacvba
+rahim
+ke2
+sterilizer
+delmark
+boobytrapped
+4-74
+qassimi
+anishinaabe
+distillate
+evasiveness
+doniphan
+lambrino
+malekith
+semi-derelict
+chernokozovo
+hackettstown
+amraams
+garacad
+latonia
+cilium
+krakus
+inflators
+foroughi
+yogis
+stockbauer
+silberkleit
+3220
+dallan
+kodály
+lab-on-a-chip
+vilain
+oyuela
+tyrannicide
+approximate
+spcl
+bream
+studeman
+disunited
+semigloss
+zits
+fonzi
+spicejet
+sheinin
+admob
+xudong
+gerson
+strident
+amédée
+dardennes
+cdrm
+jasa
+nemiroff
+slagged
+meseznikov
+tímea
+chekhovian
+smattering
+slideshow
+zmuda
+perches
+much-awaited
+thyestes
+baki
+manoranjan
+sijilmasa
+tiruvannamalai
+27-page
+hartshorn
+hoel
+caddy
+mansbridge
+1418
+freephone
+mohiudin
+yoon
+ghinva
+halbig
+fluoropolymer
+brax
+preti
+kumrovec
+southhampton
+coucke
+battlecruiser
+veselovsky
+nmh
+carceri
+str8
+cricoid
+chaitin
+1,524
+sonna
+mowat
+erislandy
+hawai'i
+amphipolis
+documentations
+1.4400
+frog-like
+screening
+maynooth
+annotating
+henie
+182.7
+305,000
+nickleby
+setlists
+antiparallel
+soedradjad
+grgic
+mombeshora
+masur
+hadis
+pizzighettone
+teruyuki
+oakeshott
+debrief
+matenadaran
+5,288
+mcot
+bertollini
+czechoslovakia
+ikenberry
+nuwas
+máscaras
+nunzio
+118.02
+saitou
+overturn
+mahurin
+bluetec
+serviam
+gough
+chiluba
+reteams
+blaes
+pignero
+106.25
+restricted-range
+finical
+overrunning
+anahí
+knafel
+tvgh
+re-developed
+condescends
+xiuqin
+run-out
+subalgebras
+discerned
+águilas
+149.50
+nzinga
+holbeck
+non-scholarship
+nns4
+sauckel
+maarif
+5,000-man
+gryska
+stacey
+danbury
+jarlabanke
+lito
+caulked
+shaoyang
+gemeinden
+cracklin
+hanyani
+b-5
+94-95
+eight-storey
+hany
+koray
+mastermind
+mixa
+deformation
+rodica
+dystopia
+gilberti
+tzus
+well-reviewed
+catarman
+immortelle
+saves
+wogaman
+afrikan
+claimer
+topklasse
+51.57
+ouen
+trupin
+garmkhan
+68.27
+mishnah
+jaanus
+vecernje
+krach
+psaty
+murwillumbah
+momordica
+harpswell
+251.4
+lizmark
+glenview
+contacting
+lhomme
+fred
+anod
+foradil
+nocturnes
+cawood
+tawana
+social-political
+alacrity
+studite
+nocturne
+11a
+opatów
+iranshahr
+castellazzi
+zeylanica
+δx
+leagas
+zandi
+mipcom
+bonavash
+1992-2002
+riva
+tataouine
+rine
+tabloids
+unsparing
+hogi
+rebreanu
+unzue
+rajala
+post-2001
+,2013
+mutolo
+pingcheng
+forder
+kown
+pull-up
+kamenica
+hwacheon
+nedim
+wishkah
+4,413
+songun
+steamrollered
+weerasooriya
+iacob
+jh
+kuai
+swappers
+fairyoung
+montsho
+prescriptives
+klick
+nbu
+samādhi
+gränd
+objetiva
+taborsky
+taonga
+arundinacea
+koshalek
+parvulus
+rias
+latter-day
+teliospores
+bencher
+euro67
+tct
+hkrc
+25-fold
+5-month
+gaillarde
+huet
+mlh1
+t-square
+arsenate
+myanmese
+budy
+qeshlāqī
+jankovich
+louvain
+vampy
+lassonde
+substantiation
+transmuting
+zvezdan
+puddles
+raunds
+bijian
+38.2
+conforte
+effecting
+unyon
+bürglen
+chunklet
+beighton
+achatina
+prefectures
+infosystems
+2002-2005
+chequebook
+ex-lover
+45,700
+passey
+schauman
+bmd-1
+wolak
+seborrheic
+250,000-strong
+fiach
+ueg
+collides
+isachenkov
+cd1
+skeptic
+provident
+hokejowa
+phantasms
+galbatorix
+astronomische
+agana
+mutawa
+antiprism
+is/are
+hairlike
+fimbriated
+16:9
+irishtown
+sixty-two
+68-year
+1595
+nylons
+rst
+verksted
+junnar
+overthrust
+49.92
+choros
+hsca
+pézenas
+dup
+tractability
+liimatainen
+forleo
+veres
+annihilated
+gnessin
+tawee
+lagun
+christian-oriented
+d.e.
+5-gallon
+kongsberg
+hussian
+hurly
+panozzo
+rentzel
+cheechoo
+foulques
+kalai
+wlad
+3,652
+wrung
+looped
+uchtred
+junking
+fraternization
+göteborgs
+quattrocchi
+tuxis
+lacina
+purpa
+m/z
+------------------
+chanderpaul
+dohrn
+lehn
+chatterjee
+molodtsov
+usd
+yap
+melanella
+spithill
+shibayama
+1,478
+fiw
+sociologists
+vasilyeva
+ocklawaha
+risparmio
+bruwer
+ambigua
+haibo
+reimold
+backlighting
+sh-9
+mirasi
+lown
+sanlucar
+utut
+14-16
+d'investissement
+donato
+outschakov
+liasing
+saeco
+silicosis
+nueva
+tammie
+54.42
+35.7
+waistband
+nazz
+silvercup
+teslik
+jsf
+gulping
+ford
+jailbait
+minggong
+gullion
+upbraid
+bertinelli
+mongoliensis
+redel
+moccasins
+gone
+amalgamations
+falsworth
+kwangba
+enciso
+108th
+baza
+deriving
+casts
+hejailan
+keoni
+d-30
+sarmatism
+sarda
+yokes
+tetralogy
+chaurasi
+shored
+marangu
+synth
+maass
+luiza
+mathis
+cutlerite
+metha
+rocketown
+hadji
+appraisal
+fontanelli
+quitter
+berti
+6-for-11
+elachistidae
+6m
+idrive
+apter
+takover
+d.h.
+fust
+56sec
+maelle
+japan-korea
+newsweb
+nonfeasance
+bhatta
+hughesville
+87-82
+pda
+loke
+trainor
+koncak
+variegatus
+diffusion
+magsaysay
+députés
+84-83
+haseko
+wavered
+vinokourov
+glenferrie
+prizren
+edelnor
+mothra
+axtell
+kolkka
+fpd
+lilico
+transactive
+guanghua
+snood
+ecu
+getjar
+plak
+olympus
+monaghan
+shills
+seve
+gundams
+gjedrem
+hirson
+padovani
+lavatories
+radioiodine
+zipay
+x-bar
+y.
+vanua'aku
+spadoni
+argives
+phlebotomy
+gabras
+evernham
+katerina
+undefiled
+unzipping
+hanan
+tocalli
+ciphers
+sarif
+porpora
+prejudges
+correlates
+strigulation
+causis
+margera
+surdulica
+dezhnev
+150-seat
+silhouetted
+unwillingly
+1242
+miln
+specially
+janow
+grobmyer
+0-8-1
+nisp
+houston-area
+56.13
+ilfeld
+baratha
+cvu
+thierry
+toyama
+voluminous
+afan
+tunks
+290.4
+pincushion
+stimulatory
+restoux
+three-pointer
+vice-mayor
+shervashidze
+1.033
+actor-manager
+necmettin
+supertarget
+visayas
+auditors
+naye
+strid
+dalmore
+symbiotically
+leogrande
+group.
+husserl
+blue-collar
+abderrahmane
+hesselberg
+ezzati
+acousto-optic
+narrative
+bikin
+liepājas
+worldbeat
+tandycrafts
+pudens
+macready
+vasteras
+indelible
+dooku
+hishamuddin
+zviad
+16.48
+american-owned
+dezhen
+khiri
+piketty
+verre
+zondi
+postprandial
+mahamadou
+snaggletooth
+superhumans
+2,822
+abwr
+schleifer
+f.g.
+mockus
+applicability
+sivcpz
+www.supremecourtus.gov
+freerunning
+hoat
+blanton
+weaker
+stromer
+sypniewski
+levanon
+pandl
+face-first
+vranken
+slickers
+10.19
+vakha
+wwvb
+qiangba
+understudied
+kuini
+alwani
+mantica
+18-15
+arroyave
+ellisor
+perlozzo
+8-feet
+akasha
+höger
+1,800-meter
+traken
+maruta
+kulczewski
+inderfurth
+bosox
+7:41
+1341
+tennessee
+rsfsr
+kongsak
+takeyh
+saying
+offed
+gropman
+vaccinia
+surer
+apsrtc
+cahs
+putland
+crowbars
+perkins
+torello
+162nd
+tyendinaga
+charcoal
+ateret
+ejemplo
+re-affirmed
+lea'aetoa
+2,401
+tomczyk
+garaad
+tarongoy
+jinghai
+55-million
+aksel
+jys
+r2p
+savinkov
+yarra
+kapteyn
+12,550
+trekking
+500.00
+ilp
+neosporin
+aerodrom
+mysia
+itihad
+resultantly
+syberia
+moszkowski
+takeo
+longdendale
+17-day
+hashtags
+isee
+nielsens
+8.375
+3,247
+iakovou
+norden
+preterm
+mcallester
+mcdaniels
+refsdal
+pacesetting
+distribute
+barnesville
+tagle
+raschèr
+bo'bo
+50.000
+inapplicable
+now-legendary
+yuda
+63.11
+sithara
+ratajczak
+togetherness
+kertzer
+vadstena
+faibish
+hard-won
+field-goal
+slac
+nunukan
+thermophilic
+bellyful
+claudia
+grabbe
+smbs
+christianson
+reconnaissance
+ranters
+stelco
+mccrindle
+raub
+luker
+asefi
+29.3
+theede
+adhemar
+astatine
+alkynes
+pseudagrion
+campbelltown
+zafira
+hitz
+holywell
+bengo
+6,440
+47.46
+d'errico
+valdes
+ula
+parrotfinch
+stagnancy
+kamas
+on-shore
+novelda
+amebix
+117.25
+capitani
+burgay
+delluc
+practice-oriented
+davidsonville
+adinath
+capsids
+rehearing
+isin
+whitecaps
+serotypes
+liebenow
+ss-25
+storage
+labadze
+kalos
+y-8
+abdulkassim
+westerner
+agur
+friedly
+everymen
+ricefields
+lamble
+six-string
+1.5445
+itv2
+retreads
+bols
+felberbaum
+73.70
+enflame
+inosine
+empleados
+waidhofen
+warsame
+abdessalam
+alstead
+tasleem
+meditator
+tonkunst
+windpipe
+sangyo
+birdman
+fairuza
+glaslough
+abaft
+sea-bed
+pennisetum
+sahand
+tropos
+8-13
+1.4671
+rwi
+8.65
+fleischhauer
+resurfaces
+averoff
+eicosapentaenoic
+newsfeature
+incongruity
+yabran
+straubing
+beltram
+askatasuna
+acholi
+keratoconjunctivitis
+magagula
+digitalised
+asmundsson
+douay-rheims
+snares
+hill
+bilal
+perthes
+hatzalah
+adleman
+phenylpropanolamine
+350cc
+nictd
+auschwitz-birkenau
+unseemly
+malky
+2,077
+horizontals
+stubø
+makaraba
+pari-mutuel
+verwaayen
+hiv-aids
+laurie
+microprocessor
+600-plus
+soundcheck
+blimey
+ruaidhri
+wilkerson
+bojic
+moze
+nady
+spat
+merkowitz
+quarrying
+gaja
+platonism
+hiromasa
+reay
+contrarian
+københavn
+chosin
+allach
+killyleagh
+nonbelievers
+dual-purpose
+sasamoto
+charlesbourg
+abraham
+mumtaz
+misdemeanor
+streater
+giganto
+estimable
+germencik
+kiptoo
+kandar
+suhadi
+kiogora
+2,3,4
+spezza
+monkseaton
+anosognosia
+6.45
+twelve-day
+economise
+volodymyr-volynskyi
+miceli
+wal
+cantorum
+212-556-5177
+deposits
+flaco
+kornstein
+applescript
+ii
+irregardless
+up-coming
+ebute
+nitrogenous
+encarnación
+patoka
+madaripur
+farthing
+pitcavage
+nongshim
+vanins
+reffner
+crisped
+dixons
+ighli
+m-66
+javanshir
+kidjo
+zdtv
+goethite
+manhandling
+ukmergė
+155.6
+dedicatory
+altoist
+laymen
+kcvo
+anyhow
+moneywatch
+sloth
+tarom
+viri
+foregate
+huzur
+kalachuris
+46.29
+carnivores
+unclenched
+iest
+swanzy
+alexandrovna
+antza
+cecc
+valeria
+understates
+rsst
+telescript
+vernetti
+600-foot
+real-world
+uninjured
+birge
+czechvar
+117.43
+tms
+restitutions
+ugo
+moradabad
+slugging
+lux
+mohammedawi
+presses
+nisse
+dairo
+dola
+chomping
+brazed
+blueblood
+97.80
+capitate
+koeller
+reitsma
+mandella
+bilaterally
+brühl
+duvets
+eurystheus
+fullington
+piossek
+murnion
+tuzmen
+politicalmoneyline
+kyong
+zekria
+1909-1910
+burnage
+nishan-e-haider
+datsik
+hakurozan
+d'une
+sengge
+u.n.-controlled
+nagercoil
+voronoff
+calathus
+2-for-8
+roseann
+gerdec
+90.29
+manatees
+500-billion
+carion
+reiners
+yugoslavs
+aught
+ciotat
+19.45
+tial
+shinya
+uncoupling
+cellis
+volynsky
+cetti
+lastest
+scdma
+qianjiang
+orogenies
+steno
+helot
+34.69
+moriya
+khoh
+goram
+follet
+shiyuan
+thile
+machover
+half-blood
+catalão
+technirama
+4,000-mile
+52.55
+dorito
+3/4-mile
+sudbo
+lolodorf
+vema
+moton
+sumy
+veit
+rodham
+santistevan
+hmud
+precess
+keri
+mn/dot
+laziest
+74.72
+packet-switched
+sterically
+brokenness
+m-10
+theile
+arunachalam
+mckesson
+drevna
+tahsildar
+agum
+scansoft
+aerodromes
+'72
+tint
+shambhu
+vermont
+greenside
+krasnov
+cheboksary
+collapsible
+colbeck
+2-1-0
+fraudulence
+simplicities
+washington
+medzilaborce
+hanazawa
+aphis
+polecats
+américas
+awlaqi
+ouest-france
+asparagales
+gondal
+miyagawa
+peeress
+kantaras
+karkaraly
+sandakan
+zwilling
+bens
+longboats
+bettinger
+gunvor
+karatnycky
+savola
+arrowheads
+calamar
+skying
+odong
+črna
+mamma
+epsa
+hundredweight
+blacksburg
+ritzenhein
+lp
+guv
+cyberia
+59.69
+rovaniemi
+chainring
+time-wasting
+ngl
+inversely
+aboyne
+bosse
+ye-jin
+sabathia
+0-for-5
+haslam
+tesema
+3301
+lango
+importuned
+marsia
+gilruth
+gyan
+cryptosporidium
+humpuss
+corrector
+shiloh
+elihu
+komine
+shelterbelts
+nyingthig
+sidebars
+exemplified
+posoltega
+crummock
+tercera
+underpin
+knc
+news.oregonian.com
+mamoepa
+2,784
+penis
+misdemeanors
+khel
+brodney
+cloistered
+playability
+strömstad
+polished
+café
+hbh
+sotha
+font-size
+stenka
+radek
+panthrakikos
+62.84
+duncker
+self-repair
+stresses
+ankers
+siegal
+gonabad
+enumerative
+good-sized
+erbschloe
+44.81
+chibchan
+chipan
+alwi
+coggan
+799
+grindstones
+villanovan
+wfwm
+a-line
+ish
+tablespoonful
+hildburghausen
+tcat
+swinson
+celsius
+browde
+fliess
+depressa
+35,800
+1.5555
+schönhauser
+jabiri
+koinonia
+re-united
+siamese
+chaoyi
+sulidae
+vrsac
+al-faisaly
+11-foot
+23-12
+confound
+hookups
+sujata
+soleyman
+days
+4.95
+lipophilicity
+davidovich
+xinzhuang
+laurier
+2:10
+hualing
+wasyl
+hillsong
+vocabularies
+kammler
+triband
+re-union
+walkaway
+posin
+pakefield
+maccarthy
+vocalic
+wiechers-sport
+mimosoideae
+tratamientos
+daini
+astakhov
+53.39
+farmaner
+cowasjee
+yaz
+late-1950s
+osmund
+kilmallock
+caelum
+sncf
+brachman
+28-oct
+marleigh
+musicologists
+ulrey
+euro409
+dumber
+thirayuth
+naturopath
+girardeau
+dufour
+8-of-9
+budgens
+vershbow
+sadiyah
+kiecolt
+babiak
+bengkulu
+apeldoorn
+e.timor
+35.46
+tavannes
+rudiment
+consequent
+kostadin
+sunbathed
+bagnold
+marque
+gazan
+niccol
+herzeg
+stoppered
+savitsky
+trevanian
+invariably
+guqin
+taunton
+check-up
+dewell
+cmn
+myotonic
+surucu
+attestations
+boilen
+bloodwork
+330s
+degala
+euro446
+gln
+cernat
+sayah
+montagna
+chinachem
+kogarah
+87.15
+arvs
+gifting
+hallie
+shibergan
+adamantane
+buhle
+muchtar
+judge
+zagreus
+18-hole
+nirmala
+munk
+watban
+fenley
+armutlu
+tasteless
+loisirs
+rembang
+straws
+volks
+75-72
+6,996
+alleman
+saltbox
+naoko
+skydives
+tablets
+glas
+metasearch
+iha
+3,762
+failte
+tambi
+governesses
+a-rama
+hakuho
+mcgeough
+irrigation
+ilmarinen
+gizzard
+shinkafi
+ouzou
+frant
+mopani
+9,000-year
+8/26
+supiadin
+re-chartered
+ridged
+aramaic
+kaltag
+risager
+606
+8-pound
+28.06
+ls3
+sault
+bwh
+newtype
+kravis
+hieber
+arzoo
+hughton
+lop
+aioli
+duerr
+lingaraj
+pirouzi
+booksurge
+ood
+în
+lacivita
+participant
+tuen
+20-man
+aerojet
+518,000
+1350s
+secundaria
+mininum
+hailsham
+saegheh
+haggled
+camila
+osama
+janów
+torshov
+484th
+blackly
+sayeed
+shimpei
+1,749
+qazan
+shixing
+18:21
+29.79
+trln
+okushiri
+naaman
+usga
+jalali
+cenerentola
+114.28
+cowbridge
+bucknor
+qsr
+alphie
+gurthro
+amenemhat
+bookmakers
+dziady
+pickers
+1,810
+cauley
+stastny
+czerkawski
+hashoah
+bhd
+extra-inning
+26,563
+osric
+amevive
+poortman
+e.tv
+ismāʿīlī
+heileman
+carrageenan
+green
+2128
+neighbourly
+nemeses
+marcon
+propellers
+narazaki
+slowe
+84001
+60.38
+ls7
+7-month
+chudy
+15.01
+nine-time
+demjanjuk
+pisi
+ariane-4
+yajnas
+hipc
+fluorine
+biglia
+pankiewicz
+protegee
+http://www.uscg.mil
+balanga
+recoilless
+heartbreaker
+lendale
+dnipro
+sahdan
+femme
+euro108
+al-zawraa
+poundstone
+wretzky
+bards
+.447
+jutarnji
+parana
+pewter
+ansem
+oversubscribed
+hufnagel
+gallegly
+todavia
+socialis
+sewanhaka
+shaddam
+dropkick
+ares
+sciberras
+fazenda
+erwadi
+hodie
+noosa
+co
+sandford
+pulasthi
+yonker
+durno
+bsba
+broden
+truckload
+79,000
+197-run
+spitzer
+torode
+shua
+agdistis
+.371
+prairie
+o'fredericks
+palem
+commerce
+gholamhossein
+marshmallow
+adamantios
+3.8843
+tointon
+fanned
+bejing
+benetti
+huilliche
+professional
+kaethe
+kinfolks
+jayan
+a400ms
+barvikha
+lavalas
+traffic.com
+esgrima
+kushida
+fasani
+fredricksburg
+crossing
+ljp
+unreadiness
+raveena
+mcluhan
+lider
+nucleobase
+15:44
+newfound
+ineta
+filename
+,910
+bottelier
+kukes
+erythrocyte
+ledogar
+abdulqader
+1345
+thunderclap
+capo
+psychotherapist
+hugon
+thade
+hammerfest
+hochuli
+novikoff
+immensity
+sogen
+filet
+lyski
+sahagún
+poultney
+lsap
+aharoni
+munich
+brownish-red
+khairi
+lingzhi
+yrf
+unread
+yekutiel
+watsonians
+poloma
+novecento
+zaretski
+waldport
+peaceworks
+1,474
+venir
+euro432
+mantegna
+1954-1955
+invernizzi
+flimsier
+'94
+knowth
+3:30
+gunrunner
+observances
+szczawin
+acem
+teme
+ncu
+mayabeque
+caravella
+sallow
+catches
+hollidaysburg
+rhondda
+titulary
+soviet-style
+burnishes
+bauri
+3dfx
+tracys
+rear
+g24
+90,000-square
+aphc
+fordyce
+ritcher
+piggott
+golbajar
+haruo
+bruyere
+budiriro
+gironella
+frannie
+89-0
+unpeeled
+galeotti
+graticule
+kortner
+opryland
+schtick
+babalawo
+binary
+gweru
+arteriovenous
+marylin
+bockwinkel
+amman
+terada
+fogdoe
+thelemic
+5.05
+levanto
+azer
+gennari
+5-to-1
+riu
+huwei
+whole-genome
+kuhnhenn
+longwood
+tholus
+riksdag
+accoyer
+aranguren
+niketas
+glorieux
+pengkalen
+sopot
+argylls
+sater
+chrysobalanaceae
+semangat
+exx
+sumu
+harrumphing
+frashëri
+wiltel
+vesta
+kheir
+4.53
+implant
+overeat
+wagners
+senkaku
+musitelli
+varkey
+nechai
+dominant
+vagaries
+drm-free
+aggresive
+turkmenistani
+kazuhisa
+cursus
+162.1
+authoring
+amarah
+hutchison
+-64
+fujimori
+25-mile
+34.2
+seafloor
+double-cross
+16-digit
+allerød
+rushbrooke
+jammu
+nukaga
+dreaded
+gega
+kusa
+dymovsky
+calfire
+reparation
+bjorling
+ulsterman
+shortleaf
+matsepe
+sorcery
+battley
+aspi
+seismically
+ascertainable
+muthuswamy
+104.3
+customizing
+relisted
+gittes
+starlin
+pro-government
+jreyes
+osborn
+leg-spin
+33-day
+fedbud
+same
+balfas
+pazhassi
+paulicians
+pallivasal
+tosar
+halstead
+cange
+knelt
+zaffiri
+alley
+i-s
+grindr
+laxma
+refactoring
+ötztal
+skandinaviska
+mondovino
+canonic
+kuga
+uroš
+bullheads
+n-space
+ecumenical
+iosefa
+sallying
+34.93
+blackett
+maharam
+yevseyev
+54.51
+bhairahawa
+zaman
+hmm
+subtleties
+1.2185
+qala
+chinhoyi
+gwenllian
+dulin
+uploader
+raymonde
+theatrum
+deshon
+used-car
+perales
+almereyda
+hopes
+36-game
+solinger
+yousafzai
+heyting
+dignity
+chmura
+ephrata
+imputation
+regreso
+dennis
+furlong
+plage
+caenorhabditis
+multibrand
+domestic
+ngr
+satyendranath
+camkii
+demokratikong
+batman
+golmaal
+frederikssund
+423.5
+104.63
+blackcomb
+vorlesungen
+ebl
+mosinee
+stabekk
+nieto
+rabani
+exp
+hard-line
+zaanun
+oaep
+usubov
+gaute
+acworth
+449.5
+146-nation
+n-24
+nasnote
+hospital
+42.37
+tarbat
+enculturation
+miltown
+305.8
+1988/1989
+cazypedia
+8,980
+135th
+persevering
+protonotary
+saguier
+noncompete
+nigrescens
+landrin
+alkyl
+81.75
+improvising
+medgidia
+victores
+bordwell
+daffy
+ioannina
+wedged
+fysh
+attainder
+bolaghi
+bambuco
+frakt
+chatard
+banno
+bhander
+rugosus
+weensy
+saltlake
+kisenosato
+lubavitchers
+2,932
+socon
+lanser
+sachindra
+styles
+euro247
+wooten
+melodi
+emcdda
+ackbar
+korie
+cranny
+mariculture
+trashers
+ninth-inning
+bílá
+rimsza
+surmounts
+caistor
+baroody
+interwetten
+coanda
+sokolov
+collapsing
+torrico
+sauper
+popcap
+marinescu
+prandtl
+splurging
+schneid
+deschanel
+9:49
+conservatoires
+15.42
+dedication
+temporality
+radiopharmaceuticals
+sutono
+rodime
+potentiates
+dinerstein
+16m
+ravid
+airolo
+nefyn
+taniuchi
+webcke
+iko
+riverland
+wingless
+dansen
+twiggy
+oceguera
+withholds
+542
+inamdar
+wbz-fm
+udeze
+euro17
+blaming
+boylen
+dollar-denominated
+bugojno
+outriders
+laetoli
+maloof
+siltation
+wanzai
+leff
+polacco
+bayernwerk
+eye-catching
+domina
+deputed
+2.19
+bisects
+two-phase
+above-mentioned
+maldive
+keino
+firstfed
+deitrick
+brimpton
+bugbears
+adisorn
+d'hooghe
+ordos
+miuchi
+estampes
+vfw
+input-output
+imrt
+echium
+krstajic
+stonefaced
+16/34
+extractors
+aseritis
+cosmic
+118,000
+stereophile
+tamasheq
+veces
+36-15
+electorates
+rideable
+araji
+sidibé
+cretins
+gabal
+behs
+mangino
+telecommunications
+biljana
+monkton
+fedir
+waasland
+loomis
+pnb
+szohr
+sixty-eight
+rallis
+warsak
+mogis
+brainstorms
+changyi
+flamethrower
+sacristy
+zykina
+gunfighter
+lemonis
+torelli
+protracted
+wuffli
+siraj
+dwelt
+tinsmith
+myeongdong
+thye
+shige
+6o
+91.3
+moroso
+bolagh
+pulitzers
+myanmars
+togias
+9.30
+qyriat
+parlato
+bungle
+orchestre
+whist
+metlika
+tachometer
+buddytv
+xiaogan
+tigerair
+yakult
+officiates
+lehigh@globe.com
+limonov
+gt2
+gravedigger
+farhatullah
+boban
+bellissima
+diagenesis
+non
+spectrophotometric
+danburg
+waldshut
+black-browed
+eye-witness
+450-megahertz
+leafcutter
+loven
+jintai
+pre-2004
+icbn
+lissner
+224-7263
+mirelson
+kramar
+gostynin
+undetonated
+non-white
+waccamaw
+kottaras
+sainte-thècle
+31.93
+wanjiku
+bakhtiar
+ronnqvist
+18:07
+zathura
+budiharjo
+nawiliwili
+euro366
+ultrasound
+hagfish
+nonoy
+supergroup
+goodhue
+holleman
+gaulke
+digesters
+offside
+paese
+o'reily
+bagg
+toutle
+veli
+turksat
+kiselev
+beiderbecke
+compulsives
+mediacom
+ebe
+tolstykh
+béarnais
+photopigment
+hatshepsut
+sugawara
+unaf
+iyar
+forney
+iguazú
+ariminum
+delhez
+welteke
+peritoneum
+bifurcated
+wickets
+oostende
+niehaus
+sailfish
+32-hour
+attanayake
+l'empire
+sheathes
+gurukiran
+tinware
+laqueur
+younan
+sulfuryl
+dohnanyi
+tossers
+usag
+gurmukh
+1.118
+one-name
+mitterwallner
+boon
+foljambe
+mogwanja
+ofsaa
+carpetbag
+freshness
+magaña
+adamov
+seipel
+rorquals
+destructively
+kator
+adass
+keyon
+w/w
+far-off
+tidens
+09:50
+anjouan
+kantonalbank
+kuju
+zhaoyao
+2-66
+hammann
+spearheading
+f-84s
+choral
+uttoxeter
+7.000
+shades
+bryan
+takebe
+gft
+matloha
+1998/99
+leyenda
+cereus
+showgirl
+yoel
+toplady
+khamid
+medill
+orthorexia
+baodong
+agip
+lagting
+edremit
+crosshill
+lebreton
+biang
+hayali
+felkin
+freind
+mcmanaman
+okev
+rimu
+doctors
+four-time
+mid-21st
+biyick
+unshowy
+mujaddid
+routes
+urdu
+emberizidae
+her
+radiation
+savored
+sprinklers
+bordano
+cintron
+summerton
+125-page
+o-acyltransferase
+1127
+5-40
+parachuting
+shippensburg
+bozulich
+catechu
+associativity
+chelvam
+judaize
+hiroyama
+adam-ondi-ahman
+solms
+hellgren
+retested
+mingrelian
+achingly
+tomasch
+27.93
+dotrice
+misled
+gozan
+old-established
+pasila
+kohlhaas
+bandito
+nedjeljko
+sacharow
+chongjin
+hillers
+5,130
+1.058
+offensives
+attic
+nataraja
+ryswick
+54.61
+meersman
+121.57
+then-chief
+69-page
+bleibtreu
+cgi
+mu
+turaki
+2,624
+levu
+crome
+600-person
+rituximab
+mantei
+34-17
+engstler
+katyn
+granton
+berzoini
+darraji
+charcoals
+unlocked
+drunkard
+globality
+gyorgy
+goi
+h.h.
+capitals
+masc
+donates
+thuburn
+rrc
+12.03
+wingspread
+raam
+rokia
+puopolo
+pitkowski
+drop
+bacnotan
+magots
+2-3-0
+alphabetical
+hoards
+adras
+ewenki
+ir
+oklahomans
+sviridov
+12.68
+bramford
+burns
+twice-weekly
+votta
+garoua
+positivism
+brammer
+pedicure
+multi-valve
+heidorn
+general
+aig
+jurrjens
+jacobabad
+vugt
+chaudière
+serviceman
+indivisible
+abhinava
+samwell
+westernport
+testerman
+mcphee
+simmonds
+blisteringly
+durward
+interactionist
+lynching
+effros
+no-limit
+phir
+beignet
+abdoulaye
+gristmill
+bergens
+unmatchable
+chongwen
+goings
+synergistic
+ertugruloglu
+ga-in
+strijdom
+kamloops
+waned
+thebarton
+gittings
+nyswander
+hajdu
+b.m.
+katarína
+valco
+brignac
+euro153
+95.44
+thirtysomethings
+nycticorax
+gerona
+dees
+netafim
+shaun
+non-functional
+rauisuchians
+nunca
+distorting
+jaro
+‘‘
+sư
+caas
+mdac
+63-foot
+55-month
+cristobal
+demote
+arrows
+12-minute
+wedge-tailed
+acquah
+fiacconi
+larkspur
+cairnryan
+250,000-square
+sonthofen
+flateyjarbók
+schut
+teibel
+elilan
+icici
+74-seat
+chri
+tranent
+subcommitee
+subdivision
+belliard
+mirim
+worldy
+vinai
+hafstrom
+airdrops
+3/3
+fakt
+braun
+cfny
+brister
+unsers
+fazilah
+1048
+prescriber
+netwatch
+pomerleau
+cysticercosis
+orangemen
+o'donnells
+gelayev
+greasy
+hooligan
+hosler
+philippines
+pseudolus
+koczała
+buzby
+four-fold
+disyllabic
+cuarto
+antennae
+lagana
+jin-soo
+anti-rape
+tarpey
+ivchenko
+ceram
+javi
+raddatz
+tamas
+109s
+aardsma
+sartori
+vendor-specific
+pecard
+armées
+contries
+neurotoxic
+maajid
+rupavahini
+pml-q
+earlene
+gigolo
+28-8
+chunkin
+bif
+crédit
+twinbee
+80-proof
+-85
+nocs
+mediaworks
+faut
+s-series
+kosiński
+brig.
+aigen
+evelyne
+3.82
+hyrum
+amezaga
+widdowson
+blindingly
+reductase
+itzhak
+ibekwe
+modiano
+hanlin
+rapu
+bt3
+ailworth
+suzuran
+vtvl
+eldin
+arben
+espinal
+wijeyeratne
+00:45
+queria
+hitter
+batyr
+233.1
+a-next
+colstrip
+echoes
+afganistan
+diagnose
+v5
+2009-12
+hez
+muralis
+ramaswamy
+hildegarde
+lirr
+3-12
+médio
+debartolo
+baited
+ambel
+crookston
+mahabubnagar
+pinnatifidum
+appetitive
+toombul
+kholmogory
+noordeinde
+senoi
+kilomtres
+topmodel
+nagorno-karabakh
+lustberg
+44.97
+rishikas
+reggio
+monguor
+gerő
+eyck
+nitc
+22-day
+bauska
+higher-powered
+fosen
+masbah
+edgehill
+ciro
+pitak
+corsicans
+timeliness
+lavond
+party-list
+markman
+retaped
+aymond
+araque
+nessa
+dbch
+drawbridges
+fortress
+i-610
+clemencia
+sarith
+chairing
+lycaenid
+kranjcar
+cpv
+half-backs
+cánovas
+undulata
+12.07
+ponge
+f-111s
+6.7-magnitude
+gelert
+ingall
+monito
+darna
+shahuji
+barakzai
+sylvan
+abb
+tonge
+euro156
+destry
+bartas
+wheeljack
+dimms
+zheer
+brain-dead
+hi-8
+toysrus.com
+polyamides
+sfumato
+petőfi
+travemünde
+naouar
+reti
+50-gun
+tagoe
+eyolf
+ranganathaswamy
+belluscio
+schöning
+tracked
+netzarim
+molybdenum-99
+prommin
+egba
+putze
+husarova
+4sec
+ucsd
+euro272
+statelets
+detonating
+sravasti
+bennell
+99-83
+hct
+morane-saulnier
+ingalls
+cabourg
+centenary
+348th
+wolfsburg
+jefferys
+nevus
+donegall
+sendmail
+freediving
+lipowa
+montefalco
+1m
+briceni
+sumud
+foci
+legard
+cummock
+citizendium
+gibron
+wct
+balsam
+hoddle
+komets
+lafourcade
+68000
+edil
+demi-gods
+gunwales
+79-67
+fireboat
+chamrath
+badee
+holyoak
+borochov
+loesche
+whirlwind
+chehr
+16.52
+pugsley
+rw04
+76.8
+edta
+67-65
+wallerstein
+alsophila
+hng
+adjective
+535,000
+clear-cutting
+68-69
+dfacs
+brachyurus
+labeled
+irrefutably
+talaq
+carpentry
+nachmany
+distancing
+dwingeloo
+ronceverte
+prolonged
+isocrates
+pahlavi
+gandhari
+sh-60
+esthetician
+helsel
+muangthong
+miyu
+obnoxiousness
+pedlar
+mwingira
+littermates
+112.6
+weeweb
+dejesus
+guadalete
+activex
+contrabands
+bc1
+75.63
+dafen
+ornl
+bowra
+afn
+olewnick
+erdogan
+appreciative
+pursing
+athelstan
+chein
+flag-bearer
+yaxley
+isiri
+simplest
+penumbral
+rggi
+montlhéry
+cangialosi
+alos
+tarra
+cemerlang
+42,500
+bodey
+14k
+dromana
+tko
+aristophanes
+sub-aqua
+hradčany
+rile
+facilitates
+otididae
+minuci
+ski-doo
+certification
+fruj
+gadhinglaj
+seersucker
+snick
+tamiang
+comisiones
+praful
+lovely
+imbuing
+arkady
+80.16
+maribyrnong
+varnell
+strinati
+unsal
+115-pound
+supervenience
+chinea
+langbehn
+sikua
+42-hour
+anointed
+humlebaek
+ciu
+1940-1944
+trachodon
+wp
+mckeever
+depace
+safford
+segur
+arantes
+ninas
+afspa
+indien
+perceptible
+transhumanism
+binu
+induced
+0850
+rize
+brijal
+kilometer
+srnicek
+ki-43
+yane
+futre
+45.5
+nkk
+monooxygenase
+simp
+hushovd
+aashish
+29000
+spenny
+westlink
+19:43
+sunbathers
+colmcille
+surinam
+mrm
+sele
+hso
+kastl
+100cc
+co-authorship
+non-past
+umerkot
+safin
+matte
+virsa
+scoot
+ugarov
+spdy
+re-nomination
+kuprin
+mainstays
+7.7385
+uatu
+trendy
+ishii
+minions
+signed-on
+metreon
+ncnb
+sdc
+blotz
+183,733
+1767
+outdoors
+hermesh
+bajnai
+toz
+bayt
+edet
+rotblat
+109.5
+hussin
+getups
+reapportioning
+friedenthal
+annual
+diagonally
+meisel
+shoko
+sigfrido
+avdo
+anual
+rumbia
+sempad
+principessa
+emilius
+vr6
+invigoration
+ciadea
+schaden
+1stlead
+lochside
+mittersill
+18.33
+müstair
+pre-feasibility
+prevailing
+cgv
+stmicro
+conroe
+improves
+lacma
+burgeoned
+morongo
+shrm
+fedorovna
+gangotri
+lewinsky
+dragonja
+tv-show
+gribben
+actinides
+reedsville
+blues
+81.05
+helicina
+saisset
+teso
+keays
+recommenced
+omaruru
+middlebury
+pitambar
+amirkhanov
+niersbach
+horseferry
+kita
+jambon
+tae-woo
+limpet
+yiorgos
+2,737
+alport
+mlah
+chavchavadze
+clasping
+shahabad
+emotes
+8,220
+polyxena
+hashimoto
+ganymede
+skyliners
+20-round
+invalids
+bonobos
+gunatitanand
+siew
+saint-jérôme
+glafkos
+bea
+vab
+neuromas
+didn
+glamour
+kuhan
+eilat
+higdon
+conciliator
+nxne
+strangulation
+langit
+integrable
+3,492
+pallor
+444-8635
+jse
+short-track
+m.martin
+lavallois
+netterville
+xmi
+cdy
+cliques
+lasak
+denfeld
+fortuin
+madame
+sohaila
+laverick
+nebulous
+demagoguery
+trebuchets
+rashmi
+shashkova
+premarin
+passet
+busbridge
+curios
+2:2
+linkspan
+detachment
+giaccone
+leiser
+twice-monthly
+alkalic
+republics
+ipek
+syncline
+ncsl
+comprehension
+cumae
+bozek
+lomita
+gepid
+acms
+heraion
+ravenous
+burma
+windproof
+ziren
+lswr
+three-fingered
+deans
+(937)
+szymańska-pavlović
+shamsur
+i/ii
+berezan
+luvungi
+referees_mike
+46.3
+gribeauval
+instrumentation
+teller-ulam
+35-37
+e.e.
+siara
+double-team
+kora
+haverfield
+whiteabbey
+labbé
+ardiaei
+kathlyn
+j-series
+jolts
+nawijn
+boisfeuillet
+kishishev
+baseballer
+tami
+newberger
+quartier
+wui
+pradip
+grahe
+congolais
+hyphenation
+parmalat
+giltinan
+cheik
+sangeeta
+fortnightly
+fairbanks-morse
+soltaniyeh
+liberhan
+ragers
+material
+ov-chipkaart
+zhongfa
+offord
+2.24
+enervated
+dutroux
+zehnder
+waldeck-frankenberg
+dastgir
+hard-copy
+zhongdian
+koocher
+drvar
+sambro
+capena
+olhava
+perissodactyla
+wheelus
+kasl
+fitzmaurice
+206.8
+1.44
+7.7380
+1469
+pagewriter
+732-390-4697
+a-24
+illegitimate
+zelenka
+chakir
+haunch
+breathtaking
+sarpy
+sb2c
+famiglia
+nyamu
+salas-e
+halat
+fartusi
+defensively
+second-lieutenant
+gallego
+mlita
+chull
+paulinho
+bulges
+melksham
+10001
+pedestrianized
+holzemer
+domack
+nelsoni
+mahajanapadas
+ravinala
+klyuka
+qader
+shibui
+1.2146
+voltage
+lilleaker
+boone
+cows
+tiaoyutai
+yuksekova
+statesman.com
+madrasa
+testut
+hawkmoon
+bandoleros
+nobody
+wapp
+venise
+eighty-eighth
+cd-rom
+nefaria
+rangaku
+zubieta
+88.68
+ginter
+kuala
+avoiding
+kolf
+46-31
+jan-michael
+gongan
+maleeva
+19,983
+rochestown
+zellner
+precipitations
+newcastle-upon-tyne
+beetles
+wotherspoon
+clun
+moisan
+300-megawatt
+mobo
+temporizing
+carrie
+driftless
+yapese
+kood
+cigarroa
+khachilayev
+holmlund
+stansfeld
+ashly
+claneboye
+pepa
+92,500
+60-million
+caricola
+seyum
+sharn
+olenicoff
+berka
+tatty
+ningyuan
+renegar
+harpalus
+martinville
+siks
+125
+dolmas
+tomczak
+bitting
+dondoux
+saqa
+mastoid
+spasmodic
+machesney
+jianlibao
+alki
+deuteronomistic
+riri
+23-acre
+fillet
+荊州
+removes
+expections
+d'orient
+nationen
+loadable
+publicus
+botox
+38-million
+enteritidis
+dyce
+phalaropes
+fanu
+bondage
+3:56
+shalu
+handcar
+51-35
+59.61
+jötnar
+shape-shift
+hobbyhorse
+aristizabal
+corine
+coherent
+asante
+woodford
+merwan
+biopharma
+sukhoi-27
+quiron
+hydrops
+pcl5
+soirées
+bedbug
+conglomerates
+deivi
+dominus
+wildaid
+dafeng
+university-educated
+128.00
+jarusombat
+anchieta
+balza
+willmer
+53.46
+lodève
+venkataraman
+l'italiana
+fussy
+turi
+chanvit
+451,000
+pedicellariae
+tuchów
+chewin
+xfm
+walford
+ringworld
+logicacmg
+taeke
+56,250
+mpg
+pedroia
+vhf
+kher
+scheel
+bruche
+15,269
+10lb
+nak
+20h45
+bagshaw
+chiong
+propio
+slug-like
+sfu
+teamgeist
+co-evolution
+ipn
+haque
+joselyn
+anson
+servicos
+westerland
+reordering
+8-simplex
+landward
+4,418
+schlow
+barbadoes
+20.27
+gelblum
+furled
+salmeterol
+congeal
+meristematic
+cuetzalan
+sub
+dominador
+toren
+traquair
+severgnini
+jey
+partus
+114-107
+13.63
+salomao
+wwwf
+hit-and-miss
+handcrafted
+nieman
+taylormade
+23.06
+peachpit
+gowans
+uncanny
+emmet
+moise
+0.32
+self-dual
+ufton
+rugao
+seyhan
+25,000-30
+piccione
+painswick
+bremond
+acx
+101.52
+juan-les-pins
+percolation
+nectarine
+xang
+wavetop
+2.825
+trialed
+a+e
+tnsm
+martonyi
+fabriclive
+åkerlund
+characters
+salizhan
+putilov
+muu
+slicers
+neka
+cair
+hcfc-22
+sanyuan
+leske
+carabias
+dances
+standardbred
+sonidos
+.734
+knitting
+vokkaliga
+arutunian
+sewall
+saint-george
+u.n.-backed
+bhupal
+madonnas
+sicced
+inao
+massimi
+corbitt
+shaoshi
+sqm
+glorias
+odlyzko
+62-52
+2.7-million
+chakotay
+aretas
+non-blocking
+primulaceae
+quips
+muralists
+thomopoulos
+kalis
+ukranians
+footjoy
+hecho
+frasca
+lorrie
+viridiana
+karabakh
+87.70
+caracal
+crimewave
+pepys
+hempen
+tornero
+garro
+flared
+axial-flow
+toppled
+debacles
+target
+haralambos
+chouba
+67-58
+yniguez
+muddying
+stepanian
+galvan
+mkx
+napoleone
+changeup
+bélanger
+mazury
+xiaozhuang
+extension
+cornici
+masontown
+malarial
+wednesdy
+expecially
+euro137
+0500
+hdfc
+mahmudi
+njuguna
+skel
+aricia
+gjata
+strum
+scions
+70.50
+ride
+572-1800
++8.00
+militares
+catalogue
+rusesabagina
+moravians
+datis
+vallicella
+matkowski
+giaffone
+kyun
+baserunner
+everyplace
+afte
+fuit
+dialis
+overfitting
+briefing.com
+yecla
+chaining
+cardsystems
+11/22
+246
+margrit
+hovden
+brines
+stallions
+hablar
+glamis
+diary
+4x100m
+gosdin
+brightwell
+ton-miles
+hurd
+4gl
+1167
+wsb-tv
+zlotys
+117-page
+cohesively
+2.60
+fecit
+parsing
+tribbett
+guindy
+teschner
+alamut
+fega
+unreliable
+seidl
+westwick
+mortgagee
+yanta
+glimt
+90-point
+euro73
+nagai
+nezumi
+cayos
+eugen
+plies
+nuanced
+oiseaux
+symbolists
+avramenko
+wienerschnitzel
+sottsass
+danielian
+chorleywood
+sifuentes
+tonners
+siffert
+48.41
+curry
+pennywhistle
+dealings
+orsi
+dispell
+okutan
+sveum
+riperton
+1053
+naturalisation
+leibovici
+katsuragi
+daggers
+sturt
+mokena
+marmur
+turag
+purdey
+dishwashing
+currant
+nevadensis
+barbusse
+dolgorsuren
+million-seller
+p&t
+satinder
+particularism
+horeb
+emmanuel
+tomei
+mithril
+tiswas
+tozzoli
+gaiam
+tek
+3,601
+eumaeus
+tariqa
+re-issuing
+garlic
+saxifragaceae
+klangforum
+solbakken
+unrevealing
+t'challa
+bruneck
+donington
+rudraprayag
+refreshingly
+sleepover
+musicologist
+ubundu
+leilah
+papiamentu
+6-4-2
+taverner
+pasteles
+30.72
+khov
+joop
+gambill
+plume
+i-4
+riser
+oldsmobile
+moral
+13:22
+lekota
+ostpreußen
+freud
+al-qawuqji
+की
+recriminations
+tzaddik
+fontinalis
+anclote
+stendhal
+2.64
+vegalta
+escenario
+golis
+pritsak
+mortimers
+bigresearch
+shirted
+krasiński
+repetitious
+iacoboni
+gozzoli
+shuozhou
+choreography
+gallaecian
+berigan
+peyrard
+moatamer
+codice_29
+heldenplatz
+ranarith
+bradtke
+mizuta
+sicom
+meyocks
+swett
+lorry
+lichtman
+hailwood
+ladyland
+choper
+sawney
+medizin
+kadalundi
+nyn
+.50
+dhocoxnews.com
+complexities
+portstewart
+imporant
+pokrzywnica
+mufleh
+carabao
+uxos
+rodman
+nosan
+azeri
+buzhardt
+veranda
+boby
+24-21
+oubliette
+kloo
+waldbaum
+rock/pop
+112.50
+moba
+nhl
+coloni
+mcft
+luchinsky
+vacuole
+không
+phrynopus
+kru
+cosmogony
+german-style
+doux
+crab-eating
+flaubert
+donogh
+tamrakar
+post-accident
+breanne
+mahboob
+bulgan
+concow
+sheria
+mcclung
+reventlow
+barican
+katpar
+anthracnose
+rojahn
+lad
+oxford-based
+soviet/russian
+molt
+janocko
+polly
+40-49
+humourist
+staunched
+clintwood
+yatir
+armoring
+alpen
+keokuk
+uop
+rosero
+hawkgirl
+misiano
+american-bred
+mid-price
+stefanovich
+nihonga
+oggy
+11-24
+oxy-fuel
+driggers
+boisset
+mpc
+basarabiei
+soundview
+trys
+arnaiz
+vernita
+areia
+bonifas
+småland
+mckeithen
+embarkation
+tokachi
+weis
+margalo
+groveling
+slovenije
+untiringly
+sureste
+mazoch
+semimonthly
+sireau
+41,750
+fojnica
+simmental
+keating
+paraclete
+kick
+subhi
+ferrazzi
+bierofka
+maneri
+rnt
+telephonics
+iuz
+momina
+nedbayeva
+student-athletes
+koutiala
+yusuf
+37.41
+dsi
+oaxtepec
+nau
+a-friend
+dialogic
+wazan
+mycobacterium
+sambas
+storey
+cja
+mafia
+antonella
+constricts
+nba.com
+westen
+echoey
+regli
+farr
+axum
+calumny
+oberland
+stenella
+chalcone
+single-line
+kryeziu
+verano
+ağca
+constitutiones
+ecci
+popularity
+hauritz
+pours
+highview
+eschenau
+200,000-barrel
+4-71
+formulated
+41-run
+propellors
+guoliang
+ferid
+euro890
+0.125
+enactors
+terminates
+premonstratensian
+515.3
+stannaries
+biographic
+efremov
+69th
+toshinobu
+niemela
+161.1
+vst
+qingchuan
+greatwood
+farmerville
+(877)
+kml
+scottland
+blumarine
+four-year
+scuttling
+charalambos
+numeiri
+propia
+cutt
+sixteenth-century
+shahk
+hebrang
+gloeckner
+2,400-kilometre
+lucknow
+efraim
+3,277
+ople
+wenig
+apiculata
+unatco
+etess
+decoupling
+mastabas
+stylo
+economic
+rubbings
+post-16
+reederei
+d'ivoire
+hco3
+red-eye
+intrusiveness
+voit
+ellefson
+business-oriented
+tsuburaya
+broker-dealers
+land-owners
+pingyang
+catulus
+simpanan
+(818)
+kangxi
+gregorius
+wensum
+nontradable
+takarazuka
+ezekiel
+osbaldiston
+bessan
+treika
+65.19
+accentuating
+lumban
+reinfried
+susemihl
+gerbi
+narrowband
+waffles
+al-shafi
+michael
+morua
+plectranthus
+webjet
+yakovenko
+porcher
+cgonzalez
+umed
+sabado
+catz
+jully
+overstrained
+force-field
+khaldoun
+8-inch
+nipsco
+legitimizing
+pojoaque
+fremde
+2,089
+tpo
++.02
+taveras
+pyrotechnicians
+astor
+skowronek
+hjelmslev
+amev
+trustbusters
+pulaski
+70.67
+1,557
+overhead
+slapper
+ingvild
+banging
+schommer
+cross-breed
+.2005
+garfinckel
+sytycd
+lakhon
+baric
+marassi
+nuplex
+erasing
+meusburger
+wallabout
+noticeably
+rightsholder
+wenchi
+foad
+19:23
+rebelled
+meespierson
+146.9
+stettiner
+rodong
+foodmaker
+sighing
+hava
+nihad
+ocher
+vose
+benedek
+prattle
+interferometry
+lamell
+velayat
+shutoffs
+tonry
+sanfords
+tillers
+near-perfect
+vermeille
+ammonoids
+matveyeva
+raubenheimer
+varg
+flatt
+riedling
+visiten
+sigmoidoscopy
+albers
+nunavik
+toumba
+rvc
+hotties
+snazzier
+blache
+pax
+spectacularly
+apbt
+debugged
+86.40
+publicidad
+mbatha
+wso
+mitogen-activated
+ating
+intros
+anatomy
+rantau
+reregistration
+ebal
+cover-2
+4,304
+nushu
+rooftop
+south-western
+alburgh
+doubloon
+stdm
+buchwalter
+schwebel
+pejeta
+parfait
+fowell
+costis
+henley-in-arden
+13.02
+1865
+wiik
+zaitun
+pertuan
+338th
+'00
+altea
+samardžić
+trivikram
+yos
+alyx
+yangshao
+bhuttos
+northwood
+ataf
+devananda
+karamu
+nimetz
+narus
+salave'a
+bothnia
+caffeine-free
+.234
+73.9
+single-frequency
+theorises
+khaleej
+feyder
+chokeholds
+craybas
+batzaria
+khénifra
+wayt
+97th
+snellings
+oby
+trying
+90.12
+nonmetals
+praveena
+turay
+patres
+vulnerabilities
+stn
+goldford
+costey
+83.55
+h6
+understory
+81.50
+entombment
+tōzai
+yardages
+al-sa
+dogwood
+lisse
+fumiyuki
+phylicia
+mughazi
+kesha
+streetside
+low-interest
+precocity
+gaikwad
+mantel
+gerbera
+long-nosed
+centaur
+hargett
+110-102
+352.5
+40.06
+xiaoyang
+fahima
+bornhorst
+crăciun
+womanhood
+winscombe
+statu
+herodium
+alutiiq
+five-month
+backmarkers
+k.f.c.
+109.3
+rocs
+oiwa
+catopsis
+i.s.
+clodfelter
+mousasi
+announcment
+frithjof
+2,776
+schalit
+eau
+piotrowice
+botten
+rinzai
+charlow
+barazi
+six-year
+geppi
+ibrāhīm
+saint-marcel
+sobhani
+teruko
+brennabor
+shettleston
+pensamos
+zalmay
+assiri
+sarlahi
+fullerene
+shishi
+rukutai
+toneladas
+wonderboy
+neu
+ezeh
+arlington
+undiagnosed
+12:12
+www
+piiri
+tradiciones
+kueh
+270.00
+passos
+6,561
+kabanda
+plaxo
+txakoli
+springerville
+sohren
+best-equipped
+cambodian
+fakhruddin
+repossi
+spadafora
+dfat
+huntsman
+latgale
+herbivorous
+apologies
+1983-84
+baesler
+shamali
+kamyshin
+agrelo
+fut
+getchell
+lizz
+hooters
+seniora
+arounds
+barcalounger
+worgan
+ebersberg
+228.1
+gums
+frass
+1,610
+267.7
+haphazard
+ofqual
+austalia
+interfacing
+shojaei
+nonfictional
+grizzled
+weinbaum
+richel
+ayon
+zacchaeus
+sonnenblick
+diamandis
+chyi
+debiase
+jabre
+scrutineer
+thornberg
+decorated
+beset
+eley
+4-megabit
+takahama
+crevecoeur
+rhyan
+penalizing
+brochette
+cuvieri
+p60
+arkadi
+radiosondes
+s2000
+3-54
+podestà
+samudragupta
+61.47
+allaah
+buzzed
+fjortoft
+indec
+depaiva
+aguada
+braque
+cassani
+country-by-country
+doublethink
+sahashi
+saviola
+hejian
+ansuategui
+mundial
+straight-line
+1585
+6.000
+altamaha
+27-mar
+subtitling
+overheat
+guotao
+staithe
+varsity
+cranks
+42,400
+39.14
+croasdale
+wüst
+chandrakanta
+counterdemonstration
+140-ton
+grooverider
+quach
+kosin
+91.25
+rhomboidal
+cristal
+suleymanoglu
+messieurs
+6-hectare
+behavior
+yusheng
+dupuis
+76-70
+oliver
+swierenga
+eshraghi
+11-second
+pennypack
+plus-9
+http://www.nws.noaa.gov
+homosexually
+foirest
+atrahasis
+andrzej
+biases
+cloverleafs
+engelauf
+masebe
+saffi
+sost
+oxygenation
+rek
+herdez
+gossypol
+degregorysptimes.com
+9.7-inch
+mayakovsky
+deliberations
+single-word
+sinitic
+earls
+angreal
+zegra
+tetragrammaton
+164.8
+sickness
+:38
+dinosauria
+shibito
+officinalis
+plattekill
+painlessly
+porical
+microtel
+gütersloh
+ascots
+bartzen
+dipterocarpus
+galison
+peraino
+fast-flowing
+prekmurian
+kanowna
+mesclun
+tws
+20.13
+verla
+arenavirus
+cuttle
+narre
+95,500
+pashupatinath
+martinović
+ishihara
+two-station
+roxburghe
+francigena
+anti-english
+sdsl
+bensley
+fraze
+12-story
+ferrer
+machos
+temair
+bleichwehl
+hinomaru
+modiin
+junpei
+684.81
+ávh
+beddome
+hajdaraga
+nonentity
+graces
+generale
+teoman
+89-80
+marmota
+mahmut
+drive-time
+l'chaim
+skaggs
+amisi
+wiess
+s.o.d.
+rattana
+stews
+19:17
+ethical
+presgrave
+rni
+wristwatch
+55.77
+archfoe
+knowingness
+paraphrase
+foxtel
+venetidis
+4.8
+packed
+gonzo
+2:58
+lipodystrophy
+husaybah
+sit-up
+dabbles
+kenda
+56.50
+commanders-in-chief
+nusoj
+alnico
+pwllheli
+belgard
+anthonius
+zoer
+season-high
+felica
+20-22
+sautter
+consumerism
+4.98
+fibre-optic
+frostbite
+wehrum
+-2.2
+flecks
+stickles
+peopling
+flexor
+poets
+ucluelet
+49.71
+agins
+liangren
+kcb
+gangly
+aouate
+eryan
+kaklamanakis
+roamed
+hermans
+thundercracker
+maaya
+12-2
+chegeni
+titoism
+merrow
+awara
+derryberry
+kindt
+passacantando
+kinpo
+batmen
+vecdi
+unrehearsed
+genies
+glenlivet
+najmuddin
+kumhar
+47,000
+sisco
+madelon
+lacava
+colds
+contento
+union-castle
+resistants
+orchomenus
+cahn
+elitch
+genosha
+skeels
++.04
+comunicação
+fantasize
+estates-general
+lingling
+wifo
+hardliner
+mecanique
+caeco
+carvell
+arqam
+dönitz
+bryzgalov
+28.32
+quillin
+bagaragaza
+isola
+brunt
+192-member
+skarpnäck
+11-year
+scms
+tradio
+ribhi
+lurita
+häyhänen
+wegen
+bik
+60-40
+kolle
+sirotkina
+spiritually
+70-foot
+crevassed
+crohmălniceanu
+c30
+decanted
+starfire
+61.59
+hammers
+70.000
+majevica
+acıbadem
+kuningan
+alleppey
+rolnick
+mamatov
+glossopharyngeal
+westbeth
+his
+hos
+vertiginous
+izaak
+galera
+declety
+omirou
+thabang
+achabal
+s.o.
+ingrams
+keefe
+deputation
+filmcritic.com
+bruckmann
+journeyman
+pews
+bartlam
+oktibbeha
+energizing
+schottel
+mashan
+15.300
+godaddy.com
+polars
+learnin
+swashbuckling
+byck
+augier
+kunstler
+drugmaker
+irgun
+transceiver
+chuang
+histoire
+pragmatic
+15-nation
+preconditions
+archangelsk
+landmansptimes.com
+solters
+vucic
+steamroll
+marathón
+eble
+sunter
+1149
+non-for-profit
+4,300-kilometer
+97.89
+pre-formed
+rexona
+degray
+admittedly
+kalaye
+schist
+chary
+73.68
+estienne
+legace
+nissa
+pawa
+atpase
+acetaldehyde
+pas
+10-for-19
+acetyltransferase
+gambaro
+ahead
+samra
+regularized
+97.69
+smarty
+probes
+miang
+246.00
+caltrops
+color-coded
+maligne
+lonergans
+wellen
+c64
+ergodic
+tarter
+chernick
+galanis
+addanki
+siwa
+krynki
+viscosa
+shyamaprasad
+susansptimes.com
+waggling
+dioecious
+trehan
+erland
+gauge
+96a
+1991-1995
+109.52
+6:22
+abdulsalami
+electrocardiograph
+rehema
+hati
+51.59
+calders
+norlin
+druten
+mastura
+palic
+35-47
+musikverein
+3-second
+kuhnau
+pisans
+selbu
+clydesdales
+1,094
+mesud
+massachusett
+tps
+78.70
+turośń
+icbc
+downspouts
+zs
+stearin
+semele
+120.02
+joss
+mittel
+vaasa
+demidov
+non-italian
+yankees
+krause
+cheated
+bicutan
+blenio
+whdh-tv
+idents
+nevirapine
+blogg
+assuaged
+walp
+haggman
+hasbi
+gharials
+petersen
+4,740
+150kg
+211.8
+latourette
+nt1
+mudzuri
+hrafnsson
+unhealthiest
+men-only
+scratched
+gobiernos
+sandersville
+yishan
+backtracking
+imps
+joona
+comped
+medvedev
+llanberis
+guangyao
+tamagotchis
+murom
+magny
+rof
+halogenation
+malinin
+trachylepis
+foča
+skirrow
+69.75
+triiodide
+walkure
+'36
+belke
+wilhelmina
+paperbacks
+tcn-9
+fine-dining
+wittman
+canally
+mezzo-sopranos
+slashed
+acromion
+agilulf
+1921-1922
+gusin
+idella
+salzman
+try-out
+mansoorain
+sovremennik
+metodi
+77-79
+barnards
+1.4-percent
+bublan
+109.76
+lennoxtown
+lirio
+tüv
+magika
+merks
+multi-frequency
+waldhof
+dethick
+gwc
+berneray
+almay
+u.s.-grown
+cass
+sawiris
+morayshire
+pallin
+non-compete
+abed
+rexburg
+ceftriaxone
+rapidly-growing
+rippowam
+siddig
+1,441
+pearson
+mercora
+genotype
+mizrahim
+niort
+storch
+automotives
+का
+uninhabitable
+nephila
+achin
+s55
+skips
+shì
+desjardins
+tt
+aadt
+tenctonese
+mail.ru
+fishscale
+pragelato
+cornrich
+what-if
+suffolk
+marija
+demonte
+smax
+bodong
+colorstay
+icff
+60.31
+wonkish
+non-resistance
+173.1
+limann
+3,513
+nooses
+frobenius
+mugshot
+washburn
+helprin
+bhubaneshwar
+autosome
+6-for-9
+solares
+constituent
+ppic
+j9
+ogmore
+coffy
+asthenosphere
+exoneration
+extricate
+schuck
+9:07
+einleitung
+paumen
+cadavers
+capitain
+tetrarchy
+6.80
+puma
+recognizing
+neitz
+vuitton
+291
+pearlstine
+linkletter
+rasmussen
+paralyse
+misheck
+bacc
+evermore
+eila
+koonce
+mandisa
+noblesville
+mzm
+pedregon
+zinn
+jebalbarez
+ferne
+voltio
+petrarca
+blackballed
+observationally
+cross-culturally
+baitadi
+circon
+englische
+gillard
+nicking
+tabacalera
+poolesville
+plastids
+cesa
+basis
+1.2065
+diametrical
+syros
+wolfenden
+cavallaro
+elapidae
+moris
+donatus
+blodgett
+positron
+5p-10p
+marinello
+banty
+fpl
+boustrophedon
+bronx
+d'addario
+payson
+kovachik
+rc3
+wielder
+princesse
+rouge
+usp
+citadel
+zalkind
+lautréamont
+taoiseach
+lisi
+zula
+spoetzl
+schwarzmann
+microlepis
+neurosecretory
+bagratids
+núñez
+visualisation
+wittfogel
+zairol
+cercanías
+62.1
+kirkton
+u-38
+diffused
+48.2
+-2.8
+demerol
+one-over-one
+neifi
+crowing
+tuolumne
+xuri
+peredelkino
+anomalies
+arkhipov
+eximbank
+nds
+choe
+cartuja
+tahiliani
+1995-2006
+treatable
+materialises
+108.05
+anniversaries
+zanger
+toranaga
+magaldi
+bt150
+carlebach
+veduta
+whoa
+demanding
+palmsource
+58.27
+carretera
+jivamukti
+morkel
+honeycreepers
+74.46
+thighs
+conditionality
+pulgar
+cooray
+ruzizi
+comshare
+arched
+tamiment
+warduni
+2.8-percent
+folk-pop
+compasso
+idit
+veshnyakov
+slayed
+autonoma
+paas
+freedomworks
+haptoglobin
+freimuth
+farfetched
+formula_102
+wujing
+lucchese
+february6
+non-discriminatory
+belbachir
+nuu-chah-nulth
+rawls
+cjls
+50-mile
+zow
+avice
+padare
+nanawa
+reizei
+rabindra
+hagit
+black-billed
+sampanthan
+julianne
+bushinsky
+tony
+nemmers
+haskell
+caryatids
+winz
+saffar
+tadesse
+flintstones
+sanghati
+67.88
+anganwadi
+parretti
+河東
+pulteney
+homestead-miami
+breandan
+jermuk
+ox-5
+loyally
+awakens
+místico
+fiber-based
+buturo
+pinakothek
+co-discoverer
+jannis
+litho
+seafield
+erdelyi
+1.4645
+csv
+misattributed
+maragondon
+ilke
+skills
+elvire
+firehouses
+pradal
+1932-1935
+depressing
+superseded
+sulids
+rupertswood
+trulia
+evocation
+wendish
+arethusa
+21-meter
+bitan
+farnaz
+gudiya
+emigrate
+yifei
+convolvulaceae
+1.5770
+genyk
+chatterboxes
+callinicus
+wau
+bargemusic
+52.25
+hrusovsky
+53.73
+nakasendō
+timesaving
+anti-censorship
+occupied
+obillo
+ingjald
+pineville
+flambeau
+formula_21
+frongoch
+algerians
+pearlescent
+constructicons
+sablefish
+o'meally
+heihachirō
+piera
+beasley
+moneymen
+25-yarder
+grenadian
+ahangar
+biddu
+addictively
+guasave
+shenkar
+yarberry
+84.74
+clindamycin
+panha
+coked
+a320neo
+beallsville
+virabongsa
+bolles
+higa
+bromont
+ofrecen
+nigam
+stomach
+littleworth
+position
+38.30
+lanes
+8-team
+maestro
+entezam
+126.8
+saint-rémy
+econony
+microliter
+bugey
+vlissingen
+bortniansky
+microloans
+xianzu
+300sl
+raupp
+lateness
+honorific
+buttman
+yuman
+ballade
+surendranagar
+2,921
+185th
+17-count
+378
+runups
+urban-rural
+rupestris
+santeria
+lanter
+zuiker
+chiarini
+gedolei
+jammin
+burgener
+diogo
+brazzi
+habitations
+boatloads
+treaster
+stabbings
+edelen
+character-building
+hotpot
+vandenburg
+blanquette
+ecuador
+kc-135s
+f1
+conjecture
+bahs
+kirin
+euro196
+lindrum
+tfw
+1950/51
+frustaci
+hunchakian
+morrissette
+subtract
+khaldiyah
+yaws
+f-10
+uldis
+1471
+born
+baburin
+gilfillan
+scoops
+kiwis
+.071
+dundes
+thrall
+trollinger
+samsu
+emd
+reames
+bandaranaike
+challoner
+moiseiwitsch
+frittatas
+moamar
+009905
+1441
+renders
+27.05
+ixmiquilpan
+damodar
+descendance
+1/2-inch
+starosta
+impington
+wapc
+encircled
+d'argenson
+yavlinski
+looie
+mercœur
+mauritius
+raptured
+bifacial
+dervin
+thinktank
+meds
+168.7
+hoisington
+cloakroom
+marginatus
+rep.
+hostettler
+zwinglian
+meeting
+hijaz
+kyongju
+broadway-style
+ballots
+78.86
+barwa
+kpnlaf
+flattop
+gingivitis
+qu'il
+placerita
+r&r
+cheeseball
+al-omari
+brookley
+214th
+füchse
+heinzmann
+shiori
+shanan
+cuirasses
+simulcasting
+dalein
+waldegrave
+i2
+shorish
+nibo
+gev101
+savard
+acomplia
+digitizing
+schellekens
+earless
+norkus
+mccarter
+director
+zagreb
+draughon
+compromising
+shankman
+wizo
+sadoveanu
+snows
+pennsylvania-based
+sp&s
+proclaimed
+54.45
+lodger
+hooch
+fawzia
+eurasian
+2.5-4
+tyrrhenian
+omarzai
+yacoubi
+marielena
+gallimard
+juventud
+santon
+49.39
+manser
+99.35
+grischun
+venturing
+omc
+prosection
+knigge
+maricar
+pulvinar
+gano
+alousi
+gohel
+microbuses
+avidya
+ohn
+nudge
+49-89
+ontogenetic
+plaudit
+pozzo
+codd
+huerga
+luciferin
+langrishe
+hardline
+prostrata
+chomiak
+42.78
+munnery
+nautique
+peacock
+dromoland
+prestonsburg
+314.5
+karas
+090
+adhesive
+hohenwald
+waiving
+yrc
+safeen
+ellipsoids
+dangrek
+liaw
+breadth
+cover-up
+boggan
+majha
+coworking
+prokopenko
+73.55
+palenville
+anhalt-bernburg
+suen
+ludwigslust
+darat
+pcms
+girdler
+top-rated
+cultlike
+promotional-only
+makmur
+vereker
+unloads
+gdba
+elmasry
+gmm
+nitrile
+41.71
+tuapse
+ched
+benzoic
+ignazio
+jingjing
+.154
+murage
+zisson
+verbalize
+fontvieille
+hooks
+175.00
+57.70
+aac
+inyokern
+210-foot
+five-song
+chidzikwe
+fy96
+53.2
+bayley
+2,201
+cxs
+stone-age
+daugaard
+vittal
+tallien
+berichte
+men-of-war
+must-carry
+fiaf
+dittersdorf
+warracknabeal
+51,700
+effectively
+amkar
+ensembl
+jervis
+2,161
+uqba
+weibring
+nowhere
+kilometers
+chenār
+lingenthal
+3-49
+luanshya
+wristbands
+minsters
+unitil
+carbonaria
+aldar
+bevier
+pseudo-scientific
+davis
+lushunkou
+abuelo
+pasajes
+unlink
+navratri
+jacke
+barbarity
+shehnai
+genco
+185-nation
+97.62
+qualities
+darda
+byanderson
+cerny
+16-bar
+alessia
+białe
+skorokhod
+amun
+31-16
+sponheim
+gourde
+amyx
+fdlr
+keralites
+ponchielli
+k-point
+49-year
+balu
+séances
+confabs
+cryptogamic
+irresistible
+118.28
+adapiforms
+īlī
+goulard
+stigmas
+enderby
+bagnall
+eisenmenger
+nimeiri
+ausaf
+pgm
+daubert
+bhagavan
+faeces
+knrc
+wigtown
+soapboxes
+idenix
+aeria
+pyg
+applera
+ponoka
+ogwu
+flippancy
+chinotimba
+thomasville
+yakou
+whiteness
+photographing
+vipsania
+swiftsure
+puritani
+premotor
+populariser
+26-nation
+uralvagonzavod
+hemodynamic
+32.72
+jaec
+40-foot
+yorkdale
+spiralled
+modularized
+self-intersecting
+nivedita
+kilomters
+corvi
+malamute
+magnay
+kościół
+8mb
+yulara
+willenhall
+balo
+booh
+hru
+boarded-up
+demurring
+kors
+5-all
+drabowsky
+dawdling
+believed
+hottentot
+dracena
+aragón
+stewed
+pssi
+repaid
+bloggs
+tostitos
+ahhhhh
+funnyman
+grabens
+nightcap
+militello
+lhunbo
+hco
+savannah
+hahira
+coning
+intersex
+guruji
+laypeople
+hamson
+140.1
+210-pounder
+njiru
+ih
+terrmel
+corruptly
+haardt
+wands
+p24
+chan
+chante
+norrkoping
+five-year
+chews
+desperado
+177.1
+fourpence
+teleportation
+gradin
+jklf
+scrimmage
+borgata
+grandiosity
+darke
+ritornello
+krister
+constituyen
+valade
+ii/iii
+86.0
+philologist
+65-kilogram
+equestris
+heddle
+shinola
+bopped
+structure-activity
+embellished
+testicles
+72.49
+odontodes
+kahta
+birdhouses
+period_4
+millipede
+1966-1968
+capercaillie
+japanese-american
+benecol
+hanratty
+dairyman
+maggid
+lavyrle
+nellis
+pre-natal
+(717)
+bundler
+margao
+bosingwa
+1331
+skidelsky
+rajaram
+lacetti
+sambourne
+santibáñez
+breadbasket
+squillari
+herbinger
+2261
+feyenoord
+sweating
+kebe
+cafayate
+brücken
+euro112
+ingar
+trea
+56,000
+5-48
+opi
+mudville
+2.445
+cuppy
+ss-4
+despite
+gs
+arrate
+tsugio
+kasym
+phyapon
+harle
+phonics
+ketziot
+chigwedere
+abderaman
+ostracism
+nebojša
+fahrinkrug
+yusgiantoro
+macoute
+baars
+sabellius
+bogaards
+mohammedia
+dicussed
+langon
+leśnica
+alchemist
+marzabotto
+heres
+verdict
+aucklanders
+government-sanctioned
+240.7
+1.178
+lanzillo
+cannonballs
+shl
+thienthong
+kalecki
+habaneros
+tru64
+viteazul
+17:09
+zormat
+shudras
+lodar
+eez
+nereo
+pooling
+haledon
+2011-13
+amending
+verbum
+bajagić
+3,198
+lauret
+archetypes
+videla
+transformation
+hassouna
+lmr
+fylingdales
+osteosarcoma
+coehlo
+djorgovski
+23.66
+yohimbine
+zschech
+despues
+xichuan
+troopships
+geter
+orsola
+89-page
+spaced-out
+loano
+hauteur
+boodikka
+columbaria
+amitriptyline
+roy.rivenburg
+mostly
+verden
+kaputa
+dyckia
+agropyron
+liberalise
+thirumalai
+hutch
+notah
+crudo
+saqqaf
+xavante
+oncoming
+khabur
+auntie
+opti
+j3
+72.61
+olema
+sentul
+gundy
+knudson
+edgefest
+entire
+2,900
+melinte
+mirvine
+liquefies
+stapf
+token
+pasa
+qaqortoq
+efts
+wasil
+specky
+accumulation
+zantovsky
+steding
+lamphere
+british-made
+cleopatra
+12,048
+kraemer
+252
+dayu
+abay
+1,100-seat
+syllabics
+four-level
+wahed
+delinking
+gsi
+josefina
+cityville
+deltaic
+allures
+saxony
+driesell
+elq
+twentysomethings
+bastoni
+malpac
+69-68
+policymakers
+rise/fall
+3,736
+stopwatch
+0th
+whitelighter
+krathum
+xevious
+hydroxyls
+24-square
+747-400s
+well-read
+powered
+ransacks
+tomonaga
+workhouse
+satanta
+elysee
+well-regarded
+masurians
+sivchik
+2,615
+tan
+perelstein
+trenker
+mandioca
+force-feeding
+flashes
+bacalao
+hermopolis
+.250
+3-85
+247.6
+tert
+a16
+berowra
+catkic
+2022
+dolora
+khaburdzania
+carrier-borne
+synapomorphy
+sedin
+bretagne
+docent
+yangling
+ironbottom
+dutronc
+lbt
+hebburn
+8:47
+1.3150
+entertains
+arawaks
+bahler
+12:56
+goldfinger
+re-erected
+dakosaurus
+subang
+preverb
+chapati
+glares
+scirocco
+newroz
+shmita
+13.8
+kiera
+saotome
+bookcases
+cavaquinho
+adkerson
+pusztai
+c10
+gurruchaga
+paar
+0.044
+auteur
+c.b.e.
+esholt
+blackfoot
+l-29
+colwood
+dybvig
+28-28
+120.12
+ictsi
+sullum
+plankinton
+sro
+natak
+cannabinoids
+guaranteed
+self-definition
+perl
+tortola
+powerbuilder
+bobst
+geminated
+noirmont
+huxley
+jailor
+burlakov
+aggies
+schuelke
+d'ken
+o'brock
+moldoff
+transcaucasus
+“
+747-100
+spine
+bethanie
+cuecat
+obscurantism
+mlst
+diffa
+kong
+interruption
+1,412
+reuten
+less-than-stellar
+anghel
+fowlis
+bts
+shalaby
+334-6552
+kleo
+vnd
+smolka
+navami
+opendns
+sweetie
+algona
+dishware
+3,395
+kopa
+folstad
+graffitti
+mackintosh
+christological
+tims
+pelecanus
+wascher
+garches
+c-27j
+canarian
+jalalabad
+redeploying
+somoza
+xxviii
+pattens
+galloni
+rønneberg
+fils
+kwalik
+mlecchas
+diminuta
+c-54
+debal
+mirat
+defendent
+backweb
+rested
+rhone
+štěpánek
+1.058-mile
+egyptological
+khemka
+floegel
+jordanes
+sayeret
+unmot
+42-29
+rigdon
+.697
+leni
+azrat
+rawal
+two-person
+enfolds
+thangka
+cutline
+moo
+ehren
+valenca
+qld
+134.7
+bookcase
+rituparno
+school-house
+fullerenes
+shorebirds
+ecclesiam
+indot
+wallpapered
+sudama
+baix
+vestar
+flutur
+shearith
+paolis
+waad
+saxmundham
+78.21
+colizzi
+regal
+cinderella
+freights
+72.91
+meltwater
+piously
+legwear
+falcao
+makerere
+gramatica
+barasat
+wanyoike
+primroses
+bicheno
+138.5
+maddin
+windsurfer
+coba
+nine-year
+debuting
+79.9
+1:02
+antonov-24
+mozley
+skokholm
+hambleden
+marc
+86.85
+43.77
+alight
+offiong
+tousle
+broke
+chuzzlewit
+fervour
+mingas
+cargolifter
+crosseas
+throop
+vaccinates
+kc6
+dialtone
+amuso
+4-ever
+perivale
+parameterized
+theatrically
+kies
+stitcher
+ardudwy
+attribution
+stretching
+orthopedists
+fito
+mohallah
+sunshine
+0.9
+kyuma
+undercarriages
+7,750
+6.20
+rozes
+1.4860
+esters
+2,825
+gobo
+odda
+bsl
+melich
+mechanicville
+efram
+46.90
+tiombe
+sundararajan
+1890
+gedaliah
+fooks
+important
+regaining
+usage-based
+93.2
+welch
+luoshan
+rumbler
+v1000
+hoes
+thilakan
+inhalational
+odin
+riego
+stellenbosch
+haradrim
+introduce
+keeneland
+frankfurt-am-main
+pagenaud
+ceremonially
+49-29
+couva
+apolipoprotein
+oppido
+dissension
+vortec
+gustaaf
+emulated
+thúy
+-22
+recidivism
+mcweeny
+balancers
+renmark
+27.24
+jurvetson
+204
+mailly
+morato
+second-tier
+eye-popping
+granita
+kammerling
+vandalic
+rinko
+hureira
+sayaka
+karapet
+16.16
+brodovitch
+0100gmt
+paddies
+echterdingen
+fy2010
+deram
+debilitated
+margrét
+t54
+21.00
+garuda
+æon
+ivica
+mommie
+malili
+euro230
+abbr
+runs_pujols
+achinsk
+continental
+90.59
+i1
+superheater
+great-uncle
+natascha
+mahanagar
+usacheva
+mountable
+peran
+pozsony
+tugwell
+bangers
+mixshow
+geography
+trichet
+hbu
+mastrangelo
+grün
+medtronic
+113.0
+dagang
+sool
+yellville
+88.16
+angoumois
+woodhaven
+abugan
+46.33
+zager
+salesroom
+shaka
+knippers
+overlying
+dorman-smith
+knoblauch
+pela
+breiner
+attended
+mantu
+trend-setter
+cartwright
+hajaig
+sedding
+80.1
+21-lap
+adedeji
+gaius
+shipments
+hallucinogenic
+axiata
+quelling
+occupancies
+liat
+feburary
+filosofo
+mv-22
+frédéric
+stockroom
+benezet
+limitation
+abbotabad
+najeh
+arrhythmic
+popularising
+environmental
+ruleta
+malacca
+alrededor
+dubuque
+enact
+amorosino
+thanat
+szolkowy
+invited
+tshikapa
+föreningen
+takakuwa
+kohlmeyer
+64.81
+egf
+prosecutable
+lopiano
+arancio
+sofiyanski
+sandown
+russy
+bifurcations
+princi
+selichot
+king-emperor
+2146
+ikuta
+jutkiewicz
+manda
+dmitriy
+19:35
+sankardev
+cardelli
+398,000
+commissoner
+aew
+juehne
+winternitz
+boyette
+lyric
+elizabeths
+derb
+harborside
+bulaong
+bellshill
+coupland
+sellars
+ahly
+nunu
+unmold
+deportes
+29.54
+xue
+infidels
+binariang
+investimento
+vidura
+jin-hee
+c.d.
+sub-basins
+dundonald
+knobbly
+grewcock
+toefl
+geastrum
+overtook
+tehri
+uh-oh
+cknw
+mcdaid
+space-faring
+16-year
+bluish-black
+halki
+moszkowicz
+skeptics
+lxx
+wli
+jundi
+071
+ramos-horta
+cinemalaya
+quattrochi
+grain
+leibovich
+k.p.
+longfellow
+3,000-meter
+cisl
+pottruck
+avantgo
+1,050
+sub-divided
+kwansei
+joana
+85.26
+enev
+turque
+59.12
+1930-1932
+kōtoku
+codifying
+duesberg
+ryde
+orphanides
+stephens
+robersonville
+lapasset
+skreen
+semisimple
+1,881
+fondness
+shokeen
+tanaka
+10:39
+stanchion
+felke
+ayanna
+persuades
+stager
+2137
+syafruddin
+insider
+cornerhouse
+oglaigh
+inundates
+engadget
+700-megawatt
+zimmet
+cellasene
+fetzner
+on-ramp
+punitively
+floored
+aras
+lipschitz
+yaris
+8-javier
+governor
+balls
+endings
+mcsherry
+tô
+opdam
+lattice
+echazu
+genuflecting
+pelješac
+tagliatelle
+weddle
+östlund
+c&d
+xxxviii
+shochiku
+7,825
+vittrup
+9.82
+75.0
+grear
+pressing
+pirg
+corney
+snuppy
+wunstorf
+pilgrimages
+newgrass
+kallikrein
+haynesville
+yunkin
+punches
+unfamiliar
+titillate
+ganar
+90.00
+qichao
+xuxa
+39.51
+canterbury-bankstown
+charlene
+weatherman
+srdjan
+colavecchio
+daunivucu
+af2
+rikl
+unshaved
+mâconnais
+tambrands
+caney
+omoglymmius
+spiliotopoulos
+3333
+dunedin
+ector
+rizek
+austenitic
+11.64
+roeller
+265.1
+denenberg
+ruinas
+pavilhão
+lycopodium
+30-game
+unflinchingly
+pafford
+nordeman
+strengths
+arellano
+kerbala
+rhabdoid
+81.46
+saanich
+liefde
+wisnu
+longitudinally
+aldate
+knierim
+uwazuruike
+takabayashi
+kononenko
+eu-15
+saidor
+forsees
+coulbeck
+misdirected
+superyachts
+trl
+reichenstein
+herx
+125.70
+cerrejon
+25.98
+defamer
+landrigan
+järvenpää
+1348
+wiaa
+nardello
+hahm
+a-z
+headshunt
+chovav
+winnable
+psls
+48-44
+volk
+coleraine
+awash
+r&a
+neurosurgeon
+4,261
+testamento
+quayside
+laridae
+potentiometers
+gorres
+edvald
+finches
+increases
+kilimanoor
+chūnagon
+lescroart
+herrengasse
+scratchings
+neocons
+ballcarrier
+harksen
+anti-labor
+reappraising
+pangarap
+abusing
+perpetrating
+cauterization
+3.35
+vandalizing
+blamire
+rashād
+jaeaetteenmaeki
+milev
+repriced
+nehr
+ihsanoglu
+scribed
+jiaxi
+katainen
+kalyana
+glaxosmithkline
+electability
+89-79
+sawfly
+46-34
+6.72
+2290
+makhdum
+hanriot
+unprincipled
+philander
+bottome
+ciborium
+aucouturier
+soft-drink
+epipactis
+unmined
+tagaytay
+brouillette
+carolinum
+wacky
+kloof
+curule
+540
+matale
+spanish-portuguese
+cafasso
+još
+dores
+perlas
+gaels
+f-86s
+interscience
+6307
+kołobrzeg
+macdonagh
+menstrual
+4x100
+rosu
+pensions
+carryover
+embodied
+sonderkommando
+hoyts
+hamoudi
+bundesobligationen
+jape
+amael
+razik
+leet
+geass
+13:40
+gurmukhi
+51.76
+gentry
+moviemaker
+liburnians
+briffa
+liliuokalani
+al-fiqh
+kneip
+moira
+shaplen
+faure
+chaise
+journ
+tchami
+86.24
+obermeier
+airlanding
+pratica
+weixing
+principat
+reichstein
+tamluk
+salvors
+tuckwood
+stooshe
+schachzeitung
+moei
+gündüz
+sabras
+u.s.s.
+guidobaldo
+sardana
+74.09
+expiration
+cognitively
+whippings
+babic
+revati
+5-for-11
+202.6
+atty
+scheppach
+vols.
+evacuee
+1,344
+backstedt
+succinylcholine
+lapusnik
+pitton
+contempo
+otterbox
+pirouz
+guarulhos
+velisavljevic
+anti-state
+borduas
+neels
+horovitz
+deathwish
+lansing
+fcordero
+ekland
+serravalle
+polivka
+civil-law
+staatsoper
+skorea
+buen
+fortresses
+durand
+35.68
+ncnp
+hochelaga-maisonneuve
+walkman
+6400
+vly
+azpeitia
+league-record
+azeris
+danese
+es350
+scorton
+semini
+vidyapith
+money-saving
+orellana
+3,340
+limericks
+blickensderfer
+4-of-7
+biersdorfer
+lybster
+santería
+manilal
+fouhy
+unclogged
+zhilei
+negationist
+buffed
+kassner
+sandie
+weightless
+superbomb
+ngoc
+gwynns
+armagnac
+devensian
+495,000
+lucrezia
+românia
+rosaleen
+anchorwoman
+scheffler
+wyvill
+capitão
+36.93
+theme-based
+mello-leitão
+2,589
+escuchar
+yussufi
+honshu
+singhal
+františek
+chengyu
+beliavsky
+rhaetia
+cigare
+duck
+talon
+tunnelers
+223.7
+anti-life
+aboutreika
+nackey
+klima
+country-pop
+sportsmark
+yeshe
+gymnasium
+österreichische
+mewf
+sinnathuray
+cournoyer
+krammer
+loaded
+stereotyped
+dellacqua
+ligase
+acmd
+alabamans
+kentron
+harri
+thuch
+mudstones
+cheserem
+kielder
+50-ton
+.270
+mekambo
+20/400
+perspectival
+pamplin
+one-person
+agonist
+fautenberry
+detest
+61.50
+straggler
+add-on
+d/b/a
+canticle
+aaj
+euronext
+two-layer
+rainhill
+dolev
+simbolon
+stamenson
+willig
+agree
+58.41
+rouget
+elissar
+vaughan
+rediker
+98-0
+65-member
+junot
+brunette
+datagrams
+colantoni
+wanbao
+powerplant
+2709
+anti-depressants
+biotope
+saucepans
+snorkels
+abdallahi
+short-range
+lpn
+timir
+ramasamy
+dorchester
+oberamt
+daffyd
+monte-carlo
+mikati
+ador
+mère
+285.6
+gascoyne
+semi-definite
+ud-din
+ultraviolence
+siringo
+swanzey
+swathing
+endtag
+crystalized
+hachareidis
+67-56
+beadwork
+alondra
+sigmoidal
+strella
+thionville
+oahu
+boreotrophon
+sirakov
+lomb
+chafes
+ch-53e
+habr
+gavdos
+jouan
+telson
+industrially
+ariyoshi
+elterman
+dym
+duddell
+likovac
+goche
+uol
+thorell
+mariangela
+aphomia
+feldblum
+56-game
+ncert
+cifor
+ashover
+1.062
+golovanov
+reflexa
+squirting
+encroaches
+racha
+34-29
+publicado
+attash
+labruce
+camenker
+dukhtaran
+pulong
+stouter
+kyrene
+tabulators
+2001/02
+193.9
+mexicans
+jehani
+dioptric
+valentiner
+23-member
+gorals
+onf
+motorenwerke
+matricula
+austevoll
+peterboro
+nerio
+wing-forward
+undervalue
+slovan
+quoyle
+sembello
+concourse
+qom
+eisenfeld
+gaffar
+semiliterate
+prouder
+inphonic
+goncharov
+gotlands
+lambis
+inconclusive
+daniels
+nichol
+glassberg
+iplanet
+toxicant
+teignbridge
+planetall
+acomb
+nestorianism
+sheehan
+upheaval
+233rd
+unsynchronized
+penélope
+unidade
+suree
+kyrre
+skittishness
+hualan
+oksa
+tvp
+goricah
+liveries
+atlantic-10
+prithvi
+marivaux
+gazebos
+swindall
+technicians
+socialite
+coeliac
+grant-in-aid
+yids
+desplechin
+gladioli
+fanar
+haleyville
+azaryan
+b.e
+osmium
+corespondent
+solvent-based
+upham
+soapstone
+indigents
+hopea
+linnee
+fifth-generation
+571
+slam
+cityflyer
+delury
+serpula
+42.60
+pineland
+ros
+digitales
+raccolta
+gjgbbnch
+curriers
+katsusuke
+hexal
+sudi
+tochi
+castner
+thurl
+nieuw
+cantoral
+puthuppally
+lenore
+particle-like
+audet
+cfpa
+attwoods
+netlabel
+tankette
+bourzat
+embolisms
+donatos
+c-135
+music-related
+aviaco
+suzan-lori
+villager
+woolmark
+ncec
+nipkow
+ceferino
+buffini
+unconvincing
+pre-hispanic
+feen
+night-life
+scarff
+magnitudes
+compa
+kalani
+apollinaris
+97.40
+lezgian
+poitou-charentes
+cathédrale
+frankie
+galkina
+rear-naked
+julians
+kaurin
+66.9
+reddening
+vipera
+aydlette
+atrocity
+senhora
+bewkes
+trisphosphate
+bloodgood
+totowa
+amplitudes
+zemarai
+categorie
+5.1-magnitude
+wikimedia
+beamforming
+murzuq
+finishing
+suppiah
+cotera
+barabak
+resistible
+legislatures
+zajec
+sathi
+homologue
+ullate
+siraha
+miltenberg
+crayon
+roven
+reepalu
+redecorating
+winrich
+stutterer
+archrivals
+maredsous
+larios
+matza
+ridging
+nooooo
+reproductives
+cyril
+1.040
+soloveitchik
+maghrib
+heckscher
+muayad
+monocytogenes
+hugill
+harrak
+giampietro
+43-member
+ireton
+maatuk
+clackamas
+hartinger
+khune
+,160
+palam
+ergot
+protsyuk
+corneloup
+5-foot
+pathology
+ripp
+lipovsky
+berwald
+joal
+spruit
+wason
+ngai
+mcinnes
+platts
+mildenhall
+vidalia
+ludger
+kabardino-balkar
+unnumbered
+operons
+junquera
+dioxin
+tranches
+bhandarkar
+gimmicky
+theoktistos
+naţional
+frederic
+treason
+kadmon
+retroreflectors
+manyame
+khejuri
+jwaneng
+dickson
+balarampur
+dons
+praet
+discernible
+5.68
+j.h.
+ondimba
+diboride
+doormats
+moberg
+bansko
+40px
+100mb
+icahd
+ieuan
+luxa
+macuacua
+mahallat
+belik
+jarreau
+kohala
+turbos
+countertrend
+59.54
+elphinston
+pinacoteca
+dalloway
+dasari
+18,064
+atrociously
+slow-tempo
+frisks
+vavasseur
+bruininks
+bafana
+nyl
+c-usa
+silvermane
+gunfires
+righthand
+omnisports
+faye
+m4
+wieslaw
+nbm
+5,490
+zuby
+altemus
+wennerström
+wae
+teakettle
+vcd
+focuses
+jetblue
+mohana
+crupi
+ryol
+lakebed
+eagar
+2,373
+ebre
+indianized
+qalaat
+overath
+phanerozoic
+user-mode
+40-gigabyte
+thinly
+sanosuke
+shek
+runway
+stoke
+post-vedic
+satmar
+naborsind
+dwm
+resuscitates
+devyatovskiy
+dafne
+2009-june
+conoid
+barguzin
+calin
+rooz
+frisius
+pronoun
+azureus
+fünf
+55.46
+gourmelon
+zendaya
+stogies
+uplisted
+tumultuously
+erme
+vakko
+murbella
+feedline
+wawro
+colgin
+fluoro
+photoshop
+allobroges
+thumbed
+a-15
+delron
+reload
+hums
+pushtun
+selmani
+embarrasment
+palpitations
+teest
+bramah
+eggenberger
+dessaix
+faliraki
+louny
+waxahachie
+sulfur
+montelena
+hammelburg
+14-point
+averitt
+tejen
+cabiria
+palolo
+sully
+pounders
+reverbs
+gergiyev
+storylines
+domtar
+damu
+bombieri
+jingled
+barbecuing
+kroft
+slakteris
+23-23
+brownish-yellow
+1981
+dance-drama
+drawdown
+rhinns
+român
+impresses
+f-actin
+2.105
+prutton
+sedloski
+mandatorily
+examen
+mizner
+coinstar
+thoughtfully
+3,246
+tootoo
+nuseirat
+rostaq-e
+22.68
+zebulon
+cail
+408
+pierret
+aniane
+klci
+600-kilometer
+transmitters
+casona
+palladianism
+17025
+chhabria
+dagi
+kruze
+zatoichi
+southerly
+venora
+muckraking
+kovalyev
+cryptanalyst
+gutierre
+mundell
+wender
+1,255
+gkos
+shoshi
+nouvion
+saraswathy
+himeji
+boutwell
+bielat
+bidi
+severodvinsk
+brayson
+19.76
+drooped
+tolland
+hathorn
+52.57
+chugg
+sedgley
+yata
+porchetta
+uninfluenced
+nuart
+viewport
+duke
+joyo
+yike
+toffees
+urkesh
+wuyang
+scoonie
+estadual
+twiss
+redback
+jahar
+lautman
+stiffler
+slathered
+karly
+transposase
+sacranie
+fiberboard
+peppermill
+hirotoki
+jourdan
+imbizo
+sublayer
+hjelm
+lefèvre
+inhumation
+millers
+cogon
+2310
+arisaema
+saltoun
+waffler
+circumcise
+gondor
+ruthwell
+12-play
+tich
+2380
+boy/girl
+four-ship
+lamium
+matney
+stormwatch
+nakhla
+baillon
+bokeelia
+stanislavs
+heubusch
+summative
+cwr
+hippy
+independence
+atletas
+ransomed
+split-screen
+ghost
+alvor
+sm5
+aynesworth
+kmfdm
+eremenko
+commmunity
+eurosport
+interjet
+euro332
+rosler
+palencia
+550,000-dollar
+try-scorer
+purinergic
+6-0-1
+rezident
+dietzen
+symphorien
+εἰς
+downing
+piantanida
+curb
+metamorphose
+souchak
+chandor
+erno
+cormorant
+allwright
+42.59
+muscovado
+byland
+waleska
+tie-ins
+concept
+risk
+warmoth
+lioubov
+illiteracy
+terowie
+marsinah
+layups
+update2
+pendulous
+bmy
+aware
+sehgal
+lale
+bowden
+kite
+januar
+194.4
+imperia
+270-member
+self-identifying
+detail
+msaa
+absolutive
+pontevedra
+dsiware
+femur
+aselsan
+stanza
+symptons
+i-kiribati
+ostrówek
+bradshaws
+wabc
+hultgren
+127.00
+abacus
+korvettenkapitän
+creedon
+47.95
+chiajna
+filesystems
+bucculatrix
+nicolaas
+incompleteness
+ific
+clubbers
+l'aube
+centenarian
+stefanou
+108.93
+wardour
+bronchos
+tableside
+paneriai
+ribeirao
+masciola
+kreimer
+heart-shaped
+93-0
+saratoga
+sipaliwini
+francqui
+orfanos
+hur
+mulla
+brandmeier
+zeist
+electrified
+u-turns
+devecchio
+tricarbonyl
+farinata
+re-examine
+goneau
+slepian
+59.74
+tsw
+999th
+57,100
+66-53
+vardhan
+amethysts
+iwr
+seachnasaigh
+creamier
+ift
+100-minute
+handan
+16:31
+zweibrücken
+tl
+laslandes
+jabrayil
+velars
+80s
+strachur
+durmanov
+half-heartedly
+extracorporeal
+besht
+claw-like
+hardhats
+meghwal
+fideicommissum
+12p-9p
+roosenburg
+yasuda
+findel
+scratch
+long-lost
+families
+bewes
+feversham
+shiokawa
+robak
+contimporanul
+plaid
+kanas
+charak
+generalisations
+diaphanous
+an/apg
+latecomer
+huete
+repotting
+manjon
+tain
+seamen
+370-mile
+bosomy
+chocked
+algo
+foret
+blesk
+saffc
+lisaius
+meromorphic
+breadcrumb
+outguns
+taguchi
+n.s.
+737-300
+nauchnyj
+byelections
+kitsis
+zupanc
+akito
+stojković
+pula
+grubel
+tuwaijri
+allgeier
+mabetex
+kanso
+4,245
+dafur
+meditate
+rudetzki
+tenkrat
+sahuarita
+yagur
+ironwood
+portmann
+annery
+nicotine
+whipple
+59.80
+premadasa
+futami
+harsimus
+futur
+17.35
+kaner
+winkler
+quagmires
+childishness
+i-787
+aeri
+enclosure
+zhenzhong
+muttontown
+goltzius
+d'éducation
+krang
+drenica
+lately
+76021
+franziska
+88-73
+numerals
+lotina
+sofian
+afos
+faints
+86,400
+secrest
+envelop
+fugett
+-69
+holmestrand
+amateurism
+wefaq
+pavements
+ulus
+hydrometric
+one-goal
+pmk
+salic
+líder
+europacorp
+2.9-percent
+kasch
+regno
+geum
+wroxeter
+e6
+grigolo
+hellcat
+massot
+negril
+ominously
+retaliating
+moquette
+cabanillas
+97-92
+gunsan
+1185
+peels
+ansi
+checkerspot
+antunes
+mwangura
+qanuni
+praz
+girlicious
+rorik
+saloon
+costume
+decreasingly
+mulindi
+4.710
+saffold
+päijänne
+havant
+filmstar
+oakeley
+palmyra
+norad
+precipitate
+laguer
+fores
+tuscon
+yielding
+achara
+synthesizes
+archeologically
+fererro
+33d
+berlingo
+lemelle
+platz
+alviro
+hammash
+65-point
+!!!!!
+tebessa
+larwood
+authentification
+44.5
+antiepileptic
+5-63
+tapachula
+overuse
+cascara
+rees
+pseudoalteromonas
+biw
+881,000
+pellucid
+shunting
+sotnikova
+124.22
+mu-2
+alisher
+248-pound
+u.s.dollars
+174
+728,000
+aminoacyl
+kocak
+thanasis
+109.30
+bujar
+garnets
+euro386
+habena
+fat
+concluye
+arghakhanchi
+arnaboldi
+humber
+transact
+colonelcy
+honigman
+picayune
+krumping
+sefko
+kenia
+sindhis
+uckg
+70-year
+catanese
+b737-800
+pennyslvania
+spic
+usgbc
+fedderson
+achromatic
+proto-indo-european
+106.62
+tsutsumi
+made
+tows
+majeed
+merbold
+hft
+stepless
+aphrodite
+jaunty
+cailliau
+fpe
+101-102
+nerveless
+jaisingh
+safia
+kyar
+canlaon
+boudiaf
+2410
+1999-00
+xda
+41.52
+reinspect
+howard
+sunlike
+mandrills
+costco
+beeching
+wieters
+suedes
+195-pounder
+left-half
+skopelos
+garnishes
+16,900
+leonor
+superpatriot
+tonganoxie
+epikleros
+questi
+bérubé
+sivam
+artin
+talleyrand-périgord
+creutzfeldt-jakob
+rigali
+blackhouse
+hubschman
+watchman
+drane
+outputting
+mothman
+kavadh
+4-40
+tommy
+anglezarke
+ayad
+blue-ribbon
+grillings
+zheye
+temür
+shaef
+octavia
+malacological
+public-private
+midteens
+trienio
+priselac
+volkova
+vandort
+differentiating
+scr-584
+snuffed
+three-team
+refner
+multistage
+zviadauri
+,820
+ginz
+idukki
+calvados
+1:58
+bancos
+shoei
+pureblood
+trevor
+overflow
+silent-film
+boishébert
+101.00
+6:11
+ranieri
+throughly
+115.59
+wobbly
+buzzi
+jurat
+one-2-one
+bucksport
+fatten
+payload
+khwarezmian
+munji
+djougou
+101.15
+mn
+19.5-billion
+elana
+digestibility
+xmrv
+waterdown
+tryouts
+cross-references
+acerra
+angiography
+tuki
+aleksejs
+noturus
+hankers
+index.html
+último
+r32
+maghreb
+hore-belisha
+whitmanesque
+actimates
+leashes
+rimavská
+ayimba
+voorn
+dinorscio
+misting
+streptomycin
+mitsuoka
+extraverts
+ejin
+recrossed
+13.18
+lock-in
+undecorated
+gronowo
+balancer
+whoomp
+8k
+iteco
+schoeps
+6.93
+4.45-million
+grisly
+kosak
+czarna
+888-603-1036
+artillery-fire
+tursunzade
+mkii
+banharn
+dellavedova
+sruti
+melamine
+115th
+aboubacar
+formula_30
+citytrust
+chorrillos
+supermontage
+t20is
+malpelo
+scenarist
+siida
+terror
+manchev
+atall
+hampshirites
+encyclopedia
+asato
+copito
+chiropractors
+67.64
+choicer
+dagny
+thorleif
+71.08
+176.25
+altangerel
+matesa
+-0.7
+radsady
+goumiers
+bensenville
+14.34
+dweh
+calculus
+1-d
+thorton
+decathlon
+doji
+omnipage
+1.321
+kenefick
+bettering
+4.10
+write-up
+105.93
+médias
+maulud
+blaise
+b20
+dulhunty
+piasecki
+nanquan
+photoelectrons
+staind
+2-and-0
+28.2
+bulak
+failed
+lambertz
+4,554
+2-c
+tongsun
+fossilized
+cybersitter
+384-run
+single-platform
+blended
+muhamalai
+kaura
+machines
+ca7
+wakkanai
+byyny
+notifications
+godown
+qbe
+morrice
+argyll
+dinitrate
+hairiest
+great-granduncle
+oryctolagus
+microgrammes
+johan
+non-lp
+tsilhqot
+villawood
+blanket
+spineless
+gleadless
+41.54
+metalinguistic
+polyolefin
+mignon
+autoridades
+heeresgruppe
+qianfei
+10.72
+lenthall
+uncaf
+quélet
+zhenguo
+tempore
+alkoxides
+untested
+57-44
+qashqai
+ringelblum
+danilović
+emeritus
+1025
+ziying
+laughably
+spirit
+crutches
+armscor
+slovenská
+kahrs
+marcan
+two-leg
+p13
+warehousing
+kiš
+opportunistically
+shallowness
+billson
+placido
+second-oldest
+layaway
+ccordero
+three-box
+svanholm
+on-chip
+devata
+vinto
+kanchana
+gqozo
+36.4
+12-feet
+pheochromocytoma
+boskin
+accretive
+markowska
+strongarm
+vörösmarty
+betfair
+kiraithe
+culture-specific
+frigida
+billah
+tocobaga
+carbo
+scottsdale
+zarins
+tahreek
+hidup
+200-meters
+moravče
+cabg
+alven
+mastership
+morain
+kwaje
+lanzo
+niamey
+blather
+rsx
+massac
+56.93
+65-0
+ramaala
+scale-like
+geldard
+lacquered
+losev
+6.85
+girondin
+overline
+kcl
+321.2
+viatel
+montefusco
+seppo
+unfiltered
+medaling
+innovates
+juaquin
+khambhat
+child-centered
+12/12
+kapilavastu
+megachurches
+zebulun
+cross-contamination
+einarr
+lydell
+minho
+mesotherapy
+palmo
+5-for-15
+971
+avitus
+kallay
+over-produced
+crombie
+rocher
+xiaoyun
+fabaceae
+londo
+scorpionfish
+kristín
+torna
+controlar
+nied
+vaillancourt
+gulella
+10-round
+ghazni
+naimiy
+olek
+estern
+253.1
+egoistic
+agri
+radicalization
+non-black
+respecting
+guga
+rivel
+5,285
+whitlams
+unfeminine
+againt
+tumbling
+a330/a340
+kimo
+90.20
+service-based
+rogi
+roko
+106.15
+tension-building
+như
+post-conviction
+lfb
+nomine
+bonnefoy
+birdied
+dionissis
+xewkija
+appreciator
+unis
+guiry
+akida
+uranium-235
+tom.fowler@chron.com
+fronton
+nikoladze
+knew
+fischetti
+dentistry
+files
+decena
+paltel
+maxus
+garrott
+assimilate
+emplace
+mhsa
+chinois
+embark
+ilec
+tricolia
+2.965
+lectura
+tdn
+adecuado
+osteocalcin
+118.65
+shehan
+carbanion
+unfortunate
+bugbee
+hicksite
+desert-like
+kilibarda
+zkb
+slink
+krist
+parro
+quarterpipe
+skeg
+troilo
+cinematographic
+janisch
+darreh
+papaloapan
+brcin
+wowowee
+flimm
+slid
+yatsenyuk
+peladon
+beatifically
+fabra
+40-38
+piotrków
+plateaux
+microcredit
+zelaya
+cavendish-bentinck
+1500m
+de-facto
+234
+choruses
+karakaj
+agroindustrial
+spiegeltent
+aliceville
+sheketoff
+sabich
+vld
+mifflin
+tarnower
+497,000
+120.08
+editoral
+gurcharan
+domesticates
+220.7
+pseudotsuga
+emg
+kanu
+deductibles
+1:25,000
+guinzburg
+gyeonggi
+tippi
+ap2
+hitsugaya
+imamate
+potsherds
+weide
+rhein
+varsha
+blohm
+thiolate
+roasty
+2-pounder
+systemhouse
+mukherjea
+sxml
+eskan
+schweiz-osterzgebirge
+orie
+undetected
+commercio
+touchscreens
+parodia
+neftochimic
+unscr
+heitner
+seyfert
+aviary
+refinances
+endarterectomy
+120.26
+aircrash
+canady
+ht
+selector
+responsbility
+immortalizes
+tamaiti
+probosutedjo
+swivelled
+abano
+weisbord
+struvite
+brittonum
+kuriyeh
+bradshaw
+wheatland
+23.70
+warhola
+nazli
+espinel
+crockett
+4.27
+evangel
+cecafa
+yukihiro
+neftegas
+makhashev
+authorizations
+vava'u
+torcy
+sawah
+1848-49
+shalliburton@statesman.com
+n97
+dorsey
+bartholomew
+versed
+kashiwagi
+44
+vektor
+spider-woman
+briercrest
+mackiernan
+dsm-5
+befuddled
+double-decker
+serdamba
+n.i.
+rhel
+8,080
+pernía
+sifter
+garble
+conceptual
+maas
+farnell
+caddisfly
+sassnitz
+sansweet
+tapaculo
+lybrel
+pimpri
+fastener
+7:18
+saint-lô
+njrotc
+flnks
+hounslow
+180.3
+rmb
+internally
+burnquist
+shinano
+ghafoori
+caravello
+arncliffe
+coupal
+jura
+vice-chairmen
+calcio
+athough
+gatis
+13.75
+keron
+parthenay
+3/16
+gregoriana
+tylers
+crete
+artifactual
+tamasese
+harran
+lierop
+clicker
+palika
+kesavapany
+arauca
+classis
+twa
+potidaea
+sustainer
+tanui
+spirograph
+taron
+basins
+panth
+co-editor
+formula_98
+unphased
+dimitrius
+cottontail
+pettitte
+panafrican
+lesean
+devotees
+30a
+chippie
+gedichte
+zinchenko
+rabago
+manzi
+taniwha
+llopis
+tryba
+haseki
+muftah
+higinio
+triax
+betulaceae
+gallantry
+baiju
+oly-2004-weightlifting
+mundt
+kaftans
+anglo-frisian
+notepaper
+hypercubes
+withal
+rededication
+mersa
+condominia
+1936
+19.93
+dreamlands
+mantoloking
+sachs
+abiocor
+saxe-meiningen
+jadeed
+yifeng
+tungstate
+slowdowns
+ncdc
+r.i.c.
+high-class
+menghai
+curmudgeons
+capuchino
+chanterelle
+garz
+grandness
+tecnicas
+younesi
+huambo
+khari
+misperception
+azimuthal
+zigzagging
+ostoja
+babeuf
+harbeson
+19-kilometer
+jayaram
+mid-forties
+gudjohnsen
+galipeau
+fidelia
+4.15
+bodington
+swede
+exoplanets
+habay
+ponneri
+spiel
+scdf
+shoten
+manuva
+fictive
+narsarsuaq
+timbral
+1180
+sarakham
+mid-1964
+miocene
+doaba
+kember
+75-minute
+mainlines
+magik
+septentrionalis
+57,200
+paramilitary
+920
+meybod
+supercollider
+maldita
+jadrolinija
+ped
+recoil
+minich
+coreno
+rockhounds
+penans
+refills
+ruffly
+pathet
+fittler
+wesco
+atrous
+casimir
+fleetwoods
+oberführer
+cervinia
+iuris
+visuddhimagga
+trebles
+lachi
+signwriting
+napoleon
+kempen
+stürmer
+170-pound
+jonrowe
+longicornis
+fujiya
+head
+oppenheim
+bessonette
+pavelski
+nemyria
+speedrun
+seesawed
+crouse
+10bn
+22-footer
+florins
+3,200-square
+waldrep
+scorpio
+bisha
+contrived
+inerrant
+122.18
+heisel
+breakfasts
+esben
+zarek
+devices
+aideed
+swomley
+penchant
+u201cthe
+gyulay
+d'aubert
+pontal
+flatboat
+palpated
+ristuccia
+4,138
+superga
+murderer
+niane
+caesar
+chaharduli
+epitome
+bolete
+raposo
+97.20
+condescended
+feile
+deigns
+biosphere
+flowing
+falkowski
+glenbervie
+priding
+maynilad
+life-saving
+u.s.-developed
+bresil
+durbrow
+1928-29
+teuta
+crankset
+salerno
+1.3-million
+morals
+106.49
+a.a.s.
+denial-of-service
+trustco
+hi-lo
+bradby
+dog-like
+midler
+impurities
+contaminants
+nimoy
+bvz
+moissanite
+64.47
+mazzanti
+reconstitutes
+whitehall
+archibold
+x4
+bandbox
+ikwerre
+clasp
+lizardfish
+electrospray
+antropov
+kmm
+14-footer
+gunjan
+light-brown
+mikeladze
+64.48
+geci
+rostral
+rowboats
+belarusians
+gregorc
+bogusław
+ancylostoma
+saibai
+amilcare
+bonauto
+tmt
+byington
+takriti
+rabeei
+hard-drive
+barbecue
+progresa
+pharoahe
+9-1-2
+charibert
+herut
+carwash
+fàbregas
+dingman
+4.5-million
+kruth
+a24
+lathen
+72.13
+sonacos
+al-atrash
+ahmsa
+euro86
+1989-1995
+penitentiary
+metrowerks
+madhat
+55-story
+guesstimate
+goerke
+julys
+selsky
+mikado
+kennels
+shoesource
+reamer
+3,031
+spiridonov
+trialeti
+gracillima
+ifba
+wiki
+zeroing
+baddesley
+axiomatized
+eudalaca
+omega-3s
+asghari
+atlântica
+hongxing
+restrengthening
+rapturous
+chatelain
+cappoquin
+chemotaxis
+6,039
+neelum
+androgen
+oneilland
+abadan
+vasundhara
+stanton
+isoleucine
+quintiles
+chandrapur
+benihana
+suborders
+hustad
+embolic
+balia
+pseudo-random
+chaus
+panmunjeom
+14:51
+facetime
+annular
+anomaly
+hodgkinson
+hijli
+zähringen
+fresnay
+bolson
+ravenshoe
+106-96
+ozkan
+trochophore
+esperantist
+chasing
+maldives
+sembiring
+railbed
+mrrt
+syair
+lochranza
+n9ne
+pengo
+monetizing
+mediaset
+concurrences
+depictions
+cheslatta
+rehoused
+akornblut
+51-foot
+http://www.nejm.org
+tamanduas
+cesr
+thesmokinggun.com
+fanger
+valorie
+unintimidating
+gratae
+mx2
+jyske
+cosumnes
+enrolments
+guyra
+mask
+khatab
+professorships
+61.11
+twista
+mayorship
+119.2
+swatantra
+shahnama
+saulieu
+130
+hermit
+mentone
+emmitsburg
+caroli
+athlone
+fatḩābād
+tropes
+multiemployer
+windsor-smith
+afshan
+moyobamba
+convivir
+kshv
+821,000
+moyne
+nanji
+compared
+jivan
+poling
+katong
+stancik
+dyan
+shroud
+cfcf
+salthouse
+gàidhlig
+dono
+hibberd
+sturzo
+bijoy
+chernik
+enríquez
+shindand
+hypnos
+poults
+lhc
+nutbush
+altissima
+litsky
+tegal
+biac
+tautology
+awful
+111.52
+38-1
+debaters
+movment
+sura
+r&f
+topographically
+yermez
+bogies
+heidar
+qinghai
+speightstown
+saibaba
+bhh
+mohabbat
+ames
+ivanovitch
+metsing
+empordà
+cro-magnon
+david-lloyd
+álbum
+ometepec
+scientifics
+bozidar
+bunol
+nearness
+librettist
+underutilized
+lesin
+sacrament
+menehune
+gerontocracy
+iium
+europcar
+2-billion
+rondebosch
+105.19
+usf
+villafranca
+114.12
+leman
+fuglesang
+ink
+jungled
+przysucha
+pender
+ketter
+njiric
+tomates
+oblast
+210th
+llg
+wangan
+altschul
+sosene
+language-speaking
+goleo
+beauvoir
+chronometry
+8,070
+beta-strands
+weatherston
+1504
+closeups
+visioned
+sinnot
+madingley
+lutes
+6206/64033
+yahya
+co-scripted
+reacting
+appert
+nizam-ul-mulk
+chișinău
+televangelism
+head-quartered
+d'antonio
+swi
+onlf
+disburses
+melina
+semanza
+janz
+malika
+monark
+regurgitates
+weakens
+hardcopy
+2205
+kōga
+metaksa
+aurélio
+xenocide
+larfaoui
+consisting
+bargained
+willa
+moretta
+quadra
+well-documented
+melanogaster
+sevillana
+songful
+39.1
+rsdrtot
+administrator
+e15
+songbird
+fawad
+lawmen
+hollypark
+genetics
+118.68
+isles
+khatskevich
+michihiro
+zulfa
+débora
+baner
+battistelli
+dotan
+camões
+llamados
+darwinii
+shortlisting
+towerstream
+burned-out
+oilfields
+fayer
+ribbon-like
+-18
+brach
+koerting
+exposure
+dahrran
+nathamuni
+sockalexis
+pino
+wenyi
+348
+resita
+flotte
+trojans
+pertis
+pumuckl
+laudable
+microcephaly
+tcheco
+maculosa
+gavork-e
+tracs
+non-scientists
+supardi
+warroad
+shipp
+d'auria
+grecque
+terrifyingly
+ppd
+electroacoustics
+cumings
+68.82
+babushka
+clarin
+pakhoed
+jovem
+staaten
+aromas
+laudably
+boake
+docility
+69.90
+bourton
+elgamal
+chichester
+embittered
+pastner
+jabberwock
+gounod
+grabowski
+8-by-10
+huaylas
+7.755
+vareš
+chelouche
+dorda
+barrages
+copyists
+timetabling
+74.40
+inoperative
+primetime
+chandrasekaran
+volcanically
+clezio
+mevacor
+parvocellular
+conselho
+lanzamiento
+imeon
+eunicem
+2011-12
+stake
+roman
+alomari
+83
+37.6
+peaslee
+menindee
+slating
+kabudarahang
+700-page
+receiver
+declude
+zhengying
+polychaetes
+78-69
+isard
+3,507
+reweighting
+description
+7.68
+gansey
+tahawwur
+durastanti
+mashhour
+genets
+mouseketeer
+mid-ontario
+iambic
+táltos
+larriva
+3,491
+evadne
+cedi
+guanylate
+protista
+brdaric
+kalusha
+harrassed
+96-85
+caffarelli
+flightline
+acct
+rhod
+shigeko
+pardoner
+1,424
+ušće
+29.15
+i-190
+81-78
+chanology
+zheed
+iii-v
+bastian
+mosey
+akhisar
+poundbury
+hlond
+1.4300
+53.88
+warkentin
+herfi
+malus
+tobio
+lansford
+sibur
+scarl
+negrita
+neustift
+slumps
+forwarding
+minhaj
+oboists
+cokey
+glogau
+tai
+conlin
+indomalaya
+żarnów
+suur
+telesco
+berit
+conglomerate
+keowee
+esna
+kuze
+dolphy
+colavita
+kulich
+weegee
+kyustendil
+etuc
+amens
+tianya
+detentions
+faile
+seira
+yasnaya
+four-disc
+golla
+hohenbergia
+fastlane
+senseless
+50,600
+geronimo
+rastrick
+quwo
+t-54
+civitates
+171,500
+monosyllabic
+laptev
+folk/rock
+malnik
+tolaga
+spanx
+clore
+nyckelharpa
+transsexual
+makaay
+aspinwall
+posilac
+valjavec
+garrish
+kovalchuk
+barantsev
+575-page
+orlimar
+extrapolating
+reorganise
+portaged
+larussa
+86-member
+prick
+bellal
+bositis
+thomaz
+musaga
+high-energy
+chisinau
+sevenths
+purisima
+faulconbridge
+miniver
+downlinked
+garagegames
+myat
+vindicate
+alamieyeseigha
+182-day
+christel
+monacan
+,115
+warranto
+sine
+malkhadir
+9.25
+camaret
+speroni
+28.67
+36-point
+j.crew
+hyo-jin
+nottie
+croner
+hawkes
+24.50
+pre-settlement
+self-confessed
+waterproofed
+dorwin
+sejahratul
+staubach
+97.90
+marafa
+self-doubt
+chebotayev
+9:03
+commandeered
+kilkelly
+morland
+monocoupe
+oosthuizen
+buarque
+shifang
+fehl
+herrell
+bogdonoff
+8,340
+hode
+36.12
+97.41
+reprap
+single-coil
+oil-shale
+otherwise
+sdsc
+mcbride
+janon
+20.17
+agnew
+jocky
+dinh
+zhanjiang
+memoirist
+old-world
+millilitre
+tjk
+digest-sized
+havock
+a/h1n1
+cosworth
+87.00
+lithography
+shucker
+matsoukas
+bethea
+sivanesan
+bunford
+pyrethrins
+storyboard
+vázquez
+borers
+eggo
+dungiven
+malco
+non-volcanic
+mechitza
+professionnel
+kilshaws
+moora
+fallahian
+bruno
+1991/92
+lapaz
+decedent
+persistant
+rearmed
+1:40
+muscadine
+maui
+nitti
+51.66
+torneo
+gutfreund
+149.2
+shich
+enliven
+aronowitz
+fifths
+then-19-year
+luzern
+3350
+jpba
+feminism
+airhead
+girts
+abadilla
+ralls
+belacevac
+walloped
+sairgroup
+tuscarora
+amena
+schematics
+kloer
+re-designed
+prosieben
+earlie
+kecap
+ultra
+3:59
+gairdner
+willowbend
+changhong
+33.51
+rekord
+navalta
+klein
+capitation
+bestowal
+1882-83
+nydia
+parasitised
+remounted
+70.53
+flyvebaatfabrikk
+carstensz
+chealander
+jenbacher
+mccaffery
+scruffs
+o'dare
+moghreb
+agin
+ddr-liga
+zhouzhi
+100.0
+subordinating
+olweus
+auras
+tngri
+glycerius
+jovanotti
+anzoategui
+bifurcating
+birkhoff
+2344
+micaëla
+tehreek-e-insaf
+commoditization
+yelin
+debido
+moncrief
+prize-giving
+ralt
+iuu
+latihan
+harzburg
+ain
+tkm
+invalidity
+billlion
+lavinium
+favourites
+gwydyr
+curving
+ful
+daumier
+laxer
+eurogamer
+kdom
+harco
+resuscitator
+11:26
+jinqiao
+axiomatically
+women
+sucden
+pettifer
+swindle
+stimson
+asfa
+gabelle
+idomeneo
+fernan
+150-160
+boredoms
+6.46
+7,290
+saekel
+perminov
+fy2008
+biometrics
+hanshu
+spenta
+brakey
+irreverent
+mukdahan
+peepers
+iwate
+2,494
+sputnikmusic
+angelotti
+complutensian
+gaëtan
+mencius
+d'hautpoul
+marcognet
+infesting
+highgate
+linghui
+boksburg
+innerspace
+muhan
+tenbury
+romanza
+rocketed
+jalili
+bamn
+galo
+okmulgee
+97,000-ton
+chrestus
+receivership
+2,708
+sacconi
+phrygia
+1,329
+airframes
+ocl
+greg.wilcoxdailynews.com
+ghenea
+i-575
+séguier
+laerdal
+renewals
+moscicki
+0:05
+rawiri
+ashore
+curuvija
+51-47
+pointman
+caprotti
+wetherell
+marchan
+changqing
+fehling
+pharmacologic
+siri
+concilio
+advocates
+edamame
+tehsildar
+nausori
+champassak
+uruapan
+cross-party
+resealing
+cctvs
+redeployed
+hallisey
+teniamos
+bouch
+ainsi
+luma
+dive-bomber
+pulta
+ferroelectric
+4,999
+sweetnam
+fuller
+burgundies
+milwaukie
+inculcates
+peyto
+o.k.
+harriers
+476-4294
+kjersti
+mofs
+1817
+109.66
+mummenschanz
+meloche
+canzo
+ms.
+sabon
+washtub
+avensa
+domke
+kangas
+enlighten
+lihwa
+euro321
+rosefield
+malchow
+119.63
+breeziness
+hlm
+mizraab
+fayiz
+ominous
+voids
+mtbs
+ever-more
+five-volume
+kykuit
+shekhar
+gaiden
+sancocho
+blusher
+neider
+metacarpals
+9975
+ex-player
+bb4
+ndongo
+98.95
+klaasen
+bartoli
+iveria
+mácha
+mahgub
+coprosma
+tetrode
+semitransparent
+ahlul
+cifa
+harlen
+amazon.co.uk
+feaunati
+krokus
+aquinnah
+scanian
+pukhov
+marketplaces
+seimas
+mandarin-speaking
+fober
+sweated
+a440
+darcie
+61.35
+arvanitika
+period_6
+ridpath
+clos
+hannen
+manchevski
+enjoining
+jingzhong
+connolly
+mccargo
+a329
+horyn
+bahay
+mccleskey
+2195
+sipping
+1355
+severna
+osterberg
+zhongxian
+all-in
+933
+knik
+amant
+vytis
+sarastro
+emain
+2347
+supermodel
+1864-65
+taneytown
+aquino
+uo
+autolux
+celluci
+09:45
+schwechat
+merseyrail
+circumnavigated
+sentayehu
+vukassovich
+okoronkwo
+chaperoned
+covergirl
+tariffs
+durst
+short-legged
+inkscape
+veseli
+chalisa
+singer/songwriters
+roller-coaster
+timelier
+dreading
+audra
+mastectomy
+6-time
+49.86
+voluntary
+selseleh
+stambolova
+mediastinum
+longipennis
+buckel
+baccala
+mickelberg
+boaventura
+leary
+léry
+schmidbauer
+genes
+hjertstedt
+bodewig
+kurgan
+diatessaron
+moraleda
+noesis
+crumpling
+leaf-nosed
+khedive
+lundine
+pongpanich
+fifty-ninth
+odoacer
+colledge
+117.75
+isidro
+claiming
+ω-3
+halyard
+arky
+neman
+vot
+bursitis
+kadyr
+garmen
+dentin
+huybrechts
+weininger
+snowflakes
+1.486
+setpiece
+1899-1901
+bireme
+otsuki
+courtesan
+cibrian
+stires
+8.70
+black-powder
+bollocks
+scardaville
+frisian
+nbrc
+chulo
+wagnerians
+time-to-time
+kf5
+apprehensively
+latinus
+leimer
+cmag
+fator
+slake
+sahli
+mittelstaedt
+considera
+overhill
+trolli
+sixty-second
+constructivism
+58.88
+251.7
+abdelwahed
+agarwalla
+4,162
+ciphertext
+muntean
+3,215
+83.9
+light-contact
+backfire
+hypomania
+begue
+apichatpong
+kakarak
+oberalp
+boch
+joymoti
+volkhov
+commercialization
+pretext
+haihe
+-91
+mocoa
+miahuatlán
+tetrahedral
+masoudi
+cmis
+meiler
+sikazwe
+girons
+danrlei
+azeglio
+vardanyan
+eikeri
+sesimbra
+brighten
+frameline
+marienwerder
+ahb
+earthquakes
+posers
+film/television
+hethel
+non-winning
+daniel
+kptlt
+larzac
+helsinki
+aidarov
+deplore
+rovner
+gutschewski
+borderland
+cd-roms
+geraldton
+shakhas
+dessa
+lesja
+buteyko
+1:56.04
+mackovic
+ruri
+eliscu
+gu
+through-running
+2,000-person
+gleave
+9:48
+stoute
+copier
+striker
+bvl30
+siziwang
+annihilate
+favat
+tillyard
+undocking
+jams
+eyak
+industria
+schellenberg
+noonday
+alsc
+kottler
+al-balawi
+arats
+handwashing
+118.45
+field-marshal
+tradesmen
+pierron
+benston
+cholerae
+al-obeidi
+khura
+maar
+nanki-poo
+phoebe
+ncrha
+orrick
+18,000-seat
+almazan
+13-8
+ostrum
+scafidi
+septicemia
+kanouté
+italian-built
+babineau
+masque
+hellicar
+leaks
+mindarie
+paristech
+bandaranayake
+energy
+re-establishing
+martyn
+crosslink
+ciss
+penzias
+cottone
+raindance
+boréal
+juiced
+104.86
+filipacchi
+marquesan
+buhai
+kirilov
+communist
+13-day
+multiracial
+lowson
+downlands
+leaseback
+profanities
+murderdolls
+inter-service
+aspar
+ziggurat
+toucheng
+hatty
+repertorium
+winans
+rebensburg
+farès
+biellese
+bazlen
+congar
+gacy
+patay
+multiplex
+susica
+nuthatches
+classiest
+500mm
+reproduce
+kuruvchi
+mülheim
+3,470
+utc-8
+jandiyal
+latte
+kensey
+nbbj
+armouries
+merriest
+endearingly
+cameo-parkway
+lathering
+saundra
+atomized
+jean-talon
+warrant
+whassup
+naturalizing
+louse
+jaskulski
+hà
+liut
+nweke
+31-19
+aamulehti
+minou
+52.81
+secularised
+bruiser
+plazas
+adulis
+kinase
+nusser
+solarex
+274.9
+chaminade
+thiab
+busselton
+cubana
+botetourt
+sokolovsky
+palatinate-neuburg
+tongren
+macnaughton
+escalations
+colmer
+newlywed
+manca
+nothaft
+olmeca
+léo
+anaerobically
+show-stopping
+pellston
+waipio
+eyelashes
+bradt
+custo
+anglovaal
+leaked
+wolfish
+carluccio
+.258
+ribero
+tope
+titty
+kimlin
+kvoa
+triestina
+zorfi
+1917-1918
+acellular
+luka
+hiriart
+70-1
+15cm
+schüttler
+bardaweel
+starches
+contarini
+manchac
+teese
+riff
+wilko
+feuding
+amts
+stroheim
+sawicki
+laghouat
+shishkin
+74.55
+menanti
+tigerdirect
+muenchmeyer
+institutionalized
+76.4
+phyllanthus
+hyperbolically
+dengming
+leisel
+paunescu
+site-directed
+295.6
+abseil
+90-75
+better-than-average
+myvi
+lacquer
+tenggara
+raveendran
+zofran
+marienthal
+literary
+letrozole
+isitingood
+nabhani
+kamsar
+as350
+niue
+weiguang
+7/4
+cooperator
+biutiful
+jamshed
+qura
+schiesser
+945,000
+kutai
+lauwers
+cintrón
+matuyama
+chitre
+d10
+3.7503
+cullimore
+sanae
+1247
+labus
+12.49
+ludwika
+schoolly
+mayil
+quids
+uncertainties
+bitumen
+guide
+saint-petersburg
+stedelijk
+georgist
+caz
+32,400
+aussie
+bipolarity
+svr4
+marvis
+recurrence
+fincantieri
+joyu
+webmail
+78s
+fringilla
+letchkov
+paoli/thorndale
+hosing
+globus
+kokoity
+censure
+poconos
+dressers
+reticulatum
+insaaf
+winterfell
+initiates
+maunabo
+acs
+priskin
+screeds
+108.08
+calica
+wrc
+nhh
+54.40
+sulfurous
+agarwala
+seascapes
+hdcam
+3:28
+potash
+falla
+pinares
+trawlermen
+best-ever
+tullamarine
+babyshambles
+vinne
+kweku
+palestians
+sieg
+mckeesport
+osp
+wuping
+leszczynski
+overbeat
+pushbuttons
+kouvola
+tri-city
+10-q
+117.70
+tryszynska
+ordinances
+lavie
+ramlan
+quasi-static
+starving
+nataša
+aylmer
+audigier
+olaiya
+bucknam
+cunt
+rissanen
+paadal
+rozanne
+medroxyprogesterone
+peerson
+4,428
+filkins
+multi-million
+rebars
+viajando
+hydronym
+siderurgica
+1.89
+self-serving
+waight
+36.84
+cull
+woolite
+beogradski
+newsman
+dalila
+gergel
+kirkstall
+varitek
+accenting
+ogyen
+triballi
+arnelle
+groucho
+82.11
+13,700
+kiriasis
+slopeside
+algren
+whiteflies
+six-shooter
+top-25
+harberger
+amcham
+villalon
+illusion
+t-34-85
+biconditional
+dubuc
+2012
+hoque
+liberalizing
+ranulfo
+janiero
+loyd
+sonex
+clive
+02205-5819
+kd3
+topographies
+near-total
+kagura
+keates
+71-26
+in-turn
+dextrin
+http://www.nifc.gov
+non-sporting
+mayer
+lanzaro
+9.3
+pomposity
+lawsuit
+falx
+kongelige
+tt$
+frisk
+tiede
+cacc
+85-percent
+alvey
+100-win
+row
+metts
+dents
+xinglong
+buz
+naco
+boy-band
+42-minute
+worster
+klemens
+cqc
+collignon
+in-school
+iredell
+2,218
+ginchy
+1:43
+koplovitz
+radwan
+geoffroy
+tronto
+blagrove
+semiotician
+zonata
+bittern
+labsi
+timonium
+dalt
+chir
+hylands
+lacalle
+20.81
+mdi
+dovid
+mamu
+clunkers
+canola
+terol
+aminatou
+scroobius
+gross
+puxi
+hoff
+concordia
+codified
+dinaric
+hallam
+replicable
+recoils
+conjoining
+guner
+50,000-ton
+pisagua
+wechsler
+denton
+armamentarium
+transcaucasia
+faap
+mid-week
+friedberger
+manassas
+rates
+netchannel
+18.07
+bakala
+nwobodo
+glenallen
+farmer-labor
+kubat
+verburg
+bilger
+mavro
+1.076
+equalizes
+réaumur
+gee-gees
+tinghan
+zaprešić
+belyamani
+bimaculatus
+deportation
+sturdily
+naslund
+ahmes
+volvio
+teahan
+botev
+bocharov
+achaean
+argerich
+blowin
+sundog
+4-1-1
+linkevicius
+624
+2013-present
+ronciere
+nocturnus
+futher
+http://www.nyc.gov
+7,110
+pardi
+galatasaray
+p-39
+9.662
+alexa.com
+second-innings
+12-24
+inukai
+whoi
+euler-lagrange
+265.6
+cutthroats
+lavaux
+invading
+haueter
+kidu
+dravi
+1936-1938
+krug
+karner
+bishi
+100.79
+colmore
+spathe
+oladipo
+abt
+rôles
+mingliang
+atteberry
+plexippus
+rockot
+busovača
+rocori
+nris
+arsonists
+http://www.barackobama.com
+progestins
+unwin
+centre-left
+212,000
+aafia
+hoople
+tirico
+12.58
+dźwierzuty
+qajars
+windes
+eagels
+gahr
+kazma
+7,900
+guccini
+dahlerup
+falih
+1,252
+bracken
+duceppe
+ilkhanid
+crolla
+disincentive
+antonello
+physiologically
+pascua
+amrish
+mid-course
+flatline
+sonni
+kassir
+buckled
+askmartha
+menarche
+schlicher
+sambawa
+bagus
+franky
+hene
+iruvar
+geographies
+compostable
+metal-rich
+wiemer
+banovic
+gramma
+unrepeatable
+goldfrapp
+restorer
+samiya
+dispassionate
+masaryk
+guðmundsdóttir
+mcmillin
+yanjin
+glorieta
+jill
+contel
+ph.
+nwu
+voskoboeva
+waiver
+attentive
+edlington
+2i
+asif
+l'
+mallacoota
+sub-prefecture
+gazillions
+gaudoin
+mylar
+chaghcharan
+mukul
+yahz
+heggie
+bagdasarian
+shooing
+castellin
+990s
+chelate
+gascons
+854,000
+ojito
+romanticized
+zell
+kramnick
+untaxed
+transporter
+lanolin
+mannum
+torstein
+rosinski
+brital
+parreno
+zhangjiagang
+koyuki
+juicing
+9.3-magnitude
+ejecutiva
+deveron
+eastwell
+katzenelnbogen
+49.33
+sacris
+stockholders
+1.2000
+3.97
+secondary-level
+epistaxis
+verlag
+self-fulfillment
+74.0
+guruh
+off-the-wall
+alka
+zail
+exfoliate
+zamyatin
+categorising
+basarabia
+manucher
+ramshir
+kamilla
+lower-lying
+suma
+army-wide
+mihalj
+vézina
+pouladi
+annamarie
+310-foot
+enstone
+gennadius
+zaslaw
+stellatus
+eärendil
+demonstrators
+klux
+salvan
+devlin
+15.4
+ambrosio
+ferm
+larosa
+metlink
+virginianus
+5,750
+tracon
+2,860
+tma-1
+vote-rigging
+mid-1939
+notes
+coremetrics
+all-area
+61.32
+self-titled
+1969-72
+graying
+marmosets
+playboy
+pusha
+feber
+analista
+outnumber
+stratigis
+bogeys
+dingzhou
+buscetta
+anticolonial
+1964-66
+savea
+moptop
+gekiga
+thulium
+tagine
+temp
+155.2
+industrialism
+wacoal
+suppressor
+unang
+www.google.com
+mrksic
+probed
+pandey
+ocs
+melnyk
+94-68
+woessner
+estebanez
+lede
+d.o.o.
+71/2
+carthay
+teratai
+freeplay
+seche
+christiana
+tangere
+137-mile
+eyvan
+tott
+strand
+kammerhoff
+magnatune
+rushen
+haagse
+101.26
+gumbo
+m5
+700-foot
+svein
+nishimatsu
+toyoo
+tidyman
+internationales
+knyazev
+azzan
+100-acre
+509,000
+petroski
+dymock
+campbellsville
+lazarillo
+goatskin
+xliff
+cudahy
+euro160
+200-megawatt
+tairrie
+swieten
+premark
+desire
+younousmi
+belica
+blankenese
+goosey
+gallia
+nssf
+scicluna
+clementina
+eddery
+mhv
+velazquez
+serine/threonine
+kauto
+shirkuh
+misadventures
+mercadante
+statment
+bakel
+emsworth
+portray
+melmotte
+disavows
+18:48
+g6pd
+mastino
+3,769
+kathak
+nyt18
+österreichisches
+&
+kotowski
+92.98
+jenid
+haunter
+26-21
+octopamine
+roseline
+hadari
+lingua
+turkson
+tesol
+nawat
+2.93
+diu
+freezer
+borgstrom
+janes
+cipparone
+vv
+ratheesh
+tigin
+bishopton
+fitger
+xplorer
+23,000
+pooley
+strategem
+kalateh
+moncks
+mothballed
+mallon
+la.
+92.48
+coppices
+borenstein
+galman
+duct
+jare
+shopaholic
+usage
+insurrectionist
+low-performing
+washio
+sisic
+164th
+shamefaced
+octoberdecember
+sockets
+phosphorite
+cbgb
+faryl
+caterham
+bioassays
+aysha
+brogue
+daehan
+227,000
+saunters
+kieswetter
+uong
+cabezón
+saladillo
+78-79
+socio-cultural
+incursion
+heralded
+sartre
+parama
+sarcastic
+bkk
+minder
+f-86d
+bolds
+graybeard
+incisors
+wuxian
+kokomo
+lhd
+4,930
+dellacroce
+linate
+keyed
+classmates.com
+lungo
+cien
+zhenyu
+beamwidth
+shahbuddin
+samovar
+ius
+disinclined
+10:59
+centralizer
+lymph
+sautin
+9.44
+40-point
+basabe
+ziel
+swingmen
+rach
+ayer
+barmakids
+sī
+990
+schlemiel
+metamorphic
+sorceresses
+idale
+mawassi
+xboxes
+nerman
+kleasen
+aegon
+pascale
+abbess
+suport
+ermine
+tennesee
+63.12
+medrek
+lenten
+flirtations
+11:24
+schwieger
+unzip
+naft
+khadem
+tabu
+jamo
+yehi
+interbrand
+2gether
+toal
+,660
+somatosensory
+uakari
+srun
+mud-brick
+trendsetter
+horák
+hell-bent
+biolabs
+deligne
+cornog
+furlan
+kneejerk
+paraphrasing
+4,000-plus
+19.17
+likun
+henredon
+8-16
+alcamo
+kovba
+insubordination
+ahafo
+spilt
+kv4
+spasojević
+macneal
+kernersville
+vukicevic
+favonius
+b21
+13.45
+travaglio
+high-handed
+autuori
+protazanov
+1.5360
+particuarly
+gey
+steel-tube
+bagmati
+mehinovic
+karikoga
+bettered
+elected
+italo-abyssinian
+chadema
+salicornia
+http://www.johnmccain.com
+transcaspian
+seaholm
+64-megabit
+truffles
+trifling
+cleanroom
+kattu
+pattengill
+streng
+skadden
+u.n
+fez
+bergensbanen
+swagel
+sketch
+nobuaki
+jaswal
+50-59
+4,098
+35mm
+inscom
+zainul
+tynesha
+clappers
+lienhard
+allstetter
+jarmon
+silbury
+elazığ
+seafair
+ellum
+fireproof
+all-news
+heiligen
+taoka
+dibblee
+bolic
+first-term
+dosta
+2,305
+ohthere
+nock
+batard
+kashii
+bewitches
+shamen
+i.e.
+fiechter
+easa
+vayas
+gollop
+forfeiting
+16-mile
+wasch
+medlar
+n.j
+56-kilobit
+manfredonia
+ahamdinejad
+sukam
+sakchai
+beckons
+paraíba
+sarna
+m'vila
+astrologists
+corinthia
+laomedon
+2,628
+thirring
+musharaff
+prancing
+laca
+97.46
+steppin
+volker
+endemics
+catechol
+vice-chancellor
+corrodes
+spiraled
+dan-air
+andrias
+jambi
+disclosures
+teems
+ucayali
+unaffected
+.64
+grammies
+frauenfelder
+hitchcock
+physicians
+bitdefender
+milers
+susanyi
+biologic
+leninist
+bast
+yorkton
+lowest-selling
+castellammare
+impetuous
+unskilled
+bigweld
+italeli
+shadrake
+kalya
+117.38
+100a
+habte
+cava
+4,525
+42,300
+colonel-commandant
+mrsm
+767-200
+diemens
+jumet
+iaba
+incorporating
+łasin
+syre@globe.com
+reinstitute
+jells
+lejins
+sheng
+reliant
+2:32
+lemuria
+semi-annually
+gfm
+fuggers
+sigüenza
+disproves
+lmdc
+caseless
+manzanita
+whatuira
+1.9-liter
+1,765
+phitsanulok
+bhan
+1996-7
+shinpei
+leonese
+jocassee
+tankini
+oradour-sur-glane
+gunkel
+p-51b
+sexual
+5,165
+shaare
+lignano
+malcom
+nieder-olm
+llevar
+iconoclastic
+co-directing
+barkocy
+o'henry
+kyrgiakos
+126-seat
+nighties
+nourish
+colbourn
+olympiacos
+vidwan
+handsome
+saeidi
+matshiqi
+19.88
+youthfully
+ceisler
+zard-e
+bandhavgarh
+ulpius
+hamidiye
+odbrana
+hillingdon
+evangelos
+thermistors
+vyron
+muliaga
+sooooo
+kircus
+hatteberg
+peffer
+cascavel
+dissuading
+1946-1950
+rahway
+pseudo-3d
+ruining
+gordini
+nizami
+487.5
+internationalist
+j-10
+jarabo
+eaglecrest
+moveset
+selic
+kolobnev
+feelgood
+1,993
+potchefstroom
+17:18
+travelin
+sennikov
+codice_37
+samstag
+vbs
+picadillo
+lafuente
+jingshi
+cruisecritic.com
+polone
+737-900
+bt0
+dunnes
+furries
+comba
+facially
+ellenbogen
+treorchy
+và
+6,760
+eye-to-eye
+114.69
+rodent
+elefsina
+aebischer
+dotting
+orchestrate
+angharad
+plushchenko
+invoiced
+70-strong
+2012-present
+taite
+often
+iyengar
+krueger
+nordea
+bertsch
+relicensing
+bajestan
+promotionals
+thomanerchor
+laury
+ceridian
+harmen
+enniss
+valeo
+faruj
+omalanga
+dernis
+docs
+nodari
+bazoft
+ampurias
+maneuverings
+reges
+avenue
+co-conspirators
+junípero
+grandmother
+ngap
+peteris
+36.75
+calpis
+inclement
+anatomist
+minyanim
+1.142
+teleporters
+darry
+px
+2550
+42.56
+cutting
+atlus
+poochie
+takayuki
+23.27
+khilewi
+lohpzh
+ambidexterity
+amida
+aphra
+tibaijuka
+cusack
+92d
+weaks
+lucie
+gnas
+14:49
+tamborello
+magdeleine
+sadry
+padnos
+80cc
+1891-92
+redoubled
+collectivisation
+chininga
+geschwind
+internalise
+commotio
+bursty
+1986-1993
+nalanda
+1980-90
+carrell
+dothan
+kypreos
+aylesbury
+contaminated
+cabling
+islah
+planche
+spacecraft
+bracegirdle
+soufrière
+ombre
+185.1
+bacchetta
+7:23
+pullbacks
+estranging
+caning
+24.70
+mémoires
+yusupova
+sydnor
+residentie
+knotwork
+4,421
+footbag
+segways
+mechanically
+13.32
+the9
+chemosphere
+crusius
+stonestreet
+stuntz
+patchin
+g.e.m
+berdymukhammedov
+wadiyar
+mcmullan
+particularmente
+career-numbers
+uaz
+taisha
+eee
+4-0-0
+laurinburg
+sudapet
+suffusions
+koloss
+paval
+foothills
+chhabra
+marcotte
+212.7
+patoulidou
+gunslinging
+amendments
+prc
+ribagorza
+maloja
+gongadze
+steffanie
+allers
+mccosker
+3,098
+harriston
+marylanders
+antiquaires
+higo
+rspca
+3:42
+kfarsghab
+haubegger
+pinzi
+telemarketer
+riels
+dayz
+dalsland
+kangar
+self-perpetuating
+beardtongue
+lorax.ldc.upenn.edu
+tirello
+misperceived
+hermias
+vanellus
+scotch-irish
+corneum
+varada
+zanussi
+hakon
+bobbles
+easement
+clemens
+chillán
+leggie
+jogo
+malchus
+tgif
+dto
+altenbeken
+whiskeytown
+grimond
+autarch
+mole
+submodules
+pertain
+afterward
+north-to-south
+30ish
+rabbit-proof
+totalitarians
+ramdass
+nedbal
+tropicalis
+stepanek
+saler
+31,100
+saussure
+rasulo
+double-doubles
+chipola
+xiuli
+azania
+metrological
+fsf
+119.41
+12-horse
+soil
+autotransfusion
+vendemia
+lovey
+naqib
+relic
+rating/6
+tongland
+64.30
+campomaiorense
+piteously
+214-985-7448
+mimicking
+bouët
+1,288
+vinnee
+nizer
+garret
+levana
+studt
+beon
+shaaban
+shankle
+cristata
+city
+banashankari
+noblet
+melkites
+moncassin
+goyas
+gilbertsville
+271.3
+cycloidal
+urgello
+gsc
+mandia
+promotable
+reintroducing
+nordrhein
+charles-henri
+smoothest
+romeike
+sahid
+bonchurch
+dos
+eliel
+warmblooded
+eyeliner
+bolen
+krampf
+ziara
+mineracao
+awww
+inverter
+50.45
+90-seat
+cherestal
+haitink
+frederich
+maravar
+kayiranga
+molowa
+mosè
+dulong
+technische
+gozaresh
+prankster
+hs
+tearsheet
+sirach
+fareastern
+depolarization
+physostigmine
+duckworth-lewis
+ophthalmol
+6,350
+hansson
+workrooms
+alberigo
+cañon
+apostolorum
+norwell
+sociologically
+nathans
+aniruddha
+krishnagiri
+propelling
+tethers
+commision
+pendergest
+timor-leste
+riccobene
+gccf
+non-fictional
+l'an
+petfoods
+peewit
+sawant
+milinda
+nashoba
+électronique
+mosha
+khalsa
+pachypodium
+82-67
+concealing
+naranjo
+muziek
+444-2364
+cromvoirt
+poniewozik
+spadina
+adamczak
+arntz
+catiline
+kiejman
+under-14
+actors
+lowers
+principalities
+manik
+donlon
+caradoc
+802,000
+dehlvi
+doritos
+truncheons
+unshared
+stepchildren
+hongshui
+in-room
+viaduc
+giby
+malet
+chla
+antoniychuk
+insectivorous
+tach
+cogito
+thelma
+affixed
+headrests
+140-pound
+thiri
+parai
+fishponds
+berloni
+arteriosclerosis
+treas.
+nephites
+tabletop
+unopened
+99.96
+assuming
+sudarsono
+burlando
+hernias
+issuances
+suining
+longest-tenured
+nicholle
+doon
+harmsen
+proconsuls
+entrepreneurism
+atl
+karis
+zuger
+giannetti
+88888
+frailes
+changgwang
+tinsulanonda
+mustad
+klahk
+racz
+65.78
+alkalis
+brined
+iringa
+2,894
+shaik
+kabal
+bellick
+sackler
+in-form
+sévigné
+39.10
+oleksander
+2-seeded
+eman
+enfilade
+soysa
+caroni
+jurby
+pr-1
+ælfhere
+glacis
+interhostel
+polynesia
+olmsted
+c-2
+musically
+pembina
+fdcs
+spectrograph
+taters
+iusacell
+athanasius
+grebenkina
+hartamas
+millionaires
+wrangles
+338.6
+lewiston
+2,821
+bowerbank
+newspeople
+kulovac
+katpadi
+lazara
+candidus
+gqg
+aftrs
+chatelet
+photosystem
+acquafresca
+brancusi
+47-day
+amerisuites
+reddiar
+botanicals
+traverser
+company
+tebal
+u-29
+woodsville
+post-1992
+spearmon
+dingane
+ingens
+smithsburg
+hypocritical
+piggyback
+moisiu
+asshole
+nikau
+podbeskidzie
+wadhurst
+clueless
+andersens
+polanów
+macedo
+lovelle
+unsprung
+dipiero
+ljubica
+redeposited
+carolynn
+ohrbach
+stablemates
+40-km
+townsell
+cavasin
+motherless
+barrel
+liebrandt
+brousseau
+parmigiana
+opic
+102.58
+gulph
+outcast
+glows
+cromitie
+genotoxic
+recommit
+rukmani
+jutta
+hérault
+bowsher
+timpanogos
+regensburger
+macafee
+todhunter
+orkestra
+110.32
+laureen
+850
+polaire
+duah
+pirveli
+josephine
+needham
+theodoridou
+xunantunich
+renaud
+antawn
+271-8828
+low-wing
+buckholtz
+brichambaut
+kalam
+kelleher
+welliton
+rrg
+gmo
+desmosedici
+alladiya
+spiels
+wantsum
+kurji
+guaram
+vlaardingen
+628
+doug
+punalur
+hartford
+whaleback
+airway
+xaviere
+daffodil
+roling
+slackman
+autocannons
+expiring
+eldh
+lastings
+mahatmya
+jumo
+arvinda
+hanger
+frit
+ledonne
+3-35
+maalim
+ledisi
+stekler
+29.1
+manouchehr
+portier
+meliton
+albiol
+ragheh
+proselytise
+compromiser
+demenna
+chongchon
+polynya
+waemu
+nable
+bagman
+khala
+dependably
+gandu
+capetians
+1,572
+stra
+computerese
+triggs
+teymourian
+klopfer
+38.77
+257.7
+ps4
+vulgarian
+dissection
+bawang
+mamon
+seaside
+v12
+taizhou
+seldon
+gehringer
+amorin
+turnquest
+adolescent
+pulcher
+granadan
+onex
+hjørring
+linn
+30-homer
+guantanamera
+dombroski
+rajghat
+saiyed
+swanke
+colony-stimulating
+gideon
+telegrapher
+zusak
+quais
+nomo
+trait
+beasties
+pantheon
+apiculture
+aptitudes
+natl
+uliassi
+o.j
+re-took
+zachariah
+denshaw
+salamonie
+makhlouf
+lipid
+islam
+640-kilometer
+pletikosa
+hulth
+134th
+invades
+demaine
+empiricus
+mudflap
+malivai
+develop
+morigaon
+turzii
+analyticity
+haass
+ruen
+razif
+bufferin
+geer
+misappropriating
+khanate
+122.85
+karasawa
+toshkov
+fugues
+chivenor
+sedis
+bongso
+nun
+dominika
+ramzi
+reed-solomon
+intrepids
+liviu
+ginning
+dolefully
+7,470
+non-jews
+non-initial
+pyleva
+vermeij
+radishes
+saade
+cofounder
+hanikra
+mystery
+mero
+bargnani
+coffers
+358/2
+home/away
+steered
+longabaugh
+boelan
+median
+greenhorns
+greenisland
+reconquer
+rigid-hulled
+zecevic
+passaglia
+brenta
+kraddick
+63.66
+easel
+survivor
+l.e.
+6,380
+metropolit
+multitracked
+cross-rhythm
+merriwa
+gamera
+pietasters
+transcription
+euroskepticism
+21.87
+basar
+19:37
+pine-oak
+dentoni
+phe
+devalerio
+hellzapoppin
+vendio
+posada
+akher
+softeners
+pre-human
+ruediger
+third-most
+soother
+jik
+hadatha
+pg-13
+excuse
+overvotes
+morbihan
+supervisor
+ajr
+gilding
+hottentots
+stansted
+simrock
+giralt
+4,615
+wonsan
+lineaments
+niogret
+lewisia
+3,420
+zingale
+visigoths
+krabappel
+banganapalle
+besetting
+gewerkschaftsbund
+jack
+clipboards
+patmos
+beaning
+mbh99
+kanyakubja
+weezy
+garbawi
+achalasia
+natla
+demafouth
+lymerix
+syama
+augustenburg
+powdered
+yamana
+122.80
+misogynistic
+72,500
+alb
+un
+molsheim
+jeph
+icers
+cpus
+bivalve
+murupara
+eidur
+0.039
+mossy
+yevgenyevich
+charing
+wadhwani
+frr
+wohlabaugh
+bellman
+chavkin
+34-19
+trumpler
+0.026
+dither
+paperworkers
+finborough
+zoonoses
+cowls
+humbert
+soussan
+softdesk
+bendavid
+dobui
+bulfin
+intertainer
+gratefully
+gwydion
+cordish
+bevill
+glocal
+higher-paying
+almidhar
+pseudepigrapha
+ugcc
+sundby
+p4p
+junck
+sabia
+canahuati
+piles
+szlachta
+forebears
+dündar
+wenxue
+undescribable
+wieprz
+kleber
+panova
+române
+montreuil-sur-mer
+perenially
+meting
+3046
+tyrus
+edwin
+lurling
+tuesday.the
+crosswater
+bamana
+misskelley
+srbs
+germersheim
+presso
+greenheart
+1,383
+mcgroarty
+stigmatisation
+1964-85
+stewart-haas
+cadent
+comedy
+hemolysis
+saganowski
+legerdemain
+piano-led
+exported
+dflers
+ungovernability
+110.66
+guadamuz
+dermatitis
+cathode-ray
+thesis
+a.h.
+assembler
+fuxin
+soldierly
+ripuarian
+duvernay
+board-and-batten
+krishnaism
+51.93
+hexagonal
+dongtai
+infobahn
+e-suf
+lupetey
+aeroports
+62.00
+struggle
+micanopy
+124.0
+frogmore
+unashamedly
+wexner
+0mg
+lignocellulosic
+halfheartedly
+detractors
+eldership
+anabaptist
+faca
+nxc3
+idema
+horn-rimmed
+lindu
+circumstances
+templestowe
+fornovo
+seshaiah
+picchi
+afi
+baisalov
+sentinelese
+beachers
+nh6
+halkidona
+randeep
+muncie
+snazziest
+i̇pekçi
+kabbalistic
+callejón
+mozilla
+105.65
+lowering
+daer
+liatháin
+coz
+tysabri
+nordiska
+salavat
+voci
+oryzae
+établissements
+penneteau
+wended
+l-functions
+edenic
+privados
+defilements
+engelberger
+scatman
+maurizi
+mezzotints
+cindric
+prox
+egmont
+70-seat
+14.39
+monodromy
+botwright
+skrall
+cowher
+frendo
+bubriski
+0.64
+wannabovorn
+lambruschini
+glenmary
+thakral
+dehn
+kuroko
+66.85
+meka
+stoffer
+iiu
+right-wing
+hammerschmidt
+snell
+inversiones
+reducir
+gridlocked
+bonfire
+limbus
+paisiello
+sphynx
+woodchips
+low-caste
+sich
+erika
+ketu
+immortus
+production
+pittosporum
+etzella
+eyjafjoell
+tropical
+quacks
+aguaje
+400-500
+singhania
+otzi
+matherly
+1.2535
+sos
+17-17
+horvitz
+21-minute
+a1s
+dubravka
+pingdingshan
+cataloguing
+desegregate
+55.69
+q-ships
+vibert
+4,012
+suhs
+coal-fired
+johannes
+1930/31
+sharawi
+nonveterans
+wsjs
+steines
+stanislao
+szczurowa
+mossberg
+mayron
+148.6
+chamusso
+al-otaibi
+2-80
+shawnigan
+ammi
+zandl
+juhlin
+talic
+1.4762
+dampening
+verplank
+ouvrière
+reece
+hydroperoxides
+balasubramaniam
+r400
+theorist
+u.n.-imposed
+andré-marie
+mctavish
+wrapped
+zamalek
+colonialism
+deducts
+ស
+razzing
+hipparchus
+hidemichi
+1313
+metzenbaum
+2,850
+forlani
+5.78
+middein
+merrymeeting
+kahr
+carbodies
+9-year
+coloureds
+beauce
+vieweg
+voya
+vitiello
+araki
+flyting
+benayoun
+fishbourne
+ballmer
+http://web.coxnews.net
+baastad
+rhys
+63.18
+6,360
+zeidan
+rewrapped
+tobu
+martek
+grievous
+eurydice
+adoptionism
+makasa
+nastasi
+doepfner
+bogeymen
+kuysanjaq
+boquet
+sahasranama
+burgeoning
+queanbeyan
+1,509
+frontignan
+anif
+kewaunee
+infrabel
+chaparrals
+2x12
+monolithic
+khozh
+by-passed
+jeanne-claude
+four-sided
+destroyers
+misdemeanours
+keretapi
+allori
+tcl
+gumball
+1,599
+unobservant
+quos
+bagan
+lopatto
+azamara
+mcgowan
+clopidogrel
+21/2-hour
+1960-1990
+330i
+jupas
+1,693
+uniden
+draperstown
+rahal
+louisette
+237.1
+völsung
+wrongdoings
+jlugo
+romilly
+13.4
+raemon
+knuble
+euro385
+red-handed
+6,820
+nlf
+mg2
+zhongxiao
+flooz
+clickstar
+buffington
+warland
+błotnica
+araria
+despondency
+gorai
+borregaard
+belletti
+university-owned
+radmanovic
+castanet
+opaquely
+bittu
+monotreme
+301.6
+peziza
+2151
+akhlaq
+caringbah
+ninlil
+jameh
+siskind
+mcgary
+fischman
+calzon
+ahuachapán
+melancon
+unctad
+veselka
+backrests
+summerhaven
+abettors
+laforce
+metal/hard
+zora
+violaceus
+persuading
+juf
+azin
+natfhe
+scoresheet
+peppery
+1040a
+aguado
+jabarin
+revlon
+instilling
+bamberger
+yevtushenko
+agbeyome
+zhur
+quickest
+straphangers
+bifurcate
+jacana
+mcleodusa
+documentarians
+philpot
+connection-oriented
+playdom
+6,102
+den
+npca
+utf-16
+nasiru
+prevaricate
+seltsovsky
+retrain
+mitsuru
+cvts
+36.32
+tasty
+farce
+willingess
+sportin
+eutaw
+cantigas
+d'alençon
+477
+karleusa
+mete
+kostka
+rheinpfalz
+wharington
+weckl
+samboy
+stobaeus
+shirokov
+ralomar
+journolist
+permata
+strathern
+jaspin
+plat
+sydvästra
+interjecting
+5.84
+movilla
+branden
+hegi
+shakiest
+badani
+nikolayevna
+trigo
+bonampak
+corner
+savoyards
+smoltz
+mererani
+efty
+pwa
+impresion
+.472
+religiosa
+time-slot
+blasphemer
+inokashira
+protégé
+nicke
+manhas
+21,450
+cnnc
+ranunculus
+cleveland
+2-inch
+post-rock
+ongeri
+croughton
+humbler
+orekhovo
+al-hadid
+lucrecia
+souffles
+taslima
+hawo
+nessarose
+skorman
+nuristan
+depicting
+makedonija
+reruns
+ragweed
+ataur
+mdsd
+bengali
+.985
+ventritex
+dimensioned
+lakicevic
+3,910
+théâtre-italien
+33.77
+precisions
+d30
+18.0
+windwards
+arye
+calthrop
+eked
+psac
+peregrinus
+4,717
+cartilage
+sint
+dillingen
+http://www.pg.com
+defeatists
+hdt
+valdostan
+diese
+nkufo
+2419
+target2
+elution
+sesiidae
+11.58
+padalka
+allying
+dilijan
+car-like
+glucagon
+m-65
+109.90
+matouq
+hlede
+theatrical
+derian
+dolin
+4km
+muharraq
+fuqing
+middling
+hassanat
+letters
+cannock
+moruya
+chaplains
+centuries-long
+congregationalism
+fk
+wednedsay
+haazen
+wentzville
+aronson
+pstn
+1,165
+carbomb
+transdifferentiation
+seacom
+itihas
+baelish
+45.40
+mona
+rhetorician
+lapithos
+onze
+norregaard
+convención
+hombach
+brandie
+mcconkey
+zech
+hchs
+bio-weapons
+ganged
+kingswear
+rugari
+vinayakar
+statscan
+scolari
+durables
+115.66
+sanam
+psdb
+reportage
+wael
+natura
+pex
+colonialization
+teen-aged
+burhanuddin
+reboarded
+kohan
+sadabad
+purbasthali
+flybys
+uasin
+maintaining
+hexachlorobenzene
+unpopular
+mannlicher
+zhongxing
+leverich
+poliana
+fasci
+mbuna
+akira
+wāka
+streit
+veerappan
+muttu
+finau
+tanayev
+isma'ili
+100.65
+reinicke
+a.m.-6
+nehrling
+pella
+pseudogene
+serpentina
+sout
+neubarth
+loudi
+binladen
+81.58
+demonstators
+marietta
+division-i
+pitfour
+wickham
+vistan
+paterna
+polysyllabic
+non-tariff
+alzenau
+konstantinou
+68.18
+zoid
+forword
+tianlong
+2k10
+worldspace
+pesalai
+samore
+latinisation
+dumbartonshire
+longtime
+stiel
+ideological
+nager
+tsegay
+affymax
+sexagenarian
+g-class
+5,669
+tca
+raceway
+side-to-side
+tsr
+spinella
+plouffe
+canari
+bazas
+kd5
+thọ
+salvor
+92.75
+quantick
+89.60
+hadow
+iola
+attentions
+alwis
+appalachian
+lote
+prosthetics
+pringsheim
+sheean
+kwangju
+sunahama
+vanguardia
+starpoint
+pretentions
+boigne
+spiritualism
+benedetto
+112.66
+rolon
+runde
+collishaw
+prophesied
+sryanglobe.com
+amsteel
+jinghu
+glittering
+riht
+ulvskog
+deth
+unmuzzled
+113.65
+riihimäki
+novels
+marwat
+oligodendrocytes
+sabrin
+work-based
+gramophones
+pesantez
+jelavic
+phaedo
+17.64
+ex-students
+rahj
+lin
+paramecium
+4:01
+round-arm
+process-oriented
+l'information
+backbones
+32,188
+ammophila
+okakura
+estay
+bird-of-paradise
+longbottom
+creepshow
+sujatha
+piere
+labiche
+self-storage
+turnhalle
+osaka
+vilayets
+band-mates
+transgenic
+hendawi
+mesrob
+norway
+keyser
+caucus
+proprietor
+100.62
+troublemakers
+yorkers
+kanoa
+martand
+sais
+vasectomy
+earlsdon
+ihm
+aviance
+tsipi
+70-mph
+nansen
+brooklands
+batesville
+tanners
+312,000
+1933
+greened
+lq
+herc
+non-representational
+uai
+alkalinity
+syngman
+spinouts
+asperity
+stop-gap
+counterpoint
+1014
+120-mm
+unaccountable
+tatters
+difazio
+michaella
+1993-1999
+re-training
+damra
+kasprowicz
+gantry
+aeropuerto
+solid-fueled
+disadvantageous
+coffered
+peachum
+sathyam
+macalla
+behlmer
+mennonites
+.358
+mobility
+b-boy
+bödicker
+skinflint
+langewiesche
+langseth
+bullet
+liardet
+yasukuni
+sapient
+tytonidae
+1993-94
+burnam
+fussball
+55.91
+a-division
+mönchengladbach
+haldon
+recrudescence
+:23
+anata
+occlusions
+10/6
+malraux
+90-hole
+diptera
+ivoirian
+captivates
+shallow
+renfrew
+kabe
+colum
+c-17
+hesperornis
+nicotinate
+hatto
+equitata
+fledge
+green-ellis
+evc
+katurian
+revivifying
+seminerio
+killebrew
+discotheque
+eboli
+on-off
+indents
+15-24
+rockie
+spur
+arpey
+c-c
+séguin
+stargates
+two-on-one
+josephat
+92.7
+vipers
+phony
+d'arthur
+aneel
+durnan
+pipil
+chemnitz
+gralnick
+pitra
+antonia
+padmore
+tarbosaurus
+dartrey
+confab
+cheekbones
+goldsworthy
+guojie
+fins
+aïda
+chakra
+fifty-year
+milena
+1,546
+parchim
+auw
+77-75
+tfls
+similiar
+350s
+missio
+v.b.
+olafsen
+sarungi
+moder
+isci
+28-3
+modum
+loloish
+panaman
+remarriages
+dll
+djorovic
+simplicio
+siebe
+disputant
+bute
+bewailed
+sown
+commercial-free
+biss
+houseguest
+14-race
+baghead
+ila
+gas-cooled
+junkware
+yé
+mahay
+benchicou
+tuer
+tueting
+unsuitably
+matobo
+86-78
+cleage
+silke
+nasturtium
+hoffmann-la
+mid-season
+epileptics
+arslan
+loughborough
+spinosum
+123.20
+proselytized
+faline
+credentialed
+sinfonietta
+longuinhos
+4,158
+medalled
+crx
+non-hodgkin
+cuman
+tippling
+domenici
+ensconce
+meldon
+getaways
+adjudicator
+3,400
+e.t
+imagination
+tinkles
+oluanpi
+mendo
+tvland
+ruchira
+extraordinary
+108.35
+eiaj
+shamefully
+asoke
+31-percent
+neurons
+6,150
+corless
+pro-japanese
+kalvarija
+inter-state
+limor
+cross-community
+paphlagonia
+simulcasted
+gipper
+chiloglanis
+mesquites
+1312
+pendragon
+teensy
+arctos
+shincliffe
+99.69
+dla
+sluicing
+hayes
+maternity
+mixer
+ntl
+vidtrac
+stanes
+producciones
+krauskopf
+interfet
+26-acre
+stroock
+227
+layang
+zahle
+uncrowned
+topiaries
+stabilator
+sk
+seipp
+roop
+sabha
+ovimbundu
+159.5
+uzi
+bivins
+predicates
+tarabieh
+zala
+adorably
+chromophore
+vtv
+sci-arc
+jhalakathi
+devere
+smuckers
+musette
+rozo
+45.44
+3,365
+synchromesh
+m-84
+893-8435
+1142
+elgon
+parodius
+kakabadze
+rneth
+drolma
+saariaho
+m-theory
+cải
+sophus
+platelets
+sagya
+largely
+umpiring
+gimelstob
+rode
+soetrisno
+christiaan
+wondra
+shibir
+pronin
+fyans
+herms
+birthday
+shelton
+mizuna
+58.61
+euthanised
+kavak
+nitens
+hammerfall
+nenjiang
+four-step
+40-odd
+pneumatics
+95.49
+kananaskis
+whisks
+newhan
+bummers
+1,673
+36.26
+obodrites
+magnat
+prat
+cercel
+nexø
+6501
+rogation
+claus
+wolfgramm
+delegitimise
+suppé
+keplinger
+berjaya
+franchisee
+juken
+well-studied
+telecasts
+zrinjevac
+fairwater
+expiry
+maetzig
+opernhaus
+d’arte
+maes
+reveries
+precipitators
+gitane
+maduna
+fuvahmulah
+f3s
+liberata
+4-a
+timestream
+südliche
+pakhi
+ballamy
+donika
+6-for-17
+douthat
+ilkeston
+apropo
+5,000-member
+linkage
+akimoto
+cobit
+wide-angle
+estrie
+5-door
+9-week
+98-page
+prefabrication
+ascorbic
+witchdoctors
+slapdash
+laud
+57.16
+breadsticks
+sabor
+huneric
+macaloon
+4.60
+broader
+muso
+saint-aubin
+ramil
+69.00
+ornamental
+raffling
+rshs
+neglectus
+benjaminsen
+flx
+monin
+petroluem
+(864)
+redentor
+granelli
+terrycloth
+m62
+53-45
+yers
+primigenius
+blades
+extolls
+non-tidal
+abertzale
+herring
+anns
+sardis
+cayard
+20.47
+inhuman
+thyssenkrupp
+pentel
+bischofshofen
+corpuz
+630,000
+aly
+klapwijk
+jarvie
+racinaea
+daslu
+craig-martin
+dolatabadi
+snowfalls
+sidecut
+ର
+4-track
+post-9
+prolongs
+anti-king
+rhazes
+2,279
+añejo
+netbsd
+mellos
+untying
+druze
+penydarren
+caiano
+ashoura
+45.29
+skylark
+par-71
+valcour
+yaar
+turun
+kolhapur
+ltj
+basevi
+dagor
+2281
+hearers
+älvsborg
+midscale
+sima
+fallback
+besso
+huejotzingo
+rail-road
+eckmann
+panicles
+katyuri
+kawuki
+najeeb
+al-turki
+yinhe
+manasquan
+euro344
+alamos
+tullow
+kadim
+compere
+tarpischev
+carabins
+felgate
+atsumori
+b-que
+mcsorley
+r4
+obradović
+runs_bonds
+timc
+framers
+kurian
+acasiete
+0.009
+ljohnson
+rohde
+gooey
+yuli
+mwinilunga
+schjonberg
+remedies
+nasariyah
+khot
+worst-ever
+jastrow
+waihee
+barni
+supercooling
+milord
+storyopolis
+biffy
+egghead
+ferson
+liskeard
+135-nation
+steen
+a310s
+invaders
+pyrrolidine
+craig
+soenarko
+fullers
+80-metre
+avio
+editions
+bandhs
+jeleniewo
+obertan
+54.41
+bosomworth
+2589
+semmel
+sania
+pixi
+under-utilized
+delly
+38.00
+fokus
+batteau
+latwp@ldc.upenn.edu;
+codice_36
+venza
+traumatised
+bukoshi
+http://www.nwguild.org
+freyja
+baroš
+home-school
+setta
+kapusta
+solvent
+pyruvate
+9:53
+purificacion
+judice
+2-55
+165.7
+175-nation
+etoile
+cosponsors
+extinguishment
+shouldn
+polybutylene
+mccree
+grassa
+shatteringly
+strutz
+pliska
+hưng
+eadbald
+halderman
+chassery
+collin
+darknet
+brecqhou
+walliams
+llb
+strongmen
+daund
+redina
+landsborough
+elettra
+khuzai
+appliquées
+ophicleide
+meitei
+davinder
+imigran
+rosete
+confidencial
+médanos
+bahai
+sū
+dallas/fort
+afula
+phet
+20trn
+polugaevsky
+laguiller
+tait
+pheasants
+circe
+agonising
+2046
+prosaic
+cauline
+playbacks
+kakhaber
+lupica
+rumplestiltskin
+kocoras
+bacalov
+workways
+2-28
+xsd
+metalurgs
+balangoda
+fortuna
+dever
+storeroom
+sandpit
+cr-v
+failaka
+tartlet
+miksic
+videoton
+rumley
+bakso
+workchoices
+succesive
+lefevre
+chashma
+icw
+wholes
+tuaran
+π2
+box-shaped
+3-70
+paymer
+pinsky
+11-1
+14,800
+signifies
+lolland
+bedini
+amatol
+garhwali
+cesic
+campins
+3166
+fournaise
+emurray
+bawling
+pêro
+russelsheim
+xiucheng
+colbert
+excoriate
+flainn
+26-meter
+5-44
+ksnw
+cb2
+neelam
+maningrida
+vanishingly
+enlistment
+maleficent
+icts
+3rd-5th
+forbids
+2,597
+wehlau
+dtsc
+stainton
+bernardo
+turbo
+belly
+workable
+glaringly
+presages
+kossi
+wates
+1979-1985
+ted
+ahhotep
+nonwoven
+masn
+venation
+wabc-tv
+zwischen
+henke
+squish
+shahrizat
+90-ball
+haf
+cearbhall
+spratling
+srtm
+romanchuk
+64.31
+#ccccff
+hollywood-based
+alevi
+dzoni
+55.7
+harling
+delneri
+gussets
+thermedics
+hotsync
+latvians
+3,519
+gunasekera
+siran
+adzic
+topscorers
+33.53
+pilea
+al-waqidi
+meeuws
+marlboros
+activehybrid
+infinium
+impaction
+murieta
+francelia
+stenham
+paradores
+zavozin
+merullo
+jeremić
+20,000-point
+ziyarat
+ingoing
+kovacevich
+desilva
+blow-out
+kike
+antiproliferative
+undervaluation
+foston
+onal
+microbrewery
+abud
+125.96
+zivkovic
+2.07
+pis
+kotoku
+njai
+kubrat
+premiered
+bays
+kigezi
+reinspection
+fours
+thelin
+21s
+14-27
+schjeldahl
+namitha
+langbein
+triviidae
+mihailovich
+krol
+uprooted
+hurns
+cassock
+qoryoley
+magtibay
+16-piece
+geoffrey
+254.5
+gervinho
+koltsevaya
+annam
+graecia
+97.08
+3,382
+worldgate
+wsfa
+jeogori
+koalas
+bapepam
+tutton
+admissable
+wenchang
+talkative
+90.50
+milongas
+1005
+steunenberg
+55-27
+metastasizing
+family-oriented
+exploder
+grambling
+júnior
+cieca
+neglia
+wibulswasdi
+female-oriented
+path
+adir
+hemispherectomy
+fullagar
+rahmane
+femmes
+shudra
+gallivan
+silverite
+lhr
+lella
+edgily
+lended
+bouchiha
+256,000
+mortared
+ictus
+fets
+appraise
+517
+l-lysine
+sletten
+sprinter
+quetelet
+60.16
+shahīd
+tacrine
+gubacsi
+pori
+tono
+mogwai
+39-run
+3.91
+acrosome
+vavoom
+d'olier
+dvm
+cchl
+u-27
+ethnomethodology
+vanderhoef
+lorello
+convivencia
+morningstar
+side-chain
+neoplatonic
+makaa
+breedon
+59.72
+stalinism
+haun
+17-ship
+dystrophin
+232.3
+wangs
+majunga
+e-ali
+101.0
+overpopulation
+a-12
+shak
+advierte
+weera
+interlinear
+lennox-boyd
+poha
+cascadian
+papuans
+senselessness
+lapolla
+zambrów
+liwanag
+suhrkamp
+ecotec
+0620
+ertzaintza
+96.59
+fleiss
+urease
+patiya
+dolcetto
+rothblatt
+asco
+fleming
+l/d
+optimist
+misreading
+abismo
+combinacion
+valerenga
+1:25
+gatson
+0-1-0
+seldes
+sandstone
+tankless
+mannargudi
+katsande
+semenko
+monjack
+arkitekter
+andō
+kucharski
+rockaways
+yiddishe
+23.99
+mauritians
+koshino
+belfort
+ngasongwa
+leslee
+lucani
+doneness
+treisman
+1927
+emigrations
+hypo-meeting
+scarpetta
+wieser
+6-lane
+newmarket-on-fergus
+26,000-member
+crisping
+118.57
+towpath
+verbiage
+vogel
+pravasi
+ss-standarte
+peychaud
+parakeets
+okayo
+shikari
+vlasova
+rhythmic
+makonde
+10.85
+nuttallii
+rip
+adolescents
+dindal
+183.3
+mosconi
+leeroy
+oriens
+sundstroem
+cocotte
+furney
+fatale
+fruitless
+71.43
+bermudian
+spaghetti
+gönül
+ascarrunz
+patristic
+epyx
+euro51
+misbegotten
+rxe5
+tuus
+sopher
+ellroy
+prabakaran
+mig-35
+wurtemberg
+ew
+f16s
+uber
+6.16
+oji
+wintu
+podgorny
+furans
+tujhe
+rones
+odobasic
+khouri
+kwena
+nanofabrication
+picchu
+thiebaud
+diyas
+21,667
+150-million
+centerboard
+hym
+unfreezes
+pendergrast
+brocade
+1272
+diomansy
+mckneely
+mcgurrin
+jackline
+perlemuter
+redundancies
+sitnikov
+10-50
+fai
+percival
+homosexual
+rock-based
+caiazzo
+fruitopia
+s-video
+planetesimals
+arcilla
+paymaster
+fayyum
+non-drug
+tuckett
+implements
+valliant
+4.79
+bootcheck
+sforza
+20000
+minebea
+zohar
+dawan
+bogd
+paranavitana
+readouts
+tutwiler
+iiic
+tomkiewicz
+habitus
+dyana
+bastienne
+zealander
+r/3
+heidgen
+u.n.-mandated
+ilich
+joist
+orjan
+henkin
+sverkos
+narendra
+caprices
+imagi
+snorkel
+53-43
+jambe
+temerin
+locus
+live-fire
+061
+assateague
+uitlanders
+shatto
+homebush
+huddle
+400,000-strong
+kilovolts
+twenty-third
+freeport-mcmoran
+ciutadella
+interscope
+pochinok
+percudani
+battlements
+5,000-foot
+370th
+marrakesh
+bogland
+tilman
+inzerillo
+50.40
+bidded
+optiver
+throat
+stillson
+djokic
+tempestad
+time-averaged
+gilt-bronze
+yên
+bechstein
+ekwe
+hartsook
+sindoor
+defaced
+nahariya
+kornbluh
+jhu
+hiran
+uliana
+non-urban
+f2003-ga
+202-263-6400
+massanutten
+misinterpretation
+moag
+3008
+shiff
+reperfusion
+encompassed
+agnosia
+hassanpour
+53-38
+segno
+53-yard
+provea
+bifunctional
+immunoprecipitation
+breville
+bajnokság
+omen
+osawa
+marino
+pantalone
+grannies
+forthrightness
+harriman
+stalactite
+serp
+meho
+abortion
+loskov
+ančić
+abunimah
+phrenological
+zampieri
+itu
+emended
+16:34
+boun
+danford
+budenovsk
+freudian
+gigantour
+fillipo
+a-6e
+18.51
+bolli
+uzbekneftegaz
+searchmont
+aldwyn
+warmack
+trusting
+freespace
+exchequer
+lyase
+nandurbar
+bansuri
+two-port
+unbidden
+3,253
+pethia
+inc.
+11.57
+cpvcc
+37.15
+dorit
+duprey
+zevulun
+batho
+egoist
+hamr
+hilbig
+veikkausliiga
+alona
+expiate
+yasuo
+neo-confucian
+dagoba
+afghansitan
+kleiber
+patronising
+cinched
+120.22
+task
+tumi
+zubir
+swarmer
+aix-les-bains
+2,485
+pbia
+xerophytic
+chassériau
+unterweger
+hebert
+anderberg
+fredrikson
+bar-tailed
+sahm
+nubra
+tarnish
+sucked
+shinedown
+acidophilus
+tuinei
+tabaristan
+dazzled
+3121
+5.9-billion
+matamoras
+yawen
+affluents
+bossi
+ruchika
+formulary
+side-valve
+35.55
+102.15
+f-100d
+milestones
+keihin-tōhoku
+1,919
+500,000,000
+mcguire
+procurators
+françois-andré
+formosan
+aigars
+unrelieved
+nashotah
+beguilingly
+brms
+replicator
+leinonen
+enid
+vávra
+dapitan
+skyvan
+23-story
+dunlop
+nuisance
+4.22
+lieutenants
+ludicrously
+night-vision
+anhe
+hope
+sijie
+bogeyman
+chōshū
+curlin
+kalemeh
+40-17
+edifact
+tshisekedi
+qianmen
+wahle
+petrogal
+pantulu
+gordone
+gravies
+overwintered
+philippine
+stonor
+pendula
+skerla
+worldnetdaily
+monsanto
+half-a-dozen
+kakaiya
+schnuelle
+ozer
+kater
+north-north-east
+hirzel
+ramp
+diliberto
+seneviratne
+sellin
+chastely
+kondrusiewicz
+4:46
+apostolicae
+ratlam
+332.7
+lukic
+asset
+splm
+contempt
+sosebee
+viliami
+polishes
+nesser
+bilberries
+1.1530
+samaritano
+ringfort
+walsenburg
+achille
+gáspár
+rsoriano
+bruning
+kanaal
+pictish
+dargomyzhsky
+yadava
+singer-guitarist
+himuro
+warlords
+goodson-todman
+redwings
+connacht
+fraiche
+suranand
+hrp
+lastimoso
+a308
+greinke
+prattsville
+reposted
+hindson
+.0203
+clamorous
+colloquially
+dismays
+huaiwen
+rumonge
+kalinsky
+buffered
+pavarotti
+garitano
+lijiao
+inducted
+947,000
+fallar
+po
+makkum
+slime
+777-300er
+puka
+refsnes
+jannes
+ª
+morale
+epiglottis
+mustapa
+garana
+blake
+mckean
+sorocaba
+spam
+cissé
+mirsada
+philolaus
+hypogeal
+nafisi
+colorant
+einsteinian
+3-axis
+sapien
+loraine
+7,995
+mcmenamy
+stauber
+yevgeniy
+manufacture-on-demand
+ebenhoch
+sixfold
+2000s
+marianum
+jingye
+5110
+97-86
+castledermot
+dusseau
+circumvention
+singkawang
+neptis
+finjan
+oppel
+82.5
+ypsolopha
+staffin
+levinson
+tewkesbury
+wapner
+mukhrovani
+agueda
+walpola
+keone
+castresana
+obey
+enforceable
+toned
+agusan
+dalstroy
+veira
+akhtaruddin
+51.97
+fasnacht
+milana
+i.e
+jónas
+shoygu
+fisker
+harebell
+5-footer
+deamination
+discourse
+coops
+etica
+enoshima
+stadtteile
+p5
+1.432
+non-medal
+saho
+28.73
+3-30
+pompadour
+pre-olympic
+anarchists
+liberalized
+argentan
+tilos
+b-15
+barkhatov
+tenda
+vla
+magnificence
+m400
+anambra
+tupou
+courtneidge
+554
+krusher
+ineptitude
+life-or-death
+marq
+khalili
+haruko
+lugger
+corston
+nassi
+varina
+dahaf
+gammill
+phosphorescent
+brunanburh
+25-state
+creasy
+clericalism
+17-room
+cychropsis
+overwhelms
+rool
+polymorpha
+hallucinations
+halak
+prehospital
+ossory
+mary-louise
+lanjisu
+gronings
+tsung
+krizman
+thaker
+holguin
+sub-contractors
+abnett
+henck
+44-35
+arbaeen
+romany
+dungun
+1782
+482
+huaral
+gurdjieff
+harthy
+3.205
+96-66
+veljohnson
+1412
+farmer
+carbonated
+hc62
+elbaneh
+amadeo
+wooldridge
+n.ireland
+hoffenblum
+thrashes
+xtreme
+dumbfounded
+swisscom
+oru
+harburg
+ponied
+lekić
+holter
+aryabhatiya
+telang
+100,000.00
+catalunya
+gotlieb
+tatian
+smurfit
+naresuan
+banknote
+petrochemicals
+12.46
+93.72
+8:41
+schoenherr
+oberfeldwebel
+1.141
+unshaven
+céli
+ladue
+herpesviridae
+halted
+sesno
+autocomplete
+subversion
+moeloek
+80.50
+i-sahaba
+28-june
+powertech
+carcieri
+pavlohrad
+88.45
+rantissi
+aristide
+tanioka
+impor
+algérie
+esiliiga
+schroll
+hobbits
+plaça
+festhalle
+aidoo
+5.8
+gambale
+contorting
+tamboen
+chaotically
+mojon
+khare
+finis
+osmonds
+a-10s
+savchuk
+supplement
+bonynge
+yemelyanov
+jeanneau
+tracii
+guzmania
+assert
+25-10
+kamboh
+sotillo
+463d
+masini
+bertini
+brandname
+thurwachter
+persuasions
+slumbered
+mingsheng
+10:19
+caticlan
+midco
+sitka
+diversifolia
+gradimir
+graffin
+alcântara
+ḩoseynābād-e
+linne
+debden
+shamai
+bahama
+dalawa
+tricholomataceae
+american-made
+punin
+revista
+33-16
+khanh
+neckarsulm
+britz
+bligh
+veliger
+goodly
+onassio
+govil
+zagor
+anti-intellectualism
+flogged
+2,076
+huset
+talk/variety
+trefry
+sensate
+hobsbaum
+brecker
+marisabel
+gingerich
+dwarven
+wainfleet
+306.5
+objecting
+demographical
+verhovek
+biopharmaceutical
+logged
+unavoidable
+1-yard
+maximalism
+56-2
+cures
+piñon
+tiryns
+caecilius
+blaudschun
+fort-de-france
+mylène
+renourishment
+astonishing
+full-backs
+non-film
+ochil
+polonization
+barong
+2,541
+physalacriaceae
+outspent
+maghazi
+sciolino
+allmans
+turco-mongol
+mauboy
+spongelike
+revamped
+wiegert
+braj
+doenjang
+steenkamp
+o'nan
+xhavit
+kendricks
+vibhushan
+glia
+klasko
+d'urgell
+90-kilometer
+mofa
+grubin
+zhob
+multigene
+kaftanzoglio
+ohio-based
+sabbatai
+vaguely
+clercs
+karlskoga
+origem
+mineralization
+aldan
+hamsiraji
+conduced
+wrc-tv
+adventists
+sanluri
+viktorovna
+fmqb
+emotionality
+hushing
+ozick
+over-harvesting
+goldwork
+burning
+burkey
+ramalayam
+shabbat
+đurić
+92-92
+103.0
+dyrrachium
+bromford
+f-250
+cuapio
+pétionville
+listenable
+crocodylomorph
+115.49
+vfx
+vinent
+analogical
+filmography
+shf
+birgu
+30.27
+cust
+pyeongchang
+papered
+mattos
+khotan
+sorelle
+84.35
+potec
+tyahn
+psocoptera
+milda
+craigmore
+renna
+skanda
+,14
+biocompatible
+postmedia
+kantzow
+smarttoaster
+clinton-gore
+aristarchus
+eunick
+small-group
+parallelling
+schoolwork
+rosemarie
+friedgen
+equivalence
+gradation
+luridly
+howeglobe.com
+hamamelis
+vulcan
+wanz
+nyanzale
+cendana
+polyptych
+tulelake
+woiwurrung
+sandusky
+welland
+worte
+carrick
+doofus
+puppa
+overexposure
+sawako
+chaire
+teko
+impetus
+jaha
+sakara
+aldose
+wachtmeister
+baicheng
+bamfuchile
+allgame
+rawdon-hastings
+abstained
+kanungu
+pinkertons
+needful
+truisms
+ex-yugoslav
+anamorph
+abdali
+315th
+1,061
+niskala
+cb750
+mississinewa
+firmansyah
+sergel
+τὸ
+superthrift
+milanés
+opercular
+92.39
+124.26
+granard
+tehillim
+hafta
+2-89
+meaner
+well-trained
+40-love
+discouragement
+de'ath
+cuckoos
+re-arrest
+rabat
+stencils
+qed
+balbinus
+alula
+grayi
+cheddleton
+grayskull
+ankylosaurs
+pulverizing
+flozell
+djdm
+abhorrent
+middendorf
+samaki
+schladming
+sharafkindi
+266
+subjectivist
+bashkimi
+light-weight
+ghosananda
+liddel
+d'hiv
+montini
+thay
+3:17
+tearoom
+sainfoin
+cacchione
+ununseptium
+coriaceous
+jamaican
+bael
+mt
+zaporozhian
+winter/spring
+5,000-square
+chronis
+citied
+ribeirão
+http://www.statoil.com
+uddeholm
+iwuchukwu
+universul
+categorically
+undisguised
+dragonlance
+sesana
+ngbanda
+teófilo
+presynaptic
+separateness
+chans
+sanggau
+drv
+uninstalled
+a-8
+kwood
+5760
+meghna
+88.35
+unruh
+bitterest
+viver
+mcclune
+salmasius
+alken
+unscrambled
+meluskey
+tuxedoed
+piek
+gingko
+83-kg
+4,470
+douche
+tetartos
+boricua
+67-page
+ruefully
+inle
+9.39
+27.21
+soriani
+split-complex
+outturn
+sissano
+16-pound
+hyperextending
+towy
+matusow
+crainic
+zgornje
+scalp
+pigou
+pinelake
+1.225
+1,286
+keely
+1-8-7
+kraig
+holgate
+devín
+4.075
+solondz
+gymnastique
+rubasinghe
+sephaka
+l'assemblée
+82-percent
+whenuapai
+suizo
+elleman
+indisputably
+ized
+monhegan
+dreiling
+محمد
+trpimir
+freebird
+zabavnik
+gescartera
+colinton
+caringal
+vulko
+d-d
+ticket
+mangla
+afact
+fraseri
+solor
+duru
+stub
+dtds
+loseling
+lorak
+kexp
+magwitch
+strictest
+29-7
+beogradska
+schoolhouse
+barsh
+sweatbands
+sobekhotep
+financement
+bi-partisan
+1990-2004
+bisley
+4,565
+crowd
+bienvenido
+helstad
+ramamurthy
+coutries
+gregorin
+unwounded
+menz
+umboh
+pairs
+divesting
+ornithomimids
+whiteford
+schwarm
+milion
+democratic-republican
+6,175
+prakan
+hensman
+shochet
+howa
+fiorentini
+near-close
+labrinth
+trilingual
+utendahl
+frinton-on-sea
+childrenswear
+harte-hanks
+hermanus
+nihal
+aeronauticas
+waterfronts
+meritor
+siddiqa
+85-72
+writer
+shootout
+earby
+kirke
+romanosptimes.com
+post-olympic
+willem-alexander
+sephy
+madain
+olajide
+kuchh
+nanooks
+sants
+anheuser-busch
+galung
+mohammadzadeh
+misstate
+roelandts
+baras
+rif
+shonen
+broek
+gierasch
+baselines
+konstanz
+legates
+bobai
+stoehr
+ziadie
+laphroaig
+hulan
+taxing
+overbay
+adaina
+marsis
+6-22
+balonmano
+observed
+havok
+shrayer
+hinxton
+schabarum
+tapping
+spaarne
+carbon
+peerzada
+doll
+vitrolles
+kpu
+deheishe
+puche
+ragen
+jérémy
+gimnázium
+cheswick
+retooling
+cherson
+tungusic
+w.h.
+lalchand
+duas
+tuvo
+sulkin
+merthyr
+misiones
+38-2
+come
+qimin
+iif
+particularity
+elsag
+volandri
+wavertree
+langye
+dispensationalist
+tsimba
+earth-like
+castellan
+natas
+t.y.
+hydrolysed
+scherr
+g-14
+gilgal
+venezolanos
+ibmp
+ppm
+amry
+usen
+tranquilly
+propounds
+archtop
+lakhdar
+ingelheim
+27-12
+urh
+gheest
+giblets
+llantrisant
+221-207
+periander
+balcon
+galanthus
+incidences
+kallat
+bissen
+maiya
+ilizarov
+valassis
+kenley
+lisnaskea
+bulkers
+wwf/e
+sexe
+hitching
+3.04
+extravagances
+ě
+bowhill
+soncini
+narrated
+kitchen
+aftershave
+soulier
+55.62
+memory
+ransohoff
+zuylen
+letterboxing
+.656
+accounted
+fauchard
+chakrapani
+timaru
+two-times
+less-known
+transcona
+43.52
+28.41
+equalisers
+whippersnappers
+vanderwerff
+crickley
+insight.com
+greenblatt
+bugle
+daeva
+validators
+maitland
+gluconate
+havelberg
+oxygen-18
+lakeshores
+59.1
+antuco
+kaslik
+taani
+cwd
+shur
+asexuality
+oanh
+alerta
+wittlich
+mercat
+anitra
+modern-style
+kleinsasser
+đài
+zuzana
+118.2
+sandel
+samahni
+dubelier
+caivano
+earthjustice
+2014-15
+14.08
+parrillo
+mixed-sex
+passeig
+nūr
+boulton
+112.80
+eugene
+twang
+legalisms
+gobi
+needleman
+rinas
+kirsty
+m.t.
+arkaitz
+thouvenot
+sbarra
+mamed
+robertsbridge
+komunyakaa
+overlords
+pcie
+juby
+qazis
+smestow
+luga
+auriculata
+impinge
+andvord
+643,000
+pasturage
+kajo
+82-member
+renn
+10021
+transliterate
+1259
+o'hea
+keisha
+giuffre
+gesine
+ostern
+lymphadenitis
+akane
+austin-based
+xobni
+chup
+tous
+exoo
+prachinburi
+canfield
+michaelis
+kakatiyas
+fellaini
+meiningen
+nord-sud
+homeless
+eardrums
+n-linked
+geist
+computus
+tokarev
+trebizond
+stavans
+chachalaca
+hsip
+weybourne
+interoil
+permatang
+międzyrzec
+ogbomosho
+vinograd
+moxi
+u-16
+deviants
+tinggi
+supercop
+alis
+banjo-kazooie
+mnwest
+coarsest
+bastien
+shemp
+sonatas
+risby
+regency
+workhorse
+goal_pittsburgh
+vakama
+guanidine
+schwarze
+heterocycle
+mazahir
+dictionary.com
+slenderness
+polydorus
+self-administering
+gotha
+delo
+hendriks
+knottingley
+keylogger
+y-shaped
+osbourne
+58.23
+sit-ups
+wmtw
+boscov
+5,190
+42
+alfven
+ragbag
+huson
+giacometti
+entwine
+58-year-old
+stenman
+atomique
+octubre
+cendrars
+escolar
+saint-mandé
+disliking
+quickfire
+amphenol
+abrazo
+millward
+hiraoka
+toroslar
+humala
+malacologist
+jewelery
+2sec
+irb
+kue
+newton-le-willows
+enoc
+2,706
+eastbridge
+rocketdyne
+96.60
+qiao
+7-21
+loggins
+32-6
+schwyzer
+over-subscribed
+nanhui
+melakarta
+burdell
+noer
+traphagen
+foregrounding
+veen
+afptv
+hoag
+mauldin
+pfenning
+xvi
+reared
+fayal
+importantes
+45.67
+destabilization
+gotō
+concurrently
+shaye
+athanasios
+bette
+wfmu
+incontestably
+bolado
+gajapathi
+shaabi
+telus
+saint-eustache
+bradykinin
+leverock
+chudler
+dunlea
+70-story
+outcrops
+lærdal
+bror
+72.06
+nip
+gomery
+spurns
+riverso
+healed
+abbruzzese
+murtala
+passell
+terminer
+yadong
+tsevegnyam
+skouras
+ayshford
+eriksdotter
+frantzen
+bivalved
+fancheng
+pressburg
+höganäs
+blinding
+damrey
+runnion
+coastline
+1,365
+goldsmithing
+michalski
+1998-present
+piq
+echmarcach
+appetizer
+pushkin
+funland
+she-wolf
+afars
+saudades
+alito
+polarities
+single-expansion
+bomi
+kapachinskaya
+disillusioned
+apperson
+.514
+flumes
+nikaya
+ainur
+pinprick
+aurica
+unfcc
+brane
+damad
+schulters
+poortvliet
+grazing
+pentathletes
+cyclin-dependent
+edel
+kamienna
+lochbuie
+benioff
+dupin
+allele
+coin-op
+insalubrious
+8a
+pacientes
+shogunal
+fradique
+hummingbird
+monozygotic
+chusid
+pappalardi
+conservación
+skews
+curriculums
+dramatical
++.19
+vashti
+piscium
+muraguchi
+then-contemporary
+sleeve
+sarsekbayev
+bashkirov
+appropriations
+citri
+leverhulme
+wnox
+mcq
+43-32
+pei
+dawasa
+premajayantha
+dogface
+maigurov
+glucosinolates
+subroto
+withstands
+lefroy
+ncvs
+.621
+galimberti
+80-1
+reback
+landrecies
+unmastered
+post-concussion
+despairing
+beefeater
+seytoff
+alperon
+ivey
+arulanandam
+odaiba
+.91
+protein-rich
+bambang
+al-hadi
+bevilaqua
+nwodo
+nabj
+gith
+chelicerae
+97-0
+vecernji
+israelites
+shobiz
+sarina
+barito
+cheakamus
+dischord
+lebranchu
+zapatos
+keulder
+subjectivism
+j7
+yoku
+bloemfontein
+wpro
+three-card
+rahmati
+desnuda
+hadikusumo
+doilies
+bedding
+haidallah
+oppostion
+rothwax
+bronislava
+terpsichore
+1,310
+polarity
+yenta
+ee
+metro-goldwyn-mayer
+clenching
+hawed
+mantius
+samin
+leloup
+lasham
+belzu
+domokos
+socheat
+burkin
+travie
+preventers
+rendus
+berle
+15,000-pound
+4700
+brs
+iccpr
+r50
+ernő
+deta
+ikemoto
+87.73
+gavin
+lluis
+9th-12th
+couldnt
+chubar
+maerdy
+c-160
+jordani
+cedia
+hurriya
+tricameral
+mad
+pattons
+defendable
+inde
+leerink
+pecl
+antonette
+keir
+comberton
+meroni
+julin
+dispositive
+robens
+tailrace
+disrespectfully
+posar
+.386
+coarctation
+frank
+nieporent
+spain
+pregunte
+bracebridge
+flamingo
+erbb2
+dual
+borodin
+harum
+40.70
+stonier
+7,500-seat
+evraz
+charnchai
+joannes
+mclain
+shepherdson
+promodes
+amoussou
+dhkp
+three-phase
+cleadon
+bears
+davenport
+late-1970s
+romanovich
+on-loan
+baldinucci
+marazov
+fellman
+yuping
+endplate
+uncontaminated
+hourihan
+1,097
+tshimanga
+gaziantep
+colletti
+yimin
+payen
+sabes
+riazor
+northampton
+stookey
+zagyg
+scientific
+ss-standartenführer
+centreman
+7-3-1
+turri
+vicar-general
+merker
+muscadelle
+ferroviaria
+overwork
+dipeptide
+burrowers
+marksville
+mscs
+-38
+passive
+guanosine
+ghouri
+temperature-controlled
+candelo
+albornoz
+erythropoetin
+roorda
+230m
+freighter
+morado
+syncretized
+180-million
+romanow
+ercall
+mobius
+íosa
+de-listed
+osiel
+canadiense
+nete
+martan
+hitzig
+illocutionary
+wholemeal
+dias
+bosman
+dovecot
+7-meter
+49.85
+taizi
+spodumene
+r.h.
+yda
+mutineers
+ery
+43.69
+off-campus
+69.46
+chenal
+retford
+taksin
+margen
+smigun
+openskies
+ricerca
+anshel
+shito
+kabarebe
+short-wavelength
+trivializes
+waheed
+cuestas
+oft-used
+leitha
+richterova
+medrich
+beaumanoir
+saavedra
+qayamat
+belga
+samarkand
+michaelson
+grassle
+erlinder
+rhodri
+properly
+elaida
+bebearia
+ayu
+proclivities
+bavo
+isotta
+baikie
+cherepovets
+dayhoff
+kilowatts
+clobber
+m.a.i.d
+apparition
+starlight
+morello
+bluesville
+curd
+joka
+piumsombun
+seattle-tacoma
+branner
+state/provincial/department
+mindi
+23-6
+329,000
+heikensten
+indictees
+73-74
+1989-94
+namys
+fawzy
+backstay
+.512
+informatique
+geiko
+jatmiko
+copiously
+mylne
+kozlu
+sethna
+blau
+yurts
+willowherb
+357
+louis-napoleon
+feni
+9-volt
+eradicates
+vanesa
+volkswagen
+niednagel
+jerling
+umt
+summertime
+and-11
+rungius
+xle
+pack-in
+gillow
+3:3
+galon
+sayyad
+seahawks
+nathman
+mauritia
+koecher
+upt
+npws
+unconcealed
+jianshe
+gange
+rideau
+w.a.
+benzoylecgonine
+two-and-a-half-story
+concerted
+under-reporting
+beeton
+39-041
+maturin
+crimthann
+cmcs
+terran
+revenges
+mandragora
+391.7
+pre-1949
+blackcap
+demotions
+yusei
+donning
+northerners
+shijingshan
+65.08
+nolfi
+boji
+lochaber
+asos
+19-year
+microlitre
+blachford
+armantrout
+scriptwriting
+loki
+ссср
+academicism
+azilah
+heckman
+signorelli
+ewg
+re-equipping
+quwa
+heterocycles
+slansky
+mataro
+iraklio
+mattheis
+berenger
+constantly
+hemofarm
+handmaids
+birendra
+horsehide
+cartmill
+h.r.
+wys
+sair
+solomona
+avma
+tilda
+stuart-wortley
+elusiveness
+sunday.the
+witchery
+reig
+vicino
+heftier
+-1.3
+xianming
+hamdanids
+blackfield
+d'argent
+ihesus
+perversity
+smokescreen
+jaspher
+instrumentals
+versioned
+tno
+fpm
+snackwell
+winding-up
+2.54
+499th
+eight-way
+chae
+supervised
+fele
+penitents
+sturgill
+itawamba
+wls-fm
+finansbank
+yacimientos
+hodan
+ajibola
+6,045
+coups
+tehrani
+14.33
+wrought-iron
+pelplin
+outlandishness
+velbazhd
+5-38
+lakehurst
+2,017
+hutan
+kyrill
+bandied
+kesowo
+agnoletto
+leos
+bayano
+salegy
+thambwe
+cortisol
+surpise
+al-kalbi
+simeis
+us-acan
+12.78
+tanvi
+šar
+upturns
+involve
+chembur
+abjuring
+jaroslava
+whump
+bilaterian
+intec
+metzmacher
+siryn
+bucholz
+partahi
+f&c
+52.64
+mtbe
+kernahan
+magas
+herky
+1985-1990
+peets
+semicircles
+shusham
+thump
+girdle
+orthodox
+euskotren
+rsw
+074
+beac
+sorbie
+stala
+sebastiani
+55.50
+furuhata
+k-type
+minutia
+polybus
+jazzing
+standoff
+appuleius
+4.06
+cejudo
+salh
+bertino
+misapplication
+rata
+jayer
+ei
+chainz
+reminding
+liddicoat
+sasktel
+unprecedent
+cassoulides
+webring
+vadivelu
+occultism
+javadabad
+yoshizaki
+partch
+high-output
+campervan
+aldeburgh
+hectoring
+,110
+rf&p
+filt
+aunque
+supplant
+dyvz
+barisic
+cherry-garrard
+scoular
+litera
+lychee
+wlc
+g-24
+caerulea
+ederer
+phillippe
+qichun
+similar-sounding
+keyloggers
+woensdrecht
+lukyanov
+tunnicliffe
+szapolyai
+prosthetic
+kodai
+forswearing
+gordan
+man-thing
+kolis
+bethlen
+nephrons
+disregarded
+cribellate
+banba
+ackerley
+76-64
+abrade
+singpho
+aircaft
+mabopane
+’90s
+haw
+microblogging
+euro660
+fasken
+050
+100-97
+behindwoods
+concave
+edberg
+helm
+fronius
+vieyra
+1780s
+200-yard
+12:53
+165.00
+game-changing
+ogea
+fugacity
+kupchak
+majok
+generalship
+piegan
+115.87
+winberg
+scraps
+reappoint
+35.40
+1855-56
+ekspres
+immunologist
+implicature
+farahani
+guillain
+dahinden
+fishburn
+tomoyo
+dismissible
+massue
+hattiesburg
+packards
+volterra
+chanting
+curatola
+sandfields
+zhenhai
+laserjet
+vasilevsky
+mahendranath
+typified
+batf
+sidewalks
+menomonie
+collineation
+audina
+alpha-synuclein
+geodesy
+transurban
+arrojo
+prime7
+420th
+a69
+squatty
+eto'o
+tv5
+sardinia-piedmont
+turbine-powered
+terr
+clongowes
+leyden
+enumerates
+bergkamp
+pyrophosphatase
+parece
+hitomi
+llano
+cpf
+sours
+elefant
+ra'ad
+nytphotos
+etang
+urm
+tinsukia
+loincloths
+giver
+omnius
+cheveldae
+conrado
+seppey
+radhakrishna
+munsell
+50-km
+regione
+chloroform
+aplin
+goldenes
+cuboid
+goldmember
+budgen
+montopoli
+octo
+turjeman
+mastercard
+kauffman
+cavey
+kehn
+suppiluliuma
+december/january
+albade
+shanmuganathan
+delhi-based
+mesnick
+taubes
+wangping
+imagem
+maharaja
+38-day
+śūnyatā
+haviva
+theramenes
+counterprogramming
+mcevilly
+mcglew
+dendrobium
+40.83
+monotheism
+depriving
+stencil
+cime
+poca
+lawgiver
+oldknow
+haritha
+rainville
+delusion
+zela
+donau
+cydonie
+pecci
+non-lethal
+koboi
+alembic
+””
+kannauj
+dębina
+pomme
+clerestory
+shinde
+chinna
+tupamaros
+pellerud
+nichi
+harmoniously
+sterry
+hijas
+first-round
+dharwad
+294.5
+bagshawe
+wyton
+basement
+335.5
+self-executing
+agazzi
+acclimatize
+swearing
+narm
+bicolour
+us
+dobo
+thawing
+mid-1946
+70-kilogram
+bridles
+luxgen
+1.66
+dinosaur
+silkair
+gbs
+416-point
+perfected
+redistrict
+extreme
+28.69
+stormville
+libanais
+beanery
+cakici
+appends
+ensconced
+mexbol
+prefered
+rhipsalis
+jarba
+emy
+digene
+e-democracy
+anang
+honma
+moench
+rehousing
+baumholder
+micaela
+artan
+adiutrix
+rheinisches
+lovefest
+75m
+kriebel
+pinheads
+karlovo
+angolensis
+sarnath
+agincourt
+xylem
+zij
+capitanich
+receiverships
+mitsushige
+darkwave
+berleand
+l'hôtel
+xiaowen
+suthers
+shigella
+cannoneers
+trimumpara
+bezares
+grossack
+spear
+deoband
+czechs
+basma
+diyala
+kaisa
+kelkar
+gioro
+somoni
+baena
+linearization
+virginias
+royo
+transited
+power-play
+nadiya
+visiteurs
+anjelo
+8:48
+anti-climactic
+1040
+hàng
+sobotka
+telegraf
+sumption
+westampton
+gamez
+waigo
+prithviraj
+19.02
+coltishall
+soluciones
+nitzer
+superbly
+shoushan
+nanzan
+wajdi
+315-seat
+230-pound
+munsinger
+cancioneiro
+depor
+weerakoon
+1992-1993
+tibbon
+turon
+.576
+hard-drinking
+fredric
+blixt
+naguib
+beechen
+mollayev
+ehle
+batley
+unself
+cjp
+erjon
+proffer
+ogling
+dealed
+najma
+resolution
+taklung
+mascarade
+mechanistic
+crayons
+giono
+offworld
+leonesa
+rajdhani
+domes
+oleson
+eliasch
+shrage
+shrieks
+bioacoustics
+harenberg
+68.95
+schirmer
+vietoris
+selleck
+ccfc
+hader
+gapper
+lanfang
+bzura
+wilcoxson
+raikov
+zarinah
+81.19
+takemi
+langfeld
+most-wanted
+omdurman
+gorjanci
+ecologists
+2,956
+shatti
+intel-based
+oistrakh
+1388
+synched
+kumeyaay
+farming
+european-american
+kudan
+shibarghan
+coulier
+vice-prime
+maltreat
+abdolmalek
+tonkolili
+2012-13
+seóla
+pashtu
+post-operative
+asavahame
+soldering
+kiersten
+keats
+salida
+sasako
+35.96
+12-passenger
+rebaine
+espina
+ortsgemeinden
+sindo
+wilfong
+luxuriating
+11000
+219,000
+2.1-meter
+coloreds
+massilia
+ferromagnets
+fox.com
+freestyler
+villaran
+bared
+eachother
+azra
+dúin
+kandyan
+callista
+sail
+replantation
+organs
+slesarenko
+tiraspol
+nguyen
+sondermann
+esy
+booklist
+casadesus
+amoebiasis
+25,000-strong
+makarand
+onomatopoetic
+to-1
+certainly
+janer
+heraldo
+mangrove
+přemyslid
+verwoerd
+gòn
+2h2o
+searchers
+yijing
+grigson
+margit
+guarneri
+milojevic
+achterhoek
+streamers
+u.s.-funded
+proto-indo-europeans
+65.66
+netegrity
+zeil
+disgraceful
+checkpost
+kleinert
+dilshad
+rburr@express
+atchafalaya
+3830
+ehrhard
+coshocton
+merari
+3-ball
+kambale
+orentlicher
+swam
+harpeth
+josepha
+gon
+tahsh
+commonality
+parables
+hedaya
+coppel
+tth
+wends
+nidia
+granholm
+hanac
+newspoll
+cuddington
+wilanów
+textures
+aramnau
+matsumoto
+poos
+shimada
+traditonal
+blecher
+mazeppa
+1915-1916
+wfe
+wvt
+jaffa
+fingon
+inpex
+nihon
+whacky
+editor
+cornwall
+men1
+tustin
+ironhide
+defarge
+ndfb
+sylve
+#ukqaqsqm
+ceto
+swingle
+penzler
+uscanga
+peshkopi
+nissalke
+airbaltic
+memorabilia
+mulero
+mckinzie
+bitmaps
+38.93
+ubs
+demarcations
+aldon
+fgf
+6:24
+17.25
+ultraforce
+stenographic
+mollison
+henbit
+reesha
+tary
+vonnegut
+unrecorded
+dúnchad
+amplifications
+20-stage
+chittum
+shihm
+grasscourt
+citic
+gentile
+westerman
+duras
+smalltime
+integrin
+kalmadi
+kwesi
+sheli
+stofile
+duala
+locanda
+bjerknes
+chunling
+snowsports
+lullabye
+defencemen
+better-equipped
+aruk
+many-one
+löns
+rachmat
+1.395
+mojtaba
+margrete
+piff
+payan
+cryptogram
+37-39
+kampi
+isara
+occluding
+országos
+tarwater
+copernicus
+inmates
+tihanyi
+fruits
+bongo
+negreanu
+kimmeridgian
+crinum
+48.0
+blinker
+homie
+space/time
+ostrogoths
+righthanded
+euro301
+blic
+curepipe
+3067
+chicanery
+hissene
+katzir
+dharmawangsa
+sge
+infomedia
+gongshan
+1st-century
+ippa
+ramphotyphlops
+web-site
+buendía
+consecuencias
+sithole
+mayorsky
+seventy-eight
+romanians
+accosting
+majongwe
+ozone-depleting
+workstations
+maydell
+33-car
+windrows
+dwd
+cellulosa
+rpi
+tepeyac
+fellay
+3-km
+zoku
+lebas
+τον
+al-safa
+explainable
+éowyn
+vandenhurk
+nazimabad
+maylana
+622.8
+ahl
+114.88
+scimeca
+runzheimer
+in-charge
+high-a
+leyl
+dastan
+emel
+akutan
+liberazione
+arterial
+b-cells
+bitam
+kunzang
+noncapital
+boks
+arbeiter-zeitung
+wajda
+mathers
+banuelos
+ravussin
+hinata
+cook-off
+qn
+büsum
+beefheart
+estimates
+guaita
+poet
+pashmina
+čop
+bingolotto
+62-7
+beaudet
+tekirdağ
+sobradinho
+papillomavirus
+cardle
+115.38
+insideflyer
+cluzet
+fic
+self-report
+hfe
+wennet
+reasons
+”
+mientras
+capitalize
+kolber
+westpactrust
+2,000-kilometer
+5-73
+waddingham
+ninox
+i-19
+pdps
+assists_new
+upwind
+garbh
+paternalism
+sarka
+iscol
+taxmen
+catharine
+anglophone
+fanon
+matsuura
+jackings
+67.32
+300,000-ton
+clairemont
+gaithersburg
+intermingling
+wagenknecht
+dagobert
+maier
+willett
+kiptanui
+muiznieks
+6-of-7
+blaauw
+non-serb
+adaptively
+tetons
+inei
+moniteur
+gh1
+klerksdorp
+ausgram
+valier
+calvo
+augured
+,4
+auradou
+mukhiya
+astrascope
+domodossola
+ruaidrí
+6-under
+750s
+pennino
+120.06
+highmark
+boyang
+7:38
+www.daytondailynews.com
+griggs
+opeta
+neo
+bail-out
+pechell
+beaubrun
+www.nytsyn.com
+rm400
+decesare
+trilateral
+ganthet
+beautician
+19.64
+poderosa
+kapordelis
+dancers
+ludford
+austrian-american
+plausibly
+wylys
+babbage
+kalewa
+43.45
+delsea
+hortonville
+kapyong
+evaporate
+perils
+yōshū
+bearak
+brew
+kapu
+dangdang
+7,180
+ryburn
+kanoute
+inheritor
+fellner
+darwesh
+pkc
+hiromitsu
+tourne
+sunriver
+suchkov
+9.3-mile
+vranich
+warehousemen
+two-seam
+barnabei
+schutze
+frydenlund
+nørre
+76-54
+abdelsalam
+25.06
+reflectional
+holmen
+ampleforth
+saltiness
+perked
+barsalou
+39.3
+gbadolite
+coleus
+disrespecting
+bluem
+haute-vienne
+60.05
+caustically
+žižkov
+catshark
+fusao
+tihany
+landeshauptmann
+humbard
+disc-jockey
+sitt
+sapele
+110-103
+own-brand
+26.58
+falköping
+cornovii
+prentice
+3.5-inch
+kaituma
+1754
+ketterle
+2.3-billion
+tero
+lorenz
+paramedics
+grafing
+confederated
+gheit
+monomorium
+matina
+crisford
+robshaw
+938,000
+guardianship
+nairu
+aslo
+352nd
+noroeste
+meiyuan
+cybertronian
+brandenburg-prussian
+plummer
+laumer
+stuntmen
+cared
+zeba
+cardbus
+1532
+hizb
+1991-1997
+coupists
+schom
+dismutase
+heim
+neglects
+rationale
+konami
+chardonnays
+zoller
+azúcar
+plunged
+ultracheap
+català
+tasi
+chateaugay
+burslem
+montanum
+junhui
+10-meter
+shigeyoshi
+jotspot
+lakshmipur
+rawi
+consideration
+suddenness
+kindl
+bequeathing
+2,115
+xrd
+shiurim
+wiradjuri
+mcw
+penseroso
+manwangari
+protesting
+hirschorn
+baffled
+lilavati
+clumsier
+spectators
+wannabe
+gjon
+lajas
+naysmith
+fatuously
+mid-1992
+natin
+ccr5
+brimful
+makka
+sough
+achs
+cockroach
+4l
+tunda
+concerts
+keflezighi
+feints
+bami
+pastores
+democratics
+scattergood
+dzhaparidze
+puttenham
+backbeats
+angevin
+full-service
+http://www.nyse.com
+impasse
+penalize
+jiuzhaigou
+alewives
+34-inch
+blum
+serah
+camino
+despouy
+lotteria
+retaliate
+crncy
+swimmingly
+ginnane
+fassihi
+gjorgji
+devante
+murrelet
+fronta
+kubiš
+chain
+benarrivo
+rna-dependent
+taburno
+safeer
+mordvin
+jandakot
+apoptygma
+neptunes
+omnes
+huiginn
+scavolini
+yuanming
+3.80
+tkvarcheli
+baheen
+hanzlik
+balog
+blanchflower
+trophy-winning
+ruelas
+latvian
+nudo
+weinzierl
+marise
+:1
+northeasterners
+rethymnon
+57.7
+md-87
+litigator
+bombed-out
+kuntsevo
+dumlupınar
+goodtime
+0541
+ϕ
+17min
+fbi
+substrate
+fittings
+karkin
+jigoku
+typologies
+anarchic
+poreč
+megalopoli
+hag
+albela
+tableaux
+50.65
+andri
+octahedron
+emmert
+manicaland
+optimize
+cmkellystar
+coppersmiths
+bestial
+tidsskrift
+habermann
+rijndael
+precipitately
+prognoses
+recipes
+borsoniidae
+moonroof
+oor
+escamillo
+1-8
+secretaries
+adentro
+rogério
+gold-medal
+bergmann
+francis
+lafa
+bodzanów
+resistors
+delis
+kanigher
+keleher
+mid-1944
+mardian
+usar
+cataloger
+18,187
+ignjatovic
+26/32
+seodaemun
+sanifill
+ciudadana
+suborn
+saksena
+okasha
+fontanini
+azzara
+yihui
+gosden
+lidove
+west-north-west
+vangjel
+over-representation
+robertson
+suraya
+morientes
+soundclash
+germline
+barnack
+fixed-width
+mineirão
+50-9
+galactic
+safrican
+irapuato
+nash-kelvinator
+naumova
+alakrana
+1,200
+11:48
+guianese
+mid-city
+sarraute
+laywoman
+reichen
+2.5-2
+nedd
+mapp
+duhallow
+takahisa
+nonsan
+shakedown
+norona
+svilanovic
+dilangalen
+devise
+ogan
+romanenko
+31.00
+talisay
+gillem
+yapen
+khom
+nudism
+927,000
+corallina
+ataru
+chana
+melodic
+ombres
+sharps
+zweites
+ti-99
+tirailleurs
+photographic
+guildenstern
+belturbet
+octreotide
+mkad
+bromma
+30million
+mulier
+paleo-indians
+cheeses
+lobs
+97-90
+bonyad
+tels
+16-24
+sheherazade
+timberland
+2008/9
+ter-petrosyan
+freedland
+braben
+breedings
+10.18
+sptrans
+x6
+bechler
+anti-administration
+inquisitive
+26.59
+juska
+51.19
+existentialism
+post-nominal
+peguero
+sobienie-jeziory
+stryi
+1.1800
+seiza
+capp
+experimentalism
+orleans-based
+grew
+yagyū
+fraile
+rangel
+jiahu
+penetrant
+jizhou
+xiaofei
+dorner
+krenkel
+iptv
+mannin
+nanggroe
+3,464
+kapadia
+carlyon
+haule
+cartoonish
+gjds.com
+scalextric
+camille
+gruffalo
+yevhen
+doubletake
+p90
+montérégie
+subbarao
+guggenheimer
+wolozin
+multicellular
+maze
+xor
+bongao
+meza
+hubbert
+mermaid
+mcclaren
+simek
+2,581
+nuweiba
+kigen
+adickes
+yuro
+6-pounder
+medoc
+esrom
+shoor
+jaweed
+kamar
+baharmast
+herle
+khou
+ginting
+unharvested
+10,000-pound
+stodgier
+banksii
+sent-off
+mccoo
+estefans
+diabolico
+tomoyasu
+aahs
+wawel
+army
+viis
+berhad
+festered
+rml
+heier
+38.7
+geun
+carboxy
+raine
+fantastischen
+abrahamowicz
+compensator
+aas
+normatively
+zaini
+33-1
+galliera
+abida
+margaretha
+allows
+megalomania
+1,385
+ballasts
+costessey
+feltham
+helston
+fearn
+11-under
+starring
+georges
+neiges
+aco
+playacting
+yamatai
+pichit
+veeraphol
+corabi
+overstock
+morrall
+civet
+rocroi
+mistletoes
+761
+verrett
+kuroi
+60.46
+natore
+l'œuvre
+lyketsos
+chilvers
+gugliotta
+awaken
+sakhnovski
+yeniseian
+rapini
+zheleznogorsk
+sharpshooters
+master-at-arms
+wilkie
+viziers
+reanalyzed
+dicorcia
+tusayan
+contributory
+zihua
+perishing
+ratey
+alphonsine
+raipur
+predispose
+granja
+higher-ranking
+slager
+mushota
+solemnity
+rawla
+nikhat
+conventioneers
+dotto
+petrole
+azan
+klezmorim
+os
+paepcke
+hospitalised
+u-238
+dtg
+ifs
+suisse
+josefino
+tshombe
+7:04
+etic
+circumcenter
+20e
+promo
+brem
+edm
+negara
+minx
+pizano
+vinella
+boulgou
+witton
+flat-panel
+harjo
+yamantaka
+boenisch
+maoism
+rampla
+jumonji
+10:53
+penygraig
+populaces
+yanna
+technique
+resemblance
+10:29
+piezas
+56.78
+sarafovo
+il-4
+nolo
+54.4
+fiss
+kumbaya
+speedstep
+troup
+606,000
+helfand
+gojri
+profitis
+spouses
+cloudcroft
+son-in-law
+yakov
+rrr
+hamadou
+housepainter
+ilulissat
+qilu
+dierk
+arqueología
+gulda
+kildeer
+lamp-post
+pidie
+edibles
+equaling
+dhtml
+whare
+midrate
+geiser
+orientem
+brims
+compartmented
+maxicare
+10:01
+rnb
+kuzbass
+15:1
+štrbské
+immulogic
+yancey
+motlanthe
+philosophiques
+serrata
+subagja
+byrds
+intermarket
+1-to-3
+huangdao
+suzannah
+leavy
+fantasio
+pyrokinetic
+advertising-supported
+haslach
+enu
+hattic
+cuda
+cnni
+blagdon
+dirigido
+mckelvy
+pwe
+stavros
+azria
+australian-built
+delton
+perloff
+cymric
+hunza
+feigen
+ornithine
+maggert
+bieniossek
+aapp
+bosire
+loratadine
+motives
+sandia
+top-20
+rehydrated
+pentecostal
+bluffton
+enlargers
+kitzbuhel
+oikawa
+straight-sets
+intransigent
+chingumbe
+katni
+korkmaz
+jabeur
+52.70
+niebur
+torngat
+bo-105
+jaye
+f-51
+jolin
+khojaly
+kaplan
+strenghtening
+overage
+thulasi
+worpswede
+pollicis
+gottfried
+cellist
+arrernte
+boumerdès
+minidresses
+refitting
+slavnov
+2,214
+ulstermen
+supervise
+aibel
+5280
+maceda
+44-41
+weatherbie
+resul
+pfaffenbach
+35.62
+panke
+wörrstadt
+bucharesters
+firmin
+mungiu
+babol
+oceanographers
+go-toba
+aviator
+ocotlán
+industy
+pareja
+mapudungun
+astc
+saith
+wendelin
+then-ruling
+vanderford
+maayan
+85.98
+fiasco
+i̇pek
+schoening
+demarlo
+kerry.fehr
+nandi
+bremgarten
+phasic
+tracht
+semillas
+dowden
+furche
+perafan
+jaso
+shangrao
+furloughed
+uncertainty
+apodaca
+homelife
+40.64
+ipex
+myllylae
+museumsquartier
+99-84
+bạc
+lambright
+protestants
+room
+unrighteous
+waldkirch
+90,800
+crudeness
+21.68
+kalay
+trapiche
+stoykov
+dorjee
+wkf
+rawya
+netwatcher
+serga
+crf
+1,417
+wellsprings
+a-show
+mustoe
+popkomm
+endpoint
+shaded
+modify
+destabilising
+meteoroids
+moslems
+zuolin
+tishrei
+kielgass
+mikhaylovich
+649.9
+stillaguamish
+hobler
+117.96
+gillham
+ragazza
+329th
+discos
+dollarized
+rm2
+baticle
+greased
+sadashivrao
+regains
+jacquier
+pre-ib
+maureen
+pagani
+salunkhe
+cevin
+multi-chip
+palling
+stéphan
+rows
+frijol
+3,530
+commentate
+9.36
+rotational
+27.8
+neuenschwander
+jovita
+bukar
+crieff
+zuabi
+sonata
+namus
+gorzelanny
+angustia
+željko
+suhaimi
+kleinova
+http://www.nature.com
+mawuena
+suffrages
+great-grandmother
+kroncong
+frescos
+manuscripts
+tiremakers
+175
+d'exploitation
+malayalees
+35.86
+derartu
+wladyslaw
+loay
+37-foot
+epeli
+27.39
+jouf
+vinke
+ysu
+ciências
+796
+j30
+e-8
+caging
+wif
+46.76
+slonem
+2.03
+trounces
+50-stock
+deterrents
+thermos
+olmo
+117.10
+molybdenum
+570,000
+janaqow
+claim
+matrices
+sms
+gravesite
+penance
+student-run
+biysk
+electro-funk
+mahrattas
+siripongs
+taylorville
+0.96
+rightmove
+weardale
+overthrow
+fromm
+ehime
+39-22
+130-mile
+kaire
+13.41
+exodus
+a-go-go
+schurman
+sauerkraut
+pienso
+10,000-point
+dinalupihan
+hemingways
+macul
+ambalam
+bancaire
+robbert
+myerscough
+proteger
+johmkt
+figs.
+khovanshchina
+41,250
+lunched
+suluk
+tomatoes
+ling
+fatality
+gamesradar
+hughleys
+siles
+ayegbeni
+1.235
+gambhir
+eidsvoll
+reversals
+2264
+dodonnell@nycap.rr.com
+pforzheim
+bhasmasura
+formula_78
+webex
+freeborn
+4,070
+manjrekar
+10-21
+gojira
+warrener
+underworked
+rosendahl
+sumbawanga
+flyback
+almont
+hermanto
+hellbound
+eramosa
+melroy
+svans
+hikmat
+daubach
+lavezzi
+cabotage
+--
+1.3640
+underlaid
+triumphalism
+klcs
+erykah
+viliamu
+hardeeville
+strainer
+andross
+rei
+agresto
+manasu
+nexhmije
+vidadi
+ven
+1,479
+bvu
+127.8
+al-adha
+glasco
+vakhta
+ice-covered
+nijhuis
+ottakring
+nono
+ebu
+susantika
+fedje
+4.33
+nishinomiya
+ōkura
+1950-1954
+stanmer
+europop
+safr
+long-wave
+mormaers
+50.17
+complies
+dahlburg
+despotovski
+off-spin
+kossuth
+goikoetxea
+lifeblood
+birkerts
+gravediggers
+kadar
+yatim
+ellis-bextor
+intervertebral
+kangyo
+migas
+chanler
+scroller
+lyndeborough
+alikhil
+luftflotte
+pisces
+59,700
+challenor
+valerius
+suwarya
+48-10
+hiragana
+timofte
+archimedean
+10-for-18
+lictors
+erotas
+arar
+khek
+grass-like
+anzaldúa
+sexualization
+furuhovde
+mtibwa
+miraj
+zurich
+hoses
+vick@vickmickunas.com
+myocardium
+capaldi
+pacifism
+estamos
+32.63
+1.384
+blonde-haired
+manifested
+exhorbitant
+sapienza
+icahn
+hinche
+irg
+ffion
+u-haul
+1.96-meter
+woodhall
+martinengo
+consecutively
+hardman
+0:55
+lobengula
+drosselmeyer
+finnyards
+pesaka
+hesitancy
+reedited
+creche
+tittel
+orthopaedic
+badrshein
+hakusensha
+nahuatl
+extradicted
+march
+dyson
+71.76
+1236
+dobrynya
+bedier
+gangwon-do
+mbanefo
+anyankpele
+eleimi
+resolutely
+humpy
+ea-18g
+frio
+stalder
+gentilini
+corallites
+13-ounce
+cleophas
+zafirovski
+terreson
+billionth
+ebsary
+goetschel
+rabinowitz
+kiepenheuer
+purshottam
+______________________________________
+sabb
+re/max
+nobuteru
+clackson
+dieburg
+zangana
+lynden
+roud
+deterrent
+57.33
+periastron
+walk-in
+abercarn
+filgoal.com
+parolee
+oddo
+kloster
+artística
+petered
+ihor
+40-million
+ehrenhalt
+webcasts
+enchautegui
+lasdun
+50-51
+outweighing
+fredkin
+duże
+turbodiesel
+trochmann
+nonparty
+wisoff
+saltgrass
+völklingen
+stickiness
+bunnag
+heasley
+zahir
+amantadine
+qoli
+footlights
+gruffudd
+nennius
+graian
+tsarevna
+59.17
+amondson
+appreciably
+caulaincourt
+waistcoat
+abcl
+80-column
+lindner
+yorùbá
+fallmerayer
+11-of-13
+asp.net
+re-written
+millenia
+endpapers
+2,972
+ayami
+macrocyclic
+ground-penetrating
+latakia
+armley
+fabisch
+ovidius
+213-year
+sabbath
+remorseless
+-3.0
+tahari
+mleggett@statesman.com
+extruding
+channelers
+archaic
+redoubts
+bountiful
+kenmore
+strap-like
+ism
+bordyuzha
+jesmond
+9:38
+poit
+sa'eed
+chamaeleon
+potbellied
+puru
+1670
+deoxygenated
+kayn
+scoters
+34.70
+hotbot
+rales
+rúnar
+multiracialism
+ishimoto
+ibogaine
+köchler
+charanga
+98.36
+aéronavale
+talleres
+pathmark
+vaissiere
+chillan
+mrk
+thanomsak
+spunk
+911
+shuhn
+99.79
+rías
+cetatea
+esterases
+wysokie
+huili
+neutralize
+sino-french
+20,000-foot
+sallal
+newbattle
+murderously
+ulusoy
+blackacre
+neshek
+hashtrud
+32-7
+shenzhou-5
+taittinger
+roofline
+self-reflection
+hachey
+mortirolo
+plaaf
+rokaf
+osiny
+josué
+pratima
+ghost-written
+risk-neutral
+cordials
+170,000-dollar
+25-24
+ocmulgee
+amodio
+lewry
+kí
+tapout
+demodex
+hypothesised
+victimising
+compressed-air
+béthencourt
+okonek
+roderich
+16-city
+shoen
+larri
+gevorkian
+zeca
+salihamidzic
+heeney
+dmo
+srikalahasti
+rednic
+bio-diversity
+sutri
+phas
+halophyte
+schoedsack
+reyn
+tošić
+vandalisation
+detent
+cmim
+autauga
+truculence
+http://blogs.timesunion.com
+panair
+smal
+43.41
+dispersers
+quantz
+mcdonnel
+chattagram
+5.8125
+damate
+cockburn
+encyclopædia
+gillars
+duelfer
+chee
+nawruz
+people.com.cn
+deped
+russkiy
+psnb
+dugu
+hauhau
+angantyr
+fetishizing
+comported
+41-year-old
+dimauro
+plebeian
+ganes
+biomarker
+classicists
+cronjé
+tishler
+ophthalmologists
+companion
+tekkes
+j&s
+queich
+sitorus
+26,400
+hellbilly
+nagpra
+durfee
+rassam
+algemene
+garden.com
+unrealized
+expedient
+assortment
+mihailova
+pongrat
+sgc
+unbefitting
+fbo
+bakwin
+sybel
+frivolities
+stingingly
+stanin
+lundahl
+sutermeister
+lorine
+mulgrew
+3,937
+slaby
+skiied
+pod
+101.72
+dakota
+clumps
+sterba
+7.44
+stanzione
+3,029
+morone
+333.8
+uzgen
+psilakis
+confucian
+t-45
+5.67
+poorer
+malcorra
+precipices
+55-nation
+cazuza
+goni
+apiaceae
+u.s.-vietnam
+sumarno
+klevchenya
+sangpo
+panglao
+portorož
+debert
+für
+shorne
+owners
+1997-1998
+619
+cpib
+showrunners
+rout
+claw-free
+underemployment
+solveig
+macrolide
+adriean
+gavilan
+kawaii
+taussig
+nussey
+sirhindi
+subarus
+bae
+lso
+lodgings
+formula_119
+chartbuster
+hectareas
+ailment
+counter-offensive
+42.99
+cloudesley
+employs
+yalies
+brune
+29-page
+encroachments
+torvolt
+yonghe
+sonnenfeldt
+sultani
+milagro
+canete
+dornan
+whoopie
+panzerkampfwagen
+1.30-dollar
+aska
+schmidt-cassegrain
+nielson
+threaten
+fennovoima
+subthalamic
+berklee
+soldati
+yeomen
+verweij
+oltrogge
+gurg
+nacac
+sheikhly
+charpak
+cambuslang
+1,585
+crufts
+laindon
+sadegh
+reagan-bush
+1260
+gayo
+cfcda
+modabber
+calcium-activated
+88.92
+shriek
+cont
+12x
+31.90
+tårnby
+swl
+krestos
+sarstedt
+mamit
+rounder
+effusion
+landes
+sebo
+blaskic
+glycosaminoglycans
+haixin
+4,038
+keeb
+2-channel
+53.59
+yardage
+syer
+seltz
+bondholders
+lichenstein
+ffc
+schoofs
+danjong
+cocu
+freienwalde
+withstood
+texted
+globalizing
+byut
+abdun
+76.15
+puntilla
+non-therapeutic
+climactic
+trachytic
+dpss
+egregious
+100.3
+thiery
+cesspit
+mehu
+over-crowded
+sandjak
+tutoring
+cipro
+vitalmiro
+fibreboard
+finweight
+condello
+phytopathology
+sekolah
+ayakashi
+cornishmen
+summe
+trans-europe
+trillion
+nanometres
+27.11
+lillywhites
+prometeo
+chive
+siete
+lizhi
+degreasing
+museu
+mixtec
+songwriter
+evandro
+diery
+margolius
+cornelius
+buggles
+bartoshuk
+fd&c
+grijalva
+foxes
+maharishi
+schoelcher
+bakker
+schildknecht
+zilog
+distributions
+scripts
+designator
+compendious
+frasor
+locrians
+cistercian
+santai
+redwood
+daur
+27-year-old
+45-32
+kapur
+shapur
+lluch
+hypothecated
+red-baiting
+8,000-ton
+melfort
+6-13
+vladimirs
+debunks
+rsu
+equation
+nonmaterial
+freital
+magnitsky
+k21
+capa
+scrapings
+gloag
+theus
+roßbach
+delara
+charles-louis
+10-bedroom
+awaking
+hkma
+intercosmos
+bellaigue
+kallai
+aïn
+bagga
+husar
+lecca
+shekhawati
+vore
+uswa
+malena
+sixth-largest
+vallenilla
+homegrocer
+soskovets
+rifenburg
+behaviorial
+by-law
+sabtu
+panfilova
+didier
+nakhon
+nedelja
+alparslan
+sleepy
+belchertown
+77.22
+somayaji
+tarragona
+then-executive
+unionbancal
+scantlebury
+sunergy
+256th
+smerlas
+6.8-billion
+erick
+warders
+rnilsenaol.com
+saer
+benefactor
+dilapidated
+cadastral
+sushant
+bottas
+partakers
+circulating
+caterpillars
+gramaglia
+kontinent
+praising
+imply
+melian
+72.14
+getty
+andresol
+rosetti
+r-ut
+fabricators
+twice-daily
+wattenburg
+power8
+e-10
+miyako
+8,530
+kosača
+blas
+lincroft
+stilton
+15,000-seat
+ihren
+eighty-second
+divestiture
+preordained
+snuck
+20
+dollops
+sladojevic
+lapérouse
+88.1
+7100
+echagüe
+gondwe
+lucien
+bronchitis
+1910-1945
+meenie
+gode
+terengganu
+chalker
+polarization
+candia
+typewriters
+smugness
+eyestone
+barina
+newly
+hagood
+paré
+f-1s
+hervas
+ugyen
+elytis
+breakage
+slovenska
+'88
+bayan-ölgii
+gersony
+tregony
+nanette
+carlette
+lumbini
+sumita
+algom
+mofcom
+low-oxygen
+toland
+bong
+boxtel
+occupational
+danesh
+peptidyl
+27.57
+chale
+euro19
+ransomes
+jamiroquai
+colrain
+sebelius
+11-yard
+göle
+lucanidae
+debeck
+recede
+khairullah
+hermon
+lunfardo
+macchi
+sandiganbayan
+metalhead
+spla
+stagers
+1963-1965
+viglen
+malones
+kisito
+reap
+ebstein
+labranche
+30.19
+regionally
+quora
+totality
+ex-military
+wayville
+kaloosha
+chuckie
+deaconess
+tri-service
+barrat
+ionica
+monee
+bibliothek
+ectomycorrhizal
+plutarco
+171st
+joltin
+wrinkling
+karmadon
+penaltiesnone
+saint-mathieu
+spebsqsa
+forget-me-not
+14-over
+77-mile
+fekeiki
+broudy
+scissor
+roosevelt
+antonine
+8-1-1
+windowless
+eventos
+kristján
+http://www.njusao.org
+eckenrode
+ondul
+rusticana
+13-month
+operationalization
+sandwiched
+noosphere
+krishnankutty
+vladimír
+evair
+3/4
+sary
+ḩājj
+salafism
+gpe
+quinnell
+1,835
+knxv
+jordal
+mulamba
+------------------------
+polarized
+alignments
+abinger
+hoogenband
+conrades
+brennan
+gedling
+calabashes
+kalinovsky
+dieselboy
+reapportionment
+egberto
+collegues
+2,842
+recombinational
+thums
+immutability
+49-32
+cammarano
+shelling
+dreadzone
+8-car
+host-specific
+relishes
+sholay
+rjukan
+goldmark
+m/v
+topscoring
+interfax
+yamahas
+yashima
+père-lachaise
+piraeus
+lykins
+winchmore
+fetlock
+kamienica
+simples
+trismegistus
+oxenholme
+mid-1970s
+antoaneta
+chetta
+lukuga
+ayittey
+imperialists
+mylvaganam
+sing
+salami
+coulombs
+technōs
+abante
+joof
+heimann
+khotyn
+144.6
+.001
+pathobiology
+delalande
+takhti
+vaala
+knightsbridge
+cowtown
+buggin
+monographic
+swentzell
+lateralism
+divorces
+lockington
+keko
+58.9
+jeserich
+loesser
+halverson
+2,169
+alimport
+hk416
+oflag
+bonifassi
+iji
+restorick
+1,567
+nesby
+testa
+140.0
+yak-9
+dewulf
+evanier
+tirzah
+zarzecze
+zubaidy
+shelves
+ryusei
+enevoldsen
+bugaj
+67-62
+soas
+am2
+440-megawatt
+kashechkin
+p.v.
+1,044
+yongsan
+wncn
+heart-warming
+artwalk
+knighthawks
+pedestals
+hindu-muslim
+yangshan
+dankner
+:07
+papabile
+parczew
+crenson
+yoshikazu
+statny
+53.40
+colque
+sendas
+10-item
+assemblymember
+floorspace
+100-fold
+blust
+youzhou
+bulldozer
+flandrin
+autoharp
+mahy
+d'aran
+170.8
+troubles
+bacsinszky
+leroy
+unterallgäu
+perseveres
+schwartlander
+hydro-power
+haydarpaşa
+buntong
+st-calais
+rensselaerville
+45.25
+özdemir
+30-bed
+caaf
+malayalee
+quickbasic
+medelpad
+airpower
+pasquali
+42s
+cephalopods
+sheils
+submucosa
+casablanca
+fascism
+syc
+jagdpanzer
+nasw
+neopolitan
+evered
+gabler
+thibaut
+uerl
+massú
+59.85
+gribbin
+behooves
+cave-like
+sangrur
+gallery
+ugl
+citronella
+aquilina
+infringement
+t-tail
+98.94
+inapt
+taliban
+whaler
+chomps
+nteziryayo
+warmiński
+otrar
+linesmen_wayne
+i8
+31-april
+unfasten
+alpilles
+frackville
+driulis
+photobook
+looseness
+schlepping
+.272
+carcinogenic
+jocketty
+rca
+kalaikunda
+110.67
+dabengwa
+duleimi
+fighel
+servites
+kumchang
+gaza
+exedra
+malie
+199,000
+chintamani
+determinable
+violet-blue
+nkt-ikbu
+iradio
+gunnebo
+feliciano
+50.41
+bap
+lay-offs
+nazon
+15-city
+gameboard
+burt
+91kg
+short-run
+wechsung
+decisiveness
+rupnik
+majo
+niaaa
+chalcedonian
+shanaze
+dominikovic
+formula_118
+wertkauf
+nicoya
+77th
+church-state
+filevault
+glencairn
+pontic
+eircell
+12-13
+aima
+huanghe
+decemberists
+ditko
+gentilis
+rowson
+merchiston
+buraydah
+404-572-1800
+monicelli
+haffa
+jpy
+pre-concert
+telecharge
+macdui
+mele
+arrangment
+hedged
+malba
+underwrites
+hyperthermia
+reinspected
+,3
+schwert
+wmmr
+paranda
+movie-goers
+tennent
+culm
+galkaio
+arity
+populo
+tahj
+kema
+85.17
+amw
+papermaking
+limca
+agnos
+vardi
+fecklessness
+lugers
+raiyshi
+angelshark
+gsb
+duda
+myhre
+trois-rivières
+iriyani
+51.06
+usba
+ramsdell
+acehnese
+condotti
+informer
+sakyamuni
+philodemus
+df-1
+kello
+saint-vallier
+zaetta
+precursor
+rovin
+ligtenberg
+ospina
+tike
+46-meter
+refuge
+lehmann
+ideality
+1,906
+m-24
+61-49
+komano
+dreben
+yandarbiev
+otpor
+disorients
+19.46
+opals
+ssat
+suzie
+vruhl
+marican
+sub-department
+hooiveld
+uas
+icse
+dasha
+centralize
+selce
+complicating
+126.80
+1.4525
+yusef
+proms
+52.97
+accelerants
+bergara
+naacp
+moslem
+binge
+miyata
+vila
+abomey
+neuman
+skaardal
+slicer
+pedophilia
+599,000
+divisible
+gosford
+2nds
+latwp.com
+sowden
+cedar
+sderot
+toques
+dongtan
+hay
+skiffle
+theresian
+lps
+kraang
+rickly
+tiruvallur
+jalapeño
+houndstooth
+antell
+counter-attacks
+koepf
+timis
+kalahari
+dishonest
+morogoro
+pintura
+grisea
+2082
+nuuk
+elph
+alpe
+rijeka
+colaprete
+hewes
+ghazanfar
+submunitions
+opande
+oxiclean
+ccm
+jvg
+verdun
+5mm
+tethys
+life-history
+anobiidae
+2,569
+bottled
+flanaess
+telemovie
+devgn
+herniated
+pinstripe
+imprecations
+golia
+zif
+drummer/percussionist
+nonpolluting
+liriope
+weeramantry
+overkill
+zint
+siân
+rosensaft
+eurosystem
+child-like
+worded
+yawing
+fixed-size
+cahuachi
+sphl
+rheinland-pfalz
+1856
+hirsute
+3,300-year
+obbligato
+k.p.s.
+99.09
+wtoc
+federal-provincial
+badiola
+shrouds
+vaidisova
+15.40
+fazul
+56.99
+chroniques
+dessalines
+trym
+francoeur
+waheedullah
+variglog
+fantome
+volstagg
+nonleague
+nuyts
+vadakara
+dorham
+amancio
+deckham
+lanzon
+latief
+piolin
+guixi
+ajrami
+biafra
+vasca
+46-7
+teat
+blažek
+verbeeck
+balqa
+tarasenko
+sadova
+59.40
+porzecanski
+mestizos
+odelin
+altbach
+24-30
+yanchep
+catalytica
+abcc
+hujar
+guill
+pipette
+knabb
+78.0
+medidas
+pooles
+drodro
+divsion
+lav
+taal
+bulmash
+xiangjun
+meta-model
+everhard
+catchallmails
+horween
+1.042
+girlz
+berk
+hentsch
+guiren
+potpourri
+aracataca
+selfless
+munday
+loftier
+mesotitsch
+attention-grabbing
+vitores
+meriam
+lambertseter
+pseudoprimes
+frenchman
+braude
+minidress
+ellenborough
+supervisorial
+1,530
+thirsting
+hellerstein
+relearn
+groundstaff
+tabla
+exosome
+clanked
+11.74
+40.86
+geiseric
+catalans
+huichol
+bt2
+orbicularis
+terrorismo
+gueisbuhler
+rambutan
+karubi
+bacoor
+ordinator
+.673
+parrotbills
+sisko
+khadziyeva
+24v
+3,385
+1:42
+artrell
+uplander
+m-21
+neuschwanstein
+guardalben
+amcc
+jari
+losada
+gorran
+mezza
+seminar
+variation
+fani
+clarksons
+dębowiec
+bisphosphate
+posture
+guandu
+african-canadian
+bouman
+philippos
+80.90
+oltan
+lushest
+scoldings
+microstrip
+paginated
+yihewani
+7-iron
+gersonides
+retrovirals
+kenko
+pottle
+brocéliande
+giustiniani
+food-processing
+acja
+havutcu
+nonslip
+massing
+wpf
+pyatov
+mulcahey
+sahaf
+tok105
+teen-age
+hallier
+s1983
+29.12
+aurigae
+15-hit
+prostatitis
+tragically
+clop
+h-block
+brick
+tnm
+anasta
+messiest
+slider
+lurene
+zhawar
+15.10
+mbamba
+slateford
+zhanna
+dubh
+lepa
+treholt
+khabib
+schaeffer
+experimentally
+boreyko
+xm
+constructicon
+meari
+desa
+bushcraft
+spitter
+voinjama
+three-decker
+fredrick
+southall
+inverlat
+deterministically
+vasilescu
+hau
+mugesera
+transl
+lempel
+campbeltown
+poręba
+lactating
+nuala
+21-yard
+transpacific
+27.02
+ligand-gated
+eldred
+wilen
+xenomorph
+helmetshrikes
+breihan
+subsidary
+distend
+fatf
+tje
+43-30
+56-page
+nesh
+kristi
+poncha
+ny452
+feticide
+fadlan
+wetzlar
+managers
+alpinists
+leukoplakia
+burgee
+1393
+subterfuges
+bozz
+ancash
+kravetz
+nyren
+activate
+artamonov
+ribbing
+heuss
+federazione
+42,000
+postma
+www.yahoo.com
+f9
+imamzadeh
+supoj
+goings-on
+dugongs
+doumen
+creekside
+gianpiero
+hudlin
+khruschev
+shajiao
+qiyan
+elchanan
+victoriano
+lambic
+sj
+newhall
+beall
+syamsir
+skedsmo
+juvic
+larae
+altai
+nood
+biggar
+csas
+guamanian
+honoree
+dildabekov
+jazani
+haros
+frack
+simpleton
+viteri
+facade
+444-8612
+homorganic
+decarnin
+aclara
+pericard
+gamelin
+obamas
+fishmeal
+39.45
+sedares
+muzio
+siddharta
+arrearages
+chicano
+populace
+weeps
+yeoh
+helensvale
+oceanica
+bergmeister
+paleoconservative
+senyera
+traverso
+trade-mark
+7:51
+expresso
+postelection
+aips
+gutersloh
+creutzfeld
+fatio
+grihs
+freegold
+photoinhibition
+35000
+warnapura
+mclear
+gsheeley@ajc.com
+codice_44
+tsoukalas
+pierre-paul
+green-eyed
+s/he
+liebherr
+roussell
+2,116
+vltavou
+andolina
+debbie
+recapitalization
+92.36
+nvq
+djue
+oxenden
+bi-annually
+leber
+monnat
+helders
+diamondbacks
+nemacolin
+checked
+colletto
+96.88
+besley
+monsta
+derail
+tahirid
+shingo
+boondock
+contended
+vien
+edwardes
+invigorates
+softwoods
+ishpeming
+kassoma
+sitaram
+brienza
+intar
+happe
+brawl
+birthed
+blagoevgrad
+decon
+bewegung
+http://www.anheuser
+passively
+docket
+2,010
+ostraca
+berar
+105.75
+región
+grob
+mid-field
+malbaie
+rosehill
+schweigaard
+rechsteiner
+benben
+tcc
+pejanovic
+reploids
+qasab
+ealdormen
+louk
+vilches
+yefimovich
+cartoons
+claster
+multi-monitor
+self-assembly
+10-speed
+thia
+tavares
+longest-lasting
+haveli
+palms
+jacuzzi
+stork
+hatten
+aggrey
+ozen
+homalin
+pacem
+zaldívar
+tysons
+carbohydrate
+bavand
+balston
+aeriel
+bellemare
+julia
+foliate
+alvan
+stereoscopic
+76.1
+chiche
+hohenzollern-sigmaringen
+yayr
+ouseburn
+hrkac
+graecus
+rodrique
+koštunica
+wuerzburg
+hadash
+nematocysts
+insulates
+presumably
+halligan
+maumelle
+gaynair
+provocations
+panna
+gaylen
+rotoscoping
+minehunter
+ratico
+double-dealing
+77.25
+troelsen
+ny109
+vendéen
+karimova
+elizalde
+whitewalls
+markka
+twiddle
+1558
+n200
+sadan
+gummy
+maharshi
+stratotankers
+mariveles
+choczewo
+t-70
+definitional
+melfi
+coxa
+hieratic
+calonge
+espn2
+chuda
+mixolydian
+skycargo
+dispersals
+dalry
+-6.0
+unspeakably
+profanely
+coxsackievirus
+udolf
+olustee
+slovaks
+155.9
+asagi
+telephia
+longplay
+panne
+wiu
+peacekeeping
+monshipour
+peredur
+munzir
+masayasu
+fußball-club
+gallstone
+sabates
+kamougue
+muyinga
+hirte
+wunderlich
+yol
+ghaleb
+autobiographically
+piot
+najder
+omentum
+halyna
+roehrig
+correnti
+quadrangles
+misys
+levelling
+lannan
+gulberg
+hazily
+anniversaire
+inside.com
+türkiye
+31-day
+guzzled
+ciliated
+tolson
+497.2
+degerfors
+kfrc
+1994-1996
+portuguese-born
+pro-zionist
+liard
+fixed
+ekaette
+siphoned
+jnv
+karelians
+i-93
+gorshkow
+cyndy
+schudson
+guyanas
+dickered
+reversed
+87-81
+gunson
+tagami
+natta
+ronggang
+foon
+join
+256.00
+nuckols
+cipolla
+38.32
+obop
+pide
+ljupco
+co-publishing
+bazoum
+judgmental
+afg
+radstrom
+etcheverry
+inverleith
+verapaz
+atpa
+965,000
+spams
+_____________________________________________
+1,522
+ackerly
+217
+incapacity
+quogue
+unmanly
+administratif
+rambow
+turbidites
+47.99
+marshalik
+grumps
+ankhesenamun
+redeeming
++01
+schuttler
+westwards
+ambientalistas
+etd
+musical/comedy
+frenzy
+gigaba
+medflies
+nbac
+figuration
+syse
+intuited
+71.90
+olshansky
+druskin
+1115-1234
+archie
+negativland
+109,500
+truely
+away
+612,000
+privas
+boggart
+83.83
+2492
+precipitous
+199.99
+154.5
+spittoons
+major-label
+migros
+adsense
+margaux
+lieutenant-general
+kismayu
+123.66
+outten
+abrantes
+kubi
+rainless
+kojiki
+bujumbura
+creno
+backley
+mion
+relocation
+euro990
+ohia
+keratins
+divoff
+sucipto
+121.94
+crossbows
+10,250
+silberg
+alpaugh
+wwa
+lawers
+townsley
+jost
+stoyanova
+ksr
+3,859
+fedcup
+rabassa
+prophylactics
+westendorp
+dreamweaver
+proofing
+drazen
+pinkies
+2-of-12
+oreamuno
+chimaeras
+ukrainka
+46-0
+chewa
+balliol
+artland
+resmi
+phenelzine
+marstrand
+fighter-bombers
+beddoes
+akshaye
+dilapidation
+remedy
+harthi
+smartphone
+zamil
+marijke
+albright
+strong
+1-5-1
+anda
+braunohler
+koninklijk
+innerleithen
+1,318
+straightening
+disgracing
+wolfswinkel
+morąg
+adornment
+runas
+elmbrook
+nepean
+aciduria
+labor-saving
+jen
+85-mile
+radomir
+coenwulf
+colmena
+exordium
+melser
+ewing
+rafina
+gallai
+fredrickson
+murph
+1360s
+berlet
+hustings
+disavowed
+goldrick
+tapas
+postal
+high-paying
+bouchette
+robredo
+khloponin
+lonmin
+hawaiʻi
+chunhui
+outperformer
+sackings
+jua
+jupiterresearch
+36-seat
+versant
+sin-eater
+sakher
+cristianos
+spiderland
+patentable
+ballou
+craniofacial
+unisphere
+revered
+gruben
+6,246
+golam
+zemeckis
+magie
+mkhize
+adauto
+british-controlled
+430,000
+catalogo
+28-foot
+15-km
+medi-cal
+podein
+steinschneider
+combattant
+perdue
+simnel
+österåker
+piper
+pfs
+riihilahti
+gwo
+appathurai
+pesado
+peláez
+novant
+palayam
+basankusu
+yea
+madikeri
+595.5
+zf
+samori
+tubist
+tetracycline
+learjets
+loka
+gresham
+filipinos
+clindell
+1934/35
+nayagarh
+underpasses
+fy95
+80.75
+partisans
+hurth
+ogbaudu
+cck
+jagdalpur
+raymond
+rajamangala
+halcón
+danielsson
+slugfests
+4,353
+statists
+ellahi
+appendage
+lichenized
+obenshain
+38.15
+mohammadyar
+jenbach
+32-nation
+tayan
+mainshock
+cad
+research-based
+ncdot
+wrsa
+uvular
+goal_los
+fara
+hesperiidae
+fermentations
+fmm
+pterodactyl
+guimet
+unquiet
+attenion
+indoctrinate
+headlamp
+teegarden
+152,000
+hongjun
+exuded
+gandía
+80percent
+nuzzled
+yayue
+assigns
+bronte
+consistency
+3.56-mile
+alexeeva
+barrymores
+riverbanks
+qpr
+principes
+svätý
+atutubo
+gooi
+2,549
+limousin
+labatt
+ubin
+obtainment
+xiuyan
+10-year-old
+truby
+simpler
+contingents
+tilt
+morali
+scintillating
+modin
+unixware
+mounsey
+rushey
+counter-protest
+1.027
+groß
+36.11
+18.77
+conocophilips
+monumental
+duesenberg
+grospiron
+enontekiö
+reach
+adios
+surowiecki
+houna
+mezzosoprano
+r-2
+pates
+dossena
+02
+foodborne
+communale
+moshava
+rudini
+stehle
+temminck
+guidebooks
+orthologs
+linac
+baffour
+zipline
+jizo
+pye
+zoologischer
+teatrale
+charpentier
+892
+218-pound
+dynamo
+rolodexes
+pthrasher
+hangmen
+bölükbaşı
+fancourt
+blh
+hatchetfish
+svi
+100.09
+peutingeriana
+44-member
+yordi
+phila
+unpolluted
+trovan
+mayiladuthurai
+screeched
+rivalled
+glibly
+badgers
+mission-critical
+mithras
+greys
+ibca
+joaquina
+françois-joseph
+notrump
+danilovgrad
+zg
+glenn
+south-south
+200-pounder
+6.07
+aapb
+95-yard
+174.3
+clermont
+delimitations
+graphix
+bojonegoro
+shibahara
+6-1
+www.cpsc.gov
+zemsky
+tris
+ogival
+chibnall
+koplove
+12.38
+60-foot
+copán
+bja
+artest
+hymes
+wookiee
+lonny
+hainstock
+23-room
+ಯ
+ricardas
+split-dalmatia
+unknowing
+egelko
+devilman
+criminalist
+lappets
+4,965
+byhalia
+capybara
+muz
+departement
+.579
+ubc
+trammell
+schnitt
+morean
+filmdom
+rusden
+1977-1988
+free-form
+beyaz
+al-qaradawi
+522,000
+seixal
+pickerell
+captive
+rúa
+acrolophidae
+adeleye
+9pts
+expansions
+wheelwrights
+charig
+paull
+saucony
+fleshed
+stoneville
+17,000-seat
+9-22
+2009-2010
+118kg
+dhananjoy
+posthaste
+mazen
+mercury-arc
+kabayama
+skidmore
+están
+bookbag
+30-and
+immobile
+blinkered
+cmgi
+marsans
+easting
+shneur
+roehrkasse
+lasmo
+kuran
+uscore
+ndogo
+knockouts
+axinn
+suriyadi
+decolonization
+nanning
+d.i.
+snoozed
+escritores
+raghdan
+nth
+pettis
+saint-françois
+jungar
+sékou
+ewelina
+intubate
+essaouira
+basso
+pervan
+stent
+goryeo
+2/9th
+1979-1982
+penerbangan
+stick
+derwall
+erric
+lambeg
+hyun-joong
+88-year
+lighty
+talabani
+vatan
+65.22
+87.80
+exemplifies
+sjostrom
+scraggly
+truffle
+sugimori
+ifrit
+ryuko
+steps
+exacerbate
+azadegan
+kindi
+trembled
+grandifolia
+marriageable
+unpredictably
+brooksley
+scarabs
+56.48
+packs
+kristel
+spartiate
+davud
+mallomars
+work-out
+fat12
+evangelina
+9.96
+wilmers
+heimo
+mistero
+maraldo
+diktat
+rhi
+hafetz
+62.38
+kanehira
+sudan
+mesra
+knocker
+jauhar
+full-face
+humdinger
+rusol
+khudari
+stuttgart
+szczęsny
+abujihaad
+florenzie
+francophony
+zurlini
+sabinianus
+leonore
+ekadasi
+neuengamme
+fáil
+samangan
+daughters
+lift-to-drag
+pungue
+pamir
+darel
+zartman
+goober
+tendu
+rajasa
+marquesa
+america
+lipman
+.471
+strehler
+11-seat
+straughn
+niu
+courttv
+62.55
+yola
+thorneloe
+junjie
+tikkana
+ottenhoff
+avrupa
+curless
+kotova
+talab
+gruppenkommandeur
+coronata
+galerius
+telek
+finocchio
+taifex
+cnfi
+rokos
+urobilinogen
+latching
+estepona
+vazha
+varanasi
+homebrew
+1.057
+legionnaires
+sokal
+guess
+codgers
+japanese-born
+cadvan
+windthorst
+brossel
+50.84
+édition
+stellarator
+interpretive
+high-temperature
+dreamer
+jamun
+anyon
+g.o.
+bonfrere
+genoise
+berrisnytimes
+in-state
+intermagnetics
+milgrom
+orgiastic
+dmitrij
+totonacs
+riera
+www.weather.com
+höhne
+sanded
+kinetoscope
+ardour
+kochman
+montesquieu
+zanotti
+mcmains
+gwhite
+cafepress
+despoina
+kenyon
+3.6-billion
+oran
+aquavit
+cno
+aritz
+ferch
+yunyang
+legatum
+shahis
+gay.com
+fiset
+-8
+loudun
+koshkuiyeh
+majere
+inauthenticity
+masak
+blackalicious
+three-aisled
+stong
+egunkaria
+agca
+bailon
+mbt
+stutz
+jamario
+velicka
+davidow
+103.7
+101.45
+pataki
+imponderables
+quasiregular
+vulcain
+kaczynska
+kinnunen
+kawas
+gait
+woodblocks
+baichung
+raczko
+ambivalence
+desjoyeaux
+mansions
+kunene
+steller
+chungcheongnam-do
+ccl
+medicinae
+ragusan
+ballyard
+basset
+cryengine
+explain
+thrombosis
+shales
+socialistische
+monrovians
+khattab
+antiochene
+ljubić
+secularisation
+tetrault
+rotherfield
+carbine
+kōno
+spew
+peizerat
+60.71
+compaoré
+hương
+lenzi
+nonsexist
+curis
+2190
+kapanen
+warhorse
+aminzadeh
+biotherapeutics
+pwm
+df1
+banihal
+horn-like
+daff
+voleurs
+4,465
+berdyansk
+299.6
+review-2ndtake
+wind
+treadle
+natanson
+nutsy
+arminio
+handlers
+callar
+sanzel
+aikman
+fuscous
+antiangiogenic
+landship
+łuków
+losee
+pvv
+1,784
+yieh
+141,000
+rfa
+lewites
+chide
+shora
+unbundle
+fals
+on-going
+hotdog
+20.52
+yohm
+rukh
+mdma
+defries
+52-run
+561st
+3-of-3
+laube
+einsteins
+chipko
+clintonian
+vigyan
+b.
+bleeder
+al-ghamdi
+native-american
+himalayans
+nemerteans
+musialik
+everday
+louis-philippe
+jiqing
+west-bound
+usamriid
+rocc
+welterweights
+lenski
+geismar
+gure
+nilsa
+comprehending
+u-5
+alterio
+0-3
+compressa
+electrophysiology
+organisers
+tanay
+brunström
+tallawy
+rend
+sov
+aod
+b-1s
+dambusters
+blister
+spm
+dresnok
+state-run
+apologises
+similitude
+auditorio
+uzziel
+glamoc
+glaspell
+pre-empting
+sub-basin
+bellydance
+40,300
+cachapoal
+gotto
+113.34
+nasmyth
+sulaymaniya
+commandeer
+bist
+kall
+shaggy
+makable
+1,626
+kanawa
+jungian
+govs
+morelia
+caohejing
+wordless
+2,612
+mchattie
+2:03
+wice
+mandalam
+unsponsored
+rohwer
+888-269-8796
+brasilena
+danish
+chynna
+650m
+roots
+mukh
+destruct
+anzu
+1939-75
+elisi
+topľou
+yuying
+fretelin
+teepencolumn
+rubis
+xynthia
+lā
+grabiner
+ulibarri
+rainbows
+guitar-playing
+eisha
+trexlertown
+florilegium
+tortuguero
+σ1
+25-4
+scientifico
+boose
+slmm
+ifosfamide
+anti-taliban
+diospyros
+chokyi
+hoots
+roddick
+miamisburg
+nalumango
+93-84
+vergallo
+cbx
+stavoren
+từ
+derderians
+evd
+nurali
+prostates
+146-year
+524
+probative
+sukhorukov
+marval
+sg-1000
+bourda
+stadtmuseum
+rusli
+birkin
+guichet
+caecus
+mäkelä
+eparchy
+loathe
+chalupa
+bücker
+iasc
+kinnaman
+blickenstaff
+u2009the
+57.75
+30.36
+wearily
+330-200
+borgomanero
+targetman
+4-page
+botai
+champy
+ervin
+yearns
+turntables
+coypu
+oav
+adelheid
+ashwaubenon
+2.56
+outta
+borga
+ambu
+16.88
+lavender
+microfilms
+olivier
+guilt
+raakhee
+moggi
+frescoed
+whithorn
+2:22
+viveros
+jorja
+habib
+jj.
+arino
+1n
+stimpy
+chilcotin
+solun
+educación
+www.washingtonpost.com
+iaje
+talaud
+95.71
+f.o.b.
+1.196
+.916
+utters
+151.2
+peafowl
+scapin
+mwene
+naui
+320-foot
+ogdon
+p&i
+intercedes
+pan-slavic
+oul
+fpb
+indro
+bublitz
+bunnie
+150-odd
+sevmash
+ionised
+fotografia
+ridgebacks
+supervisory
+merimbula
+aleke
+myocyte
+blantonglobe.com
+35-5
+morgagni
+nullifies
+newtel
+brandee
+skripochka
+prevoisin
+darb
+galliot
+defaulting
+stii
+kisor
+secretaries-general
+luminist
+huygen
+tsia
+averell
+kitsune
+waggled
+mwesigwa
+napoletana
+71.69
+unawatuna
+ajinomoto
+sumathipala
+press-conference
+1932-1934
+metonymy
+1976/77
+nevels
+haripad
+bhāskara
+proval
+faccio
+ruc
+saughall
+datastorm
+nichd
+morenos
+marromeu
+oizumi
+chinnaswamy
+forklore
+pilfered
+interregnum
+http://www.whitehouse.gov
+kiepper
+060
+reineck
+bedfordshire
+nabe
+varty
+markopoulos
+marken
+andizhan
+613
+serlio
+suyudi
+eesa
+surfing
+methinks
+1,270-kilometer
+,760
+nankin
+36.90
+maheswaran
+hairston
+knock-offs
+marinate
+ranby
+przywidz
+headwaiter
+nku
+benyovszky
+dodges
+laverty
+catedral
+king
+damn
+trka
+n19
+wilna
+sorna
+leikanger
+blagoi
+26.08
+tsuyoshi
+hairnets
+candis
+witham
+15-storey
+zep
+forward-firing
+shankara
+shahbag
+torcida
+theru
+husi
+janshakti
+musaed
+dajti
+36.82
+fengzhen
+538,000
+harrington
+haddam
+0e
+welcome
+ozekis
+motl
+7-digit
+waga
++13
+bhaiya
+peuple
+isovist
+dunams
+psychiatric
+33.78
+mestre
+deady
+7,060
+pyres
+konstantinos
+refoulement
+740i
+sinew
+preemption
+pentane
+gorkha
+terril
+bei
+mckevitt
+wuthnow
+insilco
+wezi
+pacta
+spooky
+albader
+boundy
+wagers
+crolles
+compute
+84-percent
+krishna
+katō
+797,000
+snuffing
+kada
+uranverein
+45.86
+camptown
+catechins
+mmi
+accomplished
+krisztina
+maj.-gen
+panjshiri
+64,600
+pradech
+atm
+kardinia
+roderick
+baigent
+co-ordinating
+pitchford
+peale
+cambric
+15.92
+sujana
+hoyles
+sarath
+prataparudra
+louw
+hari
+93.33
+a1-ring
+smokiness
+bitton
+tessera
+mandibular
+kmaq
+42.51
+azali
+saury
+borussia
+semshov
+coextensive
+shoora
+furore
+quietus
+afterthoughts
+worldsources
+aizu
+v.v.
+lindeman
+reissued
+butlin
+meihuaquan
+morgues
+44.87
+frolova
+43-3
+santomero
+prihn
+kedward
+mistakenly
+cattails
+nonmotile
+2034
+tx
+wuming
+uniflow
+www.bbc.co.uk
+a-lifetime
+slabodka
+rf1
+pickup2ndgraf
+crevice
+namwon
+kroos
+hrpelje
+warsangeli
+lernout
+5:43
+reachability
+ganiyu
+av-8
+terena
+τη
+sorely
+168.50
+pudo
+ferrin
+ipp
+vaithilingam
+duhalde
+semi-permanent
+laps
+monkman
+novey
+graciela
+once
+burgsmuller
+linny
+palembang
+thakura
+414.00
+slickly
+23.62
+turkmenbashi
+camuto
+mehdiyev
+saurabh
+allofmp3.com
+prent
+lipopolysaccharides
+alcmene
+steinlen
+checkbook
+rap-rock
+circumspectly
+spectactor
+ouranos
+syrup
+polyana
+florentina
+talovic
+valmeyer
+wakasa
+suazo
+coalminer
+katsina
+biding
+imposingly
+knoydart
+tsb
+peterhansel
+sexually
+ibid.
+994
+amorth
+presets
+nayler
+backward-looking
+63.59
+hurrell
+purevdorj
+chagra
+maneater
+jader
+exhibitioner
+brederode
+yoshiji
+sjsu
+longboarding
+zeneca
+raucous
+wckg
+hendarman
+223.3
+euro494
+naic
+pellissier
+malfatti
+epibatidine
+khandelwal
+delker
+clambering
+marsden
+bara
+brooky
+fergushill
+marsha
+maani
+loei
+monopolize
+skram
+220-member
+inthanon
+halos
+pediculus
+postel
+outflowing
+circumscribes
+cavalli-sforza
+mimi
+aravind
+lyles
+googles
+55km
+three-wheelers
+homebred
+otegi
+wady
+o'bannon
+rocked
+misunderstanding
+filipe
+kiichi
+bormida
+7.52
+alcalay
+nele
+basnan
+pemphigoid
+starodub
+nonparents
+tell
+backslide
+petkoff
+kilotonne
+solae
+l'université
+bapineuzumab
+bontang
+schive
+scribe
+mosfet
+countryman
+isfahan
+třebíč
+pranav
+carrs
+reoccupying
+strictly
+bizimungu
+smirnovs
+8,800
+starkly
+virieu
+woroniecki
+containership
+galliquio
+finalised
+iscove
+gmail
+perelson
+heartburn
+skerrett
+damala
+spencerport
+antonito
+boring
+pts.
+vlcek
+9,000-seat
+kilolitres
+aghadoe
+run/walk
+117
+578
+122.86
+exemplars
+letras
+karunakara
+yalim
+taip
+erging
+macarena
+dabrowski
+eady
+medicines
+presta
+untouchable
+40-25
+tinetti
+xiros
+266.2
+frsa
+58.00
+salen
+qvale
+sœur
+tohr
+upstairs
+garhwal
+choge
+2-0-2
+ku
+chemoattractant
+jaws
+gnb
+operative
+teepencolumncoxnews.com
+grilles
+dax
+erga
+trilliums
+laocoön
+rudbeckia
+crystals
+bouras
+amphetamines
+48,750
+korky
+snowdonia
+jessa
+radia
+ferrum
+tarso
+35.04
+276.6
+43-44
+naveedul
+flotillas
+maillé
+balto
+committeemen
+saputra
+nachtmusik
+shinchosha
+stercorariidae
+valentic
+égalité
+1,800-square
+pays-bas
+niemodlin
+rondot
+alme
+grubbe
+installs
+haplessness
+neuse
+savoeun
+43min
+cleverley
+musicali
+24-25
+sverdrup
+1,324
+buccini
+borgholm
+epogen
+wedmore
+boell
+himitsu
+wholesalers
+holkar
+mlas
+dayman
+rudge
+sd1
+artress
+watercooler
+modic
+ice-filled
+non-collegiate
+leducq
+100-kilogram
+generates
+30-30
+almost
+rind
+timothy
+zimrights
+caires
+masaharu
+huntington-ashland
+masquerade
+louderback
+coaxing
+durel
+gronning
+scare
+verdigris
+bracingly
+daltonganj
+94.08
+puel
+veoh
+badalov
+ap-1
+senser
+presidential
+praha
+nihonshoki
+osheaga
+siue
+ranging
+robichaux
+82.27
+klauk
+eater
+dubailand
+tings
+artemiev
+arroyos
+hjk
+umphrey
+41-10
+x86-based
+strangis
+tropoja
+sobre
+unomsil
+shant
+kawamura
+shibpur
+haniel
+902,000
+kooistra
+edfors
+galledou
+summits
+finished
+57.13
+recollection
+cockerels
+16,384
+spinsters
+congruence
+2,625
+grbac
+ahad
+gigli
+swarovski
+hilltoppers
+two-headed
+89.96
+tibon
+makalu
+7-22
+nannies
+tooze
+whirling
+prober
+35.20
+dhoki
+beixing
+re-creating
+facilitated
+homiletic
+euphorbiaceae
+almada
+staudinger
+buttala
+battlezone
+knuckleball
+ripieno
+alap
+manitou
+2,681
+figgy
+celena
+shpek
+svo
+pibulsonggram
+21.24
+kritika
+hamied
+461
+tom-tom
+ostriker
+euro147
+gévaudan
+349-seat
+boobytraps
+resthouse
+coved
+oily
+reiser
+hispanos
+progressed
+tie-breaking
+phumo
+grantee
+intermarriages
+usdot
+mimicry
+xbrl
+järnefelt
+dempster
+gunsberg
+elum
+crosthwaite
+namah
+deficiency
+95.13
+kuchek
+m-76
+emmy-nominated
+kabuli
+kuusysi
+lockbox
+digeorge
+panskura
+13.20
+paxman
+pasta
+measured
+thecooltv
+fluently
+calheta
+male
+veldman
+postulating
+nongovernment
+operagoers
+lightships
+gem
+politicization
+327-vote
+siso
+dōjin
+sujin
+milkfish
+tocumwal
+autofocus
+fox
+sudhanshu
+powderly
+boosey
+steagles
+goshta
+hongwanji
+9:55
+summitt
+99.46
+chateaubriand
+waldenfels
+venkataswamy
+winker
+a/k/a
+sporadically
+drewry
+revellers
+u.s.-french
+116.42
+trimmer
+vulpeculae
+waldorf-astoria
+jeeva
+o'duffy
+116.46
+lagoon
+ryal
+descript
+furtado
+bengbu
+brera
+cession
+streetwalkers
+santanello
+27.74
+confrontations
+upchurch
+erasto
+l'africaine
+plastinated
+kalari
+piracy
+ortmann
+fifty-one
+atteva
+countenancing
+mansoa
+kabobs
+jgb
+zeile
+b1
+oakridge
+voegeli
+tambora
+rimutaka
+terán
+bebox
+kelleners
+fd7
+televerket
+edfu
+zindzi
+prajapati
+professorship
+2011-2020
+sadbhawana
+dandyism
+autoalliance
+splitting
+xprize
+tebaldi
+eaglen
+terminologies
+wallow
+goch
+thermae
+calzati
+orgs
+berdy
+noske
+scumbags
+mesangial
+yasha
+livida
+consolidate
+labonge
+sinunguruza
+4,435
+zdeno
+montbrison
+carcetti
+garotinho
+autobiographies
+josantana
+utterson
+halacha
+lowery
+bonemeal
+hartt
+siwalik
+cln
+450-foot
+midrash
+iannetta
+sabac
+whyt
+tariq
+thallus
+charleville
+twenty-foot
+dissected
+studying
+faymann
+insect
+overcame
+good
+baytril
+salvio
+ghorpade
+kuhb
+bromwich
+d'youville
+nardwuar
+swedish-american
+rising
+cva
+mayakoba
+13:56
+240th
+keim
+arceo
+jazeeri
+burrillville
+elyakim
+devraj
+welensky
+hashes
+iconodule
+ognjen
+biblis
+drumhead
+langtry
+four-stroke
+noma
+appartment
+pacelle
+germiston
+nyambuya
+nerfu
+chfi
+corkill
+rinpungpa
+12:51
+zacchini
+rafo
+1936-37
+semgroup
+caligula
+evinrude
+erotic
+littorina
+kalona
+ww2
+sturmgeschütz
+zumbado
+63.22
+64-55
+tamexco
+thein
+derides
+46.05
+show
+corbet
+47.66
+chieu
+waldenburg
+xehanort
+iddesleigh
+mortuaries
+patchouli
+0530
+culzean
+kozák
+caricatured
+f5
+memoization
+caunter
+shona
+eduction
+hees
+koral
+syndicat
+ilustraciones
+seven-card
+stenberg
+akwesasne
+lăzărescu
+troude
+undergarment
+2005-6
+decent
+2nt
+willen
+porosus
+0.92
+reisenberg
+ingots
+buddhahood
+tammar
+court
+hydrostatics
+mcnaughton
+crowthorne
+ryegrass
+runga
+tidjane
+straneo
+abrogation
+aspergillus
+sike
+narcan
+2pm
+bibury
+heyns
+naltrexone
+mirjana
+qd4
+cardinals
+investama
+masterdisk
+sub-lieutenant
+weaves
+pahari
+ramapuram
+aiff
+øye
+peerlessly
+lapan
+hertzog
+1,554
+pois
+200mm
+shevlin
+libolo
+letchworth
+nonmarketable
+overanalyzed
+daimlerchrylser
+coleco
+trucker
+obermoser
+pyjama
+25w
+sulejów
+williams-wynn
+gfms
+sermons
+berthelot
+maehara
+cubi
+airoli
+777-8705
+eligible
+5-foot-11-inch
+simei
+123.7
+534,000
+3,892
+reached
+hereabouts
+annua
+28.71
+gymnoscelis
+blubaugh
+uelen
+holdsworth
+icdf
+jayco
+palis
+unamet
+earthmen
+87.21
+dontrelle
+three-blade
+broad
+74
+meron
+pellicle
+soro
+34.83
+canai
+thorofare
+web-page
+veldenz
+ponomarenko
+68.98
+anointment
+freeskiing
+2,295
+roumieh
+truax
+49-1
+denmead
+midlist
+ingested
+airport
+koptev
+melis
+juggalo
+mimika
+dojones
+djordje
+cachaça
+warckie
+pfaltzgraff
+oakview
+alidade
+projeto
+mixtecs
+ings
+wiretapped
+acim
+lower-end
+architectural
+vestigial
+-0.25
+lonhro
+shelah
+readmitting
+decorously
+joko
+arberg
+sawfish
+charleswood
+ruweished
+šamac
+gingrich
+f-4s
+océanic
+best-selling
+autolysis
+potentiated
+ñ
+britos
+kingdoms
+practicamente
+ultra-humanite
+gevar
+nayoko
+ginnie
+pelletan
+soviet-afghan
+mehra
+dysgonia
+emb-145
+schuetze
+sheremetev
+farbstein
+refounded
+ordoñez
+bahoku
+kcal-tv
+lx
+zendejas
+woodrum
+387
+tarapur
+kohut
+1980-85
+38.01
+megasthenes
+maxted
+compagno
+pansy
+grenet
+vujacic
+discomforts
+dashpot
+serrao
+dhawalagiri
+cominges
+polish-language
+ldm
+sakazaki
+spooked
+caveglia
+rezek
+cellulose
+dot
+grossest
+taing
+cerrejón
+thorbecke
+karoub
+comandeered
+blinders
+klingenbeck
+10-member
+52.44
+aivar
+alcott
+202.8
+1973-75
+sameeh
+levering
+larco
+lamanite
+minting
+mudiwa
+donelli
+longowal
+117.81
+1,416
+flink
+kri
+3105
+stargazer
+editores
+cryosat
+œ
+3,212
+mehldau
+garris
+purolator
+cutch
+donahue
+schwartzbach
+sexualis
+1:7
+hegar
+zampella
+bodenheimer
+llanarth
+mediations
+biomolecule
+200-year
+nebelhorn
+khadduri
+5-0-1
+predominant
+masseria
+barriere
+150-run
+billowing
+81.65
+14.40
+xxxxxx
+gt3
+wallboard
+teifi
+storefront
+10-ton
+shurangama
+afreximbank
+recommission
+delayering
+equestrianism
+minerally
+prapawadee
+yaghnobi
+ahamd
+toxins
+basidiocarps
+astorga
+heisey
+turd
+kh6
+strozzi
+5-18
+rakija
+jawline
+teleprinter
+coastwatchers
+2,023
+long-legged
+passard
+acetylene
+eiger
+ipfw
+leonardtown
+brownless
+begemann
+cranton
+gou
+eikichi
+a-bomb
+lorna
+1520
+agogo
+sabahi
+haydarov
+knobel
+đỗ
+lazlow
+shaffer
+lafer
+subtitle
+magneto
+heikkinen
+devoll
+ratanpur
+counterpoise
+viewpoints
+mashrafe
+formalists
+paintwork
+bnhi
+stelvio
+nabala
+defects
+bassein
+pnl
+-1.25
+æthelwold
+cremate
+lehighton
+sweta
+spaceports
+redesignations
+psychotherapy
+5,280
+23m
+diversifying
+merksem
+ngb
+anglica
+45.06
+darkie
+lembit
+wifredo
+pandeism
+circeo
+gigondas
+bile
+sterno
+gellért
+254.2
+echinodorus
+31,458
+aching
+ceccarelli
+3:43
+53,836
+cordilleran
+ratafia
+mevlevi
+barbree
+rolands
+grecco
+bespalov
+diguglielmo
+re-founded
+matsubara
+bom
+47.57
+markovski
+anti-trinitarian
+tabone
+coagulate
+6-25
+strategems
+rosefinch
+16:53
+vth
+markwart
+fism
+giovanelli
+dichloride
+kptv
+neuenstadt
+preußische
+ultra-orthodox
+mvpa
+goalkicks
+jilly
+karaim
+4-under
+godefroy
+bantus
+kefa
+epirus
+gundobad
+bender@globe.com
+flomo
+kengen
+shobukhova
+waterpipe
+yuxarı
+digressions
+harrys
+halvorson
+glasberg
+sieciech
+escentuals
+ifac
+gewgaws
+surfed
+desalegn
+profligacy
+blšany
+drastic
+lightcraft
+simmon
+kahrd
+nanobiotechnology
+zhen
+baldwin
+åbo
+49.00
+30.35
+yunick
+jra
+1094
+twf
+redberry
+chengchi
+3do
+comecon
+paycock
+rebild
+suroyo
+pre-communist
+59-57
+findlay
+o'shane
+lithang
+condorcet
+re-registration
+contraction
+kleinerman
+drori
+83,500
+moralez
+divinatory
+fontaines
+3,723
+cattle
+a-2
+almanzor
+58.58
+vayrynen
+jinks
+vaknin
+ferradaz
+anzola
+lako
+jonelle
+100-passenger
+joon
+seediq
+gsg-9
+kirima
+reil
+35-45
+immunisations
+nuzzi
+skytrains
+rdo
+duhaney
+reichsmark
+mcleroy
+coppin
+belousova
+sompare
+joffrey
+70.74
+pledged
+haraguchi
+antioqueno
+shivas
+d'habitation
+amd
+osteoblast
+prahl
+e-meter
+reclusorio
+159th
+madman
+thur.
+kivrikoglu
+compliments
+5-meter
+democratically-elected
+yahia
+magpies
+bolick
+kadłubek
+mihalko
+breanna
+world-view
+rym
+side-mounted
+khutba
+building
+oslo
+macnicol
+denys
+skycar
+siki
+reynier
+quiz
+papiamento
+esparragoza
+ki-young
+novel-length
+calden
+sangamner
+boda
+indigestible
+747s
+niepołomice
+aghazarian
+evdo
+mithraism
+aluma
+garn
+-94
+katok
+eldest
+hallums
+schutzpolizei
+hobbling
+pittsford
+wasik
+kalbermatten
+region-free
+tatsoi
+agostina
+dagash
+navis
+metatron
+anti-labour
+m&s
+godkin
+62.25
+59.31
+murrieta
+pavy
+qualifers
+steiff
+equinix
+onchan
+haslinger
+symphony
+atripla
+mandal
+preponderance
+tube-like
+321st
+starjammers
+quarantining
+uslu
+robby
+ó
+radic
+heigl
+sungai
+roofed
+endon
+niah
+fitters
+habscheid
+three-season
+bcat
+jea
+saluja
+eerily
+zver
+colbie
+zukin
+allowed
+108-seat
+haneya
+farrellys
+electrocardiography
+boarding-school
+greenbelt
+93.78
+nova
+17.57
+fendall
+kiey
+abana
+recompense
+irst
+moennig
+pomander
+macropods
+butragueno
+pallacanestro
+326,000
+birinci
+bolimów
+35.95
+bondarchuk
+shmuelevitz
+unfaithfully
+informally
+two-and-a-half-year
+multitasking
+cantu
+talky
+givaudan
+ceremonie
+1,982
+communiqué
+kyongsang
+go-around
+mahore
+carryovers
+mestach
+pre-indo-european
+fieger
+whitesox
+scoping
+b11
+wickramasinghe
+clayman
+hrvatsko
+bifrost
+bürgermeisterei
+yanyan
+leno
+bjugn
+managing
+perry
+eugénie
+ehs
+bilzerian
+shrimping
+millea
+issachar
+amtech
+coexists
+giannakopoulos
+mattituck
+kawambwa
+alina
+guavas
+boclet
+unfulfilled
+kutiyattam
+cossacks
+wyden
+bcy
+basie
+dapu
+sidsel
+dubé
+grandbabies
+ceratopsid
+fijacion
+swaddling
+einav
+iara
+terri
+frunze
+elric
+dismemberments
+tiznow
+schomberg
+xenosaga
+transnational
+laza
+ochora
+inexorably
+vokes
+jonsin
+seussical
+postsurgical
+28sec
+13.39
+subwavelength
+189.1
+haigwood
+sub-committee
+tramps
+helan
+onamia
+pass-through
+lashkar
+disqualification
+patsavas
+muralidaran
+stepania
+jwh-018
+harbormaster
+aschatz
+fadila
+puleedevan
+pbd
+zerihoun
+60.11
+clohessy
+ὁ
+8.24
+naga
+jurman
+cd-4
+gics
+jenwu
+cardia
+domela
+ceppos
+superfamily
+three-party
+sabers
+taufik
+69.97
+silpakorn
+scythes
+head-start
+chapleau
+iford
+xinmi
+d/a
+7,870
+23-13
+gloving
+minoza
+senile
+redistributing
+saeki
+lashker
+teigen
+se5
+40-feet
+12,900
+matjaž
+heroica
+bayamo
+bitmap
+oac
+cincinnati/northern
+fortrose
+kohat
+topco
+rsn
+lescaut
+raq
+tanque
+lace
+basem
+380-pound
+ashenburg
+sportcenter
+ketsbaia
+alvera
+waybourn
+saxenian
+oprr
+ikenga
+thule
+mesnil
+karney
+magnetohydrodynamic
+huntingfield
+meiri
+keiichiro
+tomcic
+discoloured
+favor
+fiendish
+m-17
+goaless
+kuliev
+lbx
+dwight.silverman
+commemorate
+zittau
+rarotonga
+a.s.m.
+djukanovic
+jefford
+nonrelativistic
+nops
+ghati
+tasawwuf
+jackdaws
+2,742
+985,000
+reggae
+gherman
+kittrell
+tranquiliser
+bahu
+amice
+238.00
+ho-chunk
+giuffra
+richarlyson
+10.06
+58-58
+piñero
+8,600
+ellsinore
+tv3
+reloads
+pichai
+bloomingston
+cacciatori
+shuja-ud-daula
+96.84
+1632
+comitium
+non-metropolitan
+assimineidae
+2224
+sergeant
+worshipping
+paver
+jamiruddin
+maracaibo
+11.78
+emmen
+kissidougou
+coopersburg
+erwinia
+37.65
+deedes
+limns
+scalla
+chinalco
+lagerfeld
+bislama
+mcleavy
+nunley
+haering
+gerbeau
+aigles
+ben-hur
+kentaro
+steelyard
+rminter
+renegotiated
+ufologists
+dōjinshi
+lage
+campamento
+mcduffie
+petrodollar
+rashes
+toxik
+ex-soviet
+achkhoy
+feary
+konfrontasi
+moonies
+primax
+rynearson
+damas
+southard
+swingtime
+miter
+siedliszcze
+mp2
+jacko
+nobuharu
+nerys
+kriegsmarine
+itak
+proteams
+sathanas
+corporatised
+dayan
+telex
+durning
+giudicato
+millington
+javale
+caygill
+adminstrator
+milanese
+acousmatic
+neritina
+blips
+nerium
+lüliang
+hydrocele
+atiyya
+muthanna
+kutina
+yushu
+deshapriya
+toady
+paracha
+to
+facelifts
+palestrina
+stubbing
+oerth
+tsuruya
+mantovani
+73.28
+newscasting
+zuberi
+polytheism
+=d
+maxa
+16.01
+kouma
+gorice
+esportiva
+fereydoon
+sugo
+waltzes
+magnetar
+voluntad
+59-54
+barium
+30-36
+whig
+gaucelm
+sabrosa
+preprints
+1846-47
+tso
+carmignano
+recapitalising
+vwo
+sohrabuddin
+pluspetrol
+gorda
+ttg
+rigi
+city-tv
+signatura
+solucion
+alpin
+co3
+white-spotted
+decoration
+vlachos
+41-27
+gortyn
+raph
+lohs
+chanced
+discretized
+kavkazcenter.com
+brocklehurst
+rokhri
+uusikaupunki
+ungenerous
+danailov
+autoradiography
+szarzewski
+appearance
+schoen
+ungdomshuset
+bonito
+southeastward
+38-point
+widow
+bundesheer
+geese
+tunneled
+odom
+sabula
+hebraist
+orimi
+maywand
+broken-down
+tbit/s
+gracilipes
+huata
+jcrc
+zélie
+herra
+glucose-1-phosphate
+o.t.o.
+acip
+hachemi
+476
+debtholders
+tharit
+hasek
+bolesław
+ferro
+kudus
+aberporth
+vitaminwater
+pallid
+kc7
+grbic
+jentleson
+arena
+garrett
+z24
+druha
+al-jazeera
+carmelina
+19-23
+unterfranken
+villainy
+1.179
+idn
+uganda
+tumin
+qirbi
+raymone
+jeppe
+parlaying
+tourette
+atsuro
+85-day
+abert
+shaq
+4002
+motorstorm
+ex-german
+phileo
+molokans
+2-0-10-0
+1204
+vanara
+773,000
+tatras
+dombal
+caswell
+oreiro
+vendémiaire
+72.70
+fogelson
+amini
+sayyaf
+cocoavia
+kessiakoff
+dpg
+gimnazija
+hartinah
+101.76
+blowtorch
+rimi
+falaj
+121.39
+indo-pakistan
+spirals
+ancylosis
+propagandists
+herchcovitch
+grabe
+constantemente
+taricco
+najimy
+lck
+operationalizing
+lightyear
+guillory
+navone
+shabalov
+chmel
+subodh
+thirty-seventh
+dayers
+epi-olmec
+euchre
+unsettles
+donating
+:36
+biecz
+rbk
+shafiul
+gilla
+anandabazar
+instituciones
+hydraulic
+salpa
+hizbut
+sinkers
+decongest
+marden
+disciplina
+liley
+lledo
+subaih
+petersburg
+wate
+farner
+comparatively
+defame
+b7tl
+eluanbi
+campedelli
+supposing
+tellers
+exegesis
+pentomic
+mepkin
+igoris
+mohit
+proano
+rivelin
+neiman
+tvb
+cyberstar
+gehenna
+keyword
+sertoli
+16-match
+mfp
+socony
+dalkia
+tathiana
+1,267
+dargaville
+oncology
+hamblen
+carpender
+sunesson
+sperrle
+tsonev
+artibonite
+actor-singer
+chieng
+mhs
+longest-living
+83.6
+iteso
+polen
+abramowitz
+codeine
+chromophores
+gretl
+zanchetta
+45.71
+brittan
+sweedler
+225.6
+berends
+non-terrestrial
+1.4045
+badda
+three-to-one
+guesthouse
+chumpol
+bourdelle
+agricolas
+boronda
+nicotinamide
+chasidim
+ont
+nagaiah
+4,361
+mccraney
+diabolus
+2-degree
+3,054
+watership
+emrich
+faga
+jorasanko
+sadao
+thévenot
+swearingen
+curnutt
+premier
+shinin
+rhipiduridae
+zachlumia
+gualeguaychú
+holstein-gottorp
+donev
+debray
+62s
+oth
+outpost
+ban
+kruševo
+low-lying
+sgt
+njoolay
+ekeland
+winge
+auricle
+lennons
+hwei
+utrillo
+septet
+pfp
+kulick
+shamblin
+m39
+proverbially
+carvery
+hont
+garters
+seditious
+livings
+three-ball
+nembrotha
+crunch
+tamba
+300k
+sherborne
+mutiu
+alferez
+genet
+castellon
+overdiagnosis
+hertzsprung
+djavan
+fazaluddin
+ozone
+chuar
+79.01
+l'heure
+jagirdars
+schlumbergera
+chachalacas
+best-of-7
+thigh
+wolbachia
+chickenpox
+agran
+cidofovir
+astar
+raqqa
+167-seat
+landshut
+lump-sum
+aryeh
+salamanders
+gastaut
+meillet
+pestillo
+novković
+substation
+gregory-aland
+millie
+dobra
+ethanol
+12.29
+whitsett
+insiste
+carmaker
+protaras
+70-68
+beatport
+innocence
+72.18
+bvs
+mady
+lbv
+publicmind
+porgie
+gaillac
+pranita
+frasnian
+hadd
+riffage
+veerendra
+re-assessment
+joviane
+haleh
+gubernamental
+23
+r.r.
+smartmatic
+mashes
+rohmat
+meizu
+rimal
+winterhaven
+nirvana
+nagpal
+ziebart
+osaa
+intrepidity
+obstetrician
+meningococcal
+krivenik
+mony
+becue
+battaini
+falken
+2,723
+wahoos
+salish
+11/2-inch
+thordarson
+liasion
+crewel
+vungakoto
+balapatabendi
+heeley
+gish
+joab
+crucial
+ambrosini
+o3
+veroneau
+603,000
+showgrounds
+300-yard
+eygpt
+durlach
+chippendales
+interloper
+presnell
+coonley
+gavilán
+sholl
+crudities
+grimaud
+muladi
+socioeconomic
+akele
+gilds
+95.6
+nudd
+mesnier
+5-34
+shaner
+8-hour
+isuru
+21.15
+springfield
+t.l.
+cheif
+constitución
+fudong
+penghu
+schoolgirls
+pjsc
+neumeister
+reitsch
+monitor
+iai
+kal-l
+lord-lieutenant
+huntley
+talkies
+baylon
+thrived
+fouke
+ultramagnetic
+unhindered
+54.17
+alkylation
+canizales
+follis
+vladescu
+bouillé
+usnik
+deewana
+newbery
+athenry
+2,864
+mudhafar
+fizzing
+overcomes
+varzi
+16:50
+noumi
+simatupang
+trenchtown
+17:41
+jonglei
+atossa
+apian
+hirschfelder
+242.3
+guitarist
+7,730
+28.56
+increasingly
+heredia
+grand
+l'amico
+drenching
+orgasms
+geoscientist
+(610)
+m5s
+quibbling
+20,900
+unattractive
+brueghel
+99.39
+uzbekistani
+manasso
+goetzman
+arseneau
+weider
+shopper
+shreeram
+zisis
+bankrolls
+orléans
+4:54
+whacker
+121.86
+84.64
+incomparable
+josaphat
+4,935
+baristas
+120.62
+schnellenberger
+toniolatti
+6:51
+noticed
+ncpfs
+aegisthus
+banning
+pobres
+knoop
+michoud
+p2p
+senegalensis
+0.16
+righties
+arquitectura
+trescott
+kilkee
+kagi
+resigned
+gunter
+rhetorics
+vasana
+batok
+ursúa
+bothe
+shotkoski
+contentiously
+tamizh
+three-stringed
+high-gloss
+c.s.
+arbeiderbladet
+lsst
+168.3
+988
+nikolski
+mogan
+.466
+numurkah
+meic
+il-96
+07:10
+brotherhoods
+jusman
+judoka
+nogovitsyn
+mitsuya
+marijana
+short-tailed
+hilo
+g.o.d.
+silkmen
+gaulin
+zanin
+drably
+76.19
+6.28
+bulletgirl
+slangy
+flughafen
+zellerbach
+deforested
+firat
+banias
+irrorated
+yarmuk
+125th
+nemsila
+expell
+rostekhnadzor
+jingtang
+rheumatology
+hababou
+31e
+sexuality
+all-year
+aisyah
+xmm
+pathfinders
+boogaloo
+quon
+sachi
+parajuli
+ha.
+presumptuously
+torat
+sovetskoye
+thondaiman
+azteca
+nouma
+http://www.senate.gov
+jever
+keneally
+gaacx
+74-72
+montfort
+martes
+ilex
+lovingly
+144.1
+highline
+furillo
+108.36
+jennewein
+1-form
+jehangir
+thelo
+gentoo
+truman
+sieger
+embryologist
+gasbags
+mairs
+4,295
+popularizes
+nattier
+168.75
+d8
+bolivariana
+kunitake
+zor-el
+paliano
+wymer
+pissarro
+linspire
+heterozygous
+letterkenny
+1.39
+overruling
+christiano
+thoda
+mattatuck
+lollardy
+santa
+26-31
+basseterre
+macha
+klintmalm
+warn
+larps
+rimac
+cfda
+duncalf
+nakama
+deuteron
+apuzzo
+unicellular
+govorov
+restout
+hradiště
+qasmi
+mingrelia
+bolāgh-e
+overstory
+ppu
+kunc
+riskmetrics
+farsa
+oaksey
+lfa-1
+equipartition
+greek-language
+coatham
+poodles
+otmoor
+fespic
+shaku
+batboy
+2504
+15:29
+1.68-meter
+hamer
+pgp-rtb
+aouita
+permira
+50:1
+vampira
+ventralis
+compunction
+peine
+oratoria
+chicago-based
+cycloaddition
+sportvereinigung
+solola
+maillart
+hippler
+flexner
+kosachev
+hvm
+winborn
+hadopi
+fevronia
+shadowboxing
+54.04
+pojar
+0000
+mucky
+thine
+hagibis
+963,000
+spot-on
+obsequiously
+faughnan
+selangor
+morganstern
+apaseo
+bcc
+hustlers
+maurepas
+0d
+3,569
+compacts
+castings
+cuerdas
+madruga
+brumskine
+snamprogetti
+italica
+prest
+rostropovich
+2.000
+santini
+talis
+centroamerica
+ngal
+283.7
+like-kind
+hesistant
+blankenberge
+jmalone@coxnews.com
+atalay
+mannerist
+pbk
+profitability
+299.5
+lnf
+kiswa
+busters
+cheena
+detoxing
+45.31
+karuk
+consalvi
+flatwater
+obligatorily
+youness
+aranjuez
+sonagachi
+sentrachem
+hnkj
+lundbeck
+mmta
+vad
+veta
+bamboutos
+weddings
+optimizations
+litherland
+peckett
+haslingden
+boerma
+a/s
+escc
+nytreng
+gyrates
+2005-2008
+brani
+1478
+18.34
+daegu
+fordwich
+analytically
+08:50
+umaine
+parroted
+warsaw
+fontella
+banac
+pdes
+anthonioz
+arundale
+geman
+pukhtunkhwa
+agneepath
+gasson
+chege
+violences
+fridman
+adès
+mid-1996
+fourcade
+krishnapur
+d-3
+kärlek
+salters
+bunch
+early-twentieth
+formula_85
+cyanosis
+samman
+.741
+andrej
+udin
+clevelanders
+ngieng
+bruegel
+33.65
+deflation
+eresby
+biega
+byronic
+quartzsite
+reuptake
+york-style
+25.70
+valkeakoski
+romiley
+slyde
+antimachus
+mosaddegh
+glenmalure
+nogami
+12e
+kaluba
+scheving
+poitiers
+duets
+3w
+raghuraman
+restyle
+agp
+castellucci
+surprize
+rephlex
+soltanabad
+thursdsay
+89.95
+lugs
+caccini
+breakheart
+wsn
+wetland
+castiglione
+handballer
+selatan
+eyrie
+vuna
+147-member
+rangaswami
+conad
+polychora
+blues-based
+leonid
+secr
+cockaded
+minitower
+watseka
+115-mile
+old-age
+römischen
+zigui
+serpico
+polog
+1937/38
+disperse
+pentagon
+untrammelled
+fauntroy
+nyundo
+o.c.
+61.45
+2-last
+intercoastal
+2-7/8
+evaluators
+ikot
+ludovicus
+edelmann
+ahmadou
+marras
+personalism
+138.00
+treysa
+wor-tv
+sigo
+arcanjo
+120.31
+meklasmiamiherald.com
+miyakawa
+55.22
+373.5
+117.89
+fptp
+covenanting
+mundum
+opostegidae
+unsettlingly
+mohamud
+dishdasha
+cihat
+rle
+mpondwe
+twisties
+2850
+chabanenko
+showcourt
+wive
+mingyu
+saenz
+ghabra
+lewen
+fluorouracil
+public-key
+snippy
+stupefyingly
+falkiner
+610.8
+359,000
+thalberg
+vigraha
+schmick
+cathlamet
+lector
+bezdek
+malkum
+blowers
+kzinti
+interacademy
+5,187
+naea
+hook
+majority-owned
+sabhal
+tomatillo
+rochon
+formula_51
+gleefully
+kendujhar
+115.24
+animatedly
+montolivo
+pptys.
+yohannan
+kuensel
+mitić
+mubarek
+alix
+snitching
+capitalised
+3,114
+rtcs
+writhed
+voisin
+hasert
+veidt
+banswara
+xuejun
+kilt
+ceylonese
+betaferon
+lachenmann
+antić
+rapace
+langworth
+eridani
+kplc
+v6
+filer
+formula_40
+batth
+lumix
+ronaldson
+nectarios
+magnifiers
+panjwai
+abca
+coatless
+torpids
+abominably
+wouw
+96.65
+multiline
+suckers
+irbid
+amalia
+idria
+mudfish
+heggade
+lipljan
+bappenas
+bracanov
+rosselli
+98.28
+pabbi
+calvinist
+marquessate
+consul
+horror-comedy
+scamp
+overpriced
+manstein
+http://www.crh.noaa.gov
+44-pound
+britannian
+atsede
+first-seeded
+skies
+nabin
+shori
+miera
+kook
+tableware
+tasmanian
+faivre
+inharmonicity
+286,000
+lionsxii
+regalo
+eeu
+joanie
+analogue
+alienating
+business-like
+sarajevan
+seigal
+tumblers
+colisee
+habito
+obeisance
+sturmer
+1678
+nerad
+undernourished
+borings
+buckwild
+kaymakam
+sassetti
+meihua
+ntv
+cominsky
+7.9
+40-man
+swears
+scalera
+glina
+lopate
+yomiuri
+micheline
+kurow
+anguishing
+2006-2013
+habayeb
+temperature
+kajol
+doomadgee
+justifiable
+108.52
+euro539
+washlet
+bickler
+amp
+mallet
+planitia
+couperus
+tarsis
+mogol
+ironically
+turei
+gardo
+collectible
+3,598
+watana
+koskela
+amleto
+dhol
+saidapet
+re-organize
+vucicevic
+shlaes
+kalunde
+12.34
+baldheaded
+mandana
+rumeila
+tatsuta
+colchian
+duncombe
+aizawl
+993
+outsmart
+winemaking
+life-style
+dryly
+santel
+raphe
+gachin
+camii
+acetate
+ramzy
+heftiest
+top-divisioner
+eliassen
+pollinator
+shaila
+metronidazole
+newmar
+four-winged
+bluish-gray
+microlithic
+lamade
+congress
+november/december
+gorgeously
+re-raised
+cablinasian
+constitucional
+mongkok
+zowie
+nouakchott
+puyehue
+highest-ever
+bookforum
+khaing
+ubisoft
+aoa
+63,750
+yudhishthira
+holbæk
+massachussetts
+transphobic
+karahan
+kq
+abc-affiliated
+udovic
+gerstl
+hurdy
+catmint
+craster
+kwab
+moulaye
+sinuate
+uipm
+viliam
+500s
+disappoint
+puckers
+dilxat
+2-form
+fasolt
+sqs
+alcino
+cowart
+ŋ
+bataille
+banchory
+fissurella
+arnout
+91.60
+yaffa
+60.76
+grovetown
+i.i.d.
+57.30
+lebus
+moralising
+ponkapoag
+derakhshan
+rousey
+63.97
+eastwood
+arbitary
+tarballs
+yorick
+sonenshine
+schneller
+laigh
+109-99
+selanne
+37.75
+vischer
+dumbarton
+myopically
+username
+zewen
+kadoma
+mammas
+crystalize
+andalas
+ogonowski
+gettys
+gimbels
+wsc
+hydrocodone
+19-member
+brewpub
+weatherall
+wordiness
+sexploitation
+xxiii
+harp
+125.88
+ezquerra
+irritability
+makro
+2,173
+brunswick
+khalfallah
+20-25
+luvale
+preen
+hde
+bastiaan
+shelving
+teikoku
+makhmalbaf
+earmark
+unstaggered
+pato
+introspect
+kusnetzky
+esserman
+bidentata
+humahuaca
+sker
+365th
+phosphorylated
+doorjamb
+preferments
+kamāmalu
+durval
+ferrat
+moskovsky
+mindlessness
+shortly
+apisai
+sevillian
+salonika
+euro400
+elmers
+7.7470
+sketchiness
+frazione
+unchs
+henok
+quo
+cross-legged
+robins
+mutv
+u-234
+bartke
+rushed
+infringements
+altazimuth
+yassar
+olazábal
+90-kilogram
+pterodactylus
+hawsawi
+walbro
+shiwei
+110-degree
+maba
+nowogródek
+imperially
+borgese
+mastopexy
+21.36
+1692
+brasillach
+48.81
+epiclesis
+legere
+ltte
+vin
+kirlian
+autowave
+zachry
+three-point
+disregarding
+boyd
+zaireans
+diction
+darier
+m73
+unobscured
+admires
+joropo
+icrc
+bilion
+syrupy
+ravasi
+burlew
+waltemeyer
+polychromy
+urt
+szell
+heatherton
+castex
+25-person
+nodena
+chanturia
+al-douri
+jakubik
+vasić
+duvenhage
+adomaitis
+maduro
+1,562
+σου
+zoological
+betrays
+mokulele
+fenestrated
+yilin
+abhinaya
+thorens
+drużbice
+21.42
+superspecies
+vcrs
+biphenyl
+all-russia
+self-described
+breakfasted
+antonovs
+polymedica
+malene
+niculescu
+produces
+liberte
+tripe
+methodios
+1.2755
+khanum
+2d/3d
+hanebutt
+fledged
+chomet
+lagarto
+pingliang
+palladius
+unfeathered
+adarna
+bactria
+pilliga
+exhibitor
+hufvudstadsbladet
+22.20
+karmal
+mignola
+rotech
+smoochy
+hypochondriasis
+50-point
+dilatory
+stieglitz
+speea
+sholem
+screenshots
+achern
+waliullah
+fareham
+djibo
+newington
+sectores
+dadeland
+isamudin
+eclampsia
+1171
+shirtsleeves
+359
+calorific
+populaire
+martell
+9:24
+tippy
+bhiwani
+waterbeds
+desanctis
+repent
+intifadeh
+qambar
+kushboo
+:-)
+105.63
+selar
+trump
+corren
+tbq
+71.06
+henson
+profanation
+clusia
+diepkloof
+crawfordville
+1,691
+acetosa
+firewood
+nick
+three-car
+lubich
+rebooking
+installations
+formalizing
+fragmentation
+aerosolized
+cervejaria
+trove
+nothobranchius
+51-yarder
+1,462
+frederator
+3,250
+318
+4m
+paka
+errorless
+temiscaming
+ouyahia
+ilius
+y.s.
+bather
+’ve
+kmz
+prometric
+lanzone
+coverage
+19:33
+interoceanic
+matvei
+mukora
+noldorin
+deogratias
+getúlio
+pallop
+kailali
+caffyn
+womanly
+givet
+courted
+embo
+reinstatement
+somers
+agron
+angang
+94-1
+leafminer
+vallabhacharya
+cansler
+u2022
+regrettably
+unworthiness
+inefficiencies
+pathans
+sutcliffe
+marangi
+renationalize
+nanceen
+makers
+broseker
+countless
+fbg
+undulate
+below-ground
+panch
+u-4
+spanning
+grech
+algabid
+keeth
+reginar
+al-muzaffar
+sub-brands
+momentary
+80.3
+optimark
+juxtaglomerular
+keweenaw
+12-gauge
+ashqar
+a-second
+baydemir
+ex-employee
+adji
+ncaa
+montpensier
+lugnuts
+wenna
+ashkenazis
+negulesco
+spired
+desertions
+attendee
+nederrijn
+biggins
+gammel
+30.08
+flimsiest
+dowager
+low-rate
+linesmen_brad
+yarikhanov
+sabraw
+non-uk
+senekal
+niqab
+prenup
+salutation
+slesin
+boekel
+s26
+politan
+elyria
+daugavpils
+saddle
+för
+amphiboles
+oidores
+18:12
+l.o.
+heysen
+middy
+inveterate
+rohl
+inter-cultural
+funn
+cueto
+unwraps
+sonics
+veskrnova
+urbain
+iss
+13-by-9-inch
+rooibos
+rnvr
+opnav
+zarem
+kostunica
+empt
+concinna
+1-pete
+igh
+montmartre
+conidia
+hegang
+dalesio
+sunw
+deterred
+ginette
+médaille
+hereunder
+stealthily
+saurian
+mitino
+lavizan
+d'annolfo
+high-budget
+maceration
+alimentation
+voynich
+disqualifed
+eskew
+entrées
+83rd
+10-of-16
+domergue
+amerman
+bulo
+49-69
+49.37
+didomenico
+lujie
+ponderously
+primitively
+1,894
+stivell
+salomone
+irisa
+m59
+577-seat
+popout
+tovuz
+catty
+vrolijk
+amets
+threatend
+8,000-acre
+utena
+93.87
+sisno
+futility
+rhody
+korzun
+one-night-only
+marinella
+webkinz
+olaru
+boycotters
+qe3
+juul
+clamour
+barath
+gwu
+hypotheses
+favoritism
+altria
+shalva
+h3
+shimba
+wwva
+linesmen_derek
+reles
+accordance
+jockey
+wapiti
+magdalo
+bendtner
+t-bones
+osina
+rajlovac
+karsli
+merong
+makhayev
+11/25
+ramsay
+gumbert
+tefft
+beteen
+sahtu
+commingled
+plur.
+alligators
+287.5
+gualdo
+gillispie
+guowei
+adjie
+keddy
+hellhole
+pectoris
+escrita
+nowbaran
+unmentioned
+1.4370
+cyclorama
+161st
+rri
+takhtajan
+atheel
+leibowitz
+halle-wittenberg
+ncafp
+fluorinating
+jebalya
+rochlitz
+flem
+scient
+poivre
+s-400
+shapeshifting
+accomplishment
+vinnell
+40/40
+gdl
+tugboats
+bernardino
+wipe
+euromark
+hanus
+1470
+vikersund
+nirvāṇa
+blountstown
+20:1
+vanags
+lalmonirhat
+microlepidoptera
+rollover
+windowpane
+bardhan
+mollohan
+komnenian
+sheshtomad
+laptops
+benha
+reincorporating
+meatless
+accidents
+faran
+spotz
+nigerian
+fibers
+narela
+2,102
+burkert
+korneev
+tabot
+mcclosky
+baike
+allnut
+chilaquiles
+regidores
+cobwebbed
+puttnam
+gedir
+mapnduma
+trzebiel
+gadabay
+31-degree
+1484
+kgil
+mandra
+tetepare
+cloudlike
+blabbed
+koboko
+1,042
+64.98
+frederiksborg
+lapwai
+coax
+protour
+kuruvilla
+zambrana
+harsh
+louboutin
+paeng
+budweiser
+1759
+xanthine
+289.9
+mammals
+abia
+ba'athist
+ec50
+tempter
+funa
+myogenic
+lcmv
+wardroom
+clancy
+umansky
+totnes
+struh
+tuam
+lieberson
+lysistrata
+3,566
+eusebian
+floc
+steiner
+rakka
+rittner
+stanner
+coteau
+sandt
+protons
+eencinasptimes.com
+black-clad
+wollo
+asadi
+objetivos
+pillari
+carbonaro
+32-2
+epithet
+anglo-indians
+synchronizer
+3,642
+78.39
+éditions
+marchington
+shaozu
+becchio
+16.31
+lúcia
+randallstown
+3,157
+bodyshell
+blundering
+runet
+xiahou
+chandrababu
+burien
+teulon
+string
+woosnam
+silverdale
+62.50
+breslaw
+milik
+hidankyo
+4.5-mile
+sealaska
+mattersburg
+chugs
+rauparaha
+nadu
+galiardi
+ramani
+20:12
+eerdmans
+1,229
+lankaran
+queiroz
+competiveness
+ōkuma
+dfb
+1045
+fluxes
+bibliographer
+south-africa
+madron
+83.05
+byzacena
+arter
+xunta
+kotonishiki
+portogruaro
+aryabhata
+rais
+katayama
+pellucida
+jjh
+winterville
+r6
+rissho
+9.775
+vrdoljak
+chatenay
+jentzsch
+lz
+agriculture
+thimbles
+acquainted
+extols
+ludham
+gwiazdami
+…
+luminescence
+over-sized
+pollarded
+ardley
+upheld
+demolish
+fundacao
+58,700
+hisense
+82.3
+3-56
+2,277
+1-212-499-3335
+floss
+http://www.ins.gov
+crossers
+bordj
+gaulish
+nishizawa
+podhale
+single-tracked
+debabrata
+10-by-12-foot
+yikes
+yordanka
+portraiture
+witos
+vei
+90-78
+panamao
+claudio
+ione
+arista
+menduh
+franchisees
+blass
+wolter
+1755
+flatterers
+morse
+intercontinentalexchange
+kandi
+anhinga
+vidyasagar
+hürriyet
+alonzo
+worst-hit
+1,134
+oldrich
+lycians
+dfi
+massmutual
+boddington
+orlovsky
+delivered
+glassmaking
+mailrooms
+labouisse
+longboard
+wyc
+248.6
+traz
+khi
+antismoking
+japhet
+honourably
+chestnut-bellied
+krahenbuhl
+chattahoochee
+jailan
+ustbexp
+tahquamenon
+lacrima
+macroeconomics
+rybnik
+prematurity
+newton-john
+bialys
+trombley
+christmann
+non-capital
+38-28
+viisage
+thomassen
+walz
+gourdin
+whiteboard
+158.3
+cancelation
+absconders
+'50
+3/24
+rakiraki
+usis
+10:24
+githzerai
+raob
+delvina
+dembner
+gömbös
+empirical
+chretien
+khazan
+borghezio
+gabon
+mutandis
+epithelial
+moffatt
+reintegration
+regrettable
+21.99
+lethargy
+jingo
+park51
+guss
+55.48
+matou
+esperanzas
+3.55
+posterolateral
+sokolenko
+trans-lux
+luden
+clenches
+indrapuri
+fermilab
+roxburghii
+kusumah
+linolenic
+zidi
+611,000
+mulloy
+11.13
+svendsen
+pinpricks
+dehydrates
+suwanan
+dredd
+0845
+hadrons
+teak
+superintendence
+karlen
+steeltown
+sandviken
+divvied
+educacion
+55.8
+tokaj
+penshaw
+devendra
+qualifications
+viviparidae
+kraals
+seetal
+dulac
+1,207
+bornand
+micro-region
+pavers
+polyalthia
+106-run
+fanfare
+maaten
+masius
+salmerón
+21:40
+silvinho
+congressmen
+montebourg
+ledroit
+proyectos
+gold-bearing
+70.45
+whittingehame
+maufe
+nepad
+molex
+pkb
+parshall
+29-year
+haylock
+3.8-million
+stompers
+minuses
+lootings
+watty
+igbo
+counterpunches
+televotes
+mwerinde
+45-35
+nonna
+bahrami
+sidhe
+12-square
+sabbagh
+piedras
+traumatize
+narvel
+vaginismus
+groenefeld
+stepanos
+sironko
+end-product
+saltasaurus
+educated
+gogic
+caradon
+non-malay
+1991/1992
+anti-theft
+blasphemy
+maciek
+,370
+fahm
+yusri
+boockvar
+equador
+25k
+faster
+sfo
+non-conductive
+zimbawe
+35-match
+cadaques
+entren
+fdny
+kein
+immobilize
+sufferer
+addingham
+semi-feudal
+nupe
+dv8
+athanase
+telepresence
+noregr
+waxbills
+g.e.
+fetting
+chularat
+ovulidae
+gaeshi
+63.38
+fenrir
+nandini
+vassilieva
+rego
+1981-1985
+spacetime
+kaut
+phonation
+peresvet
+wenhu
+kottai
+pajamas
+nainoa
+.526
+muka
+isahaya
+moroto
+tyrion
+preplanned
+kossak
+microprobe
+yildirim
+1.95
+soir
+vmi
+denyse
+autzen
+vijayakumar
+singalila
+natthawut
+couve
+physikalisch-technische
+5x5
+yanfeng
+sunburned
+sleavin
+chatte
+lauitiiti
+humberston
+cadging
+bready
+autocephalous
+papermakers
+filzmaier
+fiery
+sachin
+felicitation
+o'ferrall
+phantasia
+rockpool
+shaivite
+thanam
+derrek
+seameo
+lout
+witches
+ainu
+thc
+1.4967
+failsafe
+quivering
+gyumri
+xxf
+edoardo
+timeshifted
+bugles
+gainesville
+u16
+english-based
+prayuth
+conversed
+desarrollar
+53
+bloggingheads.tv
+palookaville
+chasam
+jong-un
+chromodorididae
+lyttleton
+orbegoso
+perseverence
+tarullo
+egede
+belser
+gymnázium
+secam
+pinedjem
+audiogram
+novagold
+portree
+utilitarian
+renho
+yturri
+uceda
+macromolecules
+billionaires
+dannielle
+renel
+viguera
+nattawut
+habschied
+theorizes
+outscoring
+shermans
+kolbenschmidt
+slide-out
+68.68
+improta
+kanke
+polovina
+ustream
+understand
+intellectualism
+elwyn
+pion
+sex.com
+heires
+viriginia
+1921-1923
+ferruginous
+hanseong
+mulyani
+pashardes
+heloisa
+2.875
+sansonetti
+relocations
+rail-trail
+theophanu
+congresswoman
+skela
+sentimiento
+hachikō
+aminopeptidase
+tsfat
+ardila
+kevan
+break-ups
+gradius
+neemrana
+libai
+unprecendented
+laxmangarh
+azmy
+edlinger
+a-share
+looff
+lozzi
+trăng
+courthouse
+sabata
+rotated
+solfege
+renderer
+tiner
+prazdroj
+asbo
+sohal
+cahow
+re-titled
+assefi
+atacocha
+rusher
+sazak
+bastards
+immortalize
+224.8
+nafi
+uygurs
+braniewo
+c-87
+ceaușescu
+sym
+jintan
+115.25
+geoid
+orthodoxy
+plotwise
+kurri
+giwargis
+ludwigs
+m.i.m.
+flightaware
+maximumrocknroll
+keewaydin
+310-785-0613
+vmware
+saoudi
+trm
+skimpy
+mussar
+wilmoth
+dpmm
+sil
+taiyō
+tehr
+inverell
+rechannel
+ilie
+minoso
+muchin
+ferley
+jml
+dhabi
+mosin-nagant
+balazs
+contractions
+shape
+beleaguered
+p.o.w.
+omani
+35-31
+107.35
+enmity
+cnic
+ahsan
+naeem
+quatorze
+vedova
+audun
+tubize
+shiney
+takamiyama
+gerardo
+prakasa
+monir
+undriveable
+stockpiled
+lanteaume
+adron
+siphons
+41-month
+62.13
+hawqal
+csfs
+backstopping
+auda
+transatlantique
+agonopterix
+asuntos
+scrambling
+trionfo
+kyi
+yellowtail
+lignon
+tarnawsky
+harbans
+hadra
+kalifornia
+shappell
+4,240
+glucocorticoids
+18.9
+71kg
+roppolo
+twenty-year-old
+intefadah
+cardell
+kdc
+iben
+lotronex
+'11
+kaspiysk
+kalkan
+marivan
+ridership
+busse
+apoteket
+garraf
+grido
+shahrbaraz
+fadzir
+φ2
+chaptal
+ikavian
+dc-8
+rm11
+localised
+at-6
+formula_33
+vopat
+zins
+homecourt
+223.6
+reierson
+fassett
+frontispiece
+oula
+votto
+slavko
+fortean
+roundheads
+sartan
+822-1444
+half-size
+naville
+3-on-3
+raf
+10-deep
+1978-1982
+tallgrass
+rhineland
+yassir
+cutworm
+perle
+pawłów
+neumeyer
+zapiro
+shorebank
+cleanser
+myelopathy
+gladwyne
+tamarins
+all-south
+pickthall
+winkin
+sensationally
+sicels
+chaiban
+kamugisha
+aneurysms
+3.94
+christenson
+breitman
+mothernature.com
+caccioppoli
+modelos
+1,5
+ålgård
+mown
+36.94
+ornskoldsvik
+formichetti
+ancestors
+grenadine
+mauthausen-gusen
+synergize
+parterres
+duntugan
+1286
+alipurduar
+cbca
+pre-crisis
+payscale
+dardani
+baslow
+nonclassical
+double-crossed
+sketchers
+winnemucca
+parer
+34-32
+cumont
+markos
+25.02
+orca
+govenor
+burrier
+frequency-domain
+late-1920s
+64kg
+wights
+log-in
+anticipatory
+boersen
+3:57
+schuurman
+cardinal-infante
+blatchington
+5-49
+nadareishvili
+strakhov
+1995-2003
+95.81
+1-meter
+cried
+path-breaking
+cernua
+e-cards
+electrostatics
+ngongo
+remics
+tofani
+killbuck
+broiling
+quedlinburg
+listen
+mrl
+kurmanbek
+schweiker
+crunched
+194
+lt1
+socio-economic
+khristenko
+d.r.
+brittanie
+landschaft
+hemerocallis
+phichai
+balcony
+beleive
+perking
+danmarks
+coalescent
+homasho
+unparalled
+d'ivry
+mobilising
+86.87
+cleave
+zenko
+fruh
+daran
+snit
+estey
+19-5
+kith
+ningun
+cravenly
+vertices
+vidhu
+dobrynska
+bedrocks
+unitard
+delpierre
+exculpate
+balanescu
+shiow
+eeyore
+humiliating
+6136
+inchworm
+mgo
+nicholaw
+335
+straube
+weightlifting
+peymann
+trematode
+thunderstix
+dobrogea
+abbar
+36.21
+bribers
+offit
+.103
+chengdu
+vanderhoof
+merrymakers
+americanists
+premenstrual
+omagbemi
+narayanhity
+draycot
+epipaleolithic
+larson
+grez
+shigehiro
+champions
+21-billion
+tetras
+aniello
+refinancings
+nijaz
+tables
+landey
+kongress
+dodson
+amazonia
+singer-actress
+abadie
+yinxu
+oscarsson
+contemplated
+sandkings
+varun
+al-nashiri
+beltré
+2,138
+gumel
+tiara
+analy
+single-lane
+nomadic
+roissy
+lamp
+birckhead
+ocean-going
+abreu
+lassies
+gabara
+valdai
+158.4
+dithering
+540i
+styger
+.0620
+zraly
+italo-ethiopian
+5/10
+water-power
+anjelika
+43.30
+2,000-a
+modane
+20.43
+moccia
+yoo-jin
+isef
+arzawa
+iribarne
+asean
+bise
+dfv
+entailing
+kalashi
+patrimonio
+49.48
+crakes
+re-entrant
+soto
+neelakantan
+hitotsubashi
+attributable
+swank
+herschend
+stereos
+qualitative
+weal
+reasi
+hortensis
+89.35
+demme
+sukoharjo
+rosaly
+dario
+niyaz
+connie
+boehlert
+sindhia
+superdisk
+corridas
+runnable
+notionally
+diverted
+blombos
+hindhead
+totteridge
+2,922
+krynica
+doggie
+doum
+velella
+shvydkoi
+hezbul
+arnulfo
+blowpipe
+divyadesam
+bodyguards
+polioptilidae
+debatable
+kodachrome
+saumier
+1x
+vff
+8-1-2
+fruit
+d&rgw
+cockiness
+drawing-room
+jarnet
+formula_37
+rack-mount
+sokollu
+neurotrophins
+workers
+fitzthomas
+0.86
+peleus
+theora
+faustini
+nummer
+imco
+cathleen
+stalin
+ms2
+petrovs
+aggrandize
+farmworkers
+trenčín
+mahsum
+superclub
+tien
+alassio
+shocker
+myrmidons
+sesheke
+3,761
+1.97
+khoudary
+hmp
+1,996
+merlons
+maiella
+profane
+yakin
+costly
+allice
+tretick
+stânei
+waipa
+blues-influenced
+ciavarella
+keusch
+arce
+nanotechnology
+kultanen
+axxess
+intermezzo
+beauly
+boingo
+,770
+sanchai
+retracing
+lollies
+entheogen
+spl
+97.6
+waterholes
+malacateco
+benmerzouga
+kountry
+96.85
+breach
+codice_23
+bertens
+brinkworth
+amnestied
+20.58
+brouhaha
+bourn
+aesthete
+jeers
+stutman
+presumpscot
+polonium-210
+mosebar
+non-law
+divert
+acceptance
+lucchino
+andalusians
+teets
+ugu
+woźniki
+hasbara
+bagenal
+nns11
+shitai
+temujin
+beddgelert
+energomash
+wenfeng
+abdeslam
+datu
+cecconi
+salar
+formosa
+568,000
+impérial
+vociferous
+picado
+17:13
+dahllof
+equilateral
+rahel
+b.a
+arex
+hultquist
+bonetti
+cissie
+19-match
+glanville
+wolfsschanze
+veux
+hávamál
+wiebe
+matlack
+dirita
+sickel
+rolette
+iab
+ritu
+tissaphernes
+antimilitarism
+asher
+rigs
+samedan
+gasthaus
+garbutt
+gimmicks
+silberbauer
+dumesnil
+six-pointed
+kitwana
+münnich
+23-yarder
+entwistle
+boneau
+tuomioja
+screwball
+nyc2012
+cuernavaca
+galatia
+13-percent
+adfa
+'57
+klecker
+bogyoke
+part-of-speech
+trapezoids
+five-membered
+r.v.
+5:27
+doughty
+giesecke
+maryk
+bun-bun
+spaceland
+backchannel
+tickler
+keizo
+pth
+couples
+mulesing
+tarabay
+bodily
+akie
+moanda
+rotaract
+post-master
+439th
+oxygenic
+bayernliga
+mthathi
+varathep
+coheir
+staining
+retevision
+18.43
+barak
+pullers
+mutherglobe.com
+aimag
+marbling
+celebs
+tkaczuk
+purulia
+euro375
+wustrow
+filmways
+crassipes
+worshippers
+xiaoqi
+fouine
+kemna
+659-seat
+24/25
+yulia
+aecs
+bunten
+offramp
+jwst
+miyeh
+stalag
+mpath
+sawbridge
+30,000-troop
+illyria
+skimped
+shochat
+aull
+furuset
+rhina
+85-80
+miot
+kfwb
+clarus
+vitale
+portee
+nyack
+keum
+zbrojovka
+40-somethings
+muralism
+babbino
+grifo
+sinnathamby
+qaida
+hessische
+scrivner
+bagad
+shamkhani
+distin
+nizamabad
+amroha
+c.r.
+baniszewski
+figline
+vili
+stor
+econoline
+waldoks
+kpk
+shiprider
+licuanan
+turbid
+raeti
+colo.
+1648
+high-intensity
+ashigaru
+genaux
+logo
+onstad
+charlestonians
+tadepalligudem
+orland
+fornicating
+fetuses
+36-40
+inrix
+kaalai
+dorai
+http://www.census.gov/
+haskin
+incomparably
+yadier
+fermier
+copney
+michinaga
+226.6
+pottawatomie
+baptise
+delwar
+arika
+shot-for-shot
+lackritz
+tulcan
+jafta
+zeht
+makurdi
+puchon
+contender
+imogene
+pechora
+hatsune
+monsky
+bumpier
+baltazar
+euro920
+mbts
+i-sharif
+49,445
+speeds
+swordsmen
+manaure
+ovas
+bardos
+habie
+guisewite
+kubis
+hirta
+hegeman
+weightman
+penhall
+stampe
+74-page
+kcal9
+lanktree
+conodont
+purdum
+gebregziabher
+sholinganallur
+mykal
+hovannisian
+i-55
+brogan
+marmalade
+kiewit
+ironpigs
+física
+opsail
+seibt
+randow
+citizen
+yueng
+sangla
+irineos
+1-25
+gödel
+cmec
+delin
+toadie
+wadhwa
+inputted
+karl-heinz
+gwynedd
+pronounce
+unprompted
+jihads
+mabern
+fulgens
+moscovici
+tirin
+joses
+deraa
+welhaven
+ketterer
+synergy
+ohanesian
+yaqubi
+vodacom
+xxxend
+rashtchy
+pigging
+impotent
+raleiras
+pāṇini
+0603
+magdala
+wimbish
+nian
+pjak
+34.76
+cavese
+june
+betemit
+befalls
+knut
+ossoliński
+agnomen
+worriedly
+lignin
+38-29
+ajedrez
+calendar
+chesson
+indosuez
+mayenne
+lachey
+kamieniec
+kety
+btrfs
+guiche
+cretin
+3,067
+mitoizumi
+empleos
+swishing
+mengel
+shafrazi
+877
+brasstown
+sonoyta
+mihai
+johncock
+lynchburg
+nicolò
+chokila
+max/msp
+akin
+nadler
+mucks
+proles
+hemlata
+peplowski
+yio
+injil
+davood
+hydrangeas
+purlie
+sordello
+silatolu
+1,564
+sourthern
+observator
+gurgen
+feux
+mes
+roughening
+zurcher
+poisonings
+roey
+5:18
+arabo
+lawyer
+alers
+endotracheal
+swanley
+reinforcing
+dieye
+mcalpine
+campy
+sub-zero
+tunchev
+sooner
+cocked
+wood
+duterte
+nejc
+110.70
+1991-99
+remagen
+lunate
+thoo
+clément
+borker
+5.10
+outfront
+nwobhm
+najafabadi
+salinities
+araz
+delvar
+asil
+chorlton-cum-hardy
+invasores
+8.50
+judean
+metoclopramide
+ladles
+eight-mile
+briteramos
+moldejazz
+unpowered
+accost
+mobridge
+ippon
+shenzhi
+chillen
+70.00
+kruse
+sisters-in-law
+viasa
+bubbler
+bytitle
+roleplay
+continuum
+regressive
+röntgen
+zorana
+1-for-12
+dhaula
+isolator
+majdanpek
+familywise
+feuchtwanger
+marotte
+agbani
+1,166
+plowden
+smederevska
+palarong
+achuar
+copper-based
+trost
+lcas
+jakopin
+seacombe
+kipelov
+d'arienzo
+5.4
+thurzó
+taluks
+yde
+rakan
+viamonte
+g3s
+siller
+purities
+timpanist
+dissuaded
+badboy
+dihydrocodeine
+league-high
+culminates
+bundling
+shamlan
+nars
+addin
+thisted
+climategate
+padding
+soubriquet
+mortuary
+kentuckiana
+evangelization
+coveted
+smidgeon
+depilatory
+cma
+oryx
+9.91
+mitchelton
+sophistical
+alok
+co-chief
+cutajar
+bradbourne
+vollenweider
+shushan
+epic
+jst
+captiva
+aleksandar
+och
+noirmoutier
+multicam
+skycable
+poet-in-residence
+saint-dizier
+ferko
+herein
+barish
+jōruri
+septicaemia
+meditational
+1952-54
+laghu
+5:5
+jautz
+nonurgent
+larbaa
+lollapalooza
+symbolic
+oppositely
+choirboy
+yuna
+608,000
+cga
+nijem
+outclass
+offi
+daymark
+artefact
+dezio
+graib
+ureta
+mersch
+inniscarra
+nuuausala
+10.21
+165-seat
+rousso
+unibrow
+custódio
+i-275
+m1911
+reggaeton
+predications
+sayana
+fayose
+zakarian
+pakuan
+traves
+herrion
+madams
+rodden
+hommage
+sarid
+bulatovic
+miscuing
+run
+suryakant
+recovered
+supportively
+microhabitats
+postponing
+66kg
+chamoli
+beginning
+torquing
+13:29
+shw
+theodosia
+602
+eischen
+acral
+2043
+y.k.
+haikus
+10a-10p
+hunyady
+einheit
+cryptantha
+zinovyev
+adoniram
+22.75
+tieing
+navid
+ansons
+ngaliema
+ampelographers
+järryd
+lehner
+braehead
+9000
+lugubris
+www.fs.fed.us
+prostatic
+engine
+unities
+180-seat
+rccc
+undeviating
+mevo
+11:39
+barkow
+158,000
+recaro
+taimanov
+zenana
+hardenhuish
+calmann
+leffingwell
+scudamore
+makana
+3,119
+6.75
+verbotene
+nomination
+gardiners
+4,082
+underqualified
+shadowpact
+ified
+confort
+metalac
+doblas
+amanatidis
+sepkoski
+six-party
+zizhi
+rothe
+rctv
+bowline
+117.40
+secretively
+saren
+tjerk
+revivify
+reaugh
+valdaysky
+fasters
+ratinho
+inny
+terming
+deceitfulness
+erle
+nuñez
+iiss
+euro174
+prieto
+uhura
+ceberano
+mostafaei
+andrus
+salchow
+kosenko
+704
+yumileidi
+manuchar
+pestles
+gaelle
+8,000-meter
+ekspress
+vena
+completo
+eridanus
+muddled
+fingerprint
+738
+intrust
+doublespace
+arvidson
+mitscher
+chilton
+erdman
+kędzierzyn-koźle
+stratevest
+hetal
+alcanzar
+inmaculada
+sub-national
+tomasko
+zapovednik
+announcers
+rtcl
+epcglobal
+dibiase
+lyngdal
+79.23
+testi
+xoma
+0.022
+apuuli
+netweaver
+giulio
+jaghbeer
+legrande
+reapply
+ksu
+renzaho
+zivadinovic
+cilician
+skitter
+lagman
+ederle
+buoniconti
+24.3
+hauer
+muhannad
+outwardly
+pseudoscalar
+longneck
+quellen
+release
+diepholz
+bartl
+99.67
+2003-04
+derails
+ozil
+douds
+knee-jerk
+crucible
+phagocytosis
+aghjabadi
+vuyani
+tonsured
+rubell
+c.v
+vieta
+gridlocks
+fleuriot
+tfrc
+franciszka
+oxidase-positive
+native-born
+clarisse
+rebating
+5,637
+4.475
+keister
+saint-omer
+supah
+then-governor
+4,820
+ursuline
+lakonia
+chiyangwa
+stipa
+rezegh
+subcamps
+jamuna
+fluidized
+2,955
+efs
+ericksson
+camie
+czaja
+guaviare
+101.5
+hamamoto
+maccurdy
+5.0-5
+breze
+giers
+32-10
+eusoff
+verifiably
+47.14
+gwynllyw
+martina
+ecore
+komnene
+barnim
+masih
+yongqi
+moths
+keratinocytes
+62.93
+star-telegram
+kensho
+pharnabazus
+meänkieli
+l.n.
+preparation
+actuarially
+inimitable
+obnoxiously
+kubō
+subtracted
+candidato
+korzhanenko
+33.46
+pramod
+wmc-tv
+qemm
+delegating
+triannual
+mestwin
+33-22
+jennifer
+secrecy
+750cc
+152
+prognosis
+sphingolipids
+kidd
+cereno
+familie
+23.44
+yoffie
+skylines
+lambert-st
+ritonga
+spinart
+sknyliv
+lezha
+iud
+pingala
+3,528
+gaggle
+1911-12
+bakalar
+dagon
+century
+deusto
+gongsun
+expense
+mystifying
+talibs
+extempore
+117.83
+środa
+farquharson
+kalabhras
+jumbie
+eslaminia
+swatter
+munley
+abong
+rehashed
+convergencia
+eglinton
+poposaurus
+austro-hungarians
+berrer
+feenberg
+convincingly
+180.6
+aiglon
+cts-v
+cleanrooms
+quixtar
+jkelso@statesman.com
+xianzong
+labs
+čtyřhlasý
+ffe
+firebrand
+29/30
+alwaye
+sanuki
+fatales
+abridgments
+microfiber
+32.70
+bevins
+spinout
+csicop
+crossrail
+baire
+spasic
+multi-disc
+viscuso
+yulong
+seti
+32-3
+renishaw
+stuck-up
+lidio
+hideously
+dweezil
+shinoda
+satana
+blauensteiner
+confrontational
+bytyqi
+kiatisuk
+hattingh
+meadowsweet
+regnum
+gjøvik
+daruvar
+mid-1985
+seetharam
+kooyman
+pragathi
+kesang
+iritani
+tasgola
+n.o.
+animism
+marzano
+straiton
+mlstp
+growler
+sól
+mcc
+shamsa
+warham
+coulda
+vachel
+pettai
+benaroya
+maryboy
+nayok
+adultism
+horvat
+well-to-do
+rubenfeld
+androni
+joyless
+valence
+3,612
+skyrail
+great-great-great-grandson
+7,420
+arosa
+hoskyns
+obol
+louisville
+ontrack
+980,000
+6/10
+leches
+thaiday
+baztab
+michałów
+vanenburg
+narrations
+patenting
+forteresse
+mbeki
+dazhai
+funguses
+bizarros
+bartleman
+mulaudzi
+shintoism
+seoi
+děčín
+frights
+norrmalm
+hawksbills
+semiaquatic
+verkehr
+stolypin
+sykkylven
+fairley
+bitkom
+mourão
+sagami
+guardianships
+algerian
+by-product
+jeeps
+percepts
+bacău
+disassembly
+buys
+druzes
+lanceolata
+ugx
+800-900
+l'etat
+72.03
+rusticated
+3,378
+glaser
+krp
+albee
+blagoveshchensk
+guesde
+magomadov
+rendezvousing
+glassboro
+54,800
+mwawa
+magnums
+proofread
+sapelo
+institutes
+gerris
+salò
+986,000
+120,500
+25-9
+ravaged
+northfleet
+daoyi
+inuyama
+13.125
+amongin
+digirolamo
+huovinen
+catchments
+lennon
+gauldal
+preferente
+zud
+summarizes
+extemporaneous
+54-46
+unrealistically
+ribose
+cie
+franchione
+50.1
+12.81
+qufu
+swider
+voždovac
+scorebook
+101.85
+micron
+deductive
+błota
+mclee
+avgi
+10-percent
+doxorubicin
+jowl
+kohring
+respiro
+natapei
+vibeke
+telegenic
+manufactures
+telefilms
+abberley
+ajam
+priolo
+luella
+udang
+bogas
+leitzinger
+ryki
+schumaker
+nctc
+wooller
+200-km
+elley
++1.50
+sourceforge.net
+170-yard
+time-space
+detc
+105.77
+jonsen
+governed
+apdal
+bardonecchia
+649,000
+jiamin
+slicks
+technicolour
+goutte
+al-nasr
+electress
+cotswolds
+altruists
+belemnites
+ramattan
+monkey-like
+r100
+göta
+adagietto
+goals_l
+laitenberger
+oberligas
+yawa
+wrs
+testacea
+lieb
+unexplored
+5.59
+marengo
+sfmoma
+birman
+breier
+pool
+tangos
+chattier
+lunna
+sjenica
+superior
+biri
+4,404
+arregui
+hesjedal
+cross-linguistically
+pns
+63.31
+5:26
+117.4
+ohudson
+bougival
+reiger
+scheungraber
+fusilli
+freddy
+61.73
+chiswell
+50g
+unleavened
+derogatory
+jayaraj
+de-commissioned
+286
+ricker
+sokka
+polovtsian
+haut-brion
+chen-style
+4:47
+frico
+muros
+phanes
+lingwei
+6,001
+menaka
+cryptanthus
+foles
+onlookers
+http://www.cancer.org
+naddaff
+funchess
+enmities
+ségolène
+ele
+choro
+13/11
+borovets
+toppserien
+bbo
+pathfinding
+novelis
+engelbrekt
+salpinx
+snepp
+franco
+kapuya
+ekco
+686
+guozijian
+kmfm
+,290
+archila
+wheatfield
+poetica
+minoring
+71-61
+vob
+suiza
+hobgoblins
+slavin
+stader
+23.67
+grivko
+cohomology
+oafish
+strinda
+107.18
+llanrumney
+hrbacek
+dupe
+hsn
+plochingen
+10.625
+gilardino
+84.55
+143.67
+ramsgate
+tomino
+oreille
+74.2
+eightball
+finagled
+tyibilika
+oystercatcher
+raices
+dsf
+skolt
+hagenbeck
+pre-decimal
+hahs
+unimak
+over-the-road
+gomorrah
+122nd
+dogz
+78.64
+gardeners
+spurius
+lavater
+tempered
+cuju
+hynde
+brygge
+kuttan
+eichinger
+lads
+auletta
+vishram
+reconquista
+bryson
+reanimated
+ludin
+eappens
+thorner
+single-screen
+footlocker
+ciputat
+69.09
+mokichi
+thomond
+photoelectron
+akcr
+camacho
+yoshikawa
+73.7
+evacuation
+0840
+vdsl2
+meilin
+injunction
+oxycanus
+nc1
+goodchild
+messene
+medini
+westlb
+dajjal
+diligence
+europe
+guanyin
+lanh
+jacobsen
+gemini
+24-19
+babina
+mig-27
+cheapened
+adhyatma
+braises
+compra
+sawmill
+diffeomorphisms
+front-ends
+1.528
+zolotukhin
+self-discipline
+veenendaal
+renney
+changchub
+ullapool
+9.800
+cdsa
+lapidary
+a-10
+westenburg
+canarypox
+levski
+croats
+changhe
+boursin
+daytonians
+roydon
+rowley
+city/24
+transdniestria
+neufchatel
+medusa
+1880s
+jacaré
+20-nation
+33-story
+bloodcurdling
+sfe
+beacon
+elenore
+husic
+tseh
+newcom
+yum
+gm2
+euro68
+chathams
+240m
+sheltering
+richeson
+calosoma
+coprocessors
+kālidāsa
+multiair
+karatedo
+tuvans
+reverence
+16-yard
+steves
+aplysia
+tanacetum
+180-kilometre
+glickman
+stasis
+su-30mki
+sinsuat
+streetdance
+battlestar
+4,772
+americanisms
+tranter
+xanga
+bardina
+lapaglia
+noninterference
+co-existing
+dingwalls
+turismo
+wakanohana
+luxian
+aldaco
+antiretroviral
+discographies
+teaspoons
+dardis
+second-hand
+shopnbc
+sunfeast
+köppen-geiger
+suc
+ceria
+eupen
+npsl
+leszno
+abedin
+scabious
+ulyanovsk
+chais
+4-6-2
+kalinić
+crimp
+cubes
+undercoater
+congregate
+0735
+94.3
+eight-ball
+bartholdi
+soap-opera
+comedy-horror
+housebreaking
+dega
+frankenheimer
+ladders
+wissenschaftliche
+198
+vit
+hawthi
+gerontologists
+a-com
+w8
+yoobamrung
+off-base
+parn
+bulletin
+overhype
+kraehe
+timelines
+isw
+soundlessly
+rotamer
+diamondhead
+cankaya
+gotan
+first-level
+malaita
+mccurley
+jugos
+pepsodent
+kallo
+thondaman
+stratonovich
+57.51
+langat
+superluminal
+semiregular
+ultrastructure
+1112
+scopa
+kaidu
+y-7
+perchloroethylene
+druggy
+renosterveld
+yankel
+namboodiripad
+melba
+compensated
+kucukcekmece
+koreas
+izturis
+szmajdzinski
+bastak
+78.33
+unripe
+klt
+boner
+publisher
+captivity
+ideman
+xxxxxxxx
+ccg
+carrom
+27,000-square
+claude-michel
+oberschule
+thakazhi
+1966-70
+realgymnasium
+4-12
+2,000-seat
+groveton
+yw
+amccutchen
+melungeon
+circumambulate
+t-test
+privacy
+lockbaum
+gawking
+homebrewing
+dutch-born
+entremont
+metv
+photojournalism
+downie
+15.99
+abbitt
+sommaruga
+6,020
+coote
+morchella
+spiffing
+bruhn
+kebeles
+conndot
+femoralis
+hennacy
+qe4
+mutating
+enduringly
+flat-headed
+nkosi
+hornbuckle
+truicko
+freezing
+golub
+mtow
+colon
+awake
+eliminations
+lokke
+catteau
+complainers
+shareholders
+jalbert
+pallasite
+650,000-dollar
+ftth
+nrao
+majahual
+reford
+mariental
+homong
+kasbah
+autorickshaws
+diemel
+11:32
+rugambwa
+neek
+toted
+rodelinda
+maccabiah
+seun
+herriman
+16.84
+decrees
+pando
+70.76
+biodegrade
+miaoke
+lestock
+instrumentalist
+13-room
+phanariote
+celestri
+semmens
+σ-algebra
+endomorphism
+ujście
+olafson
+pigtailed
+nenita
+eulji
+schiesel
+960-acre
+0080ff
+2.34
+amriki
+hawadle
+bismillah
+alfsen
+decreases
+hamaguchi
+nicolita
+ampoule
+obedience
+julian
+217-seat
+delist
+hunkapiller
+obshchaya
+25.07
+eulex
+zimtrade
+pesos
+urabe
+mocumbi
+mabey
+teichmann
+43-mile
+15-14
+nongoma
+enache
+evms
+mtfg
+5.2-billion
+milhaud
+49.99
+berel
+unredacted
+soldan
+assizes
+tbr
+lowfield
+1,323
+codeshare
+mccay
+on-camera
+cebus
+dimou
+homoeosoma
+witu
+δp
+honduran
+conflagration
+cosecha
+mellow
+miscounted
+kinesis
+pincers
+spoof
+reapplying
+panjaitan
+nambucca
+thullal
+16:11
+hivos
+eskridge
+22.28
+non-conducting
+cross-border
+rajarata
+allais
+béal
+hould
+u.s.-peru
+public-access
+wigley
+rauti
+36th
+sequels
+detoyato
+30.03
+prgf
+hipness
+disinvite
+disneys
+happi
+ushpizin
+sedum
+euro619
+glittered
+subclavian
+caesarian
+harish
+92-79
+broaster
+piirainen
+kokila
+bashkim
+jabin
+alpha-helical
+confronted
+0.031
+anaconda
+clincher
+kiyohiko
+marije
+supersingular
+25,000-member
+jordao
+alexandretta
+3,302
+arrighi
+top-15
+validator
+chud
+pozzi
+notables
+leashed
+msida
+malava
+anas
+hartwick
+anticlimatic
+2-21
+juchereau
+waunakee
+shirakaba
+boylan
+ntaryamira
+vaporub
+ex-mission
+utku
+vietnam-era
+better
+lufeng
+smitrovich
+selfishness
+raphaelle
+malcolmson
+jülich-cleves-berg
+d-branes
+111th
+slowest
+s-train
+eishockey
+re-enactors
+agan
+beatin
+irascible
+tosin
+1.028
+sorts
+chongwu
+milling
+headpieces
+outscored
+palm
+sternly
+cfcm
+minium
+rabigh
+geocentric
+rolfe
+zuoji
+euro398
+'28
+tanked
+bromeliads
+glossier
+tatarella
+yarm
+wambui
+(505)
+pellis
+a.r.
+pagerank
+gjelten
+canobie
+positif
+benitez
+16.34
+kisima
+ferns
+giardiasis
+nmps
+sait
+walkington
+tägtgren
+budnick
+kowalsky
+margy
+instigating
+eria
+mid-missouri
+collectif
+stronger
+46,000
+nungambakkam
+russophiles
+gentrifying
+kilgen
+trasvina
+gozu
+rabinal
+brakpan
+flv
+pullig
+geometries
+tynecastle
+scafati
+romana
+westerberg
+situs
+second-straight
+lookalikes
+galloper
+212-556-3535
+roddenberry
+hegenberger
+fumet
+75.57
+tailorbird
+retreated
+80.46
+prohormone
+lagemann
+clade
+wavelet
+charismatic
+seeff
+icq
+frizell
+girvan
+???
+hunston
+arenabowl
+aocs
+coastguards
+joonas
+microbes
+bogdanovich
+120.86
+drought-prone
+rm39
+clean-cut
+99.65
+tromp
+hatoum
+fuhua
+pueri
+rei.com
+mikuláš
+gt300
+immunofluorescence
+d'aubisque
+dehl
+esterly
+41.3
+95-foot
+qalandiya
+mercy
+abis
+harumi
+trinite
+sanjabad-e
+sower
+masisa
+canot
+suyama
+internas
+bough
+1-0-1
+auskick
+(901)
+minguzzi
+tanapag
+rungfapaisarn
+keyhoe
+delos
+chortens
+basc
+centrix
+wehner
+blue-violet
+convicted
+ancom
+covenantal
+lanuza
+thissen
+surcharge
+hematology
+yucca
+spatt
+beaudine
+seann
+occulting
+68.33
+ventersdorp
+spermathecae
+zaccagnini
+7.47
+tobolowsky
+prophet
+474
+tocotrienols
+hedican
+career-highs
+kende
+tidmouth
+atraccion
+foroyaa
+outpointing
+lockerroom
+jedd
+gilman
+spruced
+pimco
+stacie
+novial
+mocek
+self-motivated
+lichtenfels
+crunchies
+drubbings
+spider-slayer
+semo
+bacongo
+belmondo
+goba
+llynfi
+departamental
+characteristics
+sycophant
+11-of-17
+rompers
+kaha
+assayed
+wcf
+decembrists
+izzat
+gural
+wissahickon
+60-percent
+60.35
+ferrymead
+strifes
+hazaaron
+kodi
+jauzion
+epitomise
++90
+laetrile
+markovich
+salzgeber
+according
+aymer
+141.50
+cpic
+long-play
+hendre
+nozadze
+aberdeenshire
+400-strong
+liches
+brawler
+detracting
+710
+engaz
+iesus
+8-7-1
+kittery
+yetzer
+vinayaka
+krewes
+erice
+valkenburgh
+leonas
+cringed
+myron
+bordiga
+ugljanin
+yueqing
+nigga
+170.3
+gissur
+sanjiangyuan
+391.50
+potentiometric
+jaafar
+bilt
+raimundas
+ireland-based
+achren
+pimiento
+ellijay
+437.5
+kal
+148.7
+mease
+mandak
+caicedo
+78.05
+550-strong
+second-lowest
+lalgarh
+authentication
+wollongong
+utahraptor
+popeye
+hpu
+heng
+bossley
+ibertsberger
+hebble
+ambasador
+kamath
+lithics
+meo
+skerry
+rbmk
+koroškem
+tszyu
+walberg
+fears
+ahhhh
+mercantile
+tabouk
+4-78
+coy
+deodorants
+darmin
+bowflex
+paediatricians
+218.3
+ccar
+rajasthani
+yongshu
+abduct
+mapi
+assad
+hard-nosed
+windsurfers
+sneap
+clum
+130-page
+32.8
+2,975
+animists
+chmielnik
+coheiress
+revolutionist
+castoff
+khafre
+raptors
+fitel
+extraocular
+parachinar
+tweedledee
+bayerisches
+glacier
+karmin
+2tradeasia
+oep
+60-square
+gubelmann
+basters
+koubriti
+daynes
+rodamco
+georgia-pacific
+downgraded
+a-box
+ifpri
+1,483-foot
+kdi
+krueck
+ucsc
+tuborg
+salmi
+capraesque
+datable
+borroni
+daquin
+bjorlin
+liesegang
+tez
+onsite
+goldust
+stanichev
+mohi
+powerball
+open-cast
+yogya
+anti-bullying
+windisch-grätz
+rohtang
+liisa
+swindoll
+post-2000
+basayev
+doriva
+7pts
+5,897
+epa
+braund
+2005
+rankles
+co-discovered
+142.00
+barotse
+confirmations
+boyack
+catinat
+kwasniewska
+erian
+vivo
+hellhammer
+said.in
+disembowelled
+nature-based
+darshana
+pitau
+klru
+bhanjyang
+heterozygotes
+chalerm
+flapper
+turmoils
+10-lane
+7-wood
+dimers
+deprecation
+necros
+tamogami
+mourvèdre
+seidel
+wharton
+waitsfield
+celie
+affiars
+dovrefjell
+66.71
+adelphia
+ogbe
+13.56
+manfredo
+awards
+mengal
+mcfeely
+daniël
+backlot
+1990/1991
+coal
+ibx
+huzzahs
+informática
+dome
+19.33
+bons
+3,559
+tisci
+blincoe
+wikoff
+rambaldi
+ludgrove
+60-65
+borderless
+hamble
+wichit
+maimana
+foard
+chickpea
+euro96
+icloud
+hamat
+razes
+4:50
+98.15
+tatarian
+superintendant
+flewis
+wiveliscombe
+xanthopoulos
+lambast
+châtelet
+hittin
+sotiris
+castrate
+cassadine
+2100
+falsifications
+moulson
+pedalled
+naqqash
+lelis
+esmeraldas
+troubled
+cotransporter
+naftan
+formula_28
+u.s.-allied
+salvias
+euryanthe
+salalah
+13-17
+&
+capitalismo
+ruedi
+strived
+moscovitch
+boyajian
+terzić
+mothership
+arnthor
+incana
+106.27
+chaîne
+amarpur
+dildo
+dorćol
+jorah
+49.4
+31.91
+meltdowns
+starstreak
+lahab
+umtata
+slurp
+pisapia
+mylan
+riesz
+fors
+nakivubo
+chernetsky
+januvia
+scatters
+u8
+washcloths
+boothby
+lingeer
+jerichow
+napaporn
+red-hot
+sub-category
+926
+sylvia
+thematically
+2,670
+kabaeva
+euro379
+kooks
+gilbertson
+pten
+aasf
+gottlieb
+byne
+biochemists
+entropies
+papaw
+cohr
+seismologist
+mahalo
+bogaerts
+53.99
+collards
+4.675
+twopence
+headoffice
+cerberus
+nassarius
+melito
+rotterdamsche
+lifshitz
+digswell
+deangelo
+wassim
+56.5
+68.9
+lynnley
+motoo
+abbington
+benoit
+andika
+vaupés
+moderados
+duos
+54-million
+anti-bolshevik
+phenacetin
+57.11
+łomża
+posthuman
+ergotelis
+interconnection
+tuqiri
+ternate
+12-a
+sheedy
+overdubbing
+,2
+agayev
+fruman
+iftu
+104.00
+aamoth
+poptropica
+eurocurrency
+guillemont
+quis
+ambasamudram
+ælfgar
+buchman
+dizon
+bunz
+87.85
+hibachi
+asianweek
+sargam
+tenga
+maunoury
+relapse
+ferriss
+jaishul
+8w
+fernandes
+reynolda
+iguodala
+yograj
+seagrams
+possibilites
+leverenz
+782
+135.09
+beermen
+german-polish
+gillerman
+overlook
+illinois-based
+acarnania
+schillinger
+mattli
+ballboys
+armar
+118.35
+sarrud-e
+mikos
+3132
+copake
+59-42
+(026)
+abubakar
+re-evaluated
+sudibyo
+threshold
+nine-wicket
+utley
+3,437
+ager
+phillipines
+all-time
+moscowitz
+destructs
+ingleby
+anisi
+yamano
+1,280
+palevsky
+non-domestic
+europe/radio
+hs1
+ballinteer
+jalapeños
+beng
+franchisors
+unmedicated
+provins
+mohalla
+ligao
+bireun
+massacres
+1661
+penalising
+osella
+dralion
+jouarre
+drug-taking
+jedlicka
+domitius
+aqr
+investhk
+six-room
+overreacting
+morariu
+3.145
+bodyslam
+garelli
+cadc
+flesh-n-bone
+novaya
+morphophonological
+diehl
+wauchope
+sarathi
+salmon
+geovanni
+carbolic
+tranströmer
+ozjet
+qrio
+cushier
+protectorship
+daughters-in-law
+wristy
+canape
+apartheid-era
+visao
+chookiat
+780
+self-assurance
+smarth
+monthon
+sdr
+dvd
+paddles
+forca
+waksman
+sentir
+jazil
+pierwszy
+mts
+brulliard
+krasner@globe.com
+12-run
+leftback
+tortes
+pellissippi
+chimoio
+grimshaw
+cav
+whitfield
+bubb
+establishments
+55.61
+nowinski
+dimer
+cordani
+kaun
+milholland
+405,000
+jonker
+mc-130p
+dentzel
+in-memory
+hellner
+germann
+esrb
+2.5-million
+s10
+annett
+13.66
+166.2
+chiadzwa
+sellathurai
+babajan
+curhan
+nortonville
+zazaki
+32,700
+spix
+pshs
+ascending
+crafton
+c-14
+kournikova
+mariane
+81.95
+2007-2009
+hamalainen
+internets
+papers
+lost-wax
+846
+57.2
+huszti
+blockade
+vasudeva
+hian
+karres
+manzanar
+pasted
+ceeac
+gvhd
+kopf
+boyington
+keak
+asca
+petrom
+tanweer
+christofias
+booty
+simbolo
+antje
+markeaton
+ibes
+cătălin
+aufderheide
+naras
+untucked
+construcción
+indah
+parag
+membre
+penglai
+48.29
+videanu
+taymor
+neall
+10sec
+thern
+50-person
+jeannie
+volva
+castlefield
+braxton
+krekar
+57.42
+lebanese
+cynically
+2,798
+calorimeters
+perversion
+sulby
+gyroelongated
+buyten
+santonin
+konitsa
+h-5
+undefined
+suppleness
+vocalizes
+72.95
+wlol
+bonneville
+k-i
+mawashi
+ferina
+jagathy
+kooti
+102-page
+vesterdorf
+on-the-fly
+repairers
+mawlamyinegyun
+trani
+bb96
+lathes
+78-78
+citynet
+sunyani
+butovo
+mtukudzi
+neo-babylonian
+pr4
+2,000-man
+pk-8
+ahd
+perkasa
+umbrosa
+cpl
+kazım
+kellam
+bezants
+calheiros
+sfsu
+larcombe
+kathryn
+chambal
+trondheim
+vetinari
+syllables
+cag
+carbombing
+asrs
+kolomeitsev
+torrez
+redeemable
+mentzelia
+hr
+jiranek
+paraense
+jankel
+cfg
+fnr
+5,895
+privet
+samukh
+cpo
+weikhard
+bard
+catts
+guilelessness
+khadijeh
+mcdarby
+chitty
+fisgard
+cupido
+pageantry
+indicated
+benfica
+tex.
+arquette
+sandys
+lokshina
+freeda
+390-7032
+belgica
+simonne
+mindwarp
+coumarins
+11.65
+1941-1942
+stiliyan
+reginae
+cutcliffe
+sacraments
+huden
+re-introduced
+co-ordination
+boated
+miscreant
+cb1
+holmberg
+rockfill
+milesi
+sakia
+mad1
+adygeya
+somnambulant
+literalist
+illinoisans
+37.51
+selsoviet
+fetchingly
+embraceable
+5-foot-7-inch
+107.99
+filarete
+d.phil
+kamaruzaman
+al-awlaki
+novarum
+hoverflies
+bongos
+głuchołazy
+ruley
+mongalvy
+zuckmayer
+maintainance
+tsin
+madaki
+camo
+maryellen
+genda
+cecília
+zitadelle
+binjamin
+bradys
+10,700
+mohács
+shyti
+stears
+ramblings
+yıldırım
+amontillado
+batal
+wbo
+emos
+colonie
+73.00
+masoom
+caws
+nbcu
+f-7
+a300s
+unnoticeable
+cassino
+studia
+palyul
+rosabel
+37,400
+umbra
+chotto
+huskie
+limbo
+pre-dynastic
+huíla
+interzonal
+bridgehead
+matriclan
+shintaro
+ncomputing
+raymore
+slg
+my.mp3.com
+babulal
+istoe
+escutia
+bergisch-märkische
+cantey
+aine
+flashers
+perdy
+briem
+basia
+sicarii
+giorgetti
+twosome
+leucogaster
+nazis
+1800
+cincinnatian
+vulcanized
+,11
+testaverde
+centar
+voorhuis
+cth
+removing
+pantries
+visar
+famitsu
+bonicelli
+9j
+onset
+39,375
+lares
+salzburger
+zebu
+a2b
+pinghua
+ifor
+cochabamba
+pier
+see-saw
+multi-state
+gescard
+tetiana
+erth
+lagrave
+30m
+muratti
+canonsburg
+flinchum
+nayau
+bozkurt
+ic4a
+micrornas
+courville
+sulfides
+klock
+spindelegger
+a.m.-7
+80-billion
+végh
+gunsite
+silenzi
+maddock
+golinger
+guangping
+wynnstay
+rzgów
+64-60
+51-37
+titulescu
+clubfoot
+delwyn
+lenzen
+lycaon
+chiccarelli
+zhenliang
+lacewell
+3.7995
+brackett
+xihaigu
+higher-rated
+retreats
+nedum
+diko
+injuction
+enticements
+westmead
+deutschman
+moratorium
+40-match
+hypervisor
+miscommunications
+frigate
+14.13
+biennials
+marabá
+ticad
+sunapee
+262s
+8,830
+helpern
+pilsen
+3,842
+nall
+clio
+neubronner
+kollin
+pepes
+wmnf
+1924/25
+127.28
+flimsy
+talcott
+koo
+pelted
+alder
+20s
+débuts
+diadora
+factfinding
+ummi
+reinvigorating
+lucht
+kriging
+integrator
+13-24
+lefevour
+appendicitis
+talai
+layup
+detsky
+egad
+croyland
+grieb
+crissie
+hallands
+42.39
+schwandorf
+azimi
+dvor
+epitomised
+coutts
+manieri
+semur
+westfalen
+resisted
+stuer
+flags
+allright
+talus
+pendelton
+concepcion
+spiffier
+maullin
+sweety
+imprudence
+fumio
+trig
+u.m.
+claridges
+pres
+kahoe
+ricimer
+mumbi
+roldos
+lokayukta
+projets
+manami
+extort
+chayng
+u.s.-iranian
+billimoria
+matlab
+fastbreaks
+timeout
+oxymoronic
+99.41
+115.77
+10-14
+deriding
+19,200
+arta
+eisley
+biryukov
+beauchemin
+drifter
+leibler
+miral
+fatullayev
+glencore
+umaru
+laurentien
+fitting-out
+dagami
+benchley
+quem
+kuchum
+bixler-zavala
+protostomes
+co-processor
+non-interactive
+112-100
+hads
+scaffolded
+roscam
+asks
+lappi
+exhilaratingly
+mogens
+ballabh
+258
+recross
+avernum
+viñes
+duritz
+draper
+oversaturated
+amiralay
+dzong
+counterchanged
+rocks
+gay
+domus
+âme
+heraclitus
+rato
+tuzman
+wedgie
+enz
+kilimanjaro
+beutner
+property
+hoyte
+tuggerah
+vaden
+advises
+lunchbox
+orde
+meyers
+zosterophylls
+henryson
+1-5-2
+naota
+766th
+synthetically
+guapa
+krishnamurthi
+lasama
+7-for-14
+1917
+oats
+kaga
+weighting
+sukhona
+messrs
+deva
+yuanji
+paulsen
+treatise
+household
+davidtz
+kxly
+carbon-oxygen
+toothman
+sahelian
+voyageurs
+freemark
+8-orthoplex
+poecile
+musselshell
+arcserve
+peddie
+acio
+monophthong
+16,000,000
+tasesa
+shatoujiao
+50-45
+barnstormer
+vog
+kumayl
+wsr
+campfire
+unodc
+3.96
+váhom
+417.8
+udzungwa
+scheft
+essad
+policía
+brudnick
+ordains
+4,000-yard
+thoresby
+fulro
+3cr
+douma
+kingston-upon-thames
+laffon
+quarton
+weirded
+shoot-off
+1.4030
+keni
+40-dollar
+keady
+micheal
+acom
+fujito
+pieris
+hyndland
+frölunda
+saltmarsh
+1997/98
+creacion
+skovdahl
+neoplasia
+rg7
+racquet
+zse
+brunei
+rescate
+meskwaki
+mostro
+burna
+madurai
+9,460
+originated
+boers
+19.70
+geikie
+folding@home
+lanseria
+45-19
+cohens
+hendi
+pastoring
+2,257
+hoopla
+kettering
+pupate
+courtrai
+orthochromatic
+binnington
+2.52
+potrerillos
+doura
+arulanantham
+rotundata
+kaluyituka
+rameswaram
+babenko
+britta
+zesty
+mantin
+bhairava
+28-point
+mixi
+hammarby
+truckmaker
+tonopah
+49,800
+underrating
+termini
+cohler
+tensioned
+estrous
+ywca
+delmonico
+jharkand
+synoptics
+pinetops
+schoharie
+presto
+sub-humid
+mohe
+schodt
+retold
+61.95
+condell
+kahnweiler
+coriolan
+beveren
+volkel
+31.10
+pallipes
+sareen
+chavin
+dessoff
+netminding
+underseas
+seung-woo
+bacco
+brickell
+monocled
+denize
+dusts
+seyoum
+hirotsugu
+23-59
+rainfed
+solicited
+shoddiness
+albeit
+numeracy
+fiend
+whimsical
+w
+trimm
+winchendon
+75.69
+69.12
+lunan
+antigambling
+dileep
+niklas
+represses
+eversole
+choucroute
+drcongo
+langauge
+unwisely
+wahlström
+puerperal
+lanctot
+rhyming
+non-covalent
+once-daily
+tamás
+carolinensis
+104.82
+sölvesborg
+travaligni
+1910
+pasquariello
+ajunwa
+zr1
+tolerated
+intracranial
+krasnoyarsk
+39.05
+terreno
+55.70
+1.032
+ch2
+akao
+temerarios
+backlog
+apalachicola
+non-small
+gundel
+confederado
+oslin
+64.16
+17.72
+illinoian
+wbc
+archaeologically
+cavewoman
+subgraphs
+epidermis
+weeze
+mieno
+statoil
+174,000
+sinpo
+chio
+widukind
+amino
+yankovsky
+14.64
+hanwei
+pontoon
+southshore
+nsca
+boutros
+razza
+309.3
+bigots
+17-inning
+peth
+165-year
+gerak
+expires
+chiliboy
+belarusan
+15-seeded
+1999-2007
+1.5239
+pavano
+babati
+campground
+yamam
+booked
+psyllid
+bonnyman
+serios
+batlogg
+fundamentalists
+ypiranga
+hawkwind
+nscn
+zemmama
+453,000
+ghioane
+pacman
+interceded
+49.22
+8200
+chaytor
+pollokshaws
+msimang
+1617
+acreage
+khurasan
+ldap
+khazad-dûm
+nøtterøy
+remiss
+ripplewood
+vandersloot
+39.12
+teer
+deqin
+madi
+minas
+m.o.p.
+perigueux
+nontitle
+clerici
+227.4
+clock
+sélestat
+unbinding
+dungarpur
+hunched
+aoti
+s.y.
+medium-density
+saturday-morning
+firebrick
+pronouncements
+finsen
+twinkies
+higuchi
+non-statutory
+nucky
+adjunct
+yoshiwara
+60-gun
+4.425
+oste
+nandgaon
+goscote
+bolcom
+outsmarted
+fraud
+heuser
+nadzeya
+upadhyaya
+matthey
+molotschna
+donati
+yyy
+edinson
+mcwilliam
+apostolo
+mengjiang
+volumes
+juga
+minuta
+hune
+dozhier
+64.67
+kiet
+ground-level
+hehir
+re-classification
+proliferation
+nagan
+herriott
+maḩalleh
+enfranchising
+neaga
+riam
+dingbat
+manoel
+ligon
+freegans
+interes
+robards
+richthofen
+timecode
+latics
+linthicum
+corbell
+lilting
+yoshimasa
+khorram
+kahf
+nogent-sur-marne
+nytr
+brodhead
+eglise
+danaid
+follies
+miscellany
+tienong
+sympistis
+ferenczi
+dows
+morts
+5.9
+cierta
+wallas
+anle
+morlock
+kretschmer
+13.76
+kamitatu
+sc
+extrasolar
+bunchhay
+mmr
+lindhout
+bittner
+iribarren
+sitchensis
+armis
+ccd
+phenethylamine
+describer
+damola
+pisciotta
+luceafărul
+spasskaya
+augst
+aerate
+unarius
+hydrogen
+gång
+tomte
+vardis
+rostand
+0714
+grumet
+0.6-percent
+anat
+vilakku
+trechinae
+festuca
+novozymes
+hanke
+król
+60-year
+asadho
+bentsur
+zrenjanin
+bootcamp
+hamit
+cnil
+humorists
+circassian
+yujun
+brog
+sissy
+leapfrogs
+werntz
+polevault
+beanland
+sulmasy
+sedlmayr
+breon
+shakos
+stadtholder
+punishing
+welty
+tuscarawas
+nimmons
+transantarctic
+sigurimi
+tulem
+qbs
+wangerin
+ivangorod
+shoon
+chloroclystis
+bagoong
+asiago
+loudcloud
+hannity
+phonte
+agricultural
+heyward
+non-descript
+aramburuzabala
+schönefeld
+d.earnhardt
+dimitar
+mcconnon
+horology
+nmb
+fermon
+fried
+4-63
+outraging
+wirt
+3,716
+455
+academically
+nynh&h
+bland
+tulsa
+bastogne
+bloodworm
+shtyrov
+ashbury
+amandi
+tefillah
+petito
+2521
+winnebago
+symlin
+terhune
+windshield
+interquartile
+interwest
+boasts
+1,081
+hastreiter
+sabahan
+agoura
+xinxiang
+janavs
+9,030
+shod
+marouelli
+fuguet
+catfight
+14.87
+julinho
+salado
+extremo
+tribbles
+fledging
+meconium
+red-capped
+undestroyed
+cowsheds
+cerbak
+72.35
+gushing
+chiclets
+sidearms
+unocal
+abdurixit
+karnei
+kovalevsky
+nondisabled
+goalies_chicago
+h2b
+2,331
+ev71
+amants
+burgettstown
+hải
+dealogic
+overstating
+karlin
+bangna
+syntagma
+rezoning
+12,050
+disconcerting
+nspo
+yekaterinoslav
+tenontosaurus
+fumbler
+fithian
+ruttman
+bhagavati
+322.50
+daum
+incur
+ethias
+cavalieri
+microvision
+noemi
+godlessness
+i386
+91-minute
+pazos
+kondratyuk
+chaplygin
+dissector
+lipnica
+imperiled
+belleair
+cooz
+recognising
+perlita
+elaeocarpaceae
+pekao
+4/8
+transfected
+119.44
+armeekorps
+69,200
+380,000-dollar
+business-related
+58.4
+industrious
+pandev
+berringer
+melanism
+vriesman
+aew&c
+brickhill
+rehbein
+stremlau
+reamed
+solidarite
+pare
+vleuten
+silken
+tsiolkovsky
+gulf
+bassmasters
+tmm
+2,016
+95.57
+transpolar
+all-purpose
+kutno
+shuford
+fissions
+brackney
+pro-english
+scholz
+djuice
+rediscoveries
+elee@ajc.com
+eye
+jacuzzis
+ringmasters
+teoh
+micevski
+hourigan
+kabua
+doree
+176.4
+emphesys
+kabacan
+falguni
+zalazar
+transgas
+peated
+cockchafer
+outreach
+moravě
+winter-spring
+plexiglass
+musters
+downshifting
+interethnic
+kells
+amschel
+deveronvale
+huron
+kadri
+rubiks
+macay
+mailorder
+4.11
+lasswell
+insurgent
+rollbacks
+sanai
+photoluminescence
+gimje
+sydenham
+lakatos
+3,676
+http://www.toyota.com
+saidi
+maksud
+agronomist
+longwell
+53.45
+16.09
+newfoundlander
+gjergj
+arikat
+panoz
+racialism
+clippy
+kroeker
+chilodontidae
+1-0-5-0
+smuggling
+steris
+grinnell
+anticholinergics
+keyring
+stacked
+podmore
+yurkov
+rodricks
+culverts
+29.88
+3,012
+filibusters
+unasked
+cinhil
+genser
+955,000
+61.31
+peterhouse
+syrie
+fortuno
+sleipnir
+99.71
+ismā
+lisanti
+gwi
+refutations
+martelle
+chroma
+hoyne
+rm75
+k-4
+blumberg
+degema
+chiaia
+rennes
+farar
+di-gata
+oscillations
+albania
+reforma
+pradhan
+mid-michigan
+midgut
+sr2
+25-basis
+freddoso
+literară
+tayback
+predecessors
+89-74
+dehdez
+rasoolyar
+fifteenth-century
+phytotherapy
+abosch
+kening
+bielke
+consolo
+misleading
+atick
+jagirs
+gantamirov
+braith
+mcgeechan
+yordanov
+ljiljana
+slavey
+harvard-educated
+sonority
+212-239-6200
+betrand
+angmering
+morona-santiago
+ageing
+o'rourke
+68.16
+1945-49
+cutworms
+lajevardi
+maglor
+moshi
+altana
+enamelling
+weissenhof
+1.077
+3,593
+hoste
+rems
+mariano
+leucostoma
+kargil
+segolene
+yarkoni
+14:31
+quarterback
+superintelligent
+al.martinez
+storekeeper
+mcgaffigan
+56.65
+gadolinium
+cadete
+hosts
+muramvya
+corbacho
+ouderkerk
+munny
+ieronymos
+castellated
+entry
+cinsault
+l&b
+italian-made
+make-a-wish
+inter-county
+tactile
+franco-flemish
+rabbis
+150-point
+groundbreakings
+merlet
+zwikker
+gray-green
+dunrobin
+tolkappiyam
+beets
+hayao
+drona
+bogner
+entrepreneurship
+sarkissian
+kartikeya
+warplanes
+noah
+farias
+maturity
+undrained
+szaniawski
+lingwu
+vrindavana
+.231
+feedstuff
+brabin
+unscratched
+raymonda
+rehab
+iraan
+chanthol
+filched
+biergarten
+dishes
+stretford
+zhongguancun
+795,000
+goumas
+supersedes
+ziemia
+74-70
+considerately
+lyakin
+quarter-final
+mapmaking
+manen
+decrepit
+trunov
+nanophase
+federalist
+1.5-1
+theertha
+mummies
+curle
+snezana
+fairing
+delfouneso
+glast
+44.3
+fersen
+crimson
+brumbies
+hbcu
+rauno
+dematerialization
+matondkar
+tameer
+fkl
+55-51
+cooperated
+brushless
+jean-joseph
+lubick
+comienzo
+colleferro
+readin
+shiddo
+kbi
+tomax
+67.13
+harjinder
+degrandis
+serafino
+warning
+eds.
+keyless
+austrini
+revit
+inventing
+aileen
+kitali
+hiltons
+kimelman
+lalami
+brazil
+rozehnal
+speedwagon
+perišić
+lenticels
+1978-1984
+6-foot-8-inch
+cover
+fadal
+resetting
+keith
+lovesong
+mavi
+2,100-mile
+18:02
+dieckmann
+15:33
+a120
+holders
+konigsberg
+eiga
+otec
+samhadana
+glos
+lucentio
+vaculík
+borkenau
+ariq
+vercingetorix
+reaux
+st.paul
+network-owned
+boucherie
+cudjoe
+attles
+congruous
+infield
+prater
+almazán
+nelumbo
+suffixation
+candle-lit
+r.f.
+exultation
+aert
+scullin
+cere
+marmoutier
+razzed
+divan
+sodor
+dallying
+21.39
+70-71
+federer
+777-200s
+3.7
+2,255
+centerfold
+centimetre
+30-270
+rockfowl
+varlam
+brocken
+all-county
+witkin
+moammar
+militancy
+schantz
+mrg
+xingyuan
+massiah
+bilski
+bribesville
+vrindaban
+giussani
+kaizuka
+dharsono
+mckay
+wing
+cloverly
+soonest
+webcrawler
+rala
+sanest
+(816)
+boubou
+zhahn
+submersible
+minqin
+mitutoyo
+lgt
+milkmaid
+walkability
+naamah
+rate-determining
+109.82
+eulimella
+thueringen
+usk
+parche
+tamils
+harappa
+thecla
+deleted
+baywalk
+molton
+michelson-morley
+mesias
+radiolarians
+hanoon
+dollmaker
+superiors
+organo
+alexanian
+valadão
+feudatories
+navarrette
+phonological
+viper
+baiters
+mecklenburg-güstrow
+204.4
+formula_143
+tychonic
+deceptions
+hardbody
+4,023
+puppyish
+offsides
+one-china
+gadek
+ambessa
+prize-winner
+nazal
+ahman
+turbojets
+:24
+quizon
+information-processing
+aikawa
+pocketknife
+bracara
+crenna
+7-furlong
+sebei
+lackland
+rehear
+41.23
+byelaws
+clavier
+vryburg
+donrey
+eex
+chadar
+comparably
+torbjoern
+jamsostek
+sīnā
+taseer
+time-like
+73.19
+sullins
+irradiation
+nft
+1.5100
+ikl
+thanlwin
+hildebrandt
+subotić
+1238
+vaibhav
+pilzer
+slatalla
+redeveloped
+5.0-0
+7:16
+107.67
+extractos
+e-paper
+siirt
+rumeli
+ivo
+zeef
+ganzfeld
+268.7
+kitai-gorod
+mainbar
+ritualists
+sunnydale
+summerall
+derricks
+chertkow
+jenney
+harrumphed
+somavia
+bow-tie
+wanrong
+three-tier
+abelisaurids
+122.22
+decameron
+52,800
+mitteldeutscher
+makkena
+lauras
+onay
+caniapiscau
+anahuac
+trussell
+kukrit
+buzen
+dq2
+miyakojima
+basalt
+summerlong
+leontes
+hayabusa
+2590
+adding
+slavist
+ardzinba
+evangelistarium
+m-type
+mcduffee
+brdy
+sculpts
+supplementary
+awesomely
+55.11
+150-nation
+chery
+morgana
+mannkind
+skalbmierz
+benami
+oviposition
+immunity
+magnete
+suki
+navigon
+velaphi
+540-547-4211
+yessir
+wielkie
+macdonnells
+onkelinx
+maer
+rosicrucian
+enshi
+divx
+1492
+berezutsky
+rgd
+marsili
+kazanlak
+contrarily
+davar
+kahil
+berdychiv
+el-masri
+puttermesser
+1780
+smarta
+populist
+43-36
+consist
+boyton
+1845gmt
+secreta
+iso9002
+bangla
+birindelli
+usstratcom
+all-southeastern
+aboagye
+lorrimer
+zrebiec
+93.79
+spools
+chinatsu
+puhovski
+38-billion
+benarroch
+apprehended
+zainuri
+tinlin
+lati
+longton
+orogen
+splendored
+tritons
+parinya
+stanizai
+josaia
+9-0-0
+rembrandts
+il-14
+karnabatt
+complain
+osteoderms
+yonis
+334.3
+riverport
+dams
+liza
+revisionism
+jesic
+12.63
+thurairajah
+kollowrat
+139.50
+honinbo
+28-meter
+eskadrila
+oxidization
+haret
+cambuur
+offspinner
+sietsema
+djibril
+44.29
+rqw
+azealia
+one-half
+bacary
+800-strong
+mois
+212-499-3339
+oly-2004-fhockey
+harvill
+whitmans
+goldar
+schrab
+mesivta
+bursten
+xuangan
+aroor
+chahs
+283.6
+kommodore
+13-23
+co-direct
+w.o.
+duiker
+fuchi
+mantes
+gebze
+shoeing
+131.4
+bridge-building
+angelic
+56.17
+entrant
+1.459
+listeners
+kyaa
+baguazhang
+craiova
+banding
+psdr
+adjaran
+gestaltung
+lvova
+khwan
+anonymized
+five-lane
+surrogacy
+t-34c
+speedskating
+arvensis
+penny-farthing
+asgiriya
+marcel
+simulator
+persecutors
+eberstein
+microcontinent
+tannoy
+jdv
+turnabout
+francestown
+briles
+flairs
+djamal
+stoermer
+rushin
+lachish
+serebro
+imperviousness
+millot
+lifa
+queensrÿche
+cohu
+tryptamine
+98-1
+inhabitants/km
+135.0
+chipper
+reknown
+16-player
+akl
+45,400
+accidentals
+pinelands
+healthcare.gov
+swann
+b-raf
+nyamulagira
+2-lindsay
+nojhl
+icewind
+mccourt
+hillarycare
+icesheets
+supersizing
+i̇kinci
+shone
+martakis
+scolded
+mugal
+yichuan
+tse
+goal-oriented
+2,631
+basmati
+victualling
+davidsen
+dissimulation
+tightest
+zuckert
+apr
+katsumi
+aplomado
+vih
+semidirect
+self-created
+three-nave
+spelman
+reiley
+xiaolin
+respun
+huts
+kihs
+zfa
+humani
+longhaired
+formula_61
+izawa
+olimpik
+jinsheng
+firmus
+esmeijer
+arenas
+wagar
+19:32
+chakravarthi
+endocrinologists
+9/27
+second-language
+mcgugan
+splanchnic
+jellybean
+33-26
+estrategias
+bodi
+bicêtre
+froze
+states-based
+colloniidae
+ramaz
+damone
+stooped
+rises
+bobber
+rebutting
+diacritics
+2332
+gt
+ambassadorial
+7,170
+symbolise
+caatinga
+afrotropical
+kornblum
+2,644
+moven
+rudess
+harmonizer
+eigenvalues
+18-pounder
+fructed
+sewn
+certifiers
+interactive
+airtricity
+nationally-ranked
+responding
+havelock
+omran
+hartstein
+kaneko
+750-strong
+rcg
+lenggong
+hiatus
+all-female
+smudgy
+bernardis
+qingxi
+weei
+bth
+nmit
+kjaerum
+counsel
+reaffirms
+chitlins
+corta
+laughrey
+poignant
+derderian
+beardstown
+vikes
+kanellis
+asing
+comma-separated
+borjigin
+lafever
+dvori
+kitayev
+tripods
+misericordia
+637,000
+voinea
+bagrat
+ssang
+cozied
+miu
+hrc
+similarly
+warm-blooded
+nijmegen
+encourages
+beeblebrox
+pennie
+berghoff
+xix
+syosset
+dymoke
+al-mutanabbi
+understating
+wxnet
+e100
+corticiaceae
+muddies
+socio-psychological
+guideway
+slm
+àlex
+malthusian
+buzan
+khor
+manella
+merrison
+trantham
+fdp.the
+looses
+yegang
+taa
+nationalmuseum
+anwar
+loviisa
+mid-summer
+61-55
+instigation
+life-threatening
+suphamongkhon
+rodrigue
+fenestration
+broadstone
+weog
+clat
+gedik
+190-foot
+spaceframe
+apostate
+mildren
+laurents
+17.01
+moyar
+hamrin
+almeda
+taquerias
+shermarke
+marakanond
+bbses
+top-of-the-range
+step-sister
+weighted
+galos
+healthline
+footwall
+terrington
+massood
+cinta
+consulship
+aigburth
+säckingen
+51a
+catenary
+leprous
+venissieux
+frequent-flyer
+shkolnikova
+treasurers
+blithering
+ornitholestes
+tollfree
+lystrosaurus
+homestate
+łks
+alzey
+neptune
+propositions
+orbis
+59.50
+subindexes
+wesser
+sortun
+99-1
+inhalants
+lubman
+dinkum
+hyneman
+2,070
+raufoss
+multi-protocol
+marauded
+tremmel
+shaariibuu
+elefteriades
+timed
+schiaffino
+panama-california
+banksia
+texians
+filmfestival
+eidfjord
+maad
+nclr
+agnolutto
+flyouts
+recoded
+laychak
+disincorporated
+cg
+yockey
+microphones
+aaru
+rcr
+replayability
+bakhramov
+releases
+fenderson
+al-islah
+riggan
+o.j.
+roadblock
+breitenthal
+brunache
+gareth
+sundgren
+fabius
+mindelo
+candido
+laudate
+kozuka
+46.24
+3,880
+chauffeurs
+osogbo
+exiles
+1,597
+anastasiades
+geldenhuys
+achiever
+cantamessa
+need
+brcic
+antlfinger
+utkala
+estigarribia
+trisha
+springett
+tuah
+skrowaczewski
+2095
+constitional
+aquisitions
+egyptology
+cruachan
+360-mile
+stockgrowers
+chirnside
+goldcliff
+beguinage
+concede
+wakely
+jitō
+underplaying
+llaneras
+tewell
+tonghua
+amaru
+feinted
+ikimi
+http://www.united.com
+prone
+guichard
+westrail
+advowsons
+congleton
+asya
+113.35
+plug
+vsmpo
+honden
+kaykaus
+28,500
+non-infringing
+seeped
+achala
+cloister
+erratic
+uaa
+shyly
+rockey
+hando
+sonakshi
+villalpando
+ruengroj
+kan.
+ottery
+adjuvants
+mackall
+muhizi
+d'après
+shinji
+upgrades
+44.83
+muintir
+115.75
+pixton
+endeavors
+moonachie
+benzoyl
+feijoo
+m-44
+fleischer
+monoclonius
+loubet
+alere
+goldbergglobe.com
+taina
+ofrenda
+sends
+gb/s
+romolo
+hambach
+bunks
+silcott
+copse
+broking
+2,122
+fakhoury
+aldrig
+bomet
+carrey
+multiple-time
+dardanelles
+heckuva
+fikile
+duns
+lauterbur
+arzu
+toyooka
+chawalit
+valiabad
+kuršumlija
+swordsmith
+shoura
+chatel
+teleorman
+rse
+axing
+four-bar
+belpre
+annisquam
+guareschi
+kfaed
+a.m
+aewa
+954,000
+nasionale
+65.5
+barely
+kaff
+3.200
+regimiento
+diepenbrock
+pozzato
+.9998
+1.5560
+stretchable
+csollany
+then-husband
+gainsville
+mulatto
+duela
+8s
+nool
+gieco
+sery
+bessin
+retes
+pintupi
+magirus
+habashy
+6205/64033
+shouse
+4:14
+kermesse
+stratford
+hansard
+dhcp
+štefánik
+wanna
+light-emitting
+hoggins
+halemaumau
+rsl
+bivens
+reignition
+malinowski
+pantech
+ett
+conjectures
+distention
+l300
+15.66
+graywolf
+sals
+toovey
+48-member
+kampf
+125.20
+stamboliyski
+slidin
+218-year
+vachon
+pleno
+cantilevered
+1,981
+ideologies
+youkilis
+subfreezing
+lukash
+rawson
+wandrei
+greysia
+sabbatarian
+accomac
+schwartzmiller
+kilroy-silk
+tulus
+illustre
+incas
+corry
+98-percent
+ripoff
+gamebook
+domestikos
+lanzar
+scène
+shaath
+marchak
+pnina
+re-acquire
+kaolack
+cofe
+1694
+:47
+52.76
+ecaterina
+eric
+lkaplowcoxnews.com
+molnau
+compacting
+re-joined
+48.1
+boneh-ye
+benamsse
+magog
+pretence
+shneidman
+amex
+aupe
+tucheng
+ozorków
+pulsation
+amoric
+migliorini
+pailin
+computed
+calmar
+amass
+glycoprotein
+mera
+darzi
+vinifera
+narkompros
+cressy
+isfahani
+braşov
+baramidze
+jibril
+gäu
+45.88
+métropolitain
+uruguay
+73-57
+non-pornographic
+77-70
+cytokines
+pe̍h
+taüll
+jarius
+kfx
+louisy
+kłodzko
+reaganites
+4,147
+laux
+hyūga
+quimicos
+blach
+night-time
+rabindranath
+technology-focused
+formula_41
+doorpost
+pmpa
+allegany
+lamour
+27-29
+hisar
+orchestras
+pliyev
+trillions
+pnv
+certifying
+amenable
+briatore
+decoys
+ivars
+newellton
+721,000
+rbos
+59th
+30-may
+adric
+16-meter
+june-july
+lauckner
+icarly
+klansmen
+tasmin
+pragati
+convergys
+sp.a
+dhauli
+dvořák
+all-pac-12
+voodoo2
+1199
+conditioners
+ffestiniog
+perplex
+back-and-forth
+triangular
+wording
+spans
+hirani
+cationic
+51.21
+najada
+vaka
+mahavatar
+incurs
+appiano
+aykroyd
+chlo
+stough
+skn
+288
+clennett
+gemarkung
+46-24
+sipepa
+akermanis
+nadir
+naosuke
+łaskarzew
+ormand
+risser
+nedra
+yardwork
+orthogonal
+nitocris
+stensness
+yoshiaki
+mazraeh-ye
+adac
+pennysaver
+streambeds
+optioned
+munising
+mogel
+heffelfinger
+carell
+thah
+hateley
+mujda
+sengbian
+hickok
+brother
+oxtails
+hairstyles
+non-participation
+steinberger
+alekseyevna
+regenstein
+postseasons
+moreland
+poertschach
+esr
+vorhaus
+sipper
+noblemen
+last-known
+souheil
+balinese
+e.n.d.
+nokiacorp
+valència
+demobilize
+duddon
+nhạc
+refinancing
+weißheimer
+dodgertown
+tinguely
+forry
+ridda
+frodebu
+short-cut
+intruded
+ternana
+temeke
+ponor
+noakhali
+currow
+12:57
+ephemeral
+paolillo
+sombra
+bacalhau
+marshalltown
+22-mile
+60.7
+jardines
+damita
+listen.com
+ligota
+modestly
+haplochromis
+komodo
+43.00
+tōtōmi
+antifascist
+promedio
+lú
+misgovernment
+gurrumul
+derly
+talwars
+3,337
+kruglov
+cyfarthfa
+winata
+strewn
+psycho
+multilink
+dīn
+victoires
+trans-siberian
+jassm
+28.12
+pravastatin
+llyra
+lévis
+vavoua
+22s
+epb
+ganjavi
+leimen
+non-rigid
+1.5620
+qormi
+priming
+tabuchi
+sitios
+kylix
+chlorhexidine
+crudwell
+periwinkles
+kayoko
+fetcham
+londel
+349th
+kemosabe
+sikandar
+scaruffi
+1.8-mile
+brb
+gerrards
+onde
+rapporteurs
+shiah
+plasmas
+conformations
+malzieu
+rahimullah
+rw95
+tarumanagara
+7.45
+resists
+gapkids
+jiaping
+gtp-binding
+7-of-11
+whisky
+akyel
+millvina
+60-34
+mazeres
+carantania
+eket
+fci
+torrens
+sloops
+hanussen
+connecting
+bleue
+coca
+109th
+euro270
+fochabers
+39.06
+clinid
+elashyi
+daguerreotype
+sarejevo
+30,893
+then-parent
+57.3
+escapades
+consignments
+comunale
+behrouz
+marende
+sieradz
+b.n.
+jscript
+liendo
+epicyclic
+gaitskell
+graddick
+lammy
+tsechu
+purple-blue
+cheep
+dukker
+liquide
+bruenor
+denmark-norway
+muraro
+widmerpool
+nes
+unplaced
+república
+prudes
+ovum
+kashmula
+atrox
+pushovers
+bund
+236,000
+weltanschauung
+inhabit
+hydratase
+vallese
+ganzourgou
+matondo
+morarji
+toba
+covan
+kazuhiko
+trn
+profil
+barrientos
+notari
+roback
+yaprakci
+infrasound
+rkc
+brasse
+pierné
+jessicah
+april
+1639
+pop/dance
+armet
+jankiewicz
+bainian
+osgi
+atlanta-area
+d'aubuisson
+cosford
+prieur
+71.19
+adanaspor
+chōshi
+1918-1919
+ski-orienteering
+λ1
+thrid
+respected
+bergé
+nyamirambo
+tzuo
+ruli
+67.45
+timbales
+disturbances
+mundia
+bjc
+bantamweights
+tumart
+talau
+discount
+hincapie
+ethiopians
+crocket
+jasiński
+laukkai
+jayapala
+gordon-lennox
+ryo
+khê
+philippson
+3-square
+hemophilia
+autoantibody
+m-60
+chaowalit
+rackleff
+half-man
+87-87
+92-yard
+24/32
+mandore
+.2009
+68.62
+sabel
+geisinger
+compensable
+calichman
+hernández
+pekarek
+v-tail
+villeray
+strokemaker
+1-3-2
+125.40
+maytag
+herdsmen
+apuleius
+dexterity
+hotaling
+semiautobiographical
+reemphasize
+demare
+bearskins
+preetz
+197
+.366
+,900
+soundarya
+akademgorodok
+30b
+maskun
+jahi
+surachai
+formidable
+lunkhead
+ritsumeikan
+tonu
+sunfire
+117.80
+su-7
+norderstedt
+sorbent
+dhani
+5,250
+33.25
+phantasmagoria
+torvald
+jfe
+thous
+igber
+supple
+nurseries
+waner
+redrum
+meatpacking
+2.335
+mom
+3,161
+awo
+were
+dujail
+subianto
+smaragdina
+mothers-in-law
+13.5-meter
+bavaro
+maddening
+roles
+abfab
+hugenberg
+agic
+neuroanatomist
+diapause
+b8
+stuntwoman
+prognathism
+52,100
+dch
+reeds
+safi
+1,535
+yere
+ranchers
+frosty
+cheruiyot
+loveland
+multi-hit
+yuraszeck
+tambo
+tuma
+methamidophos
+shirvanshahs
+vultee
+21-22
+52.22
+primat
+bhumihar
+muzzled
+ozawa
+tahk
+mcmartin
+basse-normandie
+mundhum
+3-5-1
+giyorgis
+tjeerd
+voima
+homearts
+okamitsu
+roemer
+underdressed
+turkish-armenian
+ryzhkov
+blundin
+orions
+prynne
+16.5
+nightcliff
+3-98
+eng.
+foreignness
+gicheru
+hamptons
+cronenberg
+40.22
+evaporated
+supervision
+wenninger
+ebersdorf
+re-election
+dumond
+ginkgo
+i̇zmir
+_________
+tv1
+prednisolone
+nuclear-test-ban
+jaspan
+uncovering
+berbers
+keeled
+10-play
+zombie-like
+liubo
+denbeaux
+imbert
+nuff
+yacc
+eyedrops
+762
+1,076
+shixian
+miron
+inquests
+borski
+najm
+essentially
+skalde
+vocals
+baumgartner
+tries
+odéon
+1,171
+95.07
+candler
+purva
+dilys
+fengwu
+frogn
+dishonoring
+blainey
+ofri
+home-schooled
+46.11
+fap
+bramhall
+poggiali
+3,294
+lcbl
+1.6-mile
+soup
+eltingville
+cashflow
+tanti
+emblem
+sinks
+44.30
+männer
+rickson
+familles
+craw
+chr
+ballhaus
+whatnot
+determines
+prévost
+stitching
+yury
+ravings
+débuted
+bridgen
+misjudges
+13-yard
+2,484
+elaeagnus
+watercraft
+oppressively
+ramphal
+chung-ang
+odalisque
+9.23
+slovakrep
+drugged
+ruggedly
+anubhav
+amoussouga
+n.e.r.d
+briant
+lampa
+telecable
+darkforce
+rijke
+willich
+rechlin
+australian
+lore
+mew
+sturcken
+octavian
+leadout
+glass-fibre
+contadina
+watchers
+furtwangler
+persuasively
+lyss
+velo-city
+dwindles
+chyler
+divested
+195-kilometer
+mang
+vitrines
+vrančić
+graecae
+wodehouse
+levitz
+loper
+lussi
+200-kilometre
+freisinger
+8.625
+gs-15
+locklear
+1950-1951
+168,000
+lly
+chisox
+roach
+intrakota
+23-yard
+decoctions
+250,000
+hadwiger
+virtualization
+poel
+mauvais
+muckleshoot
+kinderen
+ouriel
+bt14
+gelf
+124.40
+playcalling
+2.1-percent
+stangel
+heymans
+varner
+self-publish
+offset
+rognoni
+fiancee
+20.6
+taisec
+engenharia
+18000
+rumbewas
+moschus
+32,476
+529,000
+lewald
+co-operatively
+asprilla
+hairballs
+blow-up
+corail
+ecl
+mwi
+asymptotes
+scout
+platania
+verdi
+ghettoization
+oldring
+scripting
+tiarra
+planktonic
+forrest
+raaz
+nurlan
+natour
+finnur
+cheng
+unga
+gaffes
+flap
+kudos
+1,795
+sarcolemma
+gelatins
+toasters
+dehong
+stree
+purtell
+encyclopaedia
+self-renewal
+lava
+razorfish
+startac
+molas
+sweetser
+man-portable
+piccola
+cataphracts
+burzenin
+gorenstein
+croston
+sbsi
+ex-boxer
+yurakucho
+modernist
+rediff.com
+rivulets
+mid-6th
+9:22
+suciwati
+obeidullah
+gríma
+filmation
+cellan
+109.53
+quasi-war
+petrenko
+kaiser
+nembe
+frankford
+tmlaa
+37,917
+howrey
+mitridae
+qiz
+siegl
+corbo
+jwilson
+poje
+bagneux
+stais
+raabe
+pryce-jones
+mungyeong
+almos
+lumpkin
+saintliness
+banovići
+houses
+malzahn
+kilobases
+weaf
+shinwari
+stud
+4.7-million
+2039
+gerlinger
+hsiang
+mbc
+integument
+tabulated
+chapel-of-ease
+shvartsman
+scholiast
+deppe
+khiyam
+palatin
+pigmy
+rijkman
+hodell
+gilhooley
+novastar
+snow-free
+nahusha
+daulatpur
+revol
+4:32
+seenplatte
+dongfeng
+weever
+baldfaced
+moesia
+sfc.
+katsaros
+lewaravu
+einsatzkommando
+típica
+cdv
+snte
+flopped
+oskol
+reddie
+bettencourt
+gül
+bidayuh
+rund
+sascha
+remonstrances
+gwich
+libyan
+o'malley
+sodded
+dihn
+peacekeeper
+białogard
+1,630
+shlemiel
+miesha
+zaroff
+dbd
+disodium
+wrists
+30.45
+zina
+secretly
+pagadian
+proboscidea
+monkshood
+maxiell
+cdh1
+hahlt
+nsereko
+20:28
+zezel
+xiaoqin
+lippisch
+hoyerswerda
+kuc
+augean
+1.5275
+hunsbury
+hupp
+kaarina
+broner
+jui
+twelve-bar
+praise
+petraea
+accompaniment
+vidéotron
+reinject
+arac
+cp4
+mulkey
+hartlepools
+nannostomus
+ishaan
+cystoscopy
+play-doh
+tornabuoni
+kanakas
+zaliv
+4,243
+ferrell
+elisabethpol
+full-motion
+hawtrey
+vuylsteke
+dooren
+then-u.s.
+30.29
+swimmers
+yehr
+protoavis
+hov
+akita
+syrianska
+livid
+saldi
+septate
+powders
+videocon
+vanos
+10x10
+heris
+bolko
+24-member
+noncoding
+kuwashima
+unscreened
+maruja
+weiqiang
+parshvanath
+partymen
+potentialities
+fahlund
+oulmers
+unordained
+karabila
+georgiadis
+mountrail
+bruises
+hoax
+ouvrages
+zaganar
+troubadour
+preened
+tunghai
+16:36
+jyestha
+totternhoe
+bashagard
+coa
+pinglu
+gimmes
+giovannoni
+liujiaxia
+lawin
+plaice
+off-peak
+ħ
+ozegovic
+pachulski
+garrisoning
+wigwams
+highnam
+cantina
+13-18
+a96
+revetments
+meyerhold
+sto101
+siow
+hock
+pusilla
+31.54
+balad
+blew
+sherira
+balkans
+kurchatov
+wasser
+29.67
+senkakus
+bidwell
+antiquorum
+ondřejov
+janvrin
+d.p.
+karefa
+salong
+whitewall
+mash-ups
+ritz-carlton
+poprad
+milica
+29-10
+humoud
+lohberg
+iut
+bt4
+locale
+semyon
+qieyun
+lcia
+eito
+fujin
+communicator
+ovid
+mccaughey
+apcar
+co-commissioned
+kamil
+weihan
+myrmicinae
+pollack
+motlaq
+intan
+68,000
+rendu
+ooi
+guidice
+timiskaming
+franke
+euratom
+icefall
+cheapening
+fml
+manucharyan
+syawal
+urbina
+roldán
+finnart
+aéreos
+desecrate
+26-story
+falkenbergs
+asagiri
+nordgren
+boatworks
+gounon
+extraodinary
+bacillary
+anechoic
+atara
+publicize
+inconsequential
+no-win
+58.97
+ilirska
+angot
+motor-driven
+10-hour
+crystallisation
+thorpedo
+etive
+poultries
+fepc
+mushonga
+debris
+gericht
+shirose
+calpurnia
+tihl
+ringleaders
+fischeri
+muleshoe
+shuter
+renames
+1951/52
+gastrostomy
+film
+fival
+serchhip
+marel
+venna
+phonak
+counter-narcotics
+adamek
+poque
+antiparticles
+midtown
+paralympians
+bertolaso
+vorderrhein
+mid-2000s
+aylin
+karema
+ka
+scheckter
+a320s
+daiquiri
+great-grandfathers
+ayachi
+jiyun
+near-threatened
+26.90
+m-40
+minoa
+mantero
+sarovic
+bjarnason
+1-pound
+pruned
+1.5175
+roland-garros
+cronulla
+belanger
+tabori
+kroměříž
+artificially
+ambrosiana
+chengkung
+vyshinsky
+object
+picnicking
+taknes
+lower-middle-class
+finale
+259
+tanzler
+olivos
+lineswoman
+159.99
+instantaneously
+ichabod
+huck
+akuila
+bytom
+disturb
+ventak
+thirteen
+tourel
+swaqa
+bàsquet
+hulse
+u17s
+lengsavad
+godamanne
+paasikivi
+oitc
+botticelli
+42.41
+11-month
+consilio
+fethullah
+bastani
+xuesen
+oehlenschläger
+pierrepont
+cripple
+clervoy
+pamesa
+kanafani
+1580
+sporulation
+63.28
+ratb
+chyuan
+masahide
+99.8
+vrankovic
+tortricidae
+pigpen
+amateure
+ostaig
+impales
+hygroscopic
+coracle
+truncata
+tafa
+26-2
+meaden
+delainey
+50cc
+quietly
+mangeliidae
+sosus
+status-quo
+23.10
+salamanca
+rannvijay
+mezuza
+joachim
+revert
+carex
+32.07
+pérouse
+glanmire
+subkingdom
+injustices
+xizhimen
+http://www.nsgtmo.navy.mil
+righ
+45-calibre
+parvis
+gristedes
+hanks
+nihoul
+necronomicon
+saikou
+taillight
+fire-resistance
+nominations
+namias
+kolubara
+d-fenders
+attachmate
+tapatio
+abdulzai
+moralist
+cowsill
+botes
+.414
+movieplex
+day-care
+subgenres
+1971
+harad
+sistership
+ruit
+123,500
+snf
+soundwaves
+left-most
+parkette
+sumio
+insaf
+ventotene
+mylapore
+ogiwara
+benevolentia
+egelhoff
+dudenhoeffer
+hg
+psomiadis
+leftists
+napfa
+2,412
+swailes
+guillotined
+pantropical
+cresud
+balducci
+galaxian
+poids
+kaysone
+wfsb
+metemma
+66.58
+u.s.-brokered
+djldf
+totah
+morceli
+f.o.
+newquist
+phalangists
+acuff-rose
+servlet
+36-mile
+telles
+localhost
+haitan
+kīlauea
+non-player
+184.9
+laure
+point-and-shoot
+heze
+soesterberg
+oeyvind
+kuji
+accomodation
+marienborg
+epigraphical
+balagtas
+laybourn
+mclemore
+scoones
+espalioux
+vijit
+sha'ar
+burnelli
+dispositions
+rendall
+6.56
+beuerlein
+spread-spectrum
+chepachet
+shusha
+d55
+mwiru
+pseudo-science
+camphora
+outfield
+fiesta
+succinic
+sikh
+sys.
+dhugal
+sopinka
+qiyuan
+eucharist
+newsboy
+otp
+sırrı
+janardan
+-42
+1.343
+prosopography
+gleason
+boman
+cabildo
+top-grossing
+malabari
+conventioneer
+placate
+post-reformation
+314
+boscastle
+bellas
+overstressed
+grammond
+outshout
+volkonsky
+40
+cf-105
+wari
+65.69
+convent
+henrikson
+bakst
+zorya
+packinghouse
+1984-86
+2,782
+patricof
+arreguin
+noes
+denniston
+kirkgate
+gronw
+kasumi
+polemicist
+canson
+chalke
+pierre-auguste
+vanino
+isothiocyanate
+jidda
+whiteface
+teleoconch
+elderate
+nieva
+molasse
+lopsidedly
+rötteln
+propoggia
+desika
+livin
+penniman
+harringay
+stigmatised
+schelte
+coopersmith
+southill
+haul-out
+walder
+thymosin
+faujdar
+impregnation
+ilsan
+wassail
+acclimatized
+loricariidae
+saarloos
+kamenashi
+chalam
+evangelized
+envision
+132.30
+chinmayananda
+fenrich
+chokha
+mahasiddhas
+schotz
+anillo
+festival-goers
+mccloud
+18.64
+laputa
+572
+lisd
+19:30
+gerrold
+dudelange
+v-8
+frate
+parks
+rending
+sheshan
+recuperate
+lober
+f.b.
+pepperoni
+algorithmics
+sakurauchi
+25.40
+hvls
+2,392
+zeidenberg
+madball
+torrin
+maseca
+bài
+bareboat
+vagrants
+wilbourn
+largemouth
+bazooka
+d'agglomération
+liberman
+cable
+zuikaku
+36.63
+bercovici
+adjourned
+dispater
+vice-consul
+pawlowski
+swastika
+kuressaare
+argentinan
+newly-wed
+roomier
+powderpuff
+m.i.
+schicklgruber
+łowicz
+native
+mudi
+slipup
+butyrskaya
+nonconforming
+lujo
+karur
+matsch
+logsdon
+fleeced
+wair
+giornate
+initially
+chaetophoraceae
+emin
+101.39
+d'essai
+806,000
+o-200
+rambhadracharya
+tendencia
+7-orthoplex
+kutir
+5-29
+4:23
+crores
+ehrhoff
+tomes
+andul
+vidyalaya
+solidary
+sanu
+haselman
+chihaya
+dentyne
+swaths
+55.34
+die-cast
+psinton
+barts
+66.49
+84.50
+7-4-1
+montri
+durkee
+kamina
+eliminator
+setae
+xseed
+reenters
+corridor
+retranslated
+462.5
+cabdrivers
+lococo
+marie-france
+rohland
+clef
+aristegui
+spitler
+ballardini
+16:24
+misrepresent
+5:30
+phosphoric
+ropers
+c86
+ezzelino
+implicated
+munmorah
+opcode
+mississaugas
+dongo
+saalfelden
+collahuasi
+hobble
+6/2
+acceeded
+schaar
+aspatria
+inland
+pippig
+70.70
+underdogs
+egomania
+birds
+forstner
+1934-36
+phedre
+pyfrom
+jearl
+kellwood
+wiens
+elastase
+balavoine
+tawas
+9-footer
+playback
+sherr
+andreatta
+benignly
+kamdesh
+donatell
+two-level
+mohamed
+imedi
+200,000-plus
+helianthus
+recolonize
+ongpin
+juarez
+potbelly
+1-43
+dabi
+lendvai
+vaez
+standbridge
+skyview
+åkesson
+rudolph
+harvin
+hawkesbury
+0825
+1,773
+unflinching
+jetsetter
+etrog
+ortwin
+lipgloss
+winslows
+barsosio
+sitkoff
+eastwick
+borosilicate
+koodo
+eska
+rascoe
+5.5-liter
+iq
+cawsand
+hyndburn
+wba
+venusia
+salvati
+erected
+coitus
+delissen
+unikombank
+dacke
+leontyne
+calpe
+fictional
+2,522
+all-union
+frames
+xueqin
+whose
+kirchen
+neemia
+stannis
+jonbenet
+anfang
+bolting
+allensworth
+rittenmeyer
+ascania
+neurite
+isador
+2,250,000
+luminal
+3450
+steeliness
+teichmüller
+4,140
+jacquelyn
+dormers
+formula_135
+ibadan
+apps
+nationalise
+172.1
+bajau
+hasanlu
+shoegazing
+equilibrium
+100,000-euro
+bentivolio
+kareri
+qingyang
+ilbo
+eberbach
+bouchez
+luhs
+hjort
+woese
+shibli
+hangups
+heartbroken
+mandanda
+73.16
+pht
+nikitich
+muzaffarabad
+reprove
+melitensis
+bommentre
+footrace
+bagehot
+hayesville
+wawelberg
+czernin
+throwdown
+newer
+mcaskie
+cinerea
+texmaco
+tsubame
+magnante
+eius
+subcommittee
+instrumented
+kecia
+pellicci
+jolis
+adena
+uny
+keswani
+griffins
+dattatreya
+qassemi
+zyshal
+copiah
+perushim
+72.09
+matsko
+ligachev
+vermaak
+lucquin
+inculcate
+kaiserliche
+oprea
+annibale
+aahed
+hunton
+hôpital
+respublica
+adot
+astrocytic
+skillful
+technimetrics
+oshima
+gallows
+venganza
+zhendong
+anacardium
+szechuan
+européens
+tarjanne
+townsman
+functionality
+arpct
+bulliet
+jumped
+alhaznawi
+emirdağ
+gruttadauria
+naelson
+usinsk
+bogdanova
+controlled
+niederrhein
+bribe
+wessely
+northline
+enhancer
+22.5-billion
+korotkov
+staggeringly
+recount
+jaimes
+apprendi
+ss-junkerschule
+karakas
+rolleiflex
+eleison
+8001
+duli
+16-12
+thriftiness
+vice-captains
+bibra
+89.61
+quart
+leatherneck
+lutnick
+extractable
+samana
+wagha
+ylang
+oakley
+calmy
+mullum
+reinserting
+bewilderingly
+granomort
+unlikable
+gédéon
+tyrnauer
+naret
+242.2
+13-plus
+jalapa
+visionaries
+88.96
+zircons
+cowens
+ewallet
+kroslak
+dacians
+menageries
+ultrasparc
+mahani
+sixty-third
+32-36
+1.1350
+double-headed
+osseous
+hanefi
+broadsides
+9:17
+weishan
+lockout-shortened
+wkbw
+49-4
+lbs
+beigbeder
+91.01
+maxthon
+smolny
+bakr
+prixs
+jayce
+crossbeams
+c.b.
+reingold
+mistrusting
+t-60
+akshay
+laich
+1952-1954
+šta
+reassignment
+under-25s
+neurasthenia
+lasius
+hazarding
+okcular
+ramthun
+cagnes
+baloyi
+ultraconservatives
+rogerstone
+warbeck
+prefiere
+laboratory
+improvisations
+wenpu
+carpenter@globe.com
+backroom
+7/1
+balsamea
+zyn
+cref
+hoovering
+sts-51-l
+bomb-making
+8a-9p
+passant
+poush
+response
+investcorp
+224.7
+donghae
+graulich
+saint-dié
+clauses
+1.610
+11.40
+tachi
+mandelbrot
+ethiopic
+khandwa
+shagari
+jointer
+jilted
+garten
+collider
+1,157
+tchad
+garnaoui
+spanking
+aphex
+1,942
+tomizawa
+sooty
+performing
+15.77
+x/open
+393d
+canadiens
+02840
+velikoluksky
+kin
+2nzef
+1,198
+muhammet
+caesia
+walburg
+shamim
+55.07
+legh
+urbanowicz
+65.07
+elopement
+togha
+presiden
+tatiana
+dusi
+portrayal
+tūhoe
+qpsk
+reinnervation
+brazeal
+1,00,000
+12.48
+mk3
+christiansburg
+brolga
+cakau
+95.22
+persistently
+1981-83
+meap
+gorleben
+amīrābād
+400,000-dollar
+bassir
+sakimoto
+bruckhaus
+boorda
+noyon
+roaming
+euro94
+tributaries
+djotodia
+fcj
+willow
+khang
+righted
+steepens
+lawyers
+nynex
+howitt
+dubourdieu
+prosopis
+rsb
+aramoana
+cachet
+tarporley
+microcrystalline
+dál
+arreola
+34,000
+staving
+http://www.nokia.com
+kuisma
+gessner
+22.21
+inquirer
+kreisberg
+chancellorship
+babilonia
+jalpa
+lindpere
+redhill
+aspectual
+duren
+féin
+jubori
+sandvika
+orleanians
+14-horse
+southeastwards
+koreshige
+onair
+start-1
+seeney
+eclair
+brics
+jencarnacion
+mariae
+bekkestua
+marsico
+nonperishable
+mohale
+1954-62
+95.3
+darzins
+essilor
+rüti
+molesta
+shindong
+schild
+farul
+1,712
+gvu
+gradis
+parnassos
+virilis
+m
+bermúdez
+allred
+aija
+argia
+ippolit
+lb5
+scenesters
+sampans
+yabut
+ramus
+191.7
+uzuki
+sonejee
+dubicze
+small-press
+brugnon
+assigned
+cofdm
+53.08
+19:44
+cid
+zerelda
+1438
+antigenic
+puji
+россии
+magnússon
+1,277
+mufti
+thicket
+33.10
+airguns
+robocall
+sepphoris
+toghan
+grundig
+fairuz
+lsc
+slamtv
+27-28
+stcc
+70.2
+japonicus
+gratifyingly
+e3
+inskeep
+nordine
+yeesh
+overdosing
+leanna
+a-26
+amfi
+st-denis
+steuart
+detritivores
+1961-62
+ndubuisi
+egi
+loss-making
+nutrients
+ceará
+tönning
+dekaser
+shawky
+l'estaque
+3-fold
+antigonus
+boughs
+acquitaine
+markhasev
+bhide
+phuan
+humanitarian
+dmz
+kpd
+articled
+malawians
+ramelow
+samake
+mimura
+bowral
+ukrainian-canadian
+agreeement
+meillon
+inexistent
+englishwoman
+77-65
+sandstones
+showmanship
+deguchi
+ventless
+1977-1995
+lucban
+yvel
+ugliness
+vlade
+veneta
+spectrogram
+kroger
+divining
+post-nominals
+gosnold
+hepple
+mashonaland
+nevelson
+aduba
+endoh
+tabacco
+cepd
+seyam
+katak
+vasallo
+knudsen
+21.58
+wagga
+prothero
+sliskovic
+al-hurr
+urbancic
+algonac
+rear-drive
+koebnick
+stanley
+ruanda
+kiliaen
+hongjing
+licinius
+groundskeepers
+betancourt
+templon
+blease
+schmoozes
+392,000
+courthouses
+sherbourne
+corporatisation
+hinkler
+fated
+mihran
+hunga
+miscreants
+nanking
+svyatoslav
+remengesau
+broken-up
+foremen
+nowshera
+douai
+fletch
+cabbages
+torquato
+nra
+massachusetts-based
+middles
+http://nytsyn.com
+matellan
+nsd
+swaim
+yant
+segretti
+violaceae
+crecimiento
+khatak
+reinsertion
+eu15
+janier
+ranier
+dennistoun
+5,565
+livy
+97.2
+blue-grey
+moyale
+bovis
+alte
+uche
+63.1
+maat
+harshavardhana
+podravka
+14-years
+nibbling
+pointlessly
+flotilla
+antecessor
+gerez
+cubital
+maclaughlin
+toyonoshima
+christianizing
+33.8
+wenham
+767-300
+kamila
+nympho
+trickiness
+kawempe
+forbade
+gowariker
+rockfall
+counseling
+cowpland
+povilas
+moosbrugger
+medenica
+cirsium
+vendetti
+clarets
+star-forming
+paquita
+8,9
+katonah
+mulyana
+euro765
+baikonour
+yenagoa
+ankie
+shtalenkov
+rachel
+39.55
+krassner
+0.02
+zuccotti
+eesti
+paekdu
+28.24
+tuller
+1,080
+tomis
+computer-aided
+road-going
+mazdak
+270-pound
+deform
+digex
+lottie
+rhun
+referrals
+superbird
+petroleum
+lassic
+79.05
+hanshin
+find
+kittelsen
+resemble
+haykel
+befuddle
+trac
+sarasi
+colonne
+ioa
+millerwise
+tichý
+buffing
+marthandam
+fenerbahçe
+leche
+odorless
+32m
+keratoderma
+47-47
+bacre
+langhi
+anticancer
+couchepin
+shuttlecocks
+trife
+baggara
+victimas
+downsides
+glenolden
+madruzzo
+seite
+antes
+coverall
+three-match
+voivodeship
+bauhaus
+zebley
+bolsas
+normas
+collateralized
+scholastics
+mclinden
+telenovela
+sharecropper
+off-duty
+24.8
+awami
+lustick
+uddhav
+1978-80
+kosinski
+prayer
+keling
+highly-acclaimed
+www.dwightsilverman.com
+waders
+hollen
+hariri
+65-56
+4matic
+boonyaratglin
+underexposed
+natalia
+u20091
+alba
+philomene
+áras
+pyuthan
+billinge
+lloyds
+ratcheted
+telemarketing
+chipp
+flash-based
+nephopterix
+point-blank
+grynspan
+trinkaus
+floriculture
+protesilaus
+2.73
+centrepiece
+diabolique
+ukrainska
+crudest
+eliecer
+stanzas
+clodius
+berrabah
+lightning
+calvin
+pappu
+aletsch
+barling
+koyambounou
+slan
+geelmuyden
+fine-grained
+two-digit
+belling
+kyansittha
+baoyin
+lubombo
+amasa
+pharoah
+triangularis
+44-1
+atabani
+spcc
+13/32
+dementors
+issifu
+palast
+egat
+pornthip
+honvéd
+switchover
+tagines
+kven
+nationalising
+n'sync
+lujambio
+yechury
+mcginest
+landzo
+feodor
+scholder
+ivashkevich
+379
+wildness
+horrific
+us-only
+hadamar
+ornamenting
+quechuan
+euro276
+galadari
+glycogen
+sofi
+84.25
+montu
+marleve
+herling
+valcárcel
+sanchis
+white-eared
+chamkaur
+kovago
+gingiva
+58.40
+78.11
+mansourian
+raho
+neila
+dziwisz
+denominational
+tipaza
+antenen
+kh7
+3054
+st.-jean
+gauda
+59,500
+reade
+kiemas
+poiseuille
+empangeni
+geosciences
+amx
+ustrzyki
+life-like
+vitally
+dans
+privat-docent
+zakon
+arieli
+alphabetic
+arcelia
+azmaiparashvili
+norinco
+budweisers
+shm
+priestess
+shah
+palest
+utsunomiya
+leutwiler
+ingenieur
+titration
+cort
+debri
+quenched
+moping
+narses
+zana
+anchor
+mobilized
+murcer
+kuza
+36.53
+dozier
+oryza
+56.70
+zhongce
+dr.philos
+leiber
+surtain
+klete
+98.01
+unbreachable
+54-50
+410.4
+nsync
+shitang
+planes
+karaaslan
+koskinen
+barfield
+chordal
+stina
+thiaw
+salmeen
+9:50
+tesser
+rosada
+macenka
+.362
+mrinal
+vanemuine
+littwin
+30.58
+vestnes
+lerna
+punica
+1-to-1
+ermland
+mcdonagh
+bardstown
+shortcuts
+apollinaire
+109.15
+quoin
+sordellii
+western-influenced
+80.7
+lockable
+departed
+dilber
+drain
+flik
+görz
+misdiagnose
+truxtun
+semenyih
+torsby
+joerres
+hersch
+iker
+montane
+usgp
+co-moving
+zennstrom
+charungvat
+shangri
+2,523
+berard
+inequitably
+asashōryū
+beypazarı
+outpolled
+vasilyevna
+supriyanto
+autosport
+gedman
+cercles
+appellee
+oriflamme
+photo-shoot
+divide
+kleef
+softspikes
+104-103
+177,000
+70-day
+2,287
+diario
+vilna
+epiphenomenalism
+kariuki
+davidstow
+nizkor
+two-wire
+whiteway
+1984
+china-based
+bassermann
+dahduli
+balko
+nsengimana
+karbaschi
+angularis
+mac
+sabillon
+exhaustingly
+elzbieta
+1,192
+loudmouths
+fredericks
+shirali
+munnani
+49.0
+lect
+cannae
+caia
+re-admission
+thank
+virile
+52.23
+controversial
+zeyzoun
+slade
+tampubolon
+inagawa
+inefficacy
+alemseged
+multifarious
+daus
+lendu
+golaud
+1,797
+kližan
+3rrr
+bookout
+klausner
+raghu
+counterpane
+hidayet
+krupin
+allmerica
+volf
+railcards
+billotte
+bhumjaithai
+aintree
+alterative
+was
+halh
+shacking
+verey
+duberman
+sariska
+arzner
+nirmal
+quiñones
+tournefortia
+montée
+al-mihdhar
+113-106
+wolstenholme
+kazantsev
+ret
+dourly
+imsi
+chenjerai
+badagry
+dietikon
+thalers
+mik
+qinglin
+garwolin
+slimbridge
+milah
+scooping
+whp
+muizz
+mutombo
+succulent
+encompass
+ii-listed
+konyaspor
+procope
+noya
+richardsson
+42-13
+solihull
+flam
+elliotts
+whaleboat
+kilise
+balaju
+145-pound
+konstanty
+ausnet
+zakynthos
+rotisserie
+chlorophyll
+raniganj
+rep.-elect
+revision
+wavelength
+canora
+soulful
+adriance
+tele2
+superskills
+grantham
+mesquite
+103.1
+ex.
+claremont
+kuok
+monzonite
+13-footer
+ringe
+uale
+gay-themed
+soviet-finnish
+a36
+calver
+vi
+rationally
+desker
+3,577
+deadhorse
+vp
+saldías
+torturous
+beshimov
+crocketed
+thematic
+fudges
+larkins
+fiesty
+pre-roman
+opel
+mcclurg
+49-14
+kabaddi
+donghai
+rattles
+erosions
+marre
+leatham
+sonorous
+zarza
+topps
+www.twitter.com
+amstrad
+overwritten
+merete
+41.72
+franciscus
+irresponsibility
+syllabi
+khazen
+omni-directional
+deil
+85-yard
+arrived
+icps
+venkman
+shorabak
+al-qur
+kohrs
+ponsa
+minalin
+1863-1864
+39,167
+janikowski
+13.53
+kraepelin
+mcmunn
+outraced
+pongia
+emaki
+gvs
+nutritionist
+galaburda
+stuart
+59.46
+repayable
+ai
+suture
+unoci
+yaqoub
+meetin
+scale-free
+icipe
+fasching
+kostiw
+p32
+4,020
+indexing
+venecia
+bengie
+nihoa
+centrafrica
+alvin
+zeidman
+shbg
+clonard
+va'ad
+4,124
+marquisate
+garrigou
+euro233
+schlageter
+flieger
+fieldcraft
+cobden
+2,859
+-5.6
+zollern
+suburbanites
+multi-disciplinary
+angeleno
+preimage
+fainberg
+mahmudov
+mahdawi
+pemphigus
+bintaro
+andrianova
+1,022,000
+soursop
+marywood
+three-color
+nakahira
+yanhua
+kents
+dudiyeva
+mattysse
+alifereti
+tairrdelbach
+debusschere
+onslaught
+hyde-white
+50.18
+medium-chain
+english-born
+veliko
+under-21
+knowable
+inadequacy
+downloadable
+machado
+invocations
+thirumangai
+khap
+undesirability
+parishoners
+haircuts
+300-horsepower
+orrego
+starro
+graph-based
+yourselves
+ethylbenzene
+dingaan
+(171)
+wimpfen
+pennate
+farber
+eea
+aytoun
+yien
+hlaingtharya
+cyclones
+webwatch
+zaccaro
+gurren
+yonathan
+dary
+viam
+williamites
+avegno
+frisell
+etre
+mestaruussarja
+unmee
+kamanyola
+burwick
+mcduffy
+146.4
+paderno
+pevney
+2,4
+rockpalast
+lonegan
+game-like
+isogloss
+borgmann
+rahmeh
+shirō
+unionization
+reflow
+2-82
+rameses
+kleinberg
+oerlikon
+renaat
+nibble
+antelopes
+rydzyk
+woudenberg
+gxe
+1978/1979
+33.5
+trained
+nahai
+subdomain
+minera
+centreback
+numb3rs
+sanko
+performs
+councilor
+cerge
+wkbn
+partygoer
+comeau
+mciver
+bemani
+malakov
+payne
+heynckes
+ascutney
+nosler
+107.70
+anneliese
+marazzi
+donnini
+mapother
+corniness
+darom
+51.84
+bozorg
+skoplje
+latifa
+czecho-slovak
+arch-enemy
+maurilio
+destigmatize
+goretti
+laetus
+luckenbill
+olaya
+sub-titles
+cos.
+cantilever
+sub-camp
+autoworker
+cantab
+leaud
+evangelise
+dongning
+cldy
+moinard
+nifedipine
+tafawa
+menasha
+21.6
+m-20
+flander
+skewen
+1848
+entitles
+southern
+961,000
+sabbatini
+infratemporal
+perfecting
+kahlah
+layers
+circulacion
+kepiro
+kozmo.com
+kvint
+hayani
+nanman
+lahiru
+newscenter
+hawaiian
+coolants
+vle
+vesa
+sub-family
+côte
+lucida
+parametrization
+malheur
+isseid
+cymbidium
+mirinae
+serbin
+nuh
+engineer-in-chief
+sniffin
+-------------
+11,000
+20.90
+moutardier
+rezone
+96.8
+pacciani
+kel
+nashashibi
+ridiculousness
+ifbb
+irradiance
+:0
+magistracies
+rm16
+dtic
+dark-sky
+evildoer
+47-acre
+197.9
+crispell
+yemin
+amcm
+mobilities
+801,000
+croma
+diacylglycerol
+provinciale
+frckovski
+quarter-finalists
+unclothed
+deferr
+rosita
+millns
+lasht-e
+gizella
+hurricane-force
+djurgarden
+trat
+0n
+once-in-a-lifetime
+aben
+soyuz-2
+clatters
+second-ranking
+springform
+capria
+paradoxical
+kotomitsuki
+engelman
+birkby
+scanners
+jonokuchi
+lowth
+plucking
+schulman
+binhai
+ny454
+sjfa
+avanzado
+72-kilogram
+transference
+voltaic
+orbeli
+gallman
+spader
+108-93
+akilisi
+gabelli
+http://www.cdc.gov
+samcro
+kosaku
+dworak
+kenong
+39.53
+mehtar
+oikya
+eastry
+brigham
+mastaka
+dujos
+vielma
+kalale
+lipsky
+rumores
+nerdiness
+pember
+jongjohor
+member-elect
+euro77
+erenhot
+d'arras
+thakoon
+impeded
+gibsland
+usery
+gree
+pyramidal
+juanito
+pourer
+catalpa
+appleyard
+anuradha
+coal-burning
+saudara
+cardille
+rsvps
+73-member
+pspp
+a400m
+99p
+naranco
+merchandised
+neuberger
+slivovitz
+shuh
+otelo
+abbas-e
+japan-based
+surtur
+dece
+korni
+brainers
+4100-meter
+kalev
+closely
+enjie
+sayyid
+k-d
+reimut
+63.58
+yildiz
+28-14
+blenny
+pressbox
+1.525
+good-humored
+underachieving
+tottenville
+shoubaki
+até
+skynyrd
+large-volume
+saldívar
+i-52
+24-meter
+taws
+revetment
+zifa
+morgantini
+lcme
+homesite
+shwarma
+hashing
+kandra
+arraba
+cottle
+urzica
+opportunities_florida
+missael
+wicus
+homopolar
+hifikepunye
+glassmaker
+manning-sanders
+samalog
+väsby
+adema
+sermonizing
+metzker
+204.9
+wizened
+berzerk
+walkabout
+knotty
+al-shifa
+bhola
+colindale
+bevacqua
+vandegrift
+all-afl
+134-3
+signboard
+infusions
+rouiba
+4010
+olhanense
+ackles
+sammaraie
+michuki
+bekenstein
+sagiv
+boar
+feiner
+sehlinger
+rhaetian
+substates
+dgbas
+shweta
+ikeda
+batterings
+nordegren
+deepens
+24.10
+howorth
+pushchair
+influencia
+1,856
+tuor
+beede
+dubielewicz
+caussols
+8.11
+caruaru
+phillpott
+sommet
+byun
+nonsurgical
+iodinated
+keypad
+loganathan
+supernature
+ussd
+hindes
+latreille
+trichloroethane
+rokkasho
+ky
+toyne
+wolfberry
+curvier
+ittner
+1.4690
+weimar
+elsaesser
+florentius
+duntroon
+case-study
+third-class
+monfils
+ravenna
+liew
+83.14
+midsole
+condenser
+hanban
+gilden
+troche
+anti-asian
+lowville
+131,000
+bagar
+schaffrath
+breitweiser
+thorfinnur
+rainsy
+podkrepa
+41.83
+wasquehal
+18,900
+wacław
+patriarchy
+haue
+patrícia
+dockmaster
+kemper
+pm
+qualify
+annunciation
+bernardus
+kilimo
+e40
+devillars
+arthurton
+cancel
+edstrom
+intrudes
+suffocation
+pitons
+muralitheran
+inhaling
+duplexes
+latintrade
+geochelone
+shreeves
+intermingles
+top-fives
+milken
+plushenko
+pre-planning
+geissman
+tettenhall
+sadeer
+rpp
+leotards
+nurullah
+baruta
+fungo
+muddah
+keauna
+julià
+gidwitz
+acj
+lardner
+urbano
+swarts
+lievens
+sinusitis
+plenaries
+camranh
+71.05
+icfi
+gurgles
+welbeck
+45km
+dowen
+adirondacks
+rieneck
+buckhaven
+chabacano
+qezel
+halia
+bressanone
+salvadorians
+wisc
+nonfood
+sanur
+gravimeters
+takahira
+transcutaneous
+45-metre
+campbell-bannerman
+peratikos
+wagering
+kanjorski
+vogtle
+olaniyan
+electrotyping
+reesing
+naeila
+phm
+consented
+nippo
+elber
+ljubav
+kastle
+unregulated
+8,030
+murrayfield
+suphan
+hatungimana
+nivard
+baumohl
+aricie
+84th
+marinara
+bruennhilde
+ceduna
+ambystoma
+toepfer
+3,000-metre
+testier
+plagues
+cataldi
+mightier
+beind
+infuses
+pikas
+poudel
+armi
+c-in-c
+lafreniere
+somkuan
+dalet
+darey
+.274
+dynabook
+pks
+33-29
+pelluer
+53.24
+bendy
+debtors
+pear-shaped
+reprice
+u.s.-russia
+fornasetti
+reviving
+italicum
+kakira
+snipes
+donatists
+bloodsucking
+bady
+46-12
+boluda
+tehrik-i-taliban
+babysitters
+koum
+inaugural
+fifty-second
+ghorban
+crafty
+amarjeet
+eldo
+3,284
+65m
+pasarell
+mauer
+vectrix
+b-17g
+pres.
+monads
+3-to-5
+nunsense
+rottweiler
+severan
+biotics
+whats
+unikom
+edwar
+1,779
+16.3
+ashkenazim
+conventicle
+ibarguren
+purity
+shorrock
+0.79
+an/aps
+outcomes
+moveon
+haloed
+m-8
+35-inch
+curig
+budianto
+post-date
+eliezer
+shahrak-e
+kinsky
+damasus
+meteorologist
+général
+hipfl
+esajas
+countrylink
+methyltestosterone
+testoni
+appellations
+pinions
+coumadin
+dross
+29-31
+daljit
+subscription-based
+al-arab
+dünya
+farka
+splat
+chrisler
+probenecid
+259th
+gibbings
+tg24
+tamil
+edmon
+sweilam
+kulig
+49.54
+comvest
+valentia
+azor
+zimbalist
+antónia
+500,000-pound
+patted
+sien
+106.80
+shadowlands
+wairoa
+overvalue
+siebert
+cacac
+joginder
+rosenfeld
+langel
+mutant
+leguminous
+myrmidon
+leweck
+alag
+glidepath
+takatoshi
+laterano
+roffe
+nods
+błonie
+ellerbe
+firewalls
+chucho
+penstemon
+pervaded
+thirtieth
+v-shaped
+24s
+massieu
+veltman
+ladislau
+sunamganj
+loing
+roman-style
+multi-denominational
+kazerun
+kento
+195.5
+bnb
+bacsik
+mangere
+metamaterials
+sayin
+varrone
+mcworter
+unowned
+gymnasien
+5-bit
+popes
+ninewells
+cordifolia
+sarles
+sytem
+girado
+fulda
+fryslân
+35.75
+medary
+chalee
+actonel
+grönefeld
+heraldic
+wir
+denoting
+one-make
+postlethwaite
+newark-on-trent
+38-7
+countersues
+trombone
+nonmanagement
+aissati
+alava
+sheikh
+30.02
+spagnolia
+kanza
+rd7
+postmark
+bree
+arcus
+fariha
+lecithocera
+dcl
+sodankylä
+boomhauer
+vcds
+flatted
+conran
+269.7
+116.1
+ōu
+amphi
+67.02
+duh
+uskudar
+hamandiya
+19-hole
+mahadhesi
+toplessness
+haubner
+estoril
+115.72
+preuss
+cano
+gran
+mi-4
+miltos
+cleaver
+salon.com
+shariatmadari
+airtankers
+saul
+evora
+calorie
+dittrich
+lurched
+glückstadt
+palmitic
+guestworker
+self-defense
+mayne
+fucile
+swapping
+gilb
+ferhat
+caner
+edmundston
+hareid
+austine
+sixth-round
+cikampek
+metalmark
+braunstone
+fetishize
+venegas
+theknot.com
+shifrin
+munto
+bombyx
+pappoe
+61.3
+pachacuti
+spiralfrog
+mercosul
+underwrote
+cabraser
+parras
+crayton
+zillow.com
+35-year-old
+103.60
+12.23
+interlude
+standish
+2-seat
+verities
+ichthus
+hartner
+notebooks
+1.1-percent
+terfel
+cannoli
+liana
+placita
+call-outs
+whitlow
+khazer
+cartsburn
+tmw
+zachman
+stereoscopy
+unlearned
+indefinable
+guineas
+fibbers
+borisoglebsk
+elysian
+wma
+berruyer
+spectatorship
+nkao
+fining
+slezak
+nemco
+lefthanders
+skyman
+vierin
+commonalty
+(817)
+jawahri
+shoki
+hussite
+impishly
+43-37
+single-molecule
+orionis
+guderzo
+gajabahu
+mothersill
+nikopol
+tomorrows
+19-19
+católicos
+altesse
+doms
+huia
+48.27
+prêt-à-porter
+lisboa
+enjoin
+aro
+causally
+tricking
+rawda
+outweighed
+greenbrae
+nicator
+easterhouse
+comestibles
+allegoric
+slower-moving
+168-pound
+wuhai
+jenolan
+odivelas
+shia
+hyaena
+12-hectare
+3,714
+al-masri
+synonyms
+twomey
+levy
+clamp
+continually
+ahronot
+verheyen
+yacktman
+family-style
+q
+maislin
+mccleave
+finan
+1998-2006
+august/september
+prometheus
+himanen
+bladel
+bowdler
+0.11
+boolean-valued
+polypharmacy
+mutar
+kitanglad
+mambwe
+qigong
+serratus
+criss-crossing
+eldridge
+phatthalung
+lettuce
+carwin
+mumps
+hele
+recusal
+jwad
+aichatou
+sandline
+generalized
+reuss
+sekkei
+jeanes
+e85
+3,038
+eighty-first
+warne
+norge
+auryn
+anglicisms
+langeberg
+cosgriff
+suppertime
+unwrapping
+cupey
+4,739
+velva
+hackbarth
+51.37
+pranjic
+tohei
+mamore
+hideout
+manservant
+reimburses
+half-orc
+sarekat
+borishade
+chagny
+dreisbach
+koukoulas
+pathein
+37.70
+cuvelier
+krafft-ebing
+f-16
+estrangement
+42-mile
+3-95
+xinnian
+bvf
+promega
+c6h5
+punster
+novell
+mco
+polyolefins
+four-lane
+anagen
+sony/bmg
+zanardelli
+rnd
+terrey
+wgp
+exchange
+parring
+maisonettes
+buttoned
+hagemann
+engagement
+trimegah
+blazar
+888-277-3676
+vlm
+korowi
+protopopov
+kennedy@globe.com
+simonett
+raika
+euro273
+gable
+colicky
+beşiri
+top-of-the-line
+mieuli
+deri
+przodkowo
+medan
+5-cylinder
+abilene
+euro120
+innisbrook
+shenzhou
+wounded
+50-54
+supertasters
+scalfaro
+majdel
+darker-skinned
+groundbreaking
+crosscutting
+milliner
+iduna
+čukarica
+leaps
+multi-element
+kusti
+medarex
+genichi
+fennel
+tenom
+pocumtuck
+21pts
+weirdness
+boquillas
+stavins
+keldorf
+nehustan
+w.va.
+lisinopril
+o'kennedy
+414
+rock-star
+rodino
+keener
+4,002
+peppering
+sanudo
+kyriakos
+sheja'eya
+αβ
+firaz
+manavgat
+jochem
+akst
+secondhand
+1.238
+logging
+c-5
+gobind
+walgett
+skirt
+medard
+2068
+431,000
+priyadarshan
+jufre
+a-bed
+58.6
+fallsburg
+articling
+80.42
+piqué
+josquin
+shishaev
+chiquimula
+kalonzo
+melisende
+mai
+okura
+sanzo
+altarpiece
+sunder
+shanice
+katella
+yaqoubi
+tricolore
+ngetich
+zah
+canak
+ofv
+didacus
+88th
+madgwick
+macleane
+dsrp
+6.12
+phacopida
+tonalist
+izabela
+antipolo
+tlv
+woodcock
+hayarkon
+gaddi
+nor
+124.10
+lacus
+wring
+ilonggo
+hygienic
+shalev
+3.295
+40-cent
+sperryville
+re-broadcast
+jove
+rilski
+icepick
+rapallo
+677,000
+huajun
+mcilroy
+ostroushko
+hot-tempered
+freundschaft
+visored
+89.62
+calliphora
+stelian
+fangire
+195.6
+maccallum
+divulging
+blace
+prayerbook
+reproaching
+59.14
+thời
+jacquemod
+bt1
+lampreia
+vinnitsa
+emydidae
+superbowl.com
+fonzie
+mouches
+cado
+br-116
+enitharmon
+allograft
+nvp
+non-venomous
+tuesdays
+naty
+culliford
+benincasa
+rt-11
+modo
+gozney
+dusheti
+cengkareng
+egami
+claar
+47.60
+alshehri
+raiter
+morenz
+finless
+misi
+hearten
+han
+http://en.wikipedia.org/wiki/wikipedia:footnotes
+22.82
+organismo
+a-18
+6,710
+harff
+hendersons
+molenbeek
+l&yr
+elanor
+cliffhanging
+scaf
+daydream
+promiscuously
+handymen
+sierad
+gregor
+vorderman
+meeus
+conita
+w-1
+wlodarczyk
+v-e
+deare
+inermis
+brenly
+tallahatchie
+shomrim
+sm-sarja
+egalitarian
+cooee
+bertolucci
+ascospores
+luanne
+bankverein
+hungarian-born
+siaa
+1370s
+borra
+léonie
+uria
+saunier
+remsen
+rfec
+mulatta
+surreality
+renationalized
+malor
+freier
+euro7
+elation
+waldstein
+bouldering
+604e
+s.m.
+noreaga
+cut-price
+portions
+gwang
+36.42
+spiderwick
+gospić
+carey
+pacholczyk
+hvalfjörður
+wut
+nigel
+doula
+seedeaters
+moens
+laanui
+bronkhorst
+readhead
+207,000
+namo
+briefing
+muthiah
+139.00
+madzongwe
+vatakara
+bclc
+youngster
+60.10
+self-reports
+deckhand
+heightening
+vimes
+faulted
+hardscape
+mosko
+38-5
+coenred
+55.40
+esper
+rubberwood
+leves
+8-for-12
+netsky
+dresbachian
+branston
+hdls
+mimus
+comăneci
+124.31
+papi
+elderhostel
+zukauskas
+srbija
+vts
+deldebbio
+ersberg
+classmate
+3,962
+malloys
+1500-meter
+i-aa
+annotates
+demobilising
+mehrabian
+aquí
+jemini
+simians
+9a-11p
+korin
+assertive
+dicentra
+vitre
+rotatable
+e.b.
+319.2
+basra
+yume
+kabadi
+landgrebe
+sorrier
+32-draw
+opacity
+euro448
+borie
+reaganesque
+ult
+racquets
+zeuthen
+filament
+saveh
+jerusalems
+verastegui
+60-8
+telltale
+zednik
+villefranche
+49-point
+heinig
+paulitz
+thinis
+siregar
+lubitsch
+datsuns
+fidan
+2011-2015
+dujiangyan
+gleniffer
+nagarajan
+1.3178
+rosebushes
+shape-shifting
+bradish
+stejneger
+pepsi
+mueser
+gleich
+defector
+gruyère
+1,085
+mystara
+alloy
+1119
+46.47
+yordanova
+mii-dera
+vasodilator
+modula-2
+arnolfini
+corso
+boshi
+stimmel
+lopsidedness
+landa
+22.79
+wongluekiet
+outfit
+amsa
+perroud
+25.87
+banded
+timoteo
+:31
+numbersusa
+halm
+screwworm
+keylock
+barghash
+slurpee
+deukmejian
+jagadish
+wipp
+carbonel
+jatuporn
+llo
+shota
+charitably
+marl
+4,448
+par-5
+zongyuan
+ortelli
+saman
+fyodorovich
+berdahl
+medveđa
+2.9
+burgess
+watches
+conficker
+baghdadiya
+deuteronomic
+eight-wicket
+volkssturm
+cypripedium
+church-yard
+lohner
+mcavoy
+euro353
+13.25
+deephaven
+altares
+elegance
+tresa
+trahlt
+composite
+tessie
+wallendorf
+indefinitely
+leadoff
+thermally
+3,035
+pons
+unswayed
+antihistamines
+suspicionless
+filgate
+dalle
+signposted
+lewd
+maige
+criminalistics
+infn
+35.56
+hack
+kitagawa
+incommunicado
+trochowski
+weidling
+pataveh
+264.9
+106.54
+upwey
+lindfors
+asanteman
+tourville
+belhaven
+lexicons
+orisha
+nematology
+kloucek
+eggermont
+volcanics
+5,628
+wore
+ajet
+holiness
+sulo
+v-103
+17:31
+frostiness
+30.38
+mt/s
+cleghorne
+ogoniland
+self-absorption
+korte
+elision
+tarquinii
+danville
+respondent
+osgodby
+wohlfarth
+vickers
+waterings
+no-kill
+stinkwood
+rensselaerswyck
+hk
+eureko
+12pm
+dámaso
+hopkinton
+fullman
+neurodevelopmental
+wimperis
+pbj
+amarjit
+isaq
+serotina
+11,300
+laid-out
+dco
+r/c
+92.49
+joensuu
+116.55
+martinson
+tuticorin
+ipod
+60.82
+cotter
+favorite
+manrico
+noorpur
+gracelessly
+indianapolis-based
+ultra-thin
+muser
+vermis
+ippy
+thema
+worrier
+1815
+ess
+l'amore
+unchosen
+1.059
+motorman
+ceilidhs
+intractability
+sagaponack
+medco
+filchock
+electors
+grotesqueries
+debenture
+kleiner
+rdavis
+sport-club
+double-storey
+has
+all-mwc
+kaari
+whitted
+cavally
+karuna
+cipriani
+oversquare
+legspinner
+batarfi
+biwott
+punctuated
+liddy
+uninterrupted
+.16
+brozi
+maccido
+structuralists
+centuries-old
+izzadeen
+gettable
+1.25-mile
+mullah
+philistines
+code-name
+dppc
+hurtle
+complejo
+baudouin
+enchanting
+fujii
+84,500
+gebrselassie
+maracana
+fairytale
+beane
+pekkarinen
+adolpho
+bailing
+texpool
+violist
+omaar
+wave-like
+264.6
+adisucipto
+middleweights
+kagu
+mauris
+regurgitation
+klank
+latium
+seedeater
+14-count
+hemaris
+gyrotonic
+amsl
+leasable
+temnospondyls
+116.50
+swatis
+taronga
+zaltbommel
+vanbrugh
+ciw
+50-somethings
+nargothrond
+synnot
+dream
+dinotopia
+affair
+menkes
+flashforwards
+slx
+post-classical
+zdeněk
+hurtling
+bramblett
+constantines
+maracatu
+reata
+hannover
+hubei
+beilby
+airmail
+havers
+kufi
+'06
+supernormal
+dyment
+repackages
+tomie
+paolettis
+89-84
+xandra
+cullmann
+vogelsberg
+undeserved
+terebridae
+trogons
+loire-atlantique
+dicke
+deathblow
+tocqueville
+tecnologico
+swad
+anfal
+fourth-seeded
+1990s
+yeomanry
+reduced-price
+plishka
+sherawat
+longclaws
+curzon
+constancia
+theurer
+weyr
+sdrew
+venetie
+wlmi
+emissaries
+thatched
+nippenose
+acrocephalus
+liberalised
+overhauser
+iedcr
+623
+viterbo
+30-60
+dohme
+nainggolan
+razzano
+long-term
+101.4
+lochy
+fitment
+4-6-4
+ndwandwe
+writely
+tenancy
+tregaron
+116.27
+barva
+normans
+messianism
+wulfgar
+vigilar
+isaković
+taiyang
+2,916
+pridgeon
+tyranny
+121.71
+montmelo
+pictum
+mtm
+vichai
+non-profit
+pagis
+mohammad-ali
+frunza
+maofeng
+open-cockpit
+5-26
+84.40
+warm-hearted
+migrated
+synek
+państwowe
+gandy
+arouca
+saied
+whitebox
+joycelyn
+bentine
+monkland
+73.56
+dichloromethane
+taubate
+demarchi
+contributions
+anemic
+d'aniello
+lydians
+rosny
+glenarm
+2,159
+telxon
+shwebo
+semberas
+churchlands
+glicksman
+lorenzini
+reemergence
+lisette
+pamlico
+irrc
+frei
+212-556-7064
+hongmiao
+oviraptorids
+drb
+tycoon
+chavarzaq
+ambriz
+trade-union
+salander
+conso
+valdivielso
+prekindergarten
+kirgiz
+jiujiang
+bodyworks
+trilogy
+falconar
+behemoths
+tiebile
+wagons
+prosaically
+hellmesberger
+abuksis
+theatines
+playlets
+stayover
+higher-order
+chartists
+pa.
+twentieth-century
+bolten
+seventeenth-century
+talentless
+bunner
+boul
+deida
+khudiram
+1980/81
+middlewood
+over
+freilassing
+maikro
+46.4
+veterum
+korkut
+qaswarah
+sārī
+casabianca
+erythropoietin
+sideshow
+tnp
+auberjonois
+padmavathi
+nernst
+rascon
+figeac
+fullback
+streakers
+wherewith
+tacked
+popeyes
+66.24
+piekarski
+suze
+vizi
+75.46
+sonmez
+reconcilliation
+experts
+lalo
+steward
+flaunts
+12:34
+laucala
+132.2
+cohere
+campton
+palmaz
+puffbird
+spermatophores
+quraysh
+lambek
+phobias
+joz
+njc
+megamergers
+jacquinot
+exaltation
+25,417
+acrobatics
+monophosphate
+mizzima
+sewer
+neer
+guangming
+mejuto
+adebimpe
+104.6
+cry9c
+orbiters
+flocka
+sezgin
+in
+jubilee
+posts
+kharine
+dudleys
+schlosser
+bullimore
+mid-ulster
+dulecha
+caril
+velice
+hanen
+hormuz
+villumsen
+lamarck
+deputised
+.059
+contributing
+150.7
+freshdirect
+asper
+10-billion
+kostevych
+knockin
+post-punk
+cavens
+küssnacht
+graben-neudorf
+mje
+arner
+fiac
+revson
+muhammed
+95-91
+taglialatela
+all-story
+catera
+kotli
+brooklin
+note-taking
+45,000
+right-sided
+sub-surface
+editable
+accuweather
+arunagirinathar
+svetlana
+tinner
+3002
+dvfa
+masachika
+johnsville
+stenotype
+mesereau
+staggering
+duranty
+nimbarka
+elizabeta
+100-kg
+owings
+akinola
+shepherd
+frg
+10-rounder
+helfant
+byram
+perilous
+shakur
+d'assisi
+sense
+108.6
+malas
+effectuate
+1961-71
+1.5215
+www.liverpoolfc.tv
+mounce
+phumzile
+togoi
+semalaysia
+cheshmeh
+carni
+opac
+grimm
+corroborative
+formenty
+shinkansen
+hell
+yaffe
+snk
+illichivets
+australian-led
+shain
+bat-like
+a-si
+schmooze
+kingman
+tisdel
+kolev
+0.1-0
+1989-1993
+values
+mallee
+bavli
+xoanon
+melongena
+1225
+mur
+30-18
+virtuous
+lazăr
+ostankino
+bili
+nawahi
+nonsporting
+rhyl
+jamaal
+artur
+pristavkin
+boven
+sobekemsaf
+7-under
+guagenti
+flyball
+lapébie
+usac
+mraz
+pimping
+galecki
+silvain
+14-11
+8-of-16
+gut
+aberrational
+shrubby
+pettyjohn
+heracles
+novigrad
+lairds
+tatafu
+3,920
+scoggins
+wisk
+curiata
+ingame
+moored
+fingerprints
+mudskippers
+unchr
+low-maintenance
+lovel
+flaum
+sotho-tswana
+.598
+digitorum
+wasaga
+iweb
+nymeyer
+midanek
+37.42
+eimeria
+armorer
+euro83
+pescariu
+sixes
+lfl
+yixian
+periglacial
+thietmar
+tarcin
+exhuming
+bheki
+hảo
+reroutes
+gen.
+imam
+comencini
+palladio
+42.47
+goodman
+komet
+soz
+rm23
+brzesko
+1:55
+perpetuities
+saloum
+honeycombs
+l&l
+soledons
+spurlock
+u-shaped
+omd
+nitzarim
+decade-end
+onwuamaegbu
+anthem
+18,118
+tinamous
+akaflieg
+gaspare
+charnham
+moonwalkers
+classpath
+stanislau
+al-hajj
+chott
+roddy
+penry
+mitterrand
+skystream
+parter
+1958
+jan.-aug
+turgon
+jerusalemites
+rebuilt
+ngwe
+briffault
+vowel
+,46
+nytimes.com
+umberg
+aslakhanov
+raida
+135-seat
+juta
+oddy
+ewe
+13.6
+life-altering
+elmsall
+lespedeza
+contofalsky
+rahmatabad
+1-11
+obscurus
+107.30
+bypassing
+gooden
+collender
+hashas
+prapat
+http://www.ford.com
+zapadnaya
+jiufotang
+jonabell
+anversa
+jillette
+descombes
+26,600
+sd40-2
+betim
+bigfin
+xxii
+jobbing
+crye
+mvi
+danishmend
+counterstrikes
+hopeman
+44.28
+yorks
+logothetis
+konkuk
+jaguars
+ief
+gamino
+regresses
+myozyme
+amhlaoibh
+rastrelli
+scrofa
+indentured
+song-writer
+hygeia
+spatlese
+prospectors
+shasta
+eisleben
+lasso
+amlodipine
+49.96
+8.40
+anglo-scottish
+mawatha
+saadah
+intimal
+awasthi
+2009-present
+restriction
+species-group
+vulgarians
+tutbury
+scaly-breasted
+blarek
+44,500
+hot-air
+garreth
+butthole
+univoltine
+ponys
+siberians
+13:49
+coopers
+maval
+20th-century
+wileman
+sycophantic
+almudena
+bailable
+archigram
+cordon
+5.33
+ilog
+invovled
+phycology
+hmis
+wisenberg
+mithoff
+industrializing
+bidder
+scheveningen
+amrc
+simos
+rivasseau
+24-cell
+reefing
+dropsy
+flip-up
+50-5
+dolerite
+camba
+gambon
+qudama
+nitty
+sempervirens
+253.3
+bremo
+conodonts
+cellulitis
+pacific/north
+viator
+d'aulnay
+liftback
+anick
+pang
+c-8
+3,328
+jeret
+balasubrahmanyam
+misc
+wachapreague
+swangard
+bobbi
+boroff
+mansker
+reanimate
+lusignans
+laminin
+d'archéologie
+42.74
+gladu
+brancaster
+komamura
+vitkovic
+cerialis
+goetterdaemmerung
+lesioned
+succulents
+mjp
+takua
+jeanniot
+adjani
+internuclear
+gastroesophageal
+akal
+residentiary
+peskiric
+noach
+starcom
+jbc
+two-month
+flaked
+calmodulin
+71-64
+w.c.
+652
+fulla
+jibali
+unkillable
+khorafi
+ogar
+appeal
+lentils
+denson
+sufferings
+redistributive
+ettlinger
+kaufbeuren
+njoku
+porchlight
+prevett
+horwitt
+biedenharn
+lmf
+madhok
+wallie
+tarsus
+dle
+winterization
+mindszenty
+renda
+monazite
+popov35
+seascape
+jijel
+rostrevor
+rinta
+mauryas
+75.05
+foyer
+israir
+kais
+osan
+toute
+egri
+champi
+monied
+114.53
+pontification
+rutan
+ürümqi
+bekal
+ngardmau
+deneau
+horsley
+collaborating
+coadjutor
+shifting
+zander
+marcianus
+gaki
+cording
+ecusa
+cristinas
+letterforms
+leinweber
+76.20
+gerolstein
+jewellry
+6.77
+torching
+subramaniya
+gafta
+yampolsky
+kistiakowsky
+crouthamel
+32-22
+lish
+67-64
+lindroos
+medang
+wong
+sotero
+nicolosi
+burek
+ståle
+hp-ux
+3,711
+vermetidae
+well-covered
+conducting
+1.8-meter
+pre-record
+slammed
+2-54
+kemr
+rebeccac
+narracan
+dirhams
+hamal
+shoreward
+liberto
+parterre
+lesmana
+meteren
+starcevic
+45-60
+flins
+horrigan
+tortelier
+alphanumeric
+semitrailer
+1991-1994
+guys
+3,355
+jerrard
+156.8
+c19
+canum
+malchin
+campomanes
+evangelio
+woeful
+guignols
+académie
+sdh
+trittico
+florina
+staircase
+ub-16
+detachments
+screens
+haqiqatjou
+(888)
+constructible
+370-kilometer
+carrickmines
+veyron
+hkd
+247.3
+badmouth
+henrickson
+ima
+fidalgo
+snoozes
+köln
+mellifluous
+ipi
+undressed
+overzealously
+ar4
+shuala
+perforation
+overcharging
+carbide
+75
+hintz
+calwyn
+custos
+highcroft
+liebe
+beserk
+schneebaum
+kovvur
+kenseth
+swayamsewak
+ejc
+hotta
+viborg
+iwashimizu
+pericyclic
+cristiana
+living
+stuffer
+52.11
+mythic
+2438
+corodeanu
+spectating
+amaretti
+autocross
+2552
+chibuzor
+invincibility
+cheron
+gambier-parry
+mortality
+purportedly
+catalonian
+negras
+gasb
+rensenbrink
+gianetti
+15.19
+pt
+casellas
+magayon
+burdett-coutts
+pre-wwii
+pousse
+bucholtz
+vector-based
+ahng
+valorous
+yadira
+toroid
+umbrage
+winnetou
+majhi
+helenus
+dien
+infirmities
+wafting
+post-op
+2207
+zouerat
+risør
+4-ton
+assamese
+chlamydophila
+jinglin
+lô
+denshi
+byfleet
+knagel
+emceeing
+nohab
+triptych
+gore-booth
+wcky
+cssr
+consolidado
+rishi
+terk
+automat
+laser-induced
+koltanowski
+lbw
+arain
+civitan
+gontchenkov
+impactful
+ramnaresh
+,400
+lingga
+devorah
+lardil
+knee-deep
+103.75
+himself/herself
+schwabach
+derrick
+darcy
+unshackle
+nutbrown
+punished
+o.ont
+stere
+zadzim
+judds
+577-member
+ourso
+tram-train
+akau'ola
+bartak
+snipping
+kavanaughs
+dinero
+mattera
+re-emerge
+pvh
+reiter
+accordions
+lalaing
+xas
+frattini
+repurcussions
+vishakhapatnam
+justin
+july/august
+garcin
+liván
+insurgentes
+individualists
+wahhabism
+2,813
+period_2
+paradisus
+boscombe
+ōtsu
+broome
+mm/s
+wynona
+makindo
+daula
+thälmann
+2005-present
+14.83
+kdf
+gabashvili
+55.75
+treeline
+melnikoff
+pazhani
+bet365
+proselytization
+107.01
+underwriters
+kenderdine
+genego
+chatswood
+fps
+inconspicua
+colossians
+ladley
+bmk
+calendars
+paciorek
+visuospatial
+portrait-painter
+sharipova
+shaki
+xrco
+lachapelle
+pcn
+berlo
+metroline
+hermoza
+counterparts
+hoosick
+syed
+ngobi
+isnora
+seigo
+kprc-tv
+peeking
+dextropropoxyphene
+2,892
+herengracht
+courtesy
+zalian
+abdumalik
+foam
+'63
+jihani
+rózsa
+1989-1991
+drumcondra
+caydee
+conducive
+bi
+armus
+accomplishing
+iniquities
+dunshaughlin
+t-26s
+tylor
+rubinsky
+jean-louis
+20-mm
+software-as-a-service
+tansky
+bed
+dearing
+stewie
+bovard
+kaş
+kolijan
+karan
+occultation
+t-37
+strumpf
+historicism
+kpix
+aardvark
+ilpo
+vacuously
+heighten
+100mm
+.288
+siwi
+frontliners
+rafig
+vacher
+www.iaea.org
+1,348
+pongracz
+muscovites
+hainanensis
+dispensational
+resembled
+punctatus
+aaltonen
+hydroplaned
+socials
+stirum
+aba-nba
+dompig
+ramsbotham
+infinitude
+propene
+gharawi
+reasserting
+behawalpur
+gerrard
+nomar
+99.49
+low-priced
+262.2
+ryūnosuke
+zayyat
+calculators
+peters
+monocle
+squarely
+111.86
+literature-related
+vandor
+neoplanet
+gödöllő
+grahamstown
+meikle
+icrp
+barhoom
+sauget
+toyko
+nantucket
+vasilenko
+1.463
+99.33
+wycherley
+al-zahra
+1868-1869
+1.09
+restany
+nosedive
+mtwara
+yunliang
+giriraj
+geometrically
+tpa
+jan.-nov
+kalinak
+leaderships
+ploče
+tonnelle
+dunis
+keybanc
+hatters
+sunni
+arnsparger
+45.94
+newmilns
+flintridge
+okean
+1,616
+calvatia
+landsburg
+cookiecutter
+consuela
+heilige
+tineh
+hayam
+caladesi
+jarakay
+110.21
+jusufi
+nieuwendyk
+helion
+peppe
+boomer
+nask
+multi-media
+one-lap
+stiefel
+piotr
+rafsanjani
+incubate
+ornaments
+kenilworth
+seraphine
+enping
+chhim
+norine
+luders
+celebrator
+xiexia
+1.33:1
+surveil
+p0
+tristão
+hedon
+thrilla
+irvan
+bevo
+girod
+inherited
+absolom
+john
+indigenous
+code-switching
+tvtropolis
+ruhle
+changez
+chancery
+minorco
+146.50
+dacey
+gdd
+meadowood
+h-iia
+klax
+osetra
+habituate
+shane
+brotherly
+otaru
+delius
+dect
+hachiro
+hi-point
+bejbl
+turnov
+kodesh
+autonomist
+0711
+haking
+antiseptically
+1-39
+stonebraker
+mcdonogh
+al-janabi
+shater
+padrnos
+simagina
+brindled
+alluni
+ronney
+liquid-liquid
+meckenheim
+petershill
+fincham
+subroutine
+woodsworth
+rada
+tamiami
+daqin
+shooting
+basche
+2,639
+19.55
+smeck
+crose
+euro613
+translated
+3.24
+21.57
+ligron
+erinsborough
+quail
+31,600
+nxd5
+multi-page
+shinning
+3-meter
+hacen
+motorcyclist
+long-ranged
+cultist
+imploding
+torrio
+storeowner
+ndpp
+sheepskin
+volia
+międzychód
+parker
+emanuel
+caffé
+komon
+strelitzia
+x-statix
+frisky
+flighty
+millercoors
+kherman
+bailie
+121.90
+autolib
+besozzi
+oedema
+bilineata
+dim-witted
+capita
+internationally
+leaguewide
+1980-1981
+reprised
+hamey
+brandolini
+powertek
+176.7
+inverts
+bafwasende
+memoires
+abulhasan
+first-floor
+vigilantly
+bse-30
+occipital
+paveena
+under-30
+stumping
+eyalet
+31-month
+kongs
+unwell
+romanus
+schiermonnikoog
+patchan
+sabini
+hapworth
+emissive
+masao
+320s
+kachiguda
+psychobiography
+modesta
+sinced
+muszynski
+daron
+astutely
+nst
+3-90
+1,947
+hoyer
+26s
+winder
+78,400
+valaya
+76.9
+platos
+yumin
+ombati
+stipendiary
+seafoam
+asms
+laymon
+1.4875
+kreyol
+cobbing
+dhabyan
+ictu
+five-place
+maniacally
+fifty-three
+bwm
+62.8
+hindlegs
+ghoulardi
+capparaceae
+midshipman
+fadiga
+larba
+cucamonga
+linkoping
+smale
+http://www.icrc.org
+armide
+f-104a
+hitmaking
+99.02
+retegui
+alresford
+huppenthal
+airtrain
+nilu
+120.13
+tambon
+talat
+onta
+20:13
+296th
+cesarean
+sumburgh
+glaum
+khsaa
+624-1820
+t36
+cooed
+aneirin
+takamado
+cohns
+solicitations
+salling
+arrrested
+maxx
+annandale
+bawi
+1942-1945
+meanders
+blofeld
+bibesco
+reda
+chambless
+birther
+bancorp.
+tupa
+bullard
+mdul
+meriting
+five-week
+underpinnings
+jutsu
+headwater
+feraud
+minicabs
+junak
+110th
+superdelegate
+audioslave
+appeaser
+raddy
+seagren
+bubbles
+rotogravure
+naggar
+attemps
+homeopaths
+bretherton
+re-development
+ytterbium
+dogbane
+unchartered
+1,501
+whim
+chandraswamy
+zinged
+assata
+supermassive
+schelin
+ekaterina
+wagp
+batenga
+motema
+levied
+3rd-party
+manduca
+101-86
+eriophorum
+tabbouleh
+wessell
+mattathias
+drivability
+cited
+gracia
+1,174
+quartey
+lynched
+inhouse
+mccarville
+tsuji
+rubinoff
+20071
+rau
+discourteous
+funtua
+215-pounder
+troiani
+severyn
+kenyatta
+microhylid
+empezo
+uraninite
+hematologist
+barkhausen
+3:12
+sweeley
+twin-turbo
+nonguests
+sexo
+16.92
+curiosity
+formulator
+t56
+terryville
+,300
+brightness
+prenger
+tatler
+litsa
+45-27
+longsheng
+snc-lavalin
+.9999
+fusionist
+40.6
+56-seat
+32.50
+minzhang
+one-movement
+nusseibeh
+jayasena
+hustle
+discrete-time
+bucci
+156.4
+yunnan
+fipple
+188-yard
+evart
+megalith
+bissell
+incontrovertibly
+bisa
+futuna
+sixtieth
+upashantha
+vadasz
+armatoloi
+audit
+gitai
+my-hime
+curbstone
+polke
+aroma
+elsah
+chaudhri
+trouble
+connaissance
+ba874
+schell
+rohrbaugh
+a-dozen
+gulati
+outfielder
+latasha
+ciega
+melanoleuca
+crewdson
+levox
+500-foot
+1,489
+b.e.
+nacionales
+schneer
+necci
+geynrikh
+marido
+haruku
+track
+lbos
+ffa
+3,645
+constructive
+261.6
+sedric
+grb2
+kashani
+welthungerhilfe
+02:30
+annoy
+46-year
+pepin
+lebrija
+é
+iannucci
+all-academic
+napolean
+pipiens
+synyster
+47.32
+dhanbad
+millimeter
+postle
+capcom
+hdds
+blackbird
+misplay
+forkful
+15-piece
+berlant
+garren
+blanchfield
+shijō
+oakington
+250-degree
+politechnika
+washington-on-the-brazos
+rhyd
+q.
+swearengen
+47.43
+5,000-10
+then-editor
+gambang
+1.3450
+cipollini
+wbs
+stieg
+ccsp
+1184
+underrated
+douc
+agremeent
+deboy
+goondiwindi
+religious-based
+orsoni
+cinergi
+radars
+clower
+bushwalkers
+szymany
+3:05
+pinkney
+silverlight
+solør
+coughton
+djeric
+katherina
+pompidou
+bellicosity
+jennicam
+skleros
+lability
+slatington
+hajib
+28:19
+agglomération
+gasiorowski
+a-night
+spodek
+anis
+wanadoo
+legendi
+piculet
+hogg
+zouabri
+alleghenys
+embry-riddle
+redhawks
+left-green
+1966-1967
+pushed
+shaprut
+kristen
+kadir
+deflects
+bienenstock
+swivelling
+golfito
+nanxi
+convective
+diametre
+60million
+yahm
+reaffirmed
+shimamine
+unamended
+laconic
+massetti
+jerram
+briquettes
+caçador
+ganem
+anemias
+dinampo
+villena
+chedoke
+docena
+177.47
+2002/03
+tunisienne
+kurda
+scalable
+cereceda
+miscommunication
+crofty
+reynders
+cesta
+guinan
+imereti
+sartid
+baweja
+marsonia
+liese
+républicain
+chivers
+11th-12th
+3,254
+jaycees
+emancipatory
+slimmest
+landaeta
+anaphase
+ipsc
+minimized
+mashood
+duje
+amac
+cbc
+yagoda
+lasell
+begic
+severities
+ferrovial
+lka
+hastening
+chilote
+spurn
+knowhow
+reisen
+ubcv
+heebner
+hi-res
+suns
+calstock
+panchavadyam
+colindres
+hable
+thomassin
+burdzhanadze
+boydton
+djali
+thermobaric
+wide-screen
+benti
+fourteen-year-old
+zeilin
+evgueni
+okarma
+galisteo
+indes
+475-yard
+huludao
+weedman
+ʻalī
+44-23
+18-to-49
+10,650
+wellhouse
+lysanders
+gohad
+ufos
+vpn
+valentinian
+brøderbund
+demeans
+socal
+``
+junyent
+omnipoint
+thich
+bermudan
+self-destructive
+juvenil
+misrepresenting
+fronstin
+insolvency
+ehlo
+!!
+avilez
+mirvs
+bazely
+fictionalised
+latasi
+sabayon
+tilo
+45-man
+robiul
+ghayur
+orkney
+flotow
+venezia
+arlanza
+hastiness
+sarabha
+cosmogenic
+nadaun
+bikur
+shushkevich
+yuuki
+bruny
+well-tuned
+tassi
+artemida
+brazda
+npb
+rodkin
+ditz
+asias
+narrabundah
+al-shaybani
+cipher
+breyfogle
+rhine-neckar
+malmgren
+to-60
+ringling
+cracidae
+paire
+kerben
+14-strong
+schoonmaker
+haffenreffer
+1,785
+reargue
+senituli
+integris
+vuvuzela
+zurfi
+ł
+acln
+traoré
+snagged
+hauge
+tadayuki
+j&r
+schlesser
+ruhul
+beachball
+barony
+popkin
+lauchlan
+nūbē
+croisière
+mi-5
+judeans
+hindering
+underarm
+brownville
+golfs
+wallachian
+2,607
+permian-triassic
+blaemire
+cropley
+2999
+playtex
+honestly
+120-day
+delasalle
+barajevo
+neller
+popularizers
+piecki
+riverton
+lecker
+trilok
+youll
+takamio
+21.55
+avca
+hanxiong
+sigsworth
+nctu
+ivanovsky
+telindus
+christiani
+nimitz
+semisolid
+17-3
+m-113
+cordgrass
+zhongqi
+dd
+whisenant
+lesseps
+kirs
+nextlink
+sannikov
+bairns
+jayhawks
+politécnica
+lanre
+treasures
+gourcuff
+administers
+tenting
+incwala
+dzików
+losingest
+procreative
+malians
+giustina
+superstore
+vedic
+ballasting
+selemani
+j.c.
+manfo
+bumiller
+airconditioned
+calixte
+underlain
+gleichen
+saybolt
+punishingly
+hagia
+disloyal
+kcaa
+surgeons
+wired
+mortage
+aquarelle
+.553
+creme
+ficker
+bayonets
+sunne
+bellus
+rosalba
+live8
+duplicaria
+characterisations
+solz
+ōedo
+mazower
+delphic
+nigerian-born
+cavegn
+crowd-sourced
+mother-daughter
+edah
+prokhorovka
+linowes
+500-pound
+eletrobras
+brescian
+flexcar
+mehl
+2min
+bliznakov
+ryozo
+macgowan
+sramik
+castronovo
+ameen
+proelite
+mažeikiai
+ghana
+chill-out
+railwaymen
+puso
+tollefson
+country-rock
+pourquoi
+jabbawockeez
+kometa
+ullr
+deepa
+underpopulated
+olsberg
+ktca
+eilertsen
+shteyngart
+chavista
+racket
+spartanburg
+clima
+ripping
+torches
+ead
+canada-wide
+bubonic
+parasitoid
+92.31
+tepes
+hbos
+jumbling
+bakur
+schmitten
+neurochemical
+iterate
+koroni
+savion
+kerstin
+ixs
+foamed
+colotl
+sindarin
+manlio
+sabino
+cross-genre
+rockley
+pities
+244.2
+dolni
+namibians
+springers
+couronne
+1.5475
+princess-abbess
+linvoy
+marionville
+tomblike
+khasa
+proteges
+kumu
+gnat
+noh8
+vote-getter
+evensong
+angeles-based
+purpura
+2165
+herrlich
+plummy
+janka
+rustiness
+dl&w
+bicolored
+wnv
+carolynsusman
+bassi
+1,600-square
+ojea
+kalogridis
+executory
+parnon
+ordinal
+cancun
+khotanese
+paces
+.8226
+idaeus
+ghayoun
+musoni
+exterminating
+behalf
+bussed
+14-all
+point-based
+kimmo
+unsortable
+zaslav
+annan
+changeability
+k-space
+deteriorated
+972-3
+nibbles
+windhorse
+dasaratha
+pilsners
+eickhoff
+plasencia
+mty
+bonavita
+klooga
+bagri
+tourmaline
+timerman
+kyū
+panero
+wheatus
+mhaga
+10-page
+form-fitting
+jeddo
+peppercorns
+mesosphere
+superfine
+politicizing
+djalal
+25-17
+introduced
+jukes
+fiats
+4,600
+scheers
+kepler-11
+-35
+hasso
+sport24
+darus
+feverishly
+loitzl
+aeneid
+pholiota
+carterville
+fidrych
+e9
+greensleeves
+genographic
+dextromethorphan
+teboho
+disclaims
+news.com
+railworkers
+immunise
+vipul
+hosogai
+chelm
+cwf
+a-340s
+otsuka
+hollingbourne
+cheh
+samus
+emcees
+hikes
+konica
+visitante
+glamorizing
+namings
+arrius
+oneidas
+bargmann
+montagnais
+treuhandanstalt
+rebates
+greene
+bbumba
+103-run
+ramji
+damascene
+farc-ep
+ludlam
+neo-nazi
+cetane
+enever
+irene
+ballerini
+coonan
+chambertin
+acquiesces
+29.00
+mantelpieces
+lizer
+hiranagar
+kirbo
+77-0
+walloons
+aldranon
+overgrazed
+dojima
+non-surgical
+babkin
+78th
+crédito
+seligenstadt
+harrietstown
+daddo
+gmat
+mintel
+thorley
+shiera
+spirited
+buggies
+valcke
+brevin
+granvelle
+gouty
+wac
+habur
+darius
+política
+siem
+tieri
+nenndorf
+silius
+smokable
+cheylesmore
+sahng
+,050
+godolphin
+chidley
+retrenched
+collinwood
+gunnislake
+112.04
+kingscourt
+tandi
+44.51
+rashaida
+maniwaki
+ottke
+half-marathon
+dramani
+koldewey
+hap
+synephrine
+32.93
+63-57
+chiang
+intermetallic
+grisman
+5,610
+ioannou
+ambisonics
+graceless
+mikhel
+sinophile
+tidjani
+auctoritas
+impoundment
+embrun
+croxton
+steinbauer
+kondo
+l'opéra
+bursidae
+hatherton
+-1
+codebooks
+dedlock
+c-3po
+suschitzky
+ideologist
+biosensor
+mizil
+6.0-magnitude
+haynsworth
+1993-97
+pepto
+41.46
+parmon
+1642
+newsradio
+yong-ho
+cheops
+653
+camerlin
+nodded
+yuansheng
+agape
+meego
+drc
+vachss
+barne
+estuvo
+topography
+gottesman
+stp
+lgus
+cetus
+ophthalmologist
+rangjung
+juggy
+diot
+4.14
+pentre
+brosse
+61-57
+shem
+rickshaws
+geeta
+gedanken
+carisa
+kuih
+masereel
+bergheim
+prasquier
+bonfá
+lefever
+psychobabble
+baudin
+ummer
+sjs
+paleorrota
+serious
+farabundo
+brancepeth
+fluid
+aitkenhead
+parasakthi
+farkas
+dssc
+switches
+franklin-nashville
+waterview
+3.825
+epicentres
+east-west
+ellawela
+newman
+lozen
+eleusinian
+caracazo
+hocquart
+mirkarimi
+growed
+detoured
+cut-rate
+illyrians
+spacs
+fallas
+dearborn
+randfontein
+mussi
+meynell
+13:57
+staropromyslovsky
+foreshortened
+rhs
+kalamassery
+272,000
+bishr
+distal
+lombok
+bhaskaran
+mipham
+1.42
+elbaradei
+up-and-comer
+reservas
+denverites
+prostitute
+hideaway
+menin
+cvijanovic
+в
+sclerites
+hul
+78-75
+saguaro
+1-of-4
+pyron
+bles
+nitze
+stayin
+hazeldean
+plandome
+cyberoptics
+48-year-old
+árpád
+paulistas
+słomniki
+22-24
+droga
+63.20
+zhao
+child
+23a
+48-36
+binondo
+okina
+distinta
+concretize
+calcasieu
+edyta
+harbach
+bodil
+lahontan
+mangga
+serological
+baryonic
+acaba
+archabbey
+macamo
+glassware
+kliff
+hoodia
+sara
+jannat
+galax
+anaya
+lainez
+coalmine
+torkel
+swe
+benches
+thinkable
+chitterlings
+nepenthe
+partner-in-crime
+adey
+diastole
+fewest
+ahmose
+hepatotoxic
+triquarterly
+paranoias
+slatten
+dncg
+1570s
+presi
+20-35
+half-heavyweight
+179.9
+dkim
+jaite
+actor/actress
+ninety-first
+carod
+gedcom
+kuopio
+todar
+chorion
+gorno
+zecha
+pacificus
+paramita
+terrestris
+1.004
+heezen
+chateau
+hectolitres
+heslin
+jaziri
+joynson-hicks
+uefa.com
+cyberworld
+wrestled
+ultra-violet
+renada
+golinkin
+whitethroat
+cleantech
+barbets
+hankered
+ruddock
+enderta
+vimana
+kvet
+naraku
+bookstores
+tobymac
+radford
+ahmedpur
+starer
+haversack
+forefront
+weyhrauch
+queensryche
+scootin
+storfer
+70.48
+morpheme
+v.g.
+boones
+narooma
+eyl
+tu-154m
+zhehr
+moonstones
+:16
+emajõgi
+liberal-progressive
+floreana
+dubrowski
+dillsboro
+side-effects
+94566
+absentions
+mcinturff
+enlightenment
+veerashaiva
+69-kilogram
+tournee
+annuus
+burbidge
+interposition
+terazije
+byshovets
+hajara
+svolvær
+one-by-one
+diniz
+symphonia
+kerimoglu
+sinema
+fresa
+carnton
+minch
+doornekamp
+93.45
+shantiniketan
+sohc
+1-phosphate
+lawsuits
+.298
+schwamm
+http://www.slate.com
+nayden
+f-2
+blignaut
+5,310
+mid-ohio
+interparliamentary
+suba
+ceis
+115-112
+graphene
+intimating
+scribing
+3.6-liter
+54.56
+calera
+belligerents
+flameout
+haast
+confit
+kuhsar
+blending
+alberthal
+wdowia
+912ul
+kasugai
+lini
+lecavalier
+neyts
+donleavy
+hanoverian
+polonia
+presuming
+isacson
+apicella
+soilers
+barnacle
+carcinomas
+martijn
+malicious
+koh-i-noor
+macnee
+clothespins
+ngruki
+karnail
+exclusives
+mixed-species
+queen
+sis
+sărat
+mellin
+sigmodontinae
+aberbach
+cypria
+24-degree
+nahodha
+lougheed
+cedergren
+gangai
+dzurinda
+hamzah
+wg
+lubis
+40-metre
+masharawi
+ljubljana
+mccahon
+resveratrol
+snuggle
+gencorp
+fawar
+idol
+genealogist
+mainella
+mirv
+1985-1993
+matthaeus
+abaunza
+akdag
+1974/75
+33-17
+77.55
+sibs
+zaifeng
+96.52
+teetotal
+forevermore
+audio/video
+rb1
+siumut
+mrb
+geldermalsen
+yorked
+newspapering
+swaraj
+vanload
+groce
+zutphen
+koevermans
+dendrocopos
+subaerial
+papules
+96mm
+mbps
+crisply
+-2.4
+stryków
+ramped
+tomoyoshi
+ibero-american
+boyi
+extravehicular
+leaves
+fitzcarraldo
+plötzensee
+yaccarino
+take-home
+obidos
+sen
+umbach
+meece
+rkl
+spiritedly
+spoonful
+menshikov
+free-flow
+3.025
+acquavella
+transhumanist
+myersville
+kabataş
+rogal
+goosby
+1894-1896
+campeonatos
+succour
+lvo
+abct
+holywood
+elaphropus
+stylewatch
+desparately
+35.15
+chernyakova
+chivi
+gayest
+weast
+8ball
+formemrs
+hi3g
+culpeper
+fixers
+mirror-image
+repack
+6,215
+,840
+tragi
+swissôtel
+makarem
+modine
+zigzags
+gerta
+endomorphisms
+meester
+gori
+-6.50
+occasioned
+galleh
+graspable
+leshno
+tunmore
+carnarvon
+helleu
+modernisers
+rundate
+philaret
+madredeus
+feverfew
+bta
+stemberger
+4,924
+parkmore
+varatharajah
+4o
+glaucum
+amelita
+pyrenaica
+post-cold
+standup
+daneel
+depolarize
+glorification
+borree
+non-target
+850th
+i-278
+15,900
+11/29
+pahapill
+shortall
+alphabetized
+mayorov
+serfaty
+unspooling
+okubo
+aegidius
+purinton
+21-27
+blackshirts
+citrusy
+fts
+two-test
+star-club
+inter-religious
+pharmanex
+grey
+satellite-fed
+re-appearance
+71.10
+wynia
+harod
+holsworth
+noureddin
+2,423
+seminal
+tatsuya
+dendron
+?!?
+7:59
+shemmari
+navanethem
+81.39
+drazan
+96.89
+hawkses
+haberer
+impatiens
+de'andre
+dienes
+pulmonic
+throw-away
+politecnico
+helos
+jharkhand
+confessio
+cabeça
+wicket-keepers
+gilbert
+zanjani
+urie
+argentina
+kintetsu
+carias
+bolstad
+clutha
+reichenberger
+desroches
+reaming
+koenning
+berdichev
+re-enactment
+saaf
+132.80
+waterboarding
+weerasethakul
+headland
+296.9
+anmchadha
+convulsive
+neolithic
+xiuqing
+bronchiectasis
+primož
+neurospora
+thrown
+mcglade
+highbridge
+2,827
+rastapopoulos
+kassai
+http://www.co.mo.md.us
+kulkov
+systematics
+metacreations
+berry
+bahamian
+alaeddin
+caverna
+greenaway
+ndm-1
+satirises
+clif
+40-car
+ranidae
+dgac
+belediyespor
+cnbv
+41.76
+wasn
+annatto
+squitieri
+hamama
+1,927
+ichthyosaur
+arianiti
+viggen
+vihear
+gracchi
+mangana
+72.01
+prabha
+institución
+4:8
+chesma
+lumines
+16.03
+augusti
+kagoro
+clines
+melters
+pritchardia
+meskheti
+kayla
+brycheiniog
+skechers
+48.54
+u.a.e.
+dukhan
+packwood
+www.netarrant.net
+1,138
+assuit
+redundantly
+moluccans
+pejoratively
+7-foot-6-inch
+77-kilometer
+bemused
+graveside
+missisquoi
+a47
+intervenors
+epistle
+jocruz
+monarchies
+instated
+nobby
+mockup
+mutchnick
+sicily
+sisario
+todo
+abolition
+shoh
+codice_24
+58.73
+hooda
+9h
+niyoyankana
+pacemakers
+6:52
+millio
+tarka
+bussy
+compradores
+bed-and-breakfast
+depressurisation
+veere
+s.e.s.
+innuendos
+309th
+assess
+semi-public
+bega
+12.11
+deshawn
+coliforms
+decentralising
+42.87
+subcultures
+275-pound
+kėdainiai
+firebugs
+fayaz
+institutionalised
+49-year-old
+lustre
+kaikeyi
+6120
+reconvene
+32.37
+muang
+valleyview
+seguin
+hassanali
+multi-center
+jil
+jitang
+srcs
+oluyemi
+swick
+menchov
+dodda
+chailey
+sokolof
+königsmarck
+barkatullah
+campello
+58.99
+ultramontanism
+overwatch
+briarpatch
+97-mph
+auditor-general
+methanol
+kapitän
+cerrato
+21.60
+4-seeded
+scotney
+vicinal
+ela
+contritely
+pospech
+mezdra
+jagannatha
+chandan
+buysse
+dorel
+47.12
+santucci
+1,600-member
+dimarco
+daimler
+schoenefeld
+sapote
+ciara
+hamidiyeh
+ofcom
+mumy
+stabilise
+trachtenberg
+13/km
+yanakiev
+arnhold
+224.2
+shostakovich
+linsay
+fse
+annelise
+zhisheng
+triplett
+956,000
+beyonc
+grubbs
+mathathi
+kobach
+fillings
+1995-99
+waitemata
+st-pierre
+özil
+avedon
+lansdale
+todays
+ndindiliyimana
+margarian
+2810
+bolívar
+jstein@latimescolumnists.com
+landlines
+alcorn
+honner
+vfr
+sentimentalizing
+kelen
+collars
+step-through
+taglioni
+heckington
+dehors
+loveliness
+euro243
+popsicle
+shusen
+bighorn
+faceit
+bottlenecked
+llong
+just
+1291
+11/9
+holabird
+urbizo
+knapp
+schevchenko
+allround
+3100
+horni
+geo
+missouri-st
+geosat
+rebecca
+nāgas
+torfaen
+dashty
+binjie
+alvarado
+iridescence
+then-owner
+2,113
+isaacson
+v50
+cavehill
+posted
+mismanagement
+dramatising
+rochechouart
+snowmageddon
+garzarelli
+b52
+seibal
+four-laned
+henrick
+conforming
+ghedini
+observa
+fati
+34.52
+mårtensson
+booby-traps
+blewbury
+silton
+perth-based
+flammarion
+hoegaarden
+fur-trading
+embrey
+srivilliputhur
+bayana
+1.3460
+menthols
+sub-stations
+σαυρος
+daniello
+shida
+flexural
+alafia
+ezhava
+kapleau
+garing
+tripped
+thakore
+cynwyd
+gurukulam
+muzzle-loaders
+alternating
+jumpin
+manneh
+muchacho
+trapasso
+nyy
+coues
+21-strong
+i-66
+corea
+deathstars
+53-40
+unsympathetic
+jabar
+cartlidge
+19.31
+cischke
+outranking
+clearfield
+vinegrad
+bailor
+abbāsābād
+polyandrous
+khoya
+cortez
+medida
+aletti
+paganini
+carjack
+higbie
+hla-b
+unify
+hobbema
+schervish
+haignere
+szávay
+classics
+yú
+rb6
+salesgirl
+seemann
+hinse
+euro433
+leano
+dilutions
+2,851
+nonaggressive
+k1
+madhyamaka
+syrte
+germon
+home
+tearooms
+garentina
+bulker
+trochlea
+specialise
+mottingham
+neoregelia
+200,000,000
+inter-island
+aseff
+vervaeke
+llego
+mohseni
+fiberglas
+3,783
+parpola
+mahv
+mullally
+orchestration
+malto
+telefax
+phthalate
+hyesan
+ermenek
+misidentifications
+cryptocoryne
+koufontinas
+wbez
+euro329
+maheshwar
+debenham
+59.67
+6-23
+individuation
+inugami
+steinmeyer
+p25
+colognes
+latitudinal
+pankow
+shucked
+guez
+bhagawati
+corkin
+12.05
+barnholt
+unscheduled
+degennaro
+severability
+2-67
+aries
+elbeuf
+55,500
+yahf
+papago
+umw
+rahul
+oum
+guberniyas
+pingry
+refrigeration
+polychromed
+4,149
+lajeunesse
+gue
+cilmi
+bergy
+molinari
+laurenz
+2,734
+riedesel
+chestnut-brown
+windsor
+merkley
+tapuach
+d-shaped
+dolla
+walia
+qalawun
+kalender
+retransmit
+tayport
+denouncing
+fredrix
+malthouse
+neihardt
+709
+tamayo
+medicinally
+hervieu
+midazolam
+hornsey
+13.16
+asbjørn
+36-percent
+rexx
+rodriguezes
+preregistration
+wenonah
+3,537
+notra
+montepaschi
+cty
+transshipping
+özel
+o-matic
+17.5
+50-degree
+gongora
+kennywood
+spiš
+twerp
+sodi
+herrema
+takasaki
+hypostasis
+bergavenny
+115m
+full-scale
+spacy
+riversdale
+oncorhynchus
+lausitz
+kold
+culto
+hesed
+passed
+brc
+tyco
+forfeiture
+shakin
+baicher
+drinkwine
+riverman
+84-70
+renaming
+west-i
+mh-60r
+cerveza
+kvetch
+shabaan
+.171
+polychromatic
+five-door
+gestation
+reposition
+eggs
+gaugin
+haga
+latchin
+cup-tied
+agm-114
+arriens
+courtiers
+lagardère
+yujiro
+skeete
+countywide
+7:47
+tudela
+siliceous
+swa
+4,715
+paypass
+kun
+sento
+baeyer
+shimazu
+cloak
+gornje
+coninck
+pontresina
+valio
+warthegau
+kistner
+85.99
+basmachi
+tenpō
+mohler
+briganti
+gondii
+arrestors
+moammer
+orme
+endor
+daoists
+funds
+3x
+caveney
+54.36
+lennert
+vees
+equivalent
+usando
+zumwinkel
+ha'il
+mambazo
+gastric
+methanogenic
+5-of-13
+pengam
+malawi
+kayamkulam
+meticals
+д
+czw
+deprogramming
+kuhrang
+babu
+bundibugyo
+brev
+tastes
+k.v.
+kondewa
+spymasters
+worchester
+rabwah
+bandolier
+taizé
+henrys
+hecuba
+zhifu
+bumaya
+gadhia
+mualla
+18.75
+podocarpaceae
+plaisance
+gvaladze
+25-16
+ryding
+samtredia
+fringy
+mainspring
+manby
+edenton
+abdurahman
+lundström
+anti-party
+quantitation
+semimajor
+rockumentary
+hyuna
+kelut
+mithral
+gambits
+hammid
+schad
+perlow
+cancelleria
+irregularity
+appomattox
+buranda
+ins
+baihua
+tinted
+re-badged
+makwetu
+graveness
+seligmann
+niguel
+patee
+penta
+srnas
+s2
+politzer
+swiss-french
+depasquale
+arini
+amod
+ripstein
+kiama
+decinces
+candidates
+z-boys
+chiddingfold
+hrib
+lauberhorn
+patrolled
+cenegenics
+chí
+revving
+143.3
+plausibility
+lubawa
+hemmant
+1,263
+ambiguously
+minimus
+izalco
+933,000
+gearan
+enriched
+trach
+fatalist
+mantises
+scandalous
+moutain
+vanderpoel
+central
+instinctual
+tinicum
+district
+eprdf
+gyllene
+flann
+thunderstorm
+loairn
+rareness
+ibrahim
+likelier
+pacey
+proprieties
+demeulemeester
+små
+monocytes
+newmeyer
+amoureuse
+remanufactured
+boniek
+sayang
+ivic
+wandered
+chenalho
+juanjo
+berthelsen
+correlative
+steenland
+verveer
+sicking
+2,725
+chingford
+30-44
+deme
+tadic
+trice
+snowshoeing
+watton
+35-20
+gauging
+fenfluramine
+sylviidae
+128-member
+alldis
+455-yard
+right-angle
+wible
+sormano
+swatch
+pangea
+kuster
+47-13
+fries
+1:29
+successfully
+20.04
+rostron
+chumps
+county
+pervasive
+panki
+signum
+clear-eyed
+easygroup
+58.75
+definitely
+pointsc
+stinkhorn
+zhenjiang
+b-50
+thermostats
+alderden
+absolute
+vitol
+sabah
+wakko
+ogawara
+uberoi
+clank
+envisat
+ekphrasis
+blanchette
+förderung
+duerson
+welt
+reax
+perroni
+wakka
+7-thomas
+popovici
+pathmanathan
+leafstar
+shija
+kekewich
+ennio
+tro
+masqueraded
+rs6
+moling
+montaña
+petronella
+disgaea
+damiel
+whole
+brandnames
+msci
+birchard
+manshilina
+alun
+fastened
+falic
+tilli
+saroyan
+telecard
+neurogenetics
+fangled
+hann
+petrila
+leniency
+rubira
+zewde
+bubblegum
+lamela
+0925
+santuzza
+altom
+haavisto
+ryzhikov
+gorchakov
+rrl
+84.56
+kapisa
+rearguards
+procellariiformes
+canvassers
+forgeard
+unbutton
+cactaceae
+magdi
+295.3
+parasurama
+saheeh
+hengduan
+vistas
+16b
+épée
+scary
+mbandu
+hamsik
+overmuch
+zittel
+saporta
+savenko
+vanous
+spalletti
+cewang
+chibamba
+kadi
+fastenings
+masks
+staggers
+dany
+guntersville
+mediterranee
+mckeen
+stockton
+42.54
+knotting
+exclusionary
+gandar
+suwanee
+skepticism
+alpinism
+adur
+elixirs
+lianhai
+haugaard
+ventricle
+eurytus
+dorado
+13:23
+ghafour
+bezirkshauptmannschaften
+coarsely
+tricks
+baiji
+urlaub
+2,230
+dirr
+sikma
+woodspring
+yamalo-nenets
+adampur
+paleosols
+withington
+lángara
+non-international
+arcs
+hoonah
+erucic
+depaul
+dovre
+post-surgery
+infantrymen
+pratas
+cucuy
+country.the
+sundowner
+armyworm
+semporna
+crazy
+espinasse
+isachsen
+categorias
+montiel
+bushwacker
+lingamfelter
+arrelious
+kearneysville
+hulking
+mordialloc
+leitenberg
+kuchipudi
+foudroyant
+appropriates
+cruzada
+gráinne
+cfds
+izaguirre
+shorties
+moomin
+sapera
+melhus
+125-1
+mayes
+shafting
+brunetto
+allotropes
+coldwell
+benfield
+nowa
+e.m.
+apple.com
+engelbrecht
+114-year
+mercersburg
+self-reflexive
+mayberry
+unoriginal
+dramas
+budyonnovsk
+unutterable
+hobbiton
+golas
+=
+pasalic
+fazio
+xijiang
+221-seat
+worapoj
+southpark
+3,688
+methaqualone
+nke
+habgood
+apcustomersupport@ap.org
+8:44
+nebojsa
+25-21
+thaxton
+naturism
+schmieder
+kues
+gwanggaeto
+toscan
+cdc25
+holsey
+visages
+kipawa
+makedonska
+megathrust
+compactly
+hennessy
+tauke
+reede
+tepanec
+sudo
+saraki
+years-old
+322.5
+duping
+moser
+obscured
+aggregations
+mwra
+outhwaite
+ccamlr
+brokerages
+ten-yard
+374.5
+56-0
+indiction
+solenodons
+dombes
+brookton
+scenario
+mondrian
+krabs
+aufiero
+684,000
+yūji
+hibino
+neurovascular
+traitors
+corbeil
+øystein
+imlach
+lovisa
+rubout
+mortdale
+inkigayo
+leoro
+novgorod
+otolaryngologist
+1952
+8-million
+falsework
+legwork
+gplv2
+9.12
+33-27
+hocken
+kinani
+tomarken
+installers
+vlieger
+hadziahmetovic
+pittenger
+warford
+battie
+ostrogski
+neuve
+malara
+inwagen
+rexes
+enestam
+dojack
+thore
+anti-poverty
+noyes
+manier
+phenyl
+daddy
+carfin
+committeee
+62-kilogram
+81,000
+jip
+hypercompetitive
+fasts
+thumped
+ensigns
+mammad
+kershaw
+topologically
+indispensible
+compal
+charset
+44-32
+parnell
+galata
+rampulla
+headwords
+half-finished
+colosio
+deltoides
+partizansk
+pedrosa
+14-7
+6,525
+8,260
+brumley
+gouin
+membrane-spanning
+reiserfs
+li-2
+bigombe
+cyberbullying
+liskevych
+espinoza
+saitoti
+immoveable
+89.3
+brend
+dissidents
+african
+guild
+blyth
+edwardsville
+1,098
+curro
+sidious
+aeb
+dechaineux
+sexus
+metzinger
+đôn
+53.26
+vascular
+aesthetic
+cavaliers
+40-34
+indelicately
+dubai
+gwan
+formula_49
+computer
+lymphadenopathy
+97.16
+extrude
+anciaux
+jiangying
+ooxml
+64.90
+piffle
+darkish
+jay
+stockard
+qudrat
+renault-nissan
+chubais
+photos
+millage
+brilon
+kavita
+koinon
+robb
+cici
+mclaughlins
+rimer
+rodgers
+coordinator
+dessert
+apothecary
+mk5
+seixas
+jóhann
+frazioni
+wxyz
+shamans
+jonell
+1,777
+reluctantly
+dickensian
+jewess
+cuc
+46,400
+cabra
+myths
+weerts
+petterson
+hileman
+coronach
+sfk
+aircooled
+14.35
+vasiliki
+anomalously
+murty
+sháh
+trestles
+dramatics
+induce
+towles
+chhatak
+self-help
+harefield
+unfilmable
+billingshurst
+abruptly
+enterprize
+havini
+z
+hunkeler
+mayhle
+mitzvahs
+broten
+twilo
+filipiak
+sanjika
+harishchandra
+bishoprics
+heimdal
+saqar
+lucherini
+sessile
+chronographs
+haeri
+quanell
+moroni
+shumsky
+zanzibar
+newbie
+1,643
+sterett
+miqdad
+applicant
+double-a
+liudas
+a.j.
+troitse-sergiyeva
+30-40
+1,864
+chevrolets
+amc
+priklopil
+kitwe
+m.i.a
+killuminati
+ayaan
+paliashvili
+2-8
+sordid
+pdo
+gamemaker
+sulawesi
+sarcophagi
+kobzon
+zaran
+navas
+kawczynski
+full-power
+once-thriving
+chaudhary
+depass
+baltimore
+badshah
+balseiro
+mihaly
+ishikawa
+boxleitner
+wods
+astragalus
+werwolf
+liebeslieder
+katale
+brawlers
+berresse
+hipped
+koreatown
+preys
+shanku
+p90x
+grinstein
+selkov
+fill-in
+rikio
+évreux
+all-inclusive
+lalgola
+lacombe
+participate
+380-strong
+breasseale
+nine-foot
+karnaphuli
+sopping
+shabet
+deforestation
+decapod
+quitno
+mmbtu
+76.12
+acquires
+nua
+helixes
+131.5
+rematched
+lipka
+eef
+slaviša
+dominguin
+kullu
+predinner
+windmilling
+batangas
+eurodisney
+coxsone
+mayala
+spork
+elkhorn
+a-group
+harmonised
+emnid
+chordoma
+1920-1939
+tidmore
+mcquillen
+potocki
+stratovolcano
+d.b.h.
+man-made
+85.63
+amrit
+balmuth
+44-mile
+clean
+cadiz
+ruhlman
+ev1s
+14-of-19
+jahres
+erythroneura
+takei
+plack
+cees
+javon
+damman
+unwired
+beaudufe
+seu
+comprar
+elies
+annelie
+raunchiest
+aedeagus
+badawy
+0.0
+indicting
+torpedoed
+yasser
+nemko
+tyramine
+baisakh
+dealu
+aeronaut
+strachwitz
+athletics
+misremembered
+residues
+reschedules
+benevides
+musberger
+lefteris
+8367
+changbai
+http://www.ins.usdoj.gov
+sigiriya
+200,000-a
+1.014
+north-northeast
+proboscis
+uncommunicative
+unclos
+deconsecrated
+guru-shishya
+mamatha
+patroling
+bews
+cleis
+hurriyet
+registry
+chamaraja
+2lb
+seil
+eberling
+3-1-2
+formula_87
+emese
+bluewood
+rambla
+lymm
+droutsas
+shirky
+krevsun
+volgyes
+kilojoules
+4,725
+circumnavigate
+seaweed
+fabel
+konstantynów
+garriock
+eloquently
+sidenote
+2,000-square
+goldner
+4,4
+zaara
+2-37
+mawasi
+bazid
+dustier
+almond-shaped
+comitato
+tayto
+shearer
+ghiz
+caesariensis
+pengdit
+rohman
+lugens
+inebriation
+sallie
+stee
+ghimpu
+hallowes
+nolle
+viqueque
+phishers
+sbd
+palmgren
+bafia
+natrecor
+187.9
+chimerine
+30-story
+birthstones
+pokrovka
+slutsky
+1633
+34.07
+schramma
+frauen
+responsability
+eight-lane
+disi
+polites
+djiboutian
+95.94
+birlas
+9,240
+dha
+soyo
+17.55
+15,000-20
+naal
+nectomys
+cowering
+namadgi
+unproven
+keesee
+112.9
+doric
+steeles
+adapters
+regence
+126
+insouciance
+blegvad
+mordehai
+perret
+ledecky
+escalona
+oocyst
+bit.ly
+cal
+gibberellin
+roofs
+,2012
+deitch
+soufriere
+evandale
+subdue
+pancha
+bco
+4-26
+bordo
+matsunaga
+verify
+pathetic
+b?chel
+ratingen
+mihov
+alemannia
+specked
+biscayan
+tadgh
+tanveer
+front-to-back
+glidrose
+ivoire
+reprimanding
+sclerotium
+cassata
+maicer
+industrie
+btk
+mintoff
+rtg
+hoelzer
+solon
+xsi
+cross-linking
+owatonna
+costars
+mazzello
+interim
+fieldstone
+einaugler
+outqualified
+bridgeway
+overtone
+wilmarth
+montador
+gesa
+super-group
+vashista
+dixville
+contraries
+tavern
+cuihua
+texas
+hassine
+murmu
+endearment
+vyntra
+aloro
+braking
+36.17
+4,204
+usurer
+dekel
+kheder
+cranie
+state.the
+boning
+appliance
+establishment
+ecstatically
+marie-galante
+oteros
+d'ange
+terentyev
+tonel
+sirajganj
+drawers
+schein
+chauke
+bissau
+zuid-holland
+postosuchus
+frasier
+kyodo
+183rd
+4,920
+peskin
+bearpark
+olshaker
+impériale
+luberon
+montpellier
+silverback
+unload
+unifying
+starlog
+alya
+ungol
+ikco
+influenza-like
+khem
+porphyritic
+specious
+rupes
+moncreiffe
+radicans
+6:48
+mccluskie
+cosgrove
+pachomius
+excercises
+zikos
+nykredit
+10,315
+rokitansky
+luckiest
+turnersville
+efes
+buyer
+apca
+1,261
+gaman
+luskan
+sunblock
+administration
+scotty
+naimova
+raadt
+bhk
+forecheck
+flaggers
+uniprix
+glissandos
+cutters
+khary
+gorali
+1.3598
+frittering
+savante
+16.41
+tishman
+scherer
+84.68
+13:16
+2.625
+dynamiting
+protectobots
+oad
+hato
+roditi
+susz
+thlead
+danno
+carltons
+androgyne
+3,392
+thrill
+ponda
+mastromarino
+zelter
+suchý
+yangqin
+huntingdon
+rosicky
+jürgen
+kroldrup
+renegade
+caretaker
+powter
+ihec
+doggedness
+bhaktivedanta
+novska
+foot-operated
+pansexual
+ganelon
+ksb
+carboxylase
+20-some
+tsukamoto
+cryptographer
+oraz
+amanda
+swat
+hoboes
+in-line
+papermaker
+officium
+collee
+bhakta
+prio
+5-foot-1
+zone.tab
+ilari
+burnished
+repaved
+isakova
+teevee
+mantovano
+spreadbury
+vavrinec
+harendra
+16.10
+petkov
+felicite
+36-7
+look
+kinematic
+korsmo
+windshaft
+1032
+memorialized
+saturable
+dioptis
+shafqat
+kirn
+hyphenated
+badel
+labradorite
+tmx
+querent
+notre
+yani
+13.08
+ratmalana
+gottardi
+calms
+korosten
+orchidaceae
+chase-newtown
+tailboys
+lwin
+kaihara
+heena
+parlez
+dinging
+60-59
+dibyo
+19:19
+cradle
+itau
+redstarts
+ecolo
+dieta
+beringer
+luderitz
+ofen
+guivarc
+kordell
+compensators
+simpkins
+41.30
+dipankar
+dannemeyer
+55-degree
+essent
+electricidad
+designer
+subpeak
+kalispel
+bacau
+gez
+dawei
+wp7
+richardsonian
+rli
+cosi
+nahon
+58.83
+portrush
+present
+finzi
+vario
+schriefer
+cyanide
+98.44
+73.48
+wpr
+mused
+minyekyawswa
+insults
+augmentations
+magrao
+koluszki
+bunnicula
+cavos
+stilian
+digress
+eckford
+ixora
+rank-and-file
+mid-2004
+rieng
+kfarshuba
+year-on-year
+cerastium
+scac
+niermann
+socinian
+haoran
+amicable
+madhu
+eeriness
+pongolle
+bresch
+azhar
+rothaargebirge
+hamstring
+aurelio
+subbulakshmi
+paregoric
+29,200
+impersonal
+affash
+inducible
+olk
+curva
+vdb
+dugdale
+42.27
+parashin
+depu
+bothroyd
+udy
+noncompliant
+washed
+mino
+dai
+gurez
+blakesley
+deists
+castaneus
+early-20th-century
+acorda
+fassie
+sarnaki
+30-round
+vibrators
+yelchin
+pillsbury
+usackas
+450-square
+ciencia
+patni
+atanasoff
+hellemond
+kushayb
+cyp3a4
+ghazna
+asiatics
+afferent
+uneconomical
+saharsa
+horrevoets
+u.s.-set
+kauer
+pithas
+swum
+enola
+gorinchem
+manns
+danjaq
+1138
+eichsfeld
+2001-02
+pryce
+17.52
+genetically
+kleier
+nijssen
+romarin
+skyway
+puffers
+pre-college
+mehmet
+worms
+60-minute
+александрович
+inboard
+alchemists
+erbin
+buju
+stratego
+jani
+araskog
+e-muhammad
+riverboat
+sizwe
+moga
+polota
+bilton
+attabani
+riverbarge
+whore
+catechin
+hydrometeorological
+morosco
+gwyther
+najeib
+sycip
+grotrian
+ailbe
+passante
+band-pass
+regroups
+calanda
+bufang
+eveillard
+klet
+krakowska
+agonistic
+rwb
+baronius
+light-heavyweight
+adblock
+lobotomized
+drips
+araneidae
+cultures
+olefins
+576
+frot
+euro700
+kemény
+manifold
+bulverde
+fiftysomething
+salzburg
+grok
+loggerhead
+heffermehl
+bok
+sinhgad
+92,400
+kunzru
+nessus
+dafu
+nostrum
+brudzew
+angeles
+cinchona
+carriles
+turncoats
+200-degree
+bookstore
+geha
+verelis
+zillaya
+moerdiono
+wifi
+mcgowen
+totota
+vengefully
+dufty
+dansa
+shuddha
+movieoke
+tieless
+miscavige
+baladeh
+turbans
+woerner
+pints
+cayzer
+gatlinburg
+legislates
+graft
+5,035
+steliana
+pbdes
+quantitative
+klinger
+buttner
+giouw
+48.82
+30.11
+1433
+moravske
+wonder
+vogl
+saurornitholestes
+misdiagnosed
+gadi
+yehiel
+intercutting
+dashing
+pcl
+dead-end
+şahin
+disaccharides
+pregap
+404-572-1961
+dimitri
+157.6
+language-independent
+ketsana
+toads
+ronning
+zonians
+off-grid
+kimbolton
+nmm
+rumsen
+zauberfloete
+7-0-3
+27-country
+paddocks
+d'ormesson
+hertzberger
+eriks
+b4u
+kadabra
+180px
+montlake
+14-storey
+nonbusiness
+remmy
+franko
+glenalmond
+m113
+whitecourt
+montmorillonite
+1880-1881
+practicable
+gci
+rajavi
+buhriz
+bali
+92-90
+otash
+2,650
+muirchertach
+uncompromising
+dellosa
+fidy
+pinn
+grammaticalization
+manhattan-bound
+peshat
+1.197
+rahimpour
+yingge
+stjepan
+regretfully
+wyszki
+extract
+arlesheim
+leopard
+paccione
+shorefront
+terrain
+doig
+procrastinators
+tetbury
+speedos
+world-class
+wakana
+lawton
+cowley
+berntsson
+summer-fall
+j'aime
+eivind
+38-32
+takehiko
+vocs
+gagliardo
+#m
+maran
+henshin
+medinet
+melanosis
+dobrichka
+duplicity
+augustins
+1969-74
+aames
+hsinchuang
+health-related
+chattem
+plastiques
+mucia
+ningguo
+dicing
+tchuruk
+bertolt
+owyhee
+hydrate
+paret
+fireproofed
+irina
+dongdaemun
+oooooooo
+brinks
+ж
+ballykelly
+lodha
+suhartono
+silguy
+john-paul
+battalion-sized
+charman
+altitudinal
+a34
+post-september
+chinch
+pigtail
+yokote
+ata
+piano-playing
+115.43
+coleman
+43.07
+4:41
+11-pound
+elorriaga
+skei
+cetaceans
+preferred
+zinzendorf
+ventura
+1,399
+somarriba
+couette
+neutrons
+edg
+gwilliam
+co-cathedral
+fedon
+1,843
+zigmantas
+profundity
+avchd
+anestis
+springside
+llewellyn
+ciołek
+tlu
+bramble
+liam
+ethnology
+soapdish
+bayoumi
+mekhketi
+254.1
+lafountain
+5,100
+caudal
+pipelaying
+yoghurt
+11.27
+platkin
+2,312
+allantoin
+avt
+sympathized
+assemblywoman
+europa
+maseratis
+57.03
+pennzoil
+mandt
+barkalow
+third-order
+bežanija
+gabrio
+goldthwait
+17:43
+hydrolase
+camaldoli
+100-megahertz
+cassie
+reinstadler
+nanp
+arag
+carlyle
+28.51
+6th-8th
+layar
+cadran
+colluded
+moseby
+zucchinis
+shokir
+sashi
+harkey
+banier
+a-tete
+medora
+brandreth
+sshrc
+calabarzon
+duplin
+katt
+sibutramine
+d4
+sloate
+desgrange
+indulis
+57-54
+tumor
+khowr
+göppingen
+wakanda
+franco-russian
+otafiire
+duprat
+superwasp
+yat-sen
+saxcoburggotski
+reintroductions
+cwa
+luigia
+kwaku
+saint-maurice
+scheuer
+rotich
+nwf
+karlgaard
+bulkington
+manoeuvre
+aang
+kilmartin
+28/29
+lakhi
+lamborn
+miskovsky
+gavkan
+vulnerability
+68.42
+stojkovic
+aquila
+lieutenancies
+allergen
+tixtla
+guzek
+giacomo
+dissemination
+rans
+winamp
+dimartino
+paperbark
+irmin
+feluda
+arcarons
+kopeks
+2.14-meter
+n50
+1,591
+alkaline
+lehman
+shellacked
+castellum
+tokhi
+commemorates
+glasner
+alkartasuna
+g.i.
+bobbio
+118-run
+tyack
+724,000
+farfisa
+facchiano
+xp
+strapless
+billroth
+waste
+kayne
+darroussin
+ayim
+bombproof
+efqm
+benešová
+cieply
+wern
+moskin
+minos
+carawan
+hepcidin
+nollie
+hookup
+mock-ups
+mônica
+incest
+blondell
+4-0-24-0
+radziłów
+faucheux
+teleway
+hidayat
+ampico
+biostatistician
+antifouling
+akhund
+disses
+8,050
+alessio
+butana
+39.63
+greeves
+chattanooga-ringgold
+mobis
+doens
+77.97
+euro406
+metzgar
+2002-2012
+guruma
+scouters
+biennial
+82.62
+yeatman
+ledoux
+entailment
+burgmans
+bovid
+tabbed
+parity
+polzin
+cscl
+nisoor
+ratdog
+akong
+yerima
+preapproval
+opoka
+sutomo
+distrusting
+gladstonian
+dunavant
+lulls
+exurb
+ganay
+elderly
+demodulated
+bride-to-be
+buli
+kormiltsev
+brettingham
+hazlewood
+reputacion
+tehranis
+gildon
+40-meter
+ellas
+1935-36
+anti-serb
+trnovo
+abramoff
+philly.com
+niceto
+12-july
+begetting
+fishel
+mecachrome
+bitterroot
+sandora
+litterbug
+papaligouras
+relink
+reyad
+wince
+gaudy
+bosu
+puja
+caymans
+knipper
+dicer
+servisair
+significa
+hennef
+sator
+balaj
+huben
+schoenberg
+majcen
+hincker
+despacho
+ansip
+photorealism
+bashan
+rand
+37.60
+humbling
+capitalization
+scheib
+quavery
+fave
+48.36
+viverito
+frederico
+mistranslated
+olazabal
+12pts
+eighth-best
+jjc
+defrayed
+5.15-an
+zwingli
+candlish
+teenagers
+kaidō
+mactaquac
+gas-operated
+rickettsia
+gcais
+baranof
+hostage-taking
+wrymouth
+melius
+dxo
+migereko
+ohridski
+karolina
+gheluvelt
+comunicar
+knoebels
+sub-mariner
+remizidae
+ghost-like
+josephinum
+estorick
+122-seat
+trị
+zhangzhung
+cyrus
+polychoral
+skybridge
+dolakha
+paganin
+dimorphic
+goochland
+tangalle
+220-foot
+sturanovic
+dibacco
+postproduction
+viciousness
+0.021
+paddleball
+ponnampalam
+balogh
+rescored
+kitchenette
+meehl
+sirte
+grosek
+cipollina
+iuppiter
+gestis
+aquilo
+emicho
+chamfer
+multi-event
+37.29
+resurrects
+kvh
+choreographing
+vestige
+dam
+watchdog
+songshan
+tunnelling
+kelvingrove
+uthlaut
+sabine
+redaction
+birdseye
+reapportioned
+i-can
+manque
+pellegrini
+jean-martin
+volunteer-run
+13-26
+palaiologan
+bermel
+karasahr
+freda
+irminsul
+šarlo
+laodice
+micunovic
+ofi
+gerela
+hadeeth
+tirados
+stodden
+witherington
+biocontainment
+gojjam
+blanqui
+abullah
+mineralogist
+haldi
+zarlino
+mandrell
+osięciny
+merania
+subadult
+yurika
+nw
+clipper
+cup-winning
+aaronson
+shouliang
+rybkin
+uutoni
+fascicularis
+top-forty
+played/managed
+playgrounds
+b&w
+mixed-breed
+multitask
+dobriansky
+cowal
+martu
+nichola
+reniform
+fugger
+11.63
+gaekwad
+orating
+co-promoted
+odmark
+bigfix
+organizacion
+photinia
+cadoxton
+baracca
+3-22
+kaksar
+upperparts
+megalomaniac
+redoubt
+isoft
+banteaux
+glanced
+universalizing
+tanha
+willaert
+radlinski
+nijō
+cotner
+plotters
+lamo
+philharmonique
+jorde
+204.3
+insane
+yeerongpilly
+youngberg
+seductress
+glycols
+bodom
+cityscapes
+hispaniola
+gazi-kumukh
+2,511
+quints
+metalsmithing
+hve
+razan
+parasitologist
+verbano-cusio-ossola
+f-86l
+l'viv
+mignault
+damot
+grubber
+shumshere
+1.515
+chaffinch
+baha-ud-din
+sehat
+65.28
+noshing
+triumphing
+baradari
+touchbacks
+electrocute
+vaulter
+hellenized
+handcuffing
+ark
+patriciate
+esra
+lykaion
+mazin
+unresisting
+pechiney
+unimportant
+veszprém
+floriane
+prytz
+tagar
+kamban
+shebli
+solman
+angulimala
+aranđelovac
+sukhois
+drakh
+saxeten
+alimony
+dikkers
+selimiye
+chaypareh
+stannington
+124.44
+aubame
+gilhooly
+kamera
+q4000
+hirata
+licona
+rmu
+freehills
+dicussions
+rheostat
+coelogyne
+acipenser
+dusting
+loweswater
+benczenleitner
+mejorado
+nyk
+violating
+casso
+palmela
+12,350
+bianca
+kibet
+jam
+gagné
+balgimbaev
+pastrami
+aharanot
+priscus
+ennobling
+shurab-e
+wahhabite
+vierma
+yermoshina
+21,429
+thandeka
+moenchengladbach
+churlish
+medaille
+guides
+auroville
+fatwā
+3.6-percent
+4-0-19-0
+siphan
+cosina
+non-natural
+louds
+canaanite
+macleay
+genannt
+carefully
+bangui
+saá
+105,500
+pokrovsky
+camelids
+lovato
+traumas
+53-lap
+thamshavn
+koothu
+windscale
+surfaid
+radiolinja
+glafcos
+2degrees
+daan
+baudelaire
+strategis
+negley
+itanagar
+tobelo
+bundesland
+gangwar
+gerasimenko
+25-billion
+390
+otolaryngology
+faxe
+varese
+fuerte
+polsat
+mwana
+r64
+bonjour
+perritt
+cleopas
+forgione
+druse
+pimpernel
+foundational
+purdham
+dobson
+lumme
+ramanand
+rabbinical
+mehmud
+havlova
+17e
+1q21
+gaue
+starz
+evergrande
+thirstiest
+gloomier
+sliema
+luncheon
+1.759
+ambisome
+vasopressin
+feedback
+norota
+cytological
+chanthalangsy
+31-32
+1.4360
+sicker
+hércules
+katkar
+choreographers
+dagobah
+gt-r
+magee
+mullaney
+overoptimistic
+arkansas
+axis
+14,300
+meddoff
+fleece
+nhmuk
+said.
+wowing
+e-act
+praenomen
+ccp
+istana
+239-6200
+forough
+tjader
+monitoring
+williamsburg
+sketchy
+carnwath
+30-company
+macaulay
+marsteller
+microfiche
+hochdorf
+diverticulum
+ulhówek
+memoria
+fokker
+bassist/vocalist
+holzwarth
+daluiso
+agnes
+19:01
+names
+mukhopadhyay
+boalt
+gostkowski
+promontories
+personage
+1,565
+dubow
+udt
+lefrak
+al-qadim
+hedong
+tsedenbal
+bräuer
+judge-made
+861
+trenchcoat
+neighborhood
+chawki
+looters
+kuntze
+vizsla
+standardize
+goldikova
+hammersley
+148.2
+thinners
+west-to-east
+1209
+malhação
+suddeutsche
+widerstand
+ratt
+silenus
+tevlin
+38-15
+inflecting
+riet
+9-percent
+emerita
+dutchy
+3-week
+jobar
+204.5
+wallflowers
+watto
+o'ahu
+depositional
+overend
+kallos
+hilgert
+moraes
+studie
+rebuildings
+konkani
+gehrels
+quebracho
+etherow
+waltzing
+degrazia
+sharpeville
+170-kilometer
+astrology
+allophones
+sabonis
+giudecca
+87.63
+balzo
+woggle
+sayoko
+éder
+grandidier
+1971/72
+laminating
+monkeys
+tog
+qadeem
+limpert
+runner-ups
+defict
+,040
+classing
+mtb
+sityodtong
+insourcing
+effaced
+choroid
+haeggstroem
+buljubasic
+gamekeeper
+heusenstamm
+108.76
+dieppe
+cunshen
+assists
+antonelli
+kondratenko
+octoraro
+97.05
+slave-holding
+margaretville
+ios
+rebellin
+persei
+iswaran
+churandy
+martires
+lipoma
+corrections
+jamarat
+tricentenary
+cabadbaran
+verryn
+mark.okeefe
+juancito
+cloonan
+portuense
+jarosław
+harken
+superman/batman
+coxeter
+clubmates
+quirke
+legendary
+saraland
+wasl
+wareing
+westley
+notagonum
+lagopus
+91.44
+tvone
+stier
+shampooing
+observables
+.521
+55-48
+/
+alighted
+rediviva
+lacerta
+suniel
+euro830
+esan
+333.3
+bourousis
+krumins
+aspa
+teletalk
+kolter
+shelpidi
+ufuk
+chubb
+jagmohan
+goolagong
+kamurocho
+schifani
+bikrampur
+savior
+invitee
+363,000
+slaveowner
+scientifique
+faker
+dhaalu
+trounstine
+isozyme
+striated
+donata
+sheathed
+sitution
+aldinger
+buonarroti
+34.46
+stanic
+treos
+cuhk
+erato
+melodious
+recoletos
+barschak
+austinite
+nzc
+tomasz
+mountaintops
+malsagov
+mukuru
+leotar
+1.3845
+xiii-2
+loosest
+persuader
+williams
+nizao
+65,000-ton
+presumptuous
+sandwiches
+flung
+castaño
+hydroid
+dravidar
+dragonforce
+hntb
+kars
+kamnan
+aleu
+dimmit
+6,800
+collazo
+felipe
+plumping
+trivalent
+khamidov
+gongcheng
+rolley
+underfinancing
+utopian
+6,000-strong
+haman
+83.36
+chokepoints
+natwick
+dihydrogen
+a-320s
+two-row
+czaplinek
+oratorians
+crevel
+bewilderment
+avenor
+piety
+keisei
+sporck
+jonatha
+saedi
+fda
+transredes
+debated
+rottentomatoes.com
+freakum
+weems
+syclone
+german
+632
+wanneroo
+tamaya
+high-frequency
+dissanayake
+spore-forming
+knotweed
+massouma
+hardware-based
+kalamanov
+presslink
+rudic
+possibly
+780-page
+yahrzeit
+shurley
+yaks
+114-113
+boti
+motoaki
+48-hours
+16.51
+1,491
+water-supply
+quixotically
+cairngorm
+smeary
+autographs
+auping
+giorgi
+kalhora
+henneberger
+perspectives
+predesignated
+mpigi
+ninan
+nihang
+twig
+liebestod
+soumare
+dzierzgowo
+mgaloblishvili
+morikuni
+criticised
+fryers
+dwr
+brann
+pepperpot
+hamtaro
+15:05
+spurt
+shirtdresses
+waltons
+jincheng
+62.73
+rough-legged
+djay
+somairle
+charmaine
+break-of-gauge
+sila
+105.36
+sudoeste
+philippus
+coral
+goar
+asexuals
+redmen
+jarbidge
+nootropics
+16-leg
+bigos
+0101
+gurieli
+behring
+43.20
+vanczak
+thesz
+roufs
+spingarn
+79-yard
+larifou
+blakemore
+handcrafts
+shaunti
+spiess
+nothingness
+degener
+jogye
+cults
+περὶ
+fajardo
+croxall
+peacock-pheasant
+74.66
+krupinski
+4,468
+lamoria
+x18
+siddiqui
+yaad
+clarice
+benaouda
+śruti
+cdbaby
+g10
+pharmacists
+begich
+swithun
+pectoralis
+bemba
+stayaways
+snam
+hindawi
+ibragimova
+gummidipoondi
+lyricism
+duessel
+farahat
+ruru
+3.9-billion
+cuckmere
+horsnell
+warkentien
+ōkawa
+henman
+ardeidae
+tuluva
+enjoyably
+unmounted
+modest
+shakta
+algimantas
+nyva
+kushites
+sakala
+energoatom
+hopsin
+3,171
+sarab
+pogatetz
+incus
+medians
+deepening
+pelevin
+naţională
+stans
+taga
+bishōjo
+0240
+dajabon
+regimes
+akiva
+guigou
+2,444
+1523
+hamrlik
+giresun
+i-376
+opportunity
+shs
+10:18
+encouragment
+pipra
+logarithm
+epton
+nonius
+cels
+krasnodar
+deerskins
+qualité
+hiromichi
+fey
+sangstha
+non-genetic
+gaztelu
+monophthongs
+unprofessionalism
+raspail
+afecta
+reductive
+juked
+multi-class
+second-largest
+inácio
+shootarounds
+unimaginatively
+commits
+knobs
+ysidro
+doyline
+determinists
+verelst
+troides
+records/universal
+hanrahan
+língua
+elektrostal
+makhado
+purty
+jumpshot
+pudzianowski
+kesava
+109.08
+9.04
+morford
+mendizábal
+fillies
+bugeja
+magdincev
+almsgiving
+nybergsund
+sapientiae
+superpipe
+crofter
+duy
+microbrewers
+niland
+casefiles
+mogensen
+48,600
+grassed
+kcfw2.kcstar.com
+commissars
+skepta
+wenge
+boullier
+25-aug
+vanilli
+gramercy
+kyanite
+930-mile
+8.87
+asperen
+aberlady
+103-92
+organi
+häme
+ardelean
+assimilation
+comillas
+nelida
+phala
+razès
+asclepius
+foltin
+pattan
+suiciders
+druckmaschinen
+porterbrook
+nms
+johnie
+fuego
+marga
+19:56
+schotten
+cerebos
+qaderi
+orihime
+coriaria
+koji
+biaxin
+banya
+genelius
+enraght
+solovyov
+mta
+waxy
+23.71
+périchole
+northeastern
+62.15
+500-kilometer
+zilla
+8600
+logins
+hargeysa
+playthings
+19,100
+ghedi
+43.19
+pile-dwelling
+lamprey
+nimri
+taricani
+resemblances
+ogier
+loblolly
+ermione
+9.69
+bloomingburg
+3-seeded
+prologue
+non-act
+23.52
+denna
+non-precision
+1859-1860
+krobo
+othe
+anadyrsky
+bbox
+masovian
+emberizids
+baklava
+yanbo
+fracas
+beland
+leanest
+l.e.g.i.o.n.
+stanwich
+kuhner
+reiland
+moonface
+terps
+tarino
+39.87
+perchance
+weigle
+adilgerei
+vomeronasal
+jezero
+zuckerbrod
+fair-trade
+on-disk
+nurhan
+81-64
+fefa
+tamir
+390-7862
+linney
+rhydian
+pecorella
+lindroth
+rubaei
+ypbpr
+rookies
+vlasic
+harton
+pannekoek
+westham
+28.02
+tapley
+xg
+rheindahlen
+ectothermic
+kome
+policyholder
+ponniah
+monomials
+provenances
+4,133
+all-great
+biologie
+five-acre
+cactuses
+1718
+bazan
+surjit
+tsurugi
+codomain
+jeanty
+norshteyn
+77.43
+figuerola
+ricciuto
+jollies
+3,576
+propagandhi
+fantasía
+sanderson
+eran
+skylar
+bba
+ccl4
+etty
+airspaces
+durruti
+neku
+airing
+iaas
+esperanto
+taibu
+42.19
+annita
+much-reduced
+21.11
+larysa
+nicomachean
+kallick
+maksutov
+noaki
+hps
+14,285
+cowan
+santals
+mornhinweg
+30.14
+triops
+suárez
+bromelain
+explodes
+11/4
+casca
+mcbrien
+medwin
+296.4
+long-tailed
+lockerbie
+gibbula
+comédie-italienne
+chapinero
+haiku
+bekmambetov
+e-banken
+rhinestone
+qtera
+one-vote
+solzhenitsyn
+dillin
+waterberg
+raimondo
+koko
+power-up
+gyurcsany
+gelati
+behncke
+i-37
+mignard
+cuepacs
+airfix
+single-board
+171
+108.41
+gokal
+lazzaretto
+much-used
+ogston
+tuppence
+waggon
+receptus
+one-for-one
+baxter
+crawlers
+gefter
+sea-based
+poussaint
+trainmaster
+3.76
+jennies
+poisoner
+coro
+trades
+newminster
+foot-soldiers
+badvel
+priority
+deryn
+buisson
+1679
+pora
+interco
+d'alesandro
+106-98
+8.68
+reproach
+tirpitz
+(716)
+jerryd
+predating
+demonstrates
+carriageway
+batyrov
+sibugay
+gradina
+kc-45
+fetishization
+gagra
+manned
+52-point
+transpersonal
+hilf
+morejon
+koshien
+ditka
+alioto
+pix
+unsw
+biking
+pontefract
+pienza
+riviresa
+8,580
+52-foot
+utpa
+uptakes
+espanol
+raiden
+tiroler
+seabreeze
+juicers
+immersed
+siegenthaler
+isdn
+klempner
+kingwell
+idiomatic
+kec
+mutebusi
+linguists
+comunista
+azwar
+lmd
+campanelli
+111,500
+327,000
+copely
+antinomy
+pogosyan
+2-42
+karloff
+skylarks
+poststructuralism
+friedmann
+biriyani
+congoleum
+1-2-meter
+rafi
+formula_55
+curdle
+gearshift
+cobblestone
+31,200
+psihoyos
+1.618
+deleston
+shew
+treherne
+gazetting
+karnofsky
+wested
+jaymee
+phuntsog
+blairite
+florescence
+buckram
+3,543
+87.79
+knuckleballer
+sharavathi
+12212
+108-99
+mouse
+rabieh
+moawiya
+sclater
+8-4-1
+feyzullah
+pinos
+davita
+kāne
+yujia
+channareth
+24.83
+aljosa
+bmed
+kocab
+sulphuric
+now-abandoned
+cabinetmaking
+107.07
+tanggerang
+pintores
+6f
+cupolas
+americanum
+morticia
+polkovnik
+baselios
+fuori
+pagal
+abugida
+blocker
+mummius
+adlam
+3-33
+66.46
+kemco
+wodeyars
+yamil
+winstone
+anura
+thann
+tiptronic
+hoth
+tanguy
+21.09
+scrapheap
+bocce
+cadwallon
+buttimer
+shootings
+dorky
+peduncles
+caso
+lege
+toiletry
+volcano
+105.40
+pornography
+neurosurgeons
+shockproof
+commune
+eatin
+premium
+ahrts
+echinococcosis
+800,000-dollar
+castlevania
+boxe
+macaranas
+skiba
+adv16
+hasbro
+31.42
+power-hitting
+spaniard
+miandoab
+metastasize
+bt8
+blenko
+koose
+tiga
+karaköy
+demethylase
+478th
+tureen
+obregon
+pharo
+pausa
+igloo
+pref
+melus
+stuffy
+pastas
+2-for-6
+fancied
+33.66
+chogyal
+brochet
+muranen
+fernie
+griping
+83.82
+11.59
+subregions
+batayev
+sydney
+bothy
+hoarders
+dangol
+longone
+hypervigilant
+stepparent
+1175
+sinkin
+voyaged
+slánský
+3.5-billion
+l'église
+mimica
+subscribers
+henschel
+cevat
+34,375
+efren
+voulez-vous
+kongolo
+mahrs
+luiten
+siona
+bioaccumulate
+chillis
+agong
+eleazar
+protess
+stabilizes
+kalonymus
+jgi
+battering
+mardam
+talyn
+hoiberg
+297
+weissenstein
+heg
+biji
+manteno
+bickenbach
+phrygians
+amedee
+salari
+sanacja
+utterance
+13-30
+liberally
+automotive
+mathivanan
+deltha
+translocated
+coralville
+skim
+2,194
+sturridge
+philosophy
+frankish
+zardab
+clowes
+mazzara
+hammoud
+utøya
+co-operate
+pancho
+cpbl
+sedges
+drozd
+matav
+enhancement
+bouche
+schenck
+sadly
+sumenep
+trollocs
+dedi
+1.1925
+lightnin
+paraty
+guiuan
+nork
+sainte-geneviève
+intermediate-level
+orfeo
+mughniyeh
+karlstad
+decelerated
+elaph
+meshuggah
+brimson
+bropho
+wideband
+creelman
+contrario
+autonomy
+epitomises
+slaw
+superpremium
+mailboat
+wpga
+shemami
+jethawks
+olb
+wood-ridge
+alaei
+saligna
+pictorial
+titlist
+recife
+lachrymose
+corisco
+13.5-inch
+fireheart
+burj
+agonoxenidae
+standpipes
+usnrf
+60.49
+babek
+trib.com
+rearrangement
+mool
+petaling
+prn
+arrs
+basil
+riegler
+106.68
+alveolar
+valore
+immortality
+saji
+usurers
+brezosky
+fun
+oakes
+bhupen
+65.21
+suková
+jakobi
+raychaudhuri
+kessar
+evergreen
+plexus
+gilcrease
+gontier
+shinta
+hennady
+peformances
+poised
+munqith
+thermoset
+sinbinned
+two-cycle
+1-800-698-4637
+autopacific
+ages
+helong
+amonte
+aliens
+infrastructural
+05sec
+outlives
+dzhindzhikhashvili
+kahlefeldt
+deniau
+amardeep
+dibujos
+fickle
+esdp
+short-stroke
+risberg
+yabo
+fistfuls
+dingli
+kemalist
+obion
+jebsen
+pamper
+rd3
+spooning
+cincinnatus
+30-billion
+overhit
+klea
+corpuscles
+chafetz
+facchetti
+performers
+radnik
+lezion
+fraisse
+top-8
+bweiz
+montalbán
+dlb
+mahre
+zum
+treks
+173.00
+upstream
+spreadex
+ovf
+patrias
+oikos
+clift
+spion
+vitasoy
+spertus
+1365
+mapu
+torben
+otras
+mārtiņš
+lousiana
+pericardial
+stir-fried
+negativism
+suavity
+intone
+werner
+bomb-proof
+deprecatory
+barentsz
+chansi
+pezzo
+u.n.-sponsored
+fortune-teller
+subregional
+kates
+nnm
+panfish
+bpo
+ulisse
+intercambio
+buttafuoco
+apbnews.com
+conquistador
+karabükspor
+persico
+mennea
+hieronimo
+gundars
+yann
+martorell
+ambiorix
+nezavisne
+thale
+0.5-2
+339
+hge
+bujold
+catalán
+earthed
+santali
+eitzen
+dromi
+neoptolemus
+strathalbyn
+walkerl
+barato
+ruslan
+norridgewock
+bishvat
+46.56
+toff
+graven
+celestia
+drottningholm
+tormey
+arnage
+20.53
+yasufumi
+blankson
+meifang
+92.67
+memed
+monett
+cityview
+bienkowski
+bemberg
+641
+hanau
+proxicom
+riez
+khudhair
+preplanning
+2-time
+olai
+pa-risc
+dalma
+urbanised
+tillotson
+berggren
+lilleshall
+cofresí
+baqi
+khoshaba
+pukka
+surrended
+fraternidad
+sahlgrenska
+albeck
+seductively
+goldhirsh
+newshound
+2245
+55.98
+bretonniere
+l-function
+congregants
+stotsenburg
+marmo
+wdaf
+4-quart
+renter
+næstved
+cytisus
+5,666
+boria
+antiterrorist
+1385
+oido
+castrodad
+213.2
+upon
+pochard
+macaya
+needlefish
+63.49
+uzal
+hornbeams
+2.500
+sizzle
+horinko
+icos
+souped
+funso
+desolated
+afzal
+szalay
+koshiro
+200.5
+dieren
+strahk
+kilby
+klasse
+oncins
+charteris
+minucius
+ln
+in-fill
+macgill
+monjurul
+illica
+teza
+361.5
+blackhead
+angastiniotis
+schaueble
+trapezes
+sylphide
+vibhavadi
+moulsecoomb
+balakirev
+talmid
+cumberlands
+15.76
+5-1-1
+csilla
+afleet
+lastra
+dined
+niinistoe
+atheling
+longtown
+kauth
+mahagi
+ddungu
+baoshi
+pinched
+lumumba
+48.60
+yanga
+becc
+golan
+aviva
+wining
+digue
+profs.
+nayakas
+nnk
+pépin
+faxon
+iwanowice
+gjirokastra
+acclimatization
+dedications
+č
+nerves
+chorused
+saltpeter
+tripled
+wood-based
+catalyzed
+wilfred
+cross-training
+veth
+kirloskar
+chapter
+orality
+sorafenib
+tintori
+10-0-1
+dreary
+pule
+asheron
+olly
+sorbet
+180.7
+unpp
+dimunitive
+586-billion
+thuraya
+ortalis
+conseiller
+yearly
+rcbc
+actuel
+unblocked
+3,874
+bobsled
+tr-1
+concurrency
+yogendra
+izabal
+hong-kong
+palander
+panelled
+12-of-14
+minahan
+thumann
+posthumus
+24.1
+pleconaril
+210sa
+microfibers
+microbus
+28.54
+2:07
+4:08
+sts-135
+stabbers
+shravan
+rioch
+splintered
+floating-point
+signy
+alaimo
+vdc
+outplaying
+mosser
+donmez
+nezahualcóyotl
+hav
+andjelko
+kuqi
+4,054
+lunacharsky
+gudykunst
+cabela
+backslapping
+sophistic
+soundtrax
+alehouse
+bergamin
+sneijder
+kemajuan
+nwmp
+flare-up
+sci-tech
+109.80
+primarily
+sensabaugh
+pumpkin
+psychographic
+shinden
+ostalgie
+kindy
+5:05
+malev
+cakewalk
+mitsubishis
+seleção
+94.00
+trías
+triet
+straitened
+dierdorf
+overnighting
+mære
+bonis
+hotung
+ayuda
+dispersants
+switcheroo
+multivolume
+superhumanly
+vittel
+tianbao
+raheem
+rightnowar
+barrette
+vijayashanti
+prebon
+amboy
+osanai
+labazanov
+sarig
+croutons
+hcn
+khrushcheva
+caladiums
+chaldeans
+philia
+heraclius
+contains
+lyft
+surma
+luverne
+cd-i
+collis
+faridkot
+tygodnik
+asceticism
+isobar
+11.94
+naida
+chaudhury
+pows
+extolled
+fulgor
+240.5
+rebounded
+reimbursing
+sumika
+carcinoid
+redescription
+student-centred
+1942-1946
+eadgils
+gongga
+503
+heldentenor
+sankei
+73.25
+krupps
+memorialised
+succinyl-coa
+aimo
+margiotta
+unadilla
+72.11
+dza
+sains
+201.8
+widgery
+mohn
+nanoparticle
+ohlde
+howaldtswerke-deutsche
+naaz
+craveiro
+minnetonka
+enigmatically
+kelpie
+ss-obersturmführer
+salimi
+duvillard
+oswal
+madagasikara
+krapina
+p-39s
+akvavit
+drippings
+microscopy
+umali
+thunderbirds
+adoptive
+laudis
+oracle8
+surry
+sm2
+sprem
+honeypot
+antall
+liberalizes
+hagans
+sanitarium
+multiservice
+zelienople
+berrocal
+sherina
+cameroun
+vierge
+700.000
+six-bay
+ilsley
+mashups
+.03
+urbania
+sunk
+odion
+heckles
+suhaila
+clavatulidae
+p18
+unguaranteed
+62,700
+nanne
+myrhorod
+dogging
+decider
+brownlow
+manures
+dichroic
+shrunken
+sarft
+broadmead
+6teen
+subcommander
+flusher
+kard
+paleo
+suphachai
+245.5
+perabo
+leonida
+chelles
+vse
+thérouanne
+63.15
+seaborne
+21.01
+cybèle
+zj
+steiermark
+prorogation
+namond
+crenulata
+1,898
+poro
+motogp
+chaohu
+redfoo
+bluestone
+dicotyledonous
+soulless
+coff
+1.5780
+jerseys
+nino
+carrière
+dacoity
+moonah
+synthetics
+wyeths
+jerrod
+84.94
+ogasawara
+petromatrix
+eyebeam
+vansant
+merovingians
+kaiba
+enrichments
+knapped
+degenerating
+273,000
+grinder
+2.925
+rheinschild
+pisanu
+3,189
+neagra
+radoviš
+zabaykalsky
+museet
+re-examining
+anderston
+jaromar
+a2000
+francais
+mattering
+sypniewo
+conviction
+airsoft
+2-34
+băile
+fortes
+moravcsik
+28.03
+nikita
+lend-lease
+attas
+4184
+arroz
+whitner
+emasculation
+arch-enemies
+pass
+netpac
+khandesh
+defenceless
+bhairab
+tabakova
+verdadera
+narayama
+kronecker
+coahoma
+bø
+rc-7
+limond
+serwer
+rizzoli
+cotati
+madeco
+sheares
+40.97
+cuéllar
+demonetised
+catchword
+fabrique
+pigeons
+conte
+obayashi
+chobin
+bosal
+slinks
+visalia
+out-going
+recalled
+askov
+amadeu
+hyvinkää
+snrnps
+paralyze
+fertiliser
+slogans
+purchasers
+felid
+r&d
+philemon
+billmarket
+lenvik
+7,280
+sarex
+18-8
+myrrha
+kakhetian
+850,000
+boast
+lochgelly
+r.a.e.c.
+desco
+prosimian
+markaz
+kendleton
+11-game
+feminist
+interferometers
+ruhnu
+11.39
+ludik
+2,051
+salps
+119.75
+sichone
+zulema
+tribunales
+non-flammable
+paphlagonian
+muk
+re-appointed
+scialabba
+urup
+perundurai
+r.k.
+adelin
+scrapper
+agnel
+storm-related
+gennevilliers
+stringbean
+valueoptions
+21,600
+1682
+emulates
+183.50
+vacchi
+pompon
+dobyns
+senselessly
+cardio
+admitting
+foshee
+spellcasters
+sanghar
+saqqara
+tyvek
+athenaeus
+bicycles
+agolli
+300-million
+rolen
+siddiqi
+mds
+kraske
+mickell
+melanic
+engl.
+1964-1970
+houari
+railamerica
+grasses
+keshishian
+50.08
+vaudevillian
+rogowska
+readville
+lekythoi
+owers
+provincial-level
+conaie
+mikli
+unsafely
+alibaba.com
+douri
+aprile
+27-game
+opris
+relander
+niš
+sanatoriums
+bkf
+alikhail
+ultraviolet
+wonderwall
+mcclary
+kidwelly
+miaoli
+rapscallion
+0.04
+caravanserai
+relson
+tgo
+fica
+consulted
+savio
+whitbeck
+18.13
+sterculiaceae
+meps
+shaf
+temporomandibular
+almanij
+azha
+tokiwa
+shomrei
+kurtag
+heronswood
+kineret
+animal-based
+kitsch
+phaya
+33.68
+kinston
+morellet
+logistic
+meserve
+bellone
+falsify
+sweetness
+interlocutors
+glaubitz
+vignale
+monday-thursday
+she-oak
+1million
+10/10
+impose
+coxhead
+noyyal
+preeminently
+passerini
+ranga
+andøya
+marnell
+visitas
+incarcerations
+toxteth
+barrica
+lgp
+amgen
+goby
+woolson
+cziffra
+dipolog
+wxyt
+86.13
+5/4
+tuin
+inseminations
+stegic
+1/km
+qadis
+berghahn
+stationery
+ollivier
+toefield
+preacher
+non-french
+doyenne
+sultanhisar
+73.0
+gorica
+cimade
+morii
+memorializes
+demolay
+mwt
+cheche
+slaten
+depeche
+olodum
+2015-2016
+naqoyqatsi
+chacma
+bioplastics
+giulianis
+fradkin
+facedown
+hardanger
+huevo
+kelachay
+free-to-air
+pentru
+frémont
+trickett
+gamboa
+victorio
+montenero
+sonet
+mlambo
+blacas
+hematuria
+twin-gun
+parabens
+dongliang
+groveman
+habert
+24.25
+fauns
+uston
+bucanero
+vowels
+lucifer
+chisels
+ibexes
+7,460
+thabo
+skintight
+likoni
+w.va
+foxhunting
+garford
+iglim
+coum
+7.51
+trakr
+kanpur
+moisei
+gamu
+laurentia
+cascade
+wah-wah
+8,100
+woolshed
+begam
+screwjob
+1er
+vice-admiral
+cubagua
+yehya
+neo-impressionist
+tauqir
+avert
+60,900
+straight-ahead
+raconteur
+pollwatch
+curent
+ctrm
+58-57
+importing
+nd4
+caltech
+bxc3
+olivar
+biosafety
+coron
+solovev
+drowne
+49.36
+atr-42
+namath
+one-room
+larrazabal
+bitawi
+carriera
+chainage
+cricetidae
+marye
+acron
+ōnishi
+philotas
+sawchuk
+bodyline
+granola
+portlock
+zamboangueño
+51.64
+guedj
+conon
+sscc
+palocci
+omineca
+bharatnatyam
+sheryl
+foris
+azkaban
+1879-80
+trinity
+scrafford
+ny456
+pfk
+edes
+cnn-ibn
+pectore
+wilsoni
+binaca
+60-60
+1.23
+gerg
+kenoly
+suryavarman
+bowmer
+longest-lived
+enchants
+1/64
+aacc
+inazuma
+mette
+oatman
+thringstone
+vermeer
+mitzi
+arraign
+tianxiong
+enantiornithine
+6,260
+tayyab
+arambagh
+achmad
+malgieri
+self-consciously
+kalpakkam
+psmith
+twenty-minute
+tolmin
+runningback
+mestrallet
+13-week
+2,496
+anglomania
+vns
+mid-2010
+branimir
+phuong
+misuses
+sopheng
+10-100
+36.64
+vernaculars
+lipcsei
+assel
+schetyna
+coucal
+crabapples
+airgas
+campan
+full-cast
+weatherproofing
+pokemon
+63.08
+shiites
+coverlet
+spikey
+huaicheng
+nadol
+15-room
+scrappier
+stonington
+pipistrelle
+1918-1922
+rowse
+pickguard
+166.5
+wann
+werdum
+51-44
+kaufhof
+virtual
+sivas
+hoàn
+w10
+15-64
+half-wave
+zumpango
+14.66
+yoni
+radicalisation
+ceas
+triumvir
+mizusawa
+yuqing
+microturbines
+ministrations
+stormare
+coc
+aamot
+multistorey
+dabhol
+maiolo
+gassmann
+conspiracists
+drotske
+bayati
+pangas
+rebrand
+21c
+fireclay
+laelia
+leontine
+fearing
+wave-cut
+leesville
+sauntering
+rijp
+kantorovich
+groß-gerau
+crennan
+lakhimpur
+levesquesptimes.com
+tallulah
+yemi
+muelheim
+ghuneim
+preciso
+comerci
+wulfhere
+10.74
+oxygen-rich
+bascule
+pour
+126.35
+kathanar
+eventually
+nzd
+unpaired
+coura
+doebbler
+swinfen
+hindalco
+dummar
+brutha
+elman
+wasila
+halewood
+dąb
+höhere
+treichville
+attractants
+evisceration
+dehumanizing
+yet
+baghran
+ohashi
+6,244
+kaag
+genug
+buies
+niecy
+coastland
+radnofsky
+cytopathology
+tandare
+pavonia
+cayrol
+wile
+streptococcus
+juntos
+kimbe
+rasulov
+cockfield
+yarbro
+lurks
+jarvik
+hulbert
+73.1
+netlibrary
+4,058
+5,999
+shoucheng
+5-shot
+post-apartheid
+carterton
+revising
+curlers
+drita
+one-party
+moellering
+castelló
+deiva
+fatehpuri
+hardens
+digitizer
+tarzi
+dongen
+rohullah
+d.e.a.
+sōka
+jasray
+xohm
+ichi
+naikzad
+download
+gosa
+2,212
+3,548
+chahardangeh
+winemakers
+camac
+ayoubi
+brammertz
+kor
+56.45
+prakit
+xixia
+672,000
+jugraj
+onoda
+mehta
+hormuzgan
+wdm
+18.90
+2,311
+gord
+agne
+csra
+replacer
+ensi
+maala
+realmedia
+modernizer
+depaulo
+nezam
+salmons
+mulva
+combination
+11km
+thorndon
+madrigals
+standard-issue
+gardel
+detailing
+onomatopoeia
+bodybuilder
+acushnet
+azs
+schuenemann
+77-43
+c.p.
+shamshi-adad
+gamescom
+xiaozhao
+trigorin
+ozbek
+141-year
+realised
+endi
+wycoco
+tettamanzi
+withing
+mykolayovych
+elderslie
+xke
+panem
+2,395
+lobsang
+universe
+co-factor
+improvolympic
+enhua
+fiebre
+all-seater
+א
+flounders
+ithamar
+ferrocarrils
+86.41
+hollering
+demigods
+kramer
+wainio
+aacs
+50-tonne
+ammaji
+panic-stricken
+wernher
+asmaa
+russia-1
+hartnoll
+dausabea
+trocadéro
+109.77
+wringers
+heintze
+telemetric
+ondcp
+canings
+theodosakis
+bican
+bitty
+dashingly
+tween
+cannibalism
+149.4
+craine
+jerseyans
+h/aca
+zmeskal
+cayne
+equatoria
+haughtily
+danan
+hanyuan
+scorns
+entendre
+reggia
+gudda
+beys
+ullman
+52.04
+non-euclidean
+80,000-square
+ny-ålesund
+1172
+unobserved
+baptistry
+silverbell
+decumanus
+mandinga
+travassos
+p.p.s.
+bostic
+beira
+muddy
+zibin
+resignalling
+unbaptized
+introduction
+islamize
+cô
+blohowiak
+farinello
+exercised
+whitleys
+lonetree
+sleight-of-hand
+oshiro
+cogen
+lammas
+spelunkers
+10003
+izmit
+jemison
+taylah
+kharyaga
+mauk
+gle
+discounters
+nuclide
+woodland
+borrelly
+gasoline
+postfinance
+pasgt
+ueki
+cpwdp
+ulm
+guymon
+paranagua
+63.90
+skellig
+spacewar
+stetsko
+degree-granting
+walerian
+129.35
+turnour
+sessional
+fahri
+reden
+houseboats
+assabet
+punchline
+working-age
+copular
+dharmic
+bolyard
+chicchi
+amrollahi
+minarets
+sarab-e
+suvari
+4,205
+kyōgen
+phelim
+ridwan
+rsauer
+poele
+.929
+anders
+nesta
+fft
+héctor
+nessim
+drogas
+flipnote
+iliac
+fe2
+profit-making
+kokh
+cecrops
+1141
+caramelizes
+comptroller
+cyberworks
+louis-san
+depreciations
+may-june
+57-member
+maliana
+frutas
+baduel
+kittisak
+rhumba
+chacra
+annuitant
+kjaersgaard
+decentralise
+tarc
+rún
+shpend
+mała
+dracula
+saracoglu
+pribadi
+hermetic
+soyuz-u
+americanos
+evia
+tijani
+hoeksema
+hider
+rahm
+3-55
+basterds
+mayoral
+uniqua
+.732
+tertiaries
+standbys
+'till
+shuma
+meteorite
+callao
+crítica
+tablighi
+mäki
+chaitanya
+chinookan
+celt
+ashcraft
+stace
+elders
+venezeula
+alcaeus
+babbington
+hungarian-speaking
+kcd
+dashami
+kvk
+ransacked
+kansanshi
+blago
+mooncakes
+22-hour
+zwillman
+brocklin
+ala-ud-din
+fengjie
+lingsheng
+sub-dean
+karimojong
+mikasa
+karanka
+eco
+63.33
+heu
+hamoud
+palmoplantar
+downhole
+l'il
+comfort
+namsan
+competitve
+hernando
+orderly
+guerini
+tazili
+presento
+telidon
+elkanah
+zedler
+folliott
+pickel
+248th
+papaleo
+permo-triassic
+westone
+kuningtou
+samsuddin
+babylon
+wnu
+hiedeh
+hvv
+somo
+foursomes
+bobbs-merrill
+sweets
+koosman
+neap
+outmaneuver
+lopata
+djelic
+bouar
+2006-2012
+skoch
+184.5
+ibolya
+katib
+yiddish
+clemons
+halasz
+eien
+152.2
+linien
+groomers
+rubino
+christien
+goran
+al-shabab
+β-catenin
+294.6
+gtrowbridgedetnews.com
+fictionist
+mourvedre
+vintners
+gibralter
+hülkenberg
+http://www.daimlerchrysler.com
+surfperch
+lefevere
+76.95
+i-89
+editora
+papows
+hoofbeats
+tridacna
+mabius
+jana
+pedialyte
+elona
+646-4822
+5-12
+tolleson
+.000105
+trainers
+network-wide
+deftness
+mothercare
+oelhoffen
+kidneys
+revenue-generating
+amien
+croplands
+8-billion
+feith
+2.48
+ridgely
+8.67
+extrication
+bonlat
+witkop
+kuenn
+sophistry
+moleskin
+warc
+premio
+accidently
+ryhope
+dutasteride
+102.90
+manly-warringah
+exogenously
+supersaturation
+caze
+radomes
+gaétan
+fibber
+mid-1977
+sennott
+talmage
+bakili
+2,346
+rotselaar
+rowling
+bruederle
+fifty-third
+skirving
+thịnh
+ratibor
+fraxinus
+brimfield
+amidships
+klez
+embellishment
+louisiade
+110.82
+berlinsky
+azazi
+danial
+eddin
+cholamandalam
+ochoa
+ldds
+totenkopf
+zaytsev
+overbye
+non-motorized
+a-series
+1226
+u.s.-driven
+bildman
+m25
+stellarton
+actualization
+finswimming
+ijrud
+jannsen
+72.73
+runback
+27-percent
+iii
+browsers
+59.19
+renko
+inconsistent
+tharparkar
+eveno
+insect-like
+handley
+ushering
+charges
+mennonite
+photogrammetry
+reedglobe.com
+toei
+medjidie
+12-9
+civility
+suspenders
+penitential
+jabbari
+markyate
+nrs
+romaine
+sevilla
+bandipore
+tiffany
+wittenoom
+connetquot
+olsztyn
+brodick
+68.06
+dkreckdenverpost.com
+eyston
+parliamentary
+larrabee
+48.52
+muhhamad
+baramulla
+blaydon
+aspidosperma
+garzon
+cessna
+necessary
+xlnt
+olbrich
+alaniz
+119.70
+libre
+60-51
+wjno
+multistory
+alfano
+roeun
+172d
+tororo
+bettiah
+phyto
+burdenko
+zna
+q102
+santy
+vitruvius
+maravich
+siewert
+uist
+90-plus
+satow
+biella
+genseric
+panchito
+humeston
+graito
+sorrells
+elegant
+newtownshandrum
+jeopardises
+nulla
+xolotl
+aumale
+forecourt
+mojica
+quarter-mile
+biskra
+wiren
+transcriptase
+39.01
+openhearted
+equipage
+bathgate
+unjustified
+githyanki
+96.49
+qattara
+xiaotangshan
+suchart
+sisterly
+simpsons
+shengavit
+dang
+kontroll
+rába
+daxter
+shahadat
+banqiao
+20.28
+arbol
+flee
+sigtuna
+saygun
+ripatti
+revolute
+röhm
+asymptotic
+clavichord
+hayarden
+killie
+gabri
+snatched
+furl
+okerlund
+cheskin
+svenska
+pop-culture
+sibiricus
+helmar
+sandretto
+23,800
+duboc
+shcherbak
+zacuto
+eb/streymur
+gtld
+inbhir
+32.28
+kukis
+56.08
+hilti
+14:15
+38-44
+datalog
+asosa
+sysops
+cafu
+oxegen
+59.93
+alakiri
+yoshitaka
+osofsky
+kumagai
+somogyi
+trendies
+anglo-catholicism
+budin
+mccool
+carjacked
+sny
+ilike
+wicketkeeper
+coningham
+fan-club
+calliope
+frappé
+tzortzatos
+comsats
+bambina
+71.99
+oare
+garibaldi
+airmass
+mahkota
+pullum
+planalytics
+slywotzky
+barnavelt
+wung
+modeller
+maximized
+kairali
+malmanche
+hunkpapa
+biswal
+39-year
+excels
+iliadis
+lapi
+soothsayers
+mooseheads
+2,436
+vizconde
+alcestis
+dentons
+mornar
+cooperate
+nolot
+heidenstam
+dehydrated
+greywacke
+discomfiting
+gasseer
+paines
+kirtlington
+derickson
+order
+gt40
+24-12
+2,206
+figuring
+hsu
+abq
+vadodra
+yusufiyah
+tabate
+centerport
+electroshock
+plexuses
+cunninghams
+mahmudullah
+in-band
+fr
+reciprocated
+ici
+kittles
+rebirth
+ihra
+siloti
+www.disneyworld.com
+lowi
+crusts
+dollhouse
+shiver
+lacka
+58.15
+linesmen_kevin
+justifies
+trawling
+neudecker
+vizcaíno
+12/9
+earth-orbiting
+uncrowded
+teubner
+terefe
+smells
+macentee
+lxii
+push-button
+mbhazima
+treefrog
+s.c.r.
+gatilov
+grabski
+talibans
+66.47
+bundesamt
+sardar-e
+magazine
+pugnacity
+oai
+precise
+4k
+nkr
+6,5
+علي
+powder
+cantal
+1956-66
+7th
+venkatesh
+isso
+acv
+arnberger
+erlichman
+slon
+fellas
+presbytery
+1945-1950
+oderus
+environmentalists
+sarro
+gores
+fragomeni
+zehetmair
+anare
+atayim
+retinitis
+kirst
+compiegne
+zamindar
+ablaj
+commonsense
+arka
+boccherini
+babasónicos
+schooldays
+ephron
+konin
+73.83
+attica
+public-sector
+shanguang
+sesbania
+monosodium
+21.08
+83.59
+plot-driven
+matterhorn
+folkie
+waystation
+accepted
+outeiro
+chinni
+heights
+catlett
+jiasian
+960s
+klepsvik
+impera
+36-8
+decrement
+midgame
+22:30
+fleischner
+18-over
+comeback
+battel
+nicko
+schairer
+34.45
+hoodies
+newswomen
+coalville
+kuyp
+engadine
+grapeseed
+diffusive
+hisaya
+b&m
+rousay
+valium
+omct
+neill
+euthanized
+methylglyoxal
+taormino
+110.7
+nagare
+samerjan
+thenar
+menga
+hushi
+pornographer
+forcalquier
+mierlo
+previews
+kabaa
+calder
+mansaray
+singapura
+bawra
+euro558
+nephew
+beinfest
+1996-98
+tendencies
+upu
+kalpetta
+hb
+stin
+daguan
+chisiza
+saporito
+2,440
+ieg
+huizong
+statesville
+referred
+commit
+conked
+carafano
+smallholder
+mauskopf
+alongside
+bécancour
+cwg
+repurchasing
+grieved
+kessinger
+jirapan
+157th
+airliners
+geba
+fagot
+wolken
+foros
+at40
+edaran
+2702
+bozyazı
+athrun
+r21
+catalani
+habilis
+amadi
+deg
+chunfeng
+43-month
+furnas
+sahlman
+stephenson
+kirchwey
+buddies
+autolite
+dhiren
+vereenigde
+tapis
+fettered
+steinmetz
+woodlands
+roulet
+coati
+castro
+girds
+abimael
+banega
+12p-4p
+42.16
+0.55
+skipworth
+cives
+johnnys
+itg
+appelle
+noonu
+reinvigorate
+zeeg
+eight-team
+shazar
+marth
+attendence
+bowersox
+tajuddin
+comps
+tribhuvan
+stadttheater
+barrancos
+pupin
+fusil
+newbill
+horsetail
+buck-tick
+gorris
+stibnite
+purporting
+ventre
+theocritus
+warnes
+daisylike
+getzlaf
+karsnia
+vestey
+grahame-smith
+reusing
+tabulations
+mellor
+consol
+onandi
+adpl
+halfway
+dakroub
+7.8-percent
+echoed
+pinus
+matto
+ereshkigal
+postpile
+104.62
+barnato
+sajidul
+abernethy
+bisector
+korca
+colourfully
+rudhyar
+icta
+tweeted
+pillon
+batching
+cfpl
++1.75
+conlon
+vallette
+hakama
+9,590
+historicity
+hagos
+batteaux
+clavata
+extroverted
+jonsson
+wiman
+u27a4
+charlemagne
+farraj
+herpestes
+baa2/bbb
+sfpd
+52.46
+exquisitely
+biotechnical
+syllogisms
+notovitch
+expediency
+euro359
+comalco
+enviga
+piemonte
+teten
+nouel
+fori
+jajuan
+gundu
+workspace
+nakasongola
+lipenga
+friedkin
+icones
+luisito
+kurmark
+kilauea
+cheetor
+cotoneaster
+tutorship
+fatwah
+burz
+cif-ss
+inset
+armfeldt
+1069
+kejriwal
+gtis
+44.7
+vlasto
+ohr
+güshi
+(850)
+one-season
+evolved
+layabouts
+kreinberg
+mohammedi
+105.46
+5,370
+amble
+mazzeo
+47.42
+ingrain
+inclusivity
+pastorelli
+ipo
+semitrailers
+overdubbed
+disgorges
+telexes
+soldado
+anhalt
+nabel
+expectantly
+77.2
+143.50
+foronda
+enmerkar
+rafanan
+cowabunga
+mahtani
+119.32
+cephetola
+packager
+bandara
+wiimote
+muchnick
+56-yard
+syringae
+forgách
+sheikdoms
+rough-skinned
+ripeness
+maund
+pollock-krasner
+gildan
+ógra
+64.72
+moxham
+atcheson
+weart
+vigiano
+ellinger
+vegetal
+tightenings
+riotous
+paite
+creekstone
+19.32
+arrowwood
+marystown
+on-course
+raigad
+215.6
+swellendam
+sabar
+reedys
+kilbey
+3,572
+alsergrund
+49-30
+uniates
+strike-shortened
+smolikov
+airboat
+klum
+32.35
+26.12
+suef
+eiche
+constanza
+8,000-pound
+kirovohrad
+injective
+josselyn
+strumica
+geeked
+tadamori
+fantine
+athinaikos
+tihinen
+mayapur
+théo
+euro106
+krithia
+kebayoran
+manelli
+drydock
+agapito
+trolled
+marcasite
+opencast
+tanel
+honchar
+innaloo
+sea-water
+16.36
+changle
+shence
+parratt
+29.22
+deplaning
+demirci
+diseased
+superstitiously
+silent
+semenya
+merenda
+lynchers
+pendergrass
+dissolute
+libombo
+altec
+demetrias
+c.i.d.
+paroles
+lassing
+vinciguerra
+69-69
+hanoch
+necktie
+l'ours
+task-based
+baetz
+bjelovar
+riddel
+blazons
+marbach
+vaidehi
+denationalization
+ambalapuzha
+sprowston
+bbss
+2204
+ascona
+4.5
+-4.2
+cols
+rosile
+qianlong
+mavers
+64.88
+titmus
+gargrave
+clippard
+fioretti
+15-30
+foisy
+prolongation
+a-center
+nasrallah
+18.44
+cason
+sujet
+peppermints
+lafount
+carhart
+cruzeiro
+8a-4p
+ourém
+cockling
+issaquah
+nanded
+borell
+couloumbis
+24hrs
+boulogne-billancourt
+sumers
+botanist
+booting
+zia-zarifi
+hernu
+mawes
+philanthropies
+16th-century
+hosie
+fairchild
+nikoloz
+outages
+weaning
+brandade
+tzachi
+dslack@globe.com
+nosa
+formula_19
+waupaca
+trian
+techo
+imponderable
+varamin
+kubra
+1083
+drozdov
+beeler
+450-mile
+chowrasta
+cleanness
+400-acre
+34.01
+4.39
+archytas
+sponsorships
+kuvempu
+taameri
+metroliner
+senor
+phileas
+r-oh
+non-sequential
+shoshones
+meet-and-greet
+rayan
+moghadam
+poindexter
+trailheads
+malkhaz
+5.9-magnitude
+shivaji
+jaenisch
+17-20
+4-for-13
+supersoldier
+dealy
+wiedis
+arrogate
+wonderfalls
+victor
+immunogen
+bothmer
+bolat
+daredevil
+coped
+114.7
+ethnic-based
+ninis
+ganzfried
+romualdo
+9,540
+qabowsade
+tsakonian
+buurman
+126.10
+wikipedians
+brambleclaw
+narda
+2pac
+mintue
+behnken
+mxenge
+jiulin
+brentwood
+nto
+55.32
+harmonically
+ffr
+brackets
+trnopolje
+hanaka
+interconnector
+40million
+3101
+2,261
+pull-out
+patkar
+daruwalla
+climatologists
+scalapino
+standfast
+neural
+padmasambhava
+lidcombe
+115.81
+corresponds
+pastorates
+jenet
+15million
+nothern
+trewin
+reutimann
+kreeft
+keynesianism
+.818
+agent
+proprietorships
+141.8
+sdkfz
+vansevenant
+delight
+boeck
+thibodaux
+lecter
+ramification
+ashina
+shahwani
+biebrza
+taps
+faraji
+manix
+rowant
+cardiganshire
+heyboer
+olo
+brivio
+al-attas
+odier
+grantown-on-spey
+firmware
+paisley
+daqamseh
+ahmidan
+securency
+nordenskiöld
+barberis
+afdc
+leitch
+1,939
+vocational-technical
+mallman
+8,720
+two-album
+conjointly
+kicker
+slipper
+torralba
+asselborn
+5.4-million
+filkin
+removal
+tasos
+nandamuri
+yvr
+foxhound
+kahekili
+splichal
+beaujon
+douga
+tabas
+unsheathed
+hormozgan
+lutter
+bopp
+olufemi
+allgood
+rega
+dallaire
+hamdullah
+souffle
+53-man
+ophelia
+unarmed
+mendi
+ndmc
+davo
+xochimilco
+.57
+euro426
+huish
+flabby
+blag
+basyang
+186.2
+nunciature
+1.4667
+sabiston
+aliados
+neighing
+32.52
+sajjadi
+karpin
+sumgait
+ucmj
+jakubowicz
+rrsp
+imminent
+e.guinea
+cholecystitis
+bacitracin
+barbarito
+redeems
+12.09
+dão
+ugie
+bosé
+aytes
+lemonades
+sysco
+freemont
+livingstonia
+fobs
+gardiner
+centers
+storerooms
+anacin
+banjul
+europalia
+9-ounce
+nabatiye
+fikir
+parodies
+hrabal
+overselling
+verco
+aeroponic
+deodorizer
+ovulating
+acars
+albergaria
+dehnamaki
+picturephone
+maitreyi
+nazer
+100-loss
+phillippines
+21
+jinxed
+3,257
+rendra
+ogonyok
+mjøsa
+leucosyrinx
+nichido
+diffee
+41-22
+d'arles
+hipolito
+subtype
+bill
+75.17
+guðjohnsen
+jabalia
+basemen
+theodore
+chapelle
+obara
+coven
+turiel
+tt-line
+trinidadian
+skonto
+éamon
+socket
+temirkanov
+alyoshin
+boyong
+depth
+navfor
+14:18
+sarumi
+duffels
+bergenstrand
+arepa
+co-released
+7.8-billion
+kameaim
+farnley
+tariel
+7,940
+ingredients
+guangsheng
+bački
+clich?s
+endodermal
+devitto
+cajole
+richard
+sadigura
+badstuber
+732
+mémoire
+beukeboom
+shewfelt
+weegen
+14:58
+79.68
+spacelab
+2,978
+118-year
+massimov
+nucleons
+carbapenem
+huskisson
+telma
+leg
+putte
+patino
+subdues
+boonsak
+praenomina
+balochs
+tomatis
+dogme
+sliman
+delinquents
+oviparous
+2540
+secrétaire
+bayoneting
+harries
+kmt
+pinyon-juniper
+non-cooperation
+ediacaran
+4.84
+historiques
+polyvalent
+108.59
+palomo
+fordham
+deiniol
+brath
+yasukawa
+classiques
+jamul
+iurie
+phoney
+nazarabad
+hombre
+jacques-françois
+puzzles
+goldmines
+lapinski
+olufade
+lyssavirus
+tytla
+1400s
+cifelli
+winnink
+aussa
+borissov
+70-74
+gransden
+éire
+70-7
+breyers
+roode
+coicou
+stormvogels
+unpracticed
+hirschfeld
+bachelder
+shawmut
+1,770
+demyansk
+dzongkha
+purab
+sisterhood
+rj11
+dusun
+zoé
+scheler
+sphenoidal
+prades
+navigazione
+drumkit
+vidyaranya
+pragjyotisha
+javid
+yandell
+koa
+sensationalistic
+aide
+schedded
+fuson
+printmaker
+bubenik
+85.37
+deskjet
+grade-point
+104.2
+samarakoon
+csea
+commercialise
+116.22
+xin
+cerulli
+www.gardenlerner.com
+trofeo
+3,609
+hale
+raht
+canary
+haigerloch
+ixelles
+chaoyangmen
+bedchamber
+priz
+tobbichi
+eho
+wptf
+mosedale
+defang
+cellblock
+66.72
+tritscher
+júlia
+mpd
+six-seat
+licciardi
+volkov
+crowdy
+helmingham
+74kg
+baidu.com
+renfroe
+sieyès
+ivf
+excoriated
+concrète
+syeds
+161.2
+perishable
+kwans
+phidippus
+loupe
+multi-disciplined
+keikyu
+dizi
+coonabarabran
+mezer
+conjoin
+tailplanes
+on-duty
+pipework
+caris
+tolly
+przybilla
+tampereen
+ocaa
+neo-expressionism
+monogenism
+a614
+neils
+cmfs
+117.15
+19-point
+montauban
+uk-wide
+0.2
+874
+brassard
+dusters
+prusiner
+celmins
+zyklon
+dease
+144-player
+schaufele
+serchio
+tode
+investable
+epiphyllum
+sempati
+marveaux
+aveni
+essick
+ledwaba
+abrasives
+automatism
+mtolo
+137.9
+outgrowths
+petrone
+scarabaeoidea
+pesatori
+chervona
+occassionally
+s.r.o.
+rosenquist
+qinglong
+apurimac
+terrin
+burchette
+9,300
+benevolence
+grievously
+joya
+albacete
+parros
+capuleti
+75-70
+machaut
+callowness
+metwally
+broodseinde
+ship-of-the-line
+akol
+3.4-billion
+aguiyi-ironsi
+kobiet
+coplon
+haislett
+9.83
+legis
+vasoconstriction
+alicja
+tubeworms
+murcielago
+bmta
+bongs
+regaling
+puente
+maakhir
+galfione
+gerulaitis
+invite
+sizewell
+rmas
+sandhya
+cemetery
+tahar
+blonay
+4,514
+gizab
+suchitepéquez
+wangchen
+jayesh
+neunkirchen
+ank
+erdemli
+makeout
+pelagia
+ralphie
+innermost
+dominicis
+fulbari
+guanajuato
+transpower
+3250
+sowe
+tanglwood
+es
+retaliates
+nowrasteh
+angeletti
+4.775
+podded
+motherwell
+gilgandra
+fondital
+myometrium
+punj
+defensins
+wasatch
+bbc4
+tektites
+9.11
+assheton
+55-day
+universität
+6-billion
+velle
+winothai
+27.2
+design-build
+invitationals
+quassey
++0.2
+fornax
+hanie
+inaccuracy
+barbate
+revie
+asafetida
+39-10
+xiaoyao
+alfhild
+evista
+subdorsal
+wagan
+eloysa
+tuxen
+hasse
+two-third
+mariachi
+too
+slogs
+091
+nikulin
+prabhjot
+koonjul
+shklovsky
+layabout
+alpuri
+linawati
+roseanna
+cocaptain
+flat-12
+unathletic
+telecommutes
+noblesse
+119.24
+tamisuke
+flamme
+bindusara
+imerslund
+krugerrands
+phonemes
+servizi
+langshan
+tremblor
+outhit
+globalport
+meleagris
+soonsiri
+gazans
+kanti
+insurgence
+electro-rock
+9:09
+handmaiden
+fitrat
+kiwi
+yank
+armer
+elhanan
+87.75
+xolo
+carigali
+kishangarh
+forcing
+ejova
+novos
+chakradhar
+tiran
+merina
+ramleh
+un-released
+shambo
+airtours
+spa-francorchamps
+anti-tank
+cinémathèque
+fowls
+linesmen_pat
+faust
+bookbinder
+gastaldi
+whitehaven
+riv
+usora
+werker
+raqibul
+rifka
+blei
+azadari
+jérôme
+barsbold
+chiastic
+weberman
+habsade
+64.44
+retardant
+combahee
+tcap
+zabrodzie
+brincat
+langrova
+wreckage
+mosaics
+9500
+100-gun
+wenzhi
+mausolea
+appreciating
+pauling
+bidoon
+fiji
+bee-eater
+croquette
+38.90
+theudebert
+hymnody
+heavey
+7.03
+housewife
+campfield
+jgtc
+stoeppelwerth
+barnham
+8,490
+photophone
+kilmacduagh
+murano
+imperiousness
+tympana
+appadurai
+aboudihaj
+divestitures
+lifeways
+selten
+potentate
+staples.com
+nerijus
+chasey
+kalima
+packe
+bazille
+seabees
+pancetta
+fettuccine
+.360
+verse-chorus
+u.k.
+mihael
+egocentrism
+recollects
+milosovic
+chengping
+arakis
+omarsson
+muzicant
+sulaqa
+mitred
+teletoon
+poynings
+asokan
+karmah
+coralie
+overprinting
+615,000
+nolting
+spaak
+lauenburg
+consolidations
+towns
+ignatz
+leemon
+iguanas
+boettcher
+kayserispor
+exito
+junor
+abcarian
+sitta
+odhar
+lounsbury
+5/3
+canan
+hollinshead
+nitpickers
+metal-based
+arbi
+falconet
+saylor
+mathare
+microsofts
+18.15
+good-luck
+carretta
+visas
+splurged
+c-reactive
+5,597
+transgaz
+itis
+hasankeyf
+dahiru
+spiddal
+06:30
+uhi
+ubben
+nasiriyah
+heale
+tubin
+pritish
+communion
+shufu
+snapdragon
+tccb
+juju
+laddie
+monopoly
+36,250
+ketumile
+69.70
+tokarski
+lanham
+sudani
+tarnobrzeg
+netanayahu
+picamoles
+wataniya
+mlicki
+28-32
+buratha
+57.27
+wellnhofer
+yayu
+yanqui
+slotnick
+valpo
+plesch
+tikrit
+gravitationally
+meto
+mangy
+7.8-magnitude
+gown
+nimba
+waiz
+psychotherapies
+'25
+laurentian
+1,352
+rips
+go-kart
+rtsp
+biologicals
+beirutis
+waker
+b777s
+1,200-page
+38.72
+obaida
+47-year-old
+mainpuri
+majithia
+bangert
+kirino
+predaking
+birlinn
+gobineau
+evas
+clorinde
+spiteri
+samsam
+blagojevic
+-81
+puzzlers
+academicians
+phorbol
+cost-savings
+two-division
+progams
+300-square
+tuấn
+31.08
+hayatullah
+phorid
+kuspit
+1214
+445-3968
+wives
+bassnectar
+1950-52
+20,536
+parsec
+ladybirds
+syarief
+17.94
+2,941
+trialists
+kalus
+copy
+margarine
+doozy
+andrieux
+baudolino
+szűcs
+deflated
+gamo
+minchew
+poncet
+pingers
+hollands
+77,800
+sanhá
+sanliurfa
+kiplimo
+pueschel
+onychophora
+user
+sláine
+noble.com
+firb
+internationaler
+storebrand
+urine
+khallid
+chucked
+psychologie
+shalaan
+pocatello
+subcarrier
+wakatobi
+piperidine
+g
+caren
+noson
+bârsa
+confiscations
+repulsive
+duart
+ecovillage
+nibelung
+masterkova
+nobre
+http://www.deathpenaltyinfo.org
+abedi
+asikainen
+leishman
+roettgen
+wahyu
+halogen
+helie
+tehk
+unifem
+six-pounder
+escap
+weblogs
+rubie
+löfgren
+hiraiwa
+unrepaired
+fmp
+artemov
+devolution
+nephrologist
+davyd
+troilite
+danau
+wooing
+5:23
+spring
+publishable
+thunderjets
+tasuku
+gawronski
+fpcci
+gordito
+tatsunami
+forseen
+goldenvoice
+4x10
+oakfield
+1.1900
+lila
+opoku
+37.01
+argillaceous
+28-mar
+spack
+diffractive
+panchiao
+biyani
+bioscope
+humidities
+borras
+›
+xinzhou
+cruiser
+dísir
+pogost
+badio
+spitting
+superclásico
+blagoja
+technics
+embankments
+vlaeminck
+thetans
+studley
+flashmob
+oversulfated
+locally-owned
+oghi
+pearle
+kaithapram
+bustle
+madama
+at1
+kulikova
+involucrata
+69.58
+cremi
+hussards
+maney
+annulus
+excellent
+speciosus
+betulinic
+orsini
+hillston
+rugian
+afro-guyanese
+two-thousand
+oldcorne
+xylophone
+20-millimeter
+suger
+goh
+vunipola
+feri
+njombe
+apocryphally
+cardura
+stingley
+lola
+pavich
+tensors
+footpath
+rocinha
+abdool
+trans-caspian
+sinnott
+seductions
+periphery
+touches
+kharkiv
+madrasahs
+karatoya
+wiry
+rovanpera
+assed
+cyclol
+congestions
+framatome
+worshipers
+acajutla
+promet
+chardin
+.429
+lamoni
+jsantana
+costazza
+clontz
+kiyosaki
+chawda
+farmers
+uncleared
+kouwe
+nizamia
+475th
+white-sided
+minthorn
+.372
+gangleri
+distributaries
+morganatically
+4,431
+us-81
+13.60
+chatellerault
+cassiopeia
+nijmeijer
+einaudi
+biomed
+nafion
+pannu
+60.90
+1.665
+fb
+ois
+mufeed
+gylfaginning
+obdam
+varas
+citadeed
+customized
+comin
+ghislaine
+selenski
+fairbrother
+humanos
+chromebook
+basavanagudi
+shelved
+vratislaus
+swingline
+sarir
+honkers
+meltdown
+blur
+bauma
+maizière
+robinov
+mames
+unspotted
+9700
+reepham
+1,849
+vasudhara
+montresor
+giovanni
+s-2
+tinseth
+dutney
+all-encompassing
+2,009
+nylen
+taxed
+segway
+tlaxiaco
+bozhinov
+breakfast
+gangu
+chalmers
+diminishment
+luynes
+cilla
+kune
+euro930
+bequests
+compensatory
+8:3
+coexistence
+chifamba
+18:31
+cartilaginous
+chichicastenango
+porkchop
+rothkopf
+meagan
+cancer
+vuoi
+artistique
+margarite
+kesteren
+viaux
+kurniadi
+billington
+tans
+rooney
+achard
+anaia
+aasi
+69.51
+120,000-strong
+syreglobe.com
+bishopston
+symphonie
+leopolda
+80-foot
+hybridizers
+yalu
+49.72
+longcroft
+paced
+jahd
+yt
+manden
+tauzin
+mazal
+(65)
+rozprza
+buchen
+divar
+4am
+kamana
+montanan
+bechtler
+crobar
+dewey
+qays
+hainkel
+kwahn
+ormsby-gore
+calcutta
+oic
+sub-disciplines
+stojicic
+138.2
+assaulted
+9.09
+brusquely
+cpan
+rosaura
+hardegen
+ballpoints
+wrd
+f-104s
+mealtimes
+gummersbach
+bhattacharya
+modernists
+underutilised
+serves
+precambrian
+lütjens
+scrapping
+leutnant
+108.67
+eckl
+eidsivating
+bajur
+scots-irish
+anjuna
+avenches
+pilbara
+unspoilt
+pumping
+qilian
+cell-cell
+chrzanowski
+juez
+574,000
+treherbert
+véliz
+corsica
+clevedon
+supporter
+logit
+wydad
+mateschitz
+vivat
+.482
+odakyu
+forwent
+menace
+gyroscope
+9s
+mervin
+sebeok
+athletes
+analogously
+zoeggler
+kyeong
+pedagogic
+yak-1
+guren
+tarbet
+dont
+solidly
+goulash
+tauno
+laettner
+fout
+pump-action
+2,732
+macheda
+yetta
+whiter
+tgp
+fortín
+prostrate
+halmstad
+two-seats-in-side-by-side
+discman
+contendership
+conduits
+julyan
+siwiec
+gali
+roga
+moheli
+kamose
+fayeds
+mentalities
+usov
+gm-emd
+filene
+commnet
+hmg
+chama
+343.8
+nodaway
+cruzados
+perben
+1311
+suspends
+98-mile
+lufisto
+islamiyah
+o'hair
+bartłomiej
+http://www.ojp.usdoj.gov
+rroeper
+guttatus
+darman
+kazzia
+crofters
+nakhichevan
+reelfoot
+kalkin
+carolinas
+ncb
+kidder
+tfp
+noncitizens
+121.83
+wattala
+grant-maintained
+sirenia
+journeying
+pollard
+o'connell
+ommen
+http://www.nationalsecurity.lk
+1,152
+stinkers
+powerup
+carraz
+pid
+pujari
+piriform
+godly
+dentata
+monochromes
+al-sharia
+backstretch
+ghezzi
+fallujah
+epigraphs
+0:2
+munfordville
+3q
+antoniadi
+lelewel
+grundriss
+žiar
+supernumerary
+ranque
+struhs
+hamdoun
+lochiel
+nikoyan
+bigeye
+stithians
+schoene
+coping
+habia
+anerley
+cero
+squeals
+genetrix
+pazuzu
+irasburg
+candelaria
+bruguière
+wuqiao
+mrt-2
+calabro
+schwarzenbauer
+petition
+bcatp
+infantería
+.604
+aipa
+düsseldorfer
+buav
+międzylesie
+airpark
+tiffs
+i-495
+diester
+shimahara
+bcg
+repudiate
+3.8883
+fastrak
+laverne
+gilkes
+2011
+obraztsova
+klyuch
+stensrud
+twentyfourseven
+borlee
+nazrin
+zena
+leafhoppers
+solemnize
+franchini
+metco
+ddb
+genting
+perceptrons
+naquin
+jurijus
+thinned
+railroads
+tassilo
+tehreek
+elev
+mullioned
+farquhar
+moreso
+59.3
+grissell
+gom
+all-around
+101,000
+gulla
+serpins
+englewood
+p300
+footlight
+svoik
+inscriptions
+www.gov.cn
+alstonia
+4-and-3
+cheverus
+fanfiction
+navickas
+batstone
+widepread
+barracuda
+gameel
+british-designed
+sideswipes
+0235
+alikhan
+langues
+dancesport
+point-to-multipoint
+lutea
+dmch
+linafelter
+kuusamo
+8-of-12
+termino
+ferrybridge
+rohilkhand
+broadcast.com
+bosut
+pseudonym
+girma
+forgone
+230-seat
+7,400-member
+relinquish
+silvia
+motz
+dorschner
+papercuts
+wittenauer
+repudiated
+elfi
+bratzke
+vassiliades
+dividers
+motorrad
+himilco
+bubl
+pachycephalosaurs
+kremikovtzi
+sadaqat
+pentland
+monovalent
+geffen
+stavro
+gainas
+saws
+roppongi
+spring-summer
+m-46
+constantinus
+testud
+ranil
+camaiore
+ohler
+rakim
+re-conquest
+piraro
+88.42
+seminarians
+greenhaus
+wicbc
+nicon
+765,000
+suji
+benqiang
+jytte
+kyocera
+mramirez
+dávalos
+unfitted
+.157
+candlelight
+720th
+puckish
+gulnara
+shmatko
+savidan
+127.2
+oooooooooooooooooo
+effient
+ametek
+mating
+fotomat
+w21
+pay-per-view
+piwnica
+selly
+dca
+troglitazone
+irianese
+jibs
+romantics
+natok
+incorrect
+huys
+dharmsala
+1.072
+thug
+2005-2012
+maranhão
+oversupplied
+dellas
+sabarno
+kyōkai
+lidless
+malign
+inhomogeneities
+detwiler
+62.63
+ava
+quadrilaterals
+murri
+reye
+efsa
+houseboy
+judgeships
+sampler
+1.985
+henryville
+pillay
+33-month
+kidston
+avnoj
+79.49
+guestrooms
+infrastructures
+guha
+96.4
+2nite
+newsagent
+miasto
+52sec
+shaheed
+upbuilding
+vinzenz
+83.99
+oompa-loompas
+parachutists
+non-geographical
+gualdi
+isohunt
+highjacking
+potshot
+wide-band
+fineness
+masiulis
+bishopp
+cross-breeding
+worst
+eroshevich
+post-1960s
+glaberson
+quabbin
+qbasic
+positrons
+heeler
+post-it
+ciroma
+servier
+guarany
+1910-1912
+peduncular
+hodel
+história
+asgill
+babangida
+reinjected
+salvatorian
+reiji
+48.35
+torturer
+coronal
+colomba
+reelect
+20-july
+sokolowski
+centrebet
+razilly
+lenders
+1078
+macbeth
+regel
+badii
+beltrán
+3,560
+nobreza
+purushottam
+tobal
+-3.3
+mutale
+swartland
+kangra
+sindelfingen
+ristori
+udv
+unchain
+edizione
+vneshtorgbank
+foldaway
+tibu
+egovernment
+machine-readable
+rampak
+warfarin
+maro
+frentz
+coas
+2.20
+umrigar
+wire-guided
+cetuximab
+grosseto
+16:30
+30-nation
+chainmail
+boulud
+corini
+isoline
+lactam
+glicken
+kunsan
+girán
+higüey
+mize
+ectrodactyly
+bsp
+llamado
+561,000
+sdsu
+deforesting
+ethnographic
+waldman
+ashfall
+vtu
+luxurious
+animations
+vedad
+gravitate
+isle
+pincher
+pontas
+lsp
+corsi
+foglio
+3,030
+80.25
+1:45
+loveromance
+39.77
+1,829
+13-7
+31,000-strong
+r25
+percussive
+introgen
+diabolic
+fallacies
+92.97
+nastily
+distributivity
+soulsville
+fillets
+grid-connected
+cethegus
+dravidian
+kneelers
+purves
+orlando
+bezanilla
+appendages
+vct
+revelation
+mahāsāṃghika
+herlovsen
+rathgeber
+kivuitu
+44-yard
+rolly
+militaristic
+dongwu
+d4t
+jaywalk
+iram
+syverson
+2,246
+mazzarri
+7/7
+markovitz
+ed.montinipni.com
+biff
+'62
+spanair
+18,690
+zivic
+euro390
+b-1
+plantar
+baileyi
+145.00
+vtm
+back-row
+90.68
+lantis
+jesperson
+hip-o
+http://www.att.com
+aldermen
+olifants
+seiffen
+108.37
+sopheap
+alexian
+guofu
+mashiro
+lihula
+45,800
+ailes
+morganton
+ionescu
+gmdss
+ihsa
+promotion
+rolvaag
+hellwig
+crucibles
+bace
+delaune
+groninger
+beidou
+badding
+bilde
+disgusted
+elf
+vind
+popularize
+hobsonville
+cambo
+dunsford
+norell
+bahá
+sissons
+warum
+http://www.genoa
+baarn
+dopers
+huguenots
+stoesz
+matej
+185.7
+villers-cotterêts
+316th
+wolseley
+angular
+formula_9
+gallay
+pramuk
+sanakoyev
+jo-han
+brampton
+tng
+vato
+placeholders
+kullberg
+zigbee
+gujrat
+gulp
+adegboye
+3-pounder
+zahed
+citians
+tailspin
+tôi
+ebensburg
+cocola
+rostselmash
+bozan
+willets
+ridings
+kriegstein
+8,970
+randolph
+ornatus
+isneg
+tiptonville
+guty
+innovest
+naughtiest
+iwon.com
+nawas
+legris
+obatala
+helgo
+momesso
+freestar
+teen-pop
+aranzazu
+then-senator
+address
+gird
+daka
+cirtek
+compendium
+pickaxe
+bronxville
+committments
+akhnaten
+allar
+helary
+herniation
+7.46
+nkusi
+securitizations
+kolins
+ceteris
+bruss
+schrijver
+ceux
+hogweed
+roday
+shishkov
+herald
+marceta
+rir
+hermética
+schioppa
+stochastics
+subrahmanyam
+sports-prototype
+kalambay
+throttles
+movimento
+miloon
+antologia
+cunego
+airplane
+mollinedo
+63.83
+namshir
+carolus
+55.68
+dexterously
+chef-lieu
+archenemy
+shikken
+naevius
+subversions
+hgh
+hobbies
+b.a.p
+jayne
+hollomon
+sitel
+50-watt
+tết
+1863
+julieto
+altshuler
+terme
+sisson
+teeger
+f-series
+fmn
+slingshot
+wilmer
+semenza
+okine
+estrelas
+zakharova
+crouchback
+cephissus
+22-4
+habit
+davenports
+cnv
+nahmanides
+162.6
+redundant
+50-kilogram
+2,142
+uv-a
+vermudo
+occupier
+scout.com
+vaccari
+aliabad-e
+dors
+wilhoite
+wuxi
+m-63
+telescoped
+reinas
+liquefied
+u-22
+naskh
+amnesiac
+co-finance
+rousset
+nanocrystalline
+valpy
+guava
+lymond
+ell
+khaibar
+top-grade
+muzhi
+kd8
+squaw
+cush
+tsepo
+allwyn
+idées
+schally
+scharin
+bagistani
+pim
+2.5-mile
+xiith
+supernovas
+non-objective
+dimidiata
+ipsa
+plotline
+erupted
+harmonie
+loeser
+rebeck
+hazael
+burlesque
+221.00
+perrins
+desmarets
+aguirre
+abhisheka
+courbet
+non-ionizing
+sideswiping
+south-bound
+khnl
+brackman
+greeny
+kafer
+carie
+259.4
+stoeckle
+skule
+tvi
+infoshop
+walesa
+woodmen
+resistent
+homoeopathic
+digitata
+remsburg
+schwope
+schooners
+zigler
+jokesters
+reliably
+combis
+breetai
+bifurcation
+0948
+teyit
+bestseller
+ganger
+filmstrip
+hpl
+metallocenes
+odac
+antihydrogen
+paiwan
+folders
+casuarina
+16.44
+⅔
+disclose
+filomena
+pumilio
+toyohiko
+privatization
+shortening
+120-plus
+5000m
+385.9
+zeid
+isobaric
+verryth
+webs
+mulembwe
+bromantan
+14:11
+bajoran
+rationality
+arr
+classical
+26-team
+f.e.a.r.
+fazer
+turbocharged
+grano
+37.86
+r7
+theisen
+miou
+nimbus
+pavelec
+97.54
+berdovsky
+kanze
+repeats
+bead
+hajiri
+2,461
+yogev
+biopics
+gojko
+singularities
+parslow
+el34
+0.015
+1,050,000
+0.1-percent
+kitaoka
+means
+flip-flops
+jewels
+terrine
+touchsmart
+ebeye
+carolines
+viana
+analytical
+mathurin
+systematizing
+nyamwezi
+meria
+psagot
+halibut
+katselas
+v.i.p
+rakkestad
+6-50
+arriba
+neuquén
+16.73
+sankalp
+mislabelling
+loboc
+41-54
+re-modelled
+ibsa
+mythos
+baise
+fourway
+wenner
+tetouan
+transposon
+wgaw
+icrf
+siavosh
+erlynne
+sarmiento
+ssds
+427,000
+dinizio
+mctwist
+undissolved
+3,333
+ano
+roeselare
+leisure
+bookworm
+dakshinamoorthy
+shoshana
+buffalos
+meta-data
+markowski
+devant
+biological
+florists
+andrii
+serenissima
+hannegan
+hanahan
+hanny
+tesla
+hammami
+febrile
+85.89
+straz
+oregonians
+all-original
+hamstrings
+spdc
+bafflingly
+degree-awarding
+morici
+theorin
+homogenization
+55b
+siviglia
+jamini
+peiyao
+erpingham
+aldea
+moyra
+bomas
+glesnes
+husbands
+ondekoza
+lettvin
+viso
+italian-french
+kawiti
+orimulsion
+322.20
+schedler
+menisci
+leuca
+gilby
+yanru
+quarrymen
+shake
+radanova
+ndayikengurukiye
+muslimovic
+38-31
+picking
+2277
+zapiski
+mayhill
+oiseau
+atletico
+munsil
+masciarelli
+bickerings
+gwennap
+91.70
+peranakans
+bandurist
+off-guard
+bullmoose
+dubrovsky
+equipe
+phillpotts
+59.83
+hilarity
+radioman
+beretta
+12p
+habitable
+jtc
+kolsås
+slatin
+kaniskina
+tranberg
+jabez
+dimensionally
+hunsaker
+lapps
+glenmont
+l'abbe
+mijntje
+.643
+vias
+remounting
+centigrade
+chertsey
+nimal
+symphyotrichum
+naivety
+municipality
+1,648
+re-merged
+non-perishable
+lucozade
+bbn45
+cerge-ei
+operculate
+umoh
+fouls_l
+500-stock
+frentzen
+anti-corruption
+reoccupation
+hubel
+mandur
+hyposmocoma
+1,600
+oferta
+barron
+guanxi
+capitole
+schmitter
+81.61
+flintlock
+sitiveni
+photomasks
+327.5
+0-14
+rear-ended
+tongshan
+manzar
+career-long
+tautou
+pilsbry
+vetco
+85-8
+voguing
+lembo
+vaughns
+oxygen-carrying
+shafir
+ardsnet
+eleveld
+fct
+lobster
+demoskop
+tietze
+fleas
+reu
+hajjarian
+xc
+500-point
+wonderworld
+german-french
+banqueting
+wenxin
+back-to-basics
+sherrill
+terraformed
+slug
+zimbardo
+photographer
+l.s.
+ss-verfügungstruppe
+tintner
+brookshaw
+2,613
+sunshiny
+cheonggyecheon
+kiss-and-run
+231.5
+worldham
+padayani
+birchwood
+purging
+troitsk
+timelike
+2530
+kage
+excitement
+nichiro
+moeser
+jadīd
+petrol-powered
+mannes
+castaing
+deprecatingly
+sport
+einojuhani
+mahender
+shunzhi
+esplin
+raytheon
+carnation
+yips
+breastroke
+englishmen
+debased
+stringed
+500th
+boulami
+insurable
+19:59
+interport
+analyzers
+bayhawks
+bachelors
+farenheit
+108.25
+yen
+luganville
+jamus
+cucbm
+cowen
+gliwice
+holson
+arteriosus
+popularist
+shumpei
+3.78
+pereyaslavl
+taisuke
+rantings
+cromemco
+vueling
+cept
+gaylords
+mandapam
+interclube
+daraz
+meac
+rukaj
+devilish
+engrailed
+anerood
+albright-knox
+idh
+pressplay
+musi
+carpenterglobe.com
+monder
+goronwy
+vrubel
+tamimi
+wrenches
+allocations
+īl
+megabanks
+8:05
+overinflated
+darstellende
+9,840
+cybersurfing
+myoblasts
+loures
+lienau
+namkha
+11:04
+h.k.
+marzio
+disclosed
+hafizabad
+fennec
+karmic
+mastani
+ministering
+schräge
+proficiently
+countdown
+lachute
+camilion
+holothuria
+single-legged
+plyometrics
+baconschi
+wendesday
+ltcb
+wooton
+hordaland
+abets
+toothpicks
+caraïbes
+marrone
+superweapon
+marjatta
+comr
+dope
+hofheim
+94-5
+4.97
+manha
+funing
+glenmarie
+tolworth
+rushmere
+deaconry
+85.70
+jumel
+brightstar
+97.26
+sokol
+al-za
+mvula
+benedettini
+marfil
+synthesisers
+sedilia
+vincenza
+garçon
+stumpage
+skp
+slahv
+prasit
+chitina
+buzzkill
+avanzar
+cure-all
+wanchalerm
+verloren
+walbrzych
+polypores
+applicants
+zakayev
+white-footed
+mariaan
+mcnuggets
+satelindo
+sensitive
+licey
+33-12
+jansenism
+carlberg
+bolong
+tainment
+oasen
+vaal
+restuarant
+poroshenko
+rbg
+reembarked
+business-friendly
+pdp-laban
+adv21
+pln
+beckwitt
+zhongxin
+softcore
+vorontsov
+halteres
+overthrowing
+meio
+kartman
+torga
+pendentives
+fetrow
+þingvellir
+yanmar
+yodchat
+0:14
+halimi
+harmeet
+madwoman
+supplemental
+orkestar
+dermaptera
+arman
+isoforms
+maligned
+delysia
+43-18
+reboot
+topsy
+djedovic
+70.75
+staats
+quickness
+h0
+57.43
+wonhyo
+1,237
+geospatial
+minibus
+snoozer
+12:29
+sakmann
+shoprite
+47.51
+khvoresh
+uphoff
+buddha
+hispar
+276th
+japie
+6.5
+annabi
+barlows
+michaelian
+opitz
+tonally
+rebosio
+bakdash
+takeru
+upjohn
+3.225
+deuterium
+nunatsiavut
+fuki
+eurostoxx
+yattendon
+jhala
+inglett
+ssme
+lubomirska
+walekar
+tebet
+cartwheeling
+ospf
+cullum
+gangui
+heavyset
+musou
+pictland
+bogolyubov
+yongin
+alene
+vtec
+cryptogams
+descendant
+grandfathered
+6,595
+variables
+innes
+velho
+chiasmus
+calatrava
+jonckheere
+juans
+passeier
+pouyandeh
+karya
+hypothetical
+loyalist
+archfoes
+chungcheongbuk-do
+yisroel
+fairyland
+sapan
+5dn
+país
+romanized
+radula
+1.30
+obinna
+jeana
+consciousnesses
+noblewomen
+4-5th
+distinctively
+58-52
+1,000-square
+parejas
+9,150
+vidor
+dasti
+20.00
+yussef
+fahlman
+incarnational
+starmedia
+nukaya
+sauropods
+skill-based
+89.08
+headhunted
+1924-1925
+diler
+periodical
+dred
+146.3
+redbridge
+rss3
+windsors
+multi-time
+jts
+stigmatic
+arkhangai
+masilela
+horrifying
+1,000-watt
+feiz
+speculates
+fivaz
+clipstone
+orrery
+ironies
+guadenzi
+marshalling
+allodial
+rpl
+chenla
+wongwanich
+acupoints
+3,108
+44-17
+beatings
+manistee
+beus
+nieder
+adireksarn
+pacini
+lefthand
+yenisei
+hoisting
+band-mate
+tretiakov
+bmf
+qiqi
+1,886
+lamberg
+sangakkara
+karabasic
+seasonably
+knowing
+weht
+soccerbase
+luxuriously
+macbooks
+deng
+dire
+shush
+lessee
+grosbeaks
+1,400-seat
+santacrucena
+shareaza
+conjuncture
+zola
+2-by-4
+94.40
+lowton
+28.84
+koriya
+sugiono
+nitpicking
+sidestreet
+jamsetji
+unsurprised
+27.58
+toymakers
+pilot
+roadworker
+makombe
+foreplane
+dyn
+jiaxiang
+trefler
+paleobiology
+mathieu
+durie
+39.32
+sangamam
+tabernas
+hankyoreh
+aloor
+deayton
+cryptological
+cutts
+nims
+girodias
+foale
+carcharhinus
+antigonid
+jeweler
+wigmore
+wsl
+bhadravathi
+smatterings
+parness
+thuesen
+mbongo
+abruptness
+lienzo
+amigas
+wikileaks
+cowardice
+hairbrush
+heterogeneity
+sss
+buffet
+jamaah
+mazdas
+ferté
+strathtay
+gawanas
+37-acre
+zumarraga
+mindboggling
+tens
+gramineae
+jemaine
+jeet
+godot
+steeves
+codsall
+tuomey
+currents
+halide
+fluxgate
+pondered
+tempus
+240-horsepower
+nikai
+5.50
+bentzi
+podlaski
+grebenicek
+o-3
+dendrimer
+addressees
+morlet
+naprosyn
+kolin
+lynette
+karcemarskas
+ambience
+mezzalama
+festin
+hanoverians
+1996-2005
+mortes
+borelius
+jolgeh
+duranti
+needier
+eupatoria
+klingberg
+ingenieria
+collaborated
+behaviorist
+polyus
+five-eighth
+allergens
+mayar
+yasheng
+maxse
+edif
+ex-yugoslavia
+troppo
+cydia
+quazi
+karniol
+sucharita
+geriatricians
+couzens
+kudryavtseva
+vainglorious
+castelnaudary
+17,496
+huineng
+ambrossi
+lipsett
+.477
+lennar
+sakaba
+criticises
+qingguo
+sekai
+nii
+52-50
+1.5750
+süd
+sirkis
+cdot
+thereon
+top-scoring
+tudun
+twila
+hemang
+bitsch
+proctored
+cuban-american
+cataractes
+capitan
+rew
+3-50
+kwanzas
+muchos
+igli
+mastec
+universidade
+1973-1979
+adamik
+bolangir
+2625
+everything
+strengthening
+gokdeniz
+anthos
+airships
+kimiyasu
+odenberg
+soumises
+o’neal
+revenging
+pagulayan
+repton
+air-force
+vaccinators
+dmanisi
+cellach
+vedin
+spect
+knapik
+gelao
+podoprigora
+239.6
+talkeetna
+alvalade
+bedser
+helices
+ryd
+gryllus
+ikegwuoha
+yevoli
+endlicher
+jimsheladze
+neftalí
+meum
+predynastic
+cockfosters
+sillier
+personnaz
+ketten
+garam
+changelings
+.2574
+rabii
+insufficient
+'87
+entangles
+deigned
+monheim
+zimny
+rtd
+contravene
+modenas
+greeks
+42.10
+a18
+greenish-blue
+ibara
+3,200-kilometer
+kirkbride
+så
+in-situ
+yanti
+sackett
+kiryu
+trương
+thalassaemia
+bhajan
+bennison
+courtallam
+carinii
+gourds
+filimonov
+otop
+anseong
+mid-day
+whitewater
+macapá
+revolutionaries
+mirabelli
+chaguanas
+amarnath
+sisteron
+essayists
+clariant
+266.7
+jethwa
+post-glacial
+recolonized
+bernardoni
+precentor
+zambezi
+marenco
+classmates
+silverstream
+klüft
+announced
+bellaire
+hawwa
+olov
+step-father
+noteboom
+tyrie
+kanun
+rybno
+carbonfund.org
+muszyna
+moumtzis
+garrigus
+stepsiblings
+infracore
+druitt
+strongwoman
+numeric
+turbinals
+genova
+58-yard
+bruna
+71.00
+hydronium
+relationship
+plucknett
+masakayan
+damato
+bellbottoms
+averroes
+iru
+indictable
+79-75
+x.com
+hatsushiba
+85.11
+ch6
+g3m
+hearing
+baden-durlach
+expressen
+coleccion
+chemonics
+modern-looking
+smellie
+sio
+shela
+elbląg
+sumar
+alfeios
+drama
+camron
+amorphous
+nunery
+6.35
+saya
+meshes
+slaved
+masing
+yuldashev
+surgeries
+morphogenesis
+princelings
+kaalam
+clarel
+cubbins
+constructionist
+rejoice
+69.62
+debrosse
+bhawan
+loyals
+condrey
+ast
+bordoloi
+shanti
+3,113
+borich
+bandić
+clonidine
+luttrell
+altarpieces
+micali
+reggiardo
+qd
+coaster
+kantian
+seprafilm
+mclachlan
+40.52
+700-member
+rebroadcaster
+33-15
+bartolo
+meon
+3.3-billion
+leroi
+deerstalker
+customers
+pilanesberg
+helds
+karīm
+5,335
+966
+dimosthenis
+spectroscopically
+azizuddin
+joachimsthal
+ipco
+243.8
+sakyong
+platonist
+niimi
+goodier
+middleditch
+huebner
+fluidity
+trh
+debré
+brahmin
+2.09
+listening
+sukta
+star-shaped
+chuayffet
+zestful
+eet
+recapped
+systema
+testimony
+manetho
+pascu
+covino
+silvani
+architect
+800-odd
+56.91
+indice
+billboards
+yaik
+volition
+hrdy
+kinrara
+woks
+couric
+ferghana
+panlalawigan
+transcarpathian
+soffit
+snowplows
+synchronises
+tiko
+gurani
+ntags
+necati
+gransberry
+sigulda
+monpezat
+preecha
+dandridge
+kawazu
+12:59
+flagstand
+thranduil
+truckers
+sukumaran
+jadot
+walkthroughs
+camarena
+lilyana
+incompetent
+flames
+mahadeva
+oxidase
+begines
+dalston
+pastel
+ombudsmen
+corcu
+post-invasion
+hkale
+koala
+jospin
+cuero
+red-painted
+ply
+lets
+renou
+wenford
+index.asp
+121.1
+arj
+zagorec
+culiacan
+jbs
+woodlark
+nightrider
+engelmann
+zx
+37.11
+engerman
+72-76
+lockout
+proteolytic
+1.17
+veniste
+antwerpen
+nectandra
+dwa
+five-day
+7500
+a.m.e.
+ranker
+ungaretti
+exteriors
+siding
+inshallah
+43-43
+morte
+sainte
+252.6
+yangping
+heaviest
+radovic
+directsound
+detach
+sambath
+d'anville
+antibes
+soba
+clunie
+ladens
+fugato
+wuensch
+rizk
+36.28
+bocage
+lowii
+romanticizing
+petti
+liege
+teodor
+fuentes
+rsquo
+vansickle
+manzullo
+237,000
+lomong
+zaharah
+gauchos
+land-owner
+dilawar
+perfomance
+keun
+empta
+vet
+runs_sosa
+seawolf
+yüksel
+srpske
+insituform
+water-powered
+nietlispach
+meltwaters
+zoch
+jrlabbe
+quaffing
+duberstein
+playfirst
+snegur
+nepotism
+collatz
+triac
+waleed
+39-0
+interacciones
+lindenwold
+picvue
+plissken
+mokhehle
+oxbow
+kutner
+inte
+omaha
+27.61
+looping
+281.4
+tupelo
+crites
+guliev
+zico
+3,686
+erlenbach
+arindam
+korsch
+akpata
+4,318
+brimsdown
+kazarian
+centurión
+almas
+1_1
+7700
+visitation
+mellors
+nisou
+chiranjeevi
+hej
+mory
+hochtief
+kresse
+summer
+riceville
+klosson
+simpletons
+pointcast
+6-21
+minor-league
+sirkazhi
+loob
+ont.
+sachsenhausen
+low-set
+coll
+petagine
+hafey
+recherche
+burgaw
+sileshi
+blamey
+resound
+fritsch
+hnb
+brochures
+adorns
+3.7506
+modai
+sekem
+jfs
+copel
+momand
+mutans
+3:26
+mantell
+ciliaris
+inmate
+barau
+61.8
+,17
+wiechers
+ringkøbing
+1mb
+volleyer
+reappraisals
+ranton
+546,000
+squeers
+chapline
+gwenda
+shugden
+rishmawi
+uposatha
+baird
+hwang
+luol
+8,110
+backpack
+aéronautiques
+lorbek
+all-pro
+syphax
+shawali
+smirnova
+micromaster
+viravaidya
+slaught
+neutering
+22,600
+moner
+buhagiar
+teepencolumn@coxnews.com
+nemitz
+52,000
+kahg
+junctions
+mishcon
+ropy
+božidar
+3,089
+theun
+oynes
+r.w.
+o-1
+adventuresome
+amaurosis
+nawalapitiya
+kosovo
+savorgnan
+56.09
+padula
+bilayers
+st-jean
+partito
+scandens
+1,500-kilometer
+passenger/cargo
+r.g.
+73.6
+cesana
+llantwit
+co-prosperity
+sobolewski
+ಲ
+mesrine
+sirawai
+oustanding
+15:19
+taslim
+.229
+farfel
+raso
+imbroglio
+scruffier
+laghi
+cobley
+mountfield
+circumspect
+frauenkirche
+dzemal
+mimieux
+cilegon
+wojo
+match-up
+hera
+25.85
+reinoso
+lagorce
+theatricality
+bulandshahr
+hanauma
+attakapas
+hecs
+rehe
+fatherlessness
+transylvanian
+koenraad
+humourless
+yazaki
+kildall
+tonghe
+ichthyornis
+tufeili
+pawlak
+neblina
+4-by-6
+geared
+agustín
+carollo
+foreshores
+wop
+kamiah
+espn3
+freiman
+percentof
+gilyard
+nationales
+syaifudin
+nyle
+vandam
+sheed
+sleighs
+philips
+dussault
+qantaslink
+tkp
+starkenburg
+jla
+saipem
+dafydd
+syz
+70.30
+craniosacral
+1,807
+lavazza
+rationalism
+64.9
+citzens
+abejas
+basim
+nasz
+dweeb
+talmon
+301.7
+-03
+numerologist
+lunden
+8.4-magnitude
+studstill
+rhiwbina
+34-5
+mcanuff
+rak
+bureaucracies
+artemis
+gallie
+toronto
+polhov
+anticevic
+acosta
+halilhodžić
+insemination
+spera
+neele
+ludovico
+sample-based
+adhesions
+mandula
+toohey
+yaku
+vueltas
+boorady
+shashlik
+법정동
+tonguing
+fatouh
+draža
+711,000
+aliye
+123.97
+vacheron
+109-101
+clewis
+29.2
+sorenson
+rebranded
+digraph
+shinichiro
+cootie
+cell-to-cell
+hidi
+wolbórz
+transdniestr
+terrorize
+strigidae
+avara
+seraya
+pippy
+chimaera
+80-85
+dreamliners
+fulton
+latin-america
+equinoxes
+nvr
+jerboa
+oqo
+haine
+vic
+bedevils
+mind-boggling
+andrija
+whirlpools
+pele
+suficiente
+nicod
+tonko
+hathurusingha
+tolley
+dolaucothi
+aulie
+iztapalapa
+nzsx
+193,590
+sundeck
+pgr
+divans
+nodosaurids
+18:49
+trico
+d'epargne
+refraction
+californica
+qeshlaq-e
+slagle
+interphone
+benipayo
+thaipusam
+ghazzawi
+yoyogi
+sonin
+flightseeing
+lichten
+aral
+schlager
+140.7
+hurons
+transferees
+cropper
+hottie
+anfinsen
+co-co
+winterkorn
+128k
+spray
+zadvydas
+centropogon
+morus
+rathje
+stormed
+ramble
+industriali
+coatepec
+chatila
+vávrová
+gendered
+ghomeshi
+replagal
+niedak
+wilson
+zblewo
+hesse-philippsthal
+portending
+kohlu
+britten-norman
+'86
+higuaín
+mishkutienok
+krüger
+kaziranga
+eatonton
+veale
+ephesus
+cordy
+orbit
+silverstone
+expressly
+bednets
+covilhã
+wąbrzeźno
+13.48
+penkair
+supertouring
+gianluigi
+murcian
+kassidy
+oriolidae
+tragopan
+tuia
+british-led
+sfai
+fustian
+riemer
+europeana
+ružomberok
+quepasa
+boykins
+rioseco
+easington
+16.69
+tesseract
+diaphragmatic
+lynne
+141.5
+evicts
+mashi
+conzelman
+hoctor
+sanjiv
+petke
+sandero
+torit
+monogamous
+deleo
+asopus
+re-enact
+info
+polson
+kopko
+tangibly
+spongiform
+m-72
+complicitous
+laguiole
+makna
+starfighters
+1982-1996
+fowlkes
+nechtan
+1.074
+pure-bred
+kaldor
+rockeries
+shrugs
+sarà
+computer-related
+bellmore
+simari
+1.2800
+unwra
+intermittent
+kaylee
+wallpaper
+pontine
+non-guaranteed
+paolino
+gdps
+hahne
+51.3
+beckert
+suprasegmental
+representation
+longji
+siblicide
+domitila
+horniman
+motorsports
+redcliffe
+armorgroup
+30.30
+chapmans
+u-69
+heathcoat
+carbon-neutral
+litmus
+balmer
+commutations
+soomra
+estimate
+haetzni
+malkin
+cissy
+jmf
+cob
+skordalia
+här
+thurstone
+norah
+phentermine
+usasa
+fortius
+untertürkheim
+kirra
+woolhandler
+1.293
+claudy
+inebriates
+abh
+34.59
+lienz
+windstar
+zeldin
+paihama
+quakerism
+defenses
+serrault
+sfw
+ruzow
+moskenes
+canner
+bollo
+superheroine
+jaydev
+130,000
+lakehead
+harik
+toby
+oval
+psoas
+awwal
+locsin
+vereins
+ayrshire
+jablonski
+murrell
+collantes
+protectors
+aifl
+belhaj
+meritt
+ogeechee
+troja
+alejos
+c-130e
+3,234
+chicanos
+11-million
+now-vanished
+giedd
+naimark
+pesenti
+slape
+baosteel
+sukru
+antennal
+fractionals
+akili
+delattre
+13-cent
+larsen
+euro326
+alacoque
+guanciale
+217.1
+overcompensation
+528.5
+stringent
+boreman
+russian-language
+dorbor
+blackstreet
+bartges
+jindabyne
+.0205
+voltar
+20-month
+lummer
+comahue
+tachinid
+lia
+rabie
+11-person
+hollanders
+parathyroid
+milomir
+farese
+leghzaoui
+rucksacks
+46.28
+quincentenary
+deats
+trombly
+kontakt
+cojedes
+marant
+eilperin
+sárospatak
+cassin
+kanon
+nhan
+methanogens
+renwarin
+respectfully
+callisto
+pummeling
+dongsha
+l'éducation
+ostroróg
+outlined
+omens
+mlangeni
+device
+hillshire
+right-footed
+tacconi
+tiruchi
+pickup12thgraf
+915,000
+mukhtiar
+won-lost
+chimps
+shub
+anterograde
+farris
+bulaklak
+alsancak
+housebound
+inappropriately
+co-designed
+frenetic
+serifos
+junkbusters
+musema
+straitlaced
+atofina
+sverker
+prioritised
+ogo
+dsca
+hacha
+nonpareils
+ldu
+fingolfin
+bevs
+1.1933
+9a-5p
+grammatik
+moria
+61.99
+1984-1991
+fouls
+clenched
+mochtar
+eutheria
+rotted
+newsweekly
+mittleman
+splatters
+vlas
+usatf
+non-han
+ndfp
+m-78
+olshevsky
+f-5s
+francés
+euroatlantic
+gemignani
+plainfield
+2124
+kloos
+2,875
+ziegfeld
+deplorably
+dertouzos
+showerheads
+dosco
+restive
+série
+fluorides
+promulgates
+wurttemberg
+15:48
+156.2
+marjane
+choirmaster
+parsigian
+small-leaved
+102-92
+vigar
+retention
+bahru
+1895-1897
+gazoo
+hàn
+persistance
+ozhan
+brendler
+keem
+lakey
+yorkin
+55.51
+simson.net
+makhmud
+pito
+zaqatala
+listenings
+multi-mission
+0705
+gakko
+gly
+ymer
+vietnamese-american
+elsenborn
+24.6
+ersumer
+105.26
+lagueux
+æthelwulf
+1123
+metaverse
+flavanols
+http://www.interpol.int
+dijon
+pre-contact
+henoch
+pascolo
+syncrude
+chaul
+kohlberg
+83.30
+katydids
+colorata
+balika
+3,168
+merkerson
+schiraldi
+nasiruddin
+bantered
+merrillville
+subacute
+ntakirutinka
+ido
+5,870
+misallocated
+ochlockonee
+evaluation
+cryosphere
+klowns
+4:21
+pock
+krasner
+kancamagus
+mcniven
+božo
+lintott
+gente
+ringim
+5,480
+legeay
+9-12
+stagno
+neureuther
+tagirov
+otori
+ovulids
+lindstrand
+marbled
+bahgdad
+26-point
+sportsmanship
+3,869
+eintracht
+yorkists
+supor
+tempers
+37sec
+valkenswaard
+terminology
+turista
+accordian
+asexually
+jutge
+bundespost
+choroszcz
+specs
+gibraltarian
+kurimoto
+lonavla
+dyscalculia
+nmra
+plethysmograph
+hoddinott
+surmad
+hooting
+strakosha
+indifferent
+gendun
+wrightsman
+sob
+ishasha
+cyclization
+1.0005
+barua
+lahi
+3.9-liter
+tuvan
+68.60
+trabants
+air-borne
+stearn
+lycans
+haematopodidae
+canario
+vadis
+chairback
+ma-1
+phibro
+caroliniana
+slayden
+2,700
+győr
+zanolari
+farro
+balgimbayev
+ocurred
+paradoxa
+overexcited
+effused
+petrolul
+exercices
+fallowing
+jiffy
+slimes
+genderen
+hibernian
+digimarc
+salwen
+quackenbush
+dyche
+toddington
+osroene
+cndp
+rucking
+rabotnički
+malahat
+st.joseph
+77.49
+étendard
+7-member
+18-million
+theni
+initally
+tokitsuumi
+walbrook
+arbres
+resilient
+breakers
+sdtv
+tenantry
+integer
+hortman
+industrials
+queudrue
+tanusevci
+wipa
+babbitt
+sumerpur
+kidatu
+bhoja
+94.10
+neafie
+standard-bearers
+42-7
+81.08
+dead-ends
+distefano
+nmdc
+ectasia
+lancôme
+49.04
+75-85
+cartas
+fetters
+rakia
+lincolnwood
+hd3
+thomasschule
+felice
+norfolkline
+engemann
+jinlin
+manipulating
+saptha
+75.88
+hot-headed
+lidice
+storm-force
+zhongliang
+non-canadian
+ssei
+participating
+squalus
+rafel
+nanites
+hummers
+best-loved
+38.60
+critz
+omelettes
+ugljevik
+tanvier
+rodell
+14.02
+187.7
+yusup
+assignable
+1,369
+36.27
+dorff
+umid
+bankability
+boles
+3.23
+nicolelis
+report
+parameshwara
+ansgar
+stanleys
+allback
+gameloft
+tvu
+sanctioning
+degremont
+bergevin
+1940-1942
+entrusts
+meinig
+artfully
+gambler
+scovel
+8.75
+askøy
+abetment
+womersley
+9,990
+farell
+chatshow
+bick
+śląski
+musicum
+ajinkya
+veeran
+perino
+compostela
+macworld
+matsuhisa
+osterville
+cordwainers
+inspectorate
+nicked
+yelm
+colonias
+rohr
+attemped
+u3o8
+waring
+3,821
+prsd
+năvodari
+jindrich
+fulldome
+2-ounce
+eltinge
+elcom
+twelvefold
+caricaturists
+deine
+backa
+nizamat
+chevening
+giambologna
+miliary
+mester
+souper
+godinho
+civitanova
+embellishments
+ubdina
+oribi
+kolomyia
+periodicals
+disulfides
+blurting
+villaret
+dajun
+mcclean
+xiujun
+yazici
+riya
+scalabrine
+horta
+yalobusha
+pseudoinverse
+sicks
+dichotic
+rumbula
+skj
+stroop
+fcuk
+plaisirs
+2640
+850-square
+smarm
+shlisselburg
+33.03
+benne
+7,920
+misuari
+hatreds
+fov
+apoc
+loizos
+ejaz
+3-on-2
+10pts
+sat.
+56b
+voskanyan
+yiwu
+peart
+0.7-percent
+persecutory
+switchgear
+malakian
+opa
+balta
+maxam
+moto2
+rodeway
+ohaeawai
+verinag
+clears
+vinyl
+largesse
+snezhinsk
+sarrebourg
+mammon
+comhairle
+1159
+woodcreeper
+wounds
+politically
+agit
+quashed
+harpist
+n15
+isat
+69.04
+boehler
+yimou
+fidayeen
+99.0
+mingled
+argenteus
+murta
+----------------
+iturriaga
+elleair
+scheepers
+acetylated
+vanadium
+eub
+longmei
+117.69
+ngconde
+jugic
+ponsot
+tenmile
+3-point
+almansa
+bon-bon
+panelist
+braveheart
+decimate
+motrin
+deride
+shawarma
+zielona
+3-year
+li0
+boucar
+microdrives
+balonne
+panruti
+tunisia
+0.0005
+knotts
+shennongjia
+illegaly
+peshtigo
+dickel
+mcwethy
+aop
+jatara
+547
++.11
+stockinger
+curbing
+hoppe
+valère
+pmrc
+www.ncl.com
+tecpan
+fengqi
+crag
+ordon
+cobasys
+blätter
+zarzuelas
+communist-controlled
+67-percent
+memminger
+66th
+esfuerzos
+perigo
+3,777
+ligety
+72-66
+0330
+klemen
+errol
+kubuntu
+roulier
+stubborn
+hypnotic
+fushe
+julmiste
+159
+knitted
+morjane
+tribhuwan
+sfn
+98fm
+refine
+bundchen
+bracket
+pirbright
+catchphrase
+joani
+pathfinder
+vahlz
+vuoksi
+marach
+titoist
+pâtisserie
+keshav
+edelmira
+huks
+joyce
+sunken
+gollnisch
+1.40
+nytbook
+herpen
+imagin
+94.9
+trebled
+10:35
+nsanze
+tachyons
+sextius
+1969-1975
+prostki
+rajpal
+tetrastyle
+epistola
+sangeet
+semipublic
+mesinger
+bopper
+neenah
+heryanto
+7m
+hornbostel
+interferogram
+f44
+2707
+yiren
+lollipop
+kareli
+shiso
+hankou
+coopération
+first-world
+passbooks
+whoriskey
+satyanand
+folies
+moorsel
+versi
+tarsila
+p-35
+90.92
+shenson
+wesoła
+bespeak
+xpedite
+low-resolution
+servan-schreiber
+kiew
+cranium
+librarianship
+eraniel
+badrinath
+ronaldo
+dimma
+abdelkrim
+arsovic
+geovanny
+whitehurst
+siyassa
+tizard
+kerak
+sungkyunkwan
+heitkamp
+18.89
+hamel
+malted
+anti-piracy
+palos
+aldolase
+białystok
+iannella
+baluchi
+vervins
+eatons
+khewra
+lipshultz
+fin-de-siècle
+staffed
+grappler
+hang-out
+now-classic
+bibliotheek
+kaysen
+raimbaut
+headhouse
+bruyn
+jovanovski
+laning
+waun
+obsoleted
+dąbrówka
+qb6
+palmate
+willkie
+cortelyou
+reznick
+frucher
+geophysicist
+migliore
+reddy
+1-in-3
+acro
+isochoric
+pinscher
+10,000-word
+hart-davis
+text-only
+yongding
+dmitry
+30-days
+1228
+kii
+industrialize
+duby
+treloar
+thereafter
+noshiro
+aqraba
+seyd
+altenkirchen
+baligh
+omed
+102.59
+re-commenced
+tigipko
+conceals
+staples
+nilton
+bluetooth
+92.10
+gerdzhikov
+mesquiteers
+recer
+nilradical
+r-16
+overlay
+dimapur
+orbi
+stan
+hooding
+romeoville
+vanves
+coxnews@nytimes.com
+heidinger
+therdsak
+d'oliveira
+wellsville
+sanstha
+aðils
+climan
+sitnica
+novák
+alcoholism
+itokawa
+narcotraffickers
+belacan
+archbishopric
+karst
+verene
+sommar
+8h
+feds
+meticais
+nipps
+bastes
+yie
+šimon
+laparoscopic
+württemberg-baden
+bai
+incurring
+mortgages
+hermès
+sunburnt
+wehling
+rlif
+hras
+dorion
+pretaped
+mondex
+ap.org
+meshullam
+re-numbered
+internetwork
+legalized
+walsrode
+suitemate
+clonus
+2560
+pay-tv
+krysiak
+transcribers
+cybertron
+dayong
+oktoberfest
+zamili
+addicott
+klemmer
+a-340
+lepke
+deeble
+stilettos
+tridentata
+arshaq-e
+ker
+cocody
+swetland
+shageluk
+burcu
+adoro
+colombianos
+oval-shaped
+pingyu
+2,720
+tuchman
+yeshua
+wrightii
+symbolizes
+ncar
+teachers
+700-mile
+pilcom
+apaches
+legislate
+tuss
+thalassotherapy
+harazin
+pavle
+cota
+wilma
+centralising
+118,500
+furen
+46.17
+pkcs
+'34
+nescopeck
+.325
+forat
+2-10-1
+stateful
+1,559
+ordination
+dumplings
+hollered
+učka
+adequacy
+huapi
+leaching
+hexahydrate
+stanekzai
+engqvist
+rastafarianism
+craftsman
+horrobin
+dihigo
+22-pound
+5.5-inch
+jurgen
+grumpily
+polaron
+contaminations
+jinen
+cozi
+2003-2005
+chromic
+islamo
+tensin
+sabahudin
+melarsoprol
+ghiorso
+henchmen
+molinier
+sebe
+mayordomo
+pso
+reorganisation
+gwalior
+0577
+75.90
+560,000
+heijn
+destinee
+bartelstein
+jeou
+darrien
+medinaceli
+mbokani
+ditties
+fastbreak
+isserles
+4,885
+bidvest
+bardyllis
+bussum
+petrify
+screed
+tifatul
+7070
+lonicera
+.608
+asahikawa
+bada
+nozomu
+47.69
+jemmy
+crees
+multiplexers
+skog
+use-value
+37,188
+802.15.4
+oramo
+protools
+five-game
+qbert
+ncidod
+coulthard
+parceled
+mimì
+j20
+mazloum
+paani
+tequila
+underglaze
+120/80
+rabier
+bojang
+1-june
+part-owner
+bridgeview
+rockery
+kpo
+ebola
+infused
+obliging
+sirigu
+demilitarising
+co-artistic
+deliberation
+686,000
+nelvana
+čd
+stankovic
+ishigaki
+harmsworth
+bipedalism
+appl
+aracoma
+somluck
+ilioupoli
+juni
+akezhan
+lenni-lenape
+manizales
+joys
+sportster
+werts
+boueiz
+almaviva
+biblia
+modifieds
+two-book
+monasch
+346.7
+roberdeau
+dasanayake
+pasturelands
+goonyella
+elof
+isomorphic
+friendliness
+54.66
+wilcox
+flumazenil
+dangerbird
+d'avanzo
+putian
+denes
+binod
+fluorocarbons
+bargi
+vayots
+grinds
+peripherally
+opb
+armitt
+carly
+khalkhal
+impe
+overdrawn
+nakada
+3.13
+easy-to-read
+choung
+searchable
+75-seat
+1620s
+protv
+fiumara
+65kg
+pigeonholing
+46-inch
+aids-related
+momofuku
+prayoon
+grison
+soeurs
+beever
+seamonkey
+corben
+satanic
+heyer
+1-martina
+turgenev
+mer
+buzz
+heliskiing
+ch-146
+jewelers
+yefet
+nawroz
+37-17
+irizar
+leofric
+.640
+pray
+finisterra
+dominga
+entrapping
+planchets
+akubra
+cycliste
+pumpkinhead
+levay
+partitioned
+dichromatic
+refocuses
+deloss
+17,850
+battiste
+hynes
+226-3433
+frito
+jose
+dror
+puckered
+unshakably
+fedepetrol
+siemiątkowo
+spinnin
+føroya
+aborts
+extras
+goldburg
+phalia
+puthur
+halappa
+craghead
+quinones
+genghis
+etalk
+moyal
+jongen
+batina
+dagdizel
+jemez
+dispatching
+rhee
+5.72
+latka
+wanninger
+grauls
+peptides
+unbundled
+53.04
+paibool
+handmaid
+1659
+twagiramungu
+teahen
+15.48
+aberfeldy
+shearers
+castellana
+sterrenberg
+3,062
+carnelian
+heiligenstadt
+draughtsmanship
+doomtree
+magnetos
+433d
+bundeskriminalamt
+montet
+luftwaffe
+balangay
+eyjafjallajokul
+118.60
+doboj
+euro360
+seery
+gibb
+cubit
+herbs
+33.88
+ncci
+posicion
+ladislav
+sonofon
+profunds
+montaillou
+centipede
+micronesia
+didot
+barthelmess
+d'anna
+buffetaut
+liter
+ulama
+isaurian
+hapoel
+elector
+bastianelli
+marylhurst
+pavlenko
+naumachia
+sportsnet
+tukan
+benkahla
+caglayan
+edrington
+nizhny
+commie
+narendran
+14.84
+troeger
+juventus
+nali
+liath
+grands
+zgharta
+størmer
+urbanchek
+47-20
+crichton
+imputed
+colonizations
+donohue
+36.95
+spartacus
+2,405
+mazda2
+lastras
+stephen.dilbeck
+29-21
+mellion
+publication
+córdova
+guilhem
+v-cinema
+yordanis
+trebelhorn
+revenger
+horby
+reticulum
+brunerie
+carnaval
+whitten
+vik
+mardi
+trimark
+disperser
+bua
+rcmp
+danskin
+100.33
+tuita
+claesson
+ultramodern
+delabole
+amalfi
+daura
+scaleback
+balagula
+shuttleworth
+jullian
+halvey
+musina
+bristowe
+harpy
+tresvant
+spon
+raghavendra
+1.5500
+elsie
+1690s
+bbt
+russkaya
+maczek
+fine-tuning
+concord
+overmyer
+z71
+canzonetta
+emotionless
+r/v
+three-yard
+sandycove
+caac
+clinica
+kosan
+tida
+trachelipus
+schaeuble
+depositions
+ritek
+defining
+jukka
+arnfinn
+inveigh
+patria
+calzone
+aibak
+hamir
+makov
+filifera
+youling
+devvarman
+1962-1965
+ribosomes
+three-cushion
+isaka
+yoran
+87-77
+taverham
+repki
+alvord
+wolszczan
+story-driven
+alemtuzumab
+prence
+coverted
+miletić
+cicco
+handgrip
+centre-piece
+chukotka
+100.28
+87-73
+re-laid
+jemima
+brooked
+peled
+hygienically
+dentate
+cheered
+2-door
+zhongxiang
+nohn
+sparrowhawks
+ecuatoriana
+transdanubia
+thiene
+semedo
+bettini
+baqerzadeh
+strang
+mceldowney
+gogoi
+toe-to-toe
+4.93
+dayes
+26.99
+misreporting
+katatni
+daulne
+18-month
+digests
+trancelike
+breslau
+cosio
+marksaeng
+187.6
+echternach
+honeybaked
+feldhaus
+10-10-10
+gonda
+plantlife
+verloc
+tu
+magandang
+100-150
+chautauqua
+tulsipur
+griots
+hamley
+artaserse
+cephallonia
+godiva
+fornicate
+fangzhou
+broseley
+acceptances
+beautiful
+lebel
+mcpeak
+thriller
+vasu
+necator
+kitana
+retrial
+sansom
+21.84
+.538
+pirillo
+resented
+bonny
+dazzles
+dphil
+navarette
+drumstick
+dictums
+howel
+blue/green
+indjai
+verdana
+elisa
+allocasuarina
+basics
+hörbiger
+119-run
+haigazian
+pretorious
+bruckheimer
+j.williams
+deutschemark
+89-86
+rpd
+naloxone
+babacan
+bijal
+adverts
+19:06
+fitzhugh
+unmaking
+bairn
+chupa
+gorospe
+nasreddin
+histiocytes
+jarls
+lipovac
+boothman
+conservatively
+asg
+marcum
+medic
+cuchulainn
+tianna
+lungi
+mihal
+belied
+shindler
+ziganda
+mitrovica
+bbc.co.uk
+1207
+bilinguals
+agregado
+separate
+germanotta
+ashurov
+tricastin
+sellman
+feltrinelli
+marlon
+sampas
+lukasiewicz
+ceolred
+societal
+baratieri
+82,600
+character-based
+tekle
+logone
+mardin
+tilting
+s-type
+1,442
+doriot
+galewice
+alexandrescu
+sono
+pems
+gharekhan
+trackage
+metre
+retinue
+simeoni
+three-judge
+vignes
+inaction
+12/07
+metropolis
+mig-17s
+chopan
+recuperating
+vänersborg
+wsis
+luke-acts
+merloni
+chaffin
+jury
+dispirito
+semiretirement
+bonnington
+rynagh
+centerview
+acuminatum
+whistling
+nodier
+medigap
+erskine
+2-fold
+suspected
+viticulturist
+potens
+twelve-year
+bernkastel-wittlich
+tournoi
+tanzanian
+dinozzo
+roti
+3,048
+bencoolen
+ottavia
+offshoots
+retarder
+4-8-4
+andalus
+peddy
+asachi
+ludvik
+opérations
+arvaniti
+parnassus
+pcrm
+responde
+pappy
+software-only
+babalu
+chutney
+inrush
+steny
+spadefoot
+sperms
+ifsa
+marcelina
+haweswater
+educationalists
+spin-1
+tarraconensis
+anthroposophic
+sherds
+nien
+clienteles
+plymstock
+nitt
+inversus
+karaiskakis
+chauve
+telesystem
+platt
+spedding
+1983-1985
+wfrv
+sepak
+74.71
+rebennack
+omelets
+redlining
+47.13
+clubes
+salehuddin
+khalfaoui
+ilocano
+ensnares
+alexandropol
+ouédraogo
+lawing
+hcfc
+clefs
+dwiggins
+gorbals
+states
+whitecross
+kholmsky
+wardley
+backlashes
+skoko
+paris-based
+anonymous
+flessel
+blackshirt
+slow-growing
+31.66
+grisel
+haouari
+kma02
+tiwari
+changes
+convictions
+european-americans
+pilatus
+papathanasiou
+destructionists
+bet
+inattentive
+parakramabahu
+tropicalismo
+harda
+skagerrak
+petitot
+mbango
+snake-eyes
+thirty-nine
+vocalized
+kocinski
+pyongtaek
+blotto
+qingtian
+connole
+in-wook
+yard
+trenti
+hopefulness
+chrysler
+chui
+editors
+magnette
+213.6
+94.70
+31.65
+pratense
+degnan
+milman
+bouwe
+nrk
+serenata
+bfi
+newsnight
+4-90
+obediah
+silberberg
+orefice
+phaidon
+peillon
+highbush
+nbfcs
+aholic
+darroze
+ocko
+l-alanine
+sperlonga
+hip-hop
+resisters
+ōta
+autobot
+moisture
+boliva
+toulemonde
+asni
+frontals
+98.12
+fedorovych
+schertz
+mahout
+chloro
+19/km
+ritzville
+liberating
+wallstreet
+abdulahi
+.334
+26min
+laris
+83-74
+nflel
+levo
+riga
+contradict
+sahb
+fervor
+fitim
+skelley
+discolorations
+oberstolz
+hapū
+kanoko
+necc
+kalkilya
+98.29
+ankola
+.452
+explainer
+sheeda
+then-vice
+7.7995
+2,748
+struver
+unwieldy
+thur
+ths
+masango
+vijaya
+claytonia
+muhsin
+siston
+selsey
+cogs
+basked
+cootamundra
+pose
+caridad
+662,000
+zomegnan
+ghal
+176-kilometer
+anti-immigration
+bloodworms
+melek
+intents
+tax-deductible
+candian
+boryeong
+jospeh
+clu
+hsbc
+eightfold
+xiuqiong
+actuating
+rambunctiousness
+seea
+dtac
+glcnac
+hovhaness
+gallican
+kangana
+-
+chastain
+saloonkeeper
+tchenguiz
+nasinu
+taufeeq
+sámi
+transgenderism
+shabbos
+sh3
+vysočina
+arsion
+newscasts
+sawlu
+aspropyrgos
+baycol
+permanents
+priapism
+isopropanol
+tanski
+.367
+mikhaylovsky
+tibby
+competing
+iams
+apak
+mariology
+hasenclever
+cussing
+abl
+germs
+noronen
+bluelight.com
+daggubati
+pinij
+tsaritsyno
+metzelaars
+dynamos
+ellendale
+schifferstadt
+25-storey
+lack
+gencor
+trop
+jeyaraj
+daoud
+cripples
+48-seat
+faucher
+center-right
+non-fifa
+rotorcraft
+parliment
+adea
+outlying
+67-63
+leggings
+ulbricht
+addazio
+barghest
+bozena
+nortena
+kartheiser
+993,000
+cuttino
+maneuvering
+lobbyists
+warmups
+1,609
+peyster
+остров
+67.16
+kennebunkport
+heighington
+navolato
+mobutuism
+goodlad
+ilala
+sciver
+leaser
+tyc
+grisales
+16-years
+communist-led
+llc
+sheremetyevo
+pallium
+recounts
+louisianans
+nanosatellite
+barik
+reminiscent
+34a
+hipódromo
+fienie
+tika
+yacht
+vidigal
+sinsuwong
+orensanz
+rhapsodic
+parenthesis
+jobsite
+bruyères
+imia
+annobon
+professore
+satterwhite
+swot
+raue
+78.3
+lanosterol
+tatupu
+yahalom
+queeny
+montalcino
+migrations
+169.50
+subpart
+steepening
+inculcation
+14.125
+janjaweed
+damnable
+ashihara
+angika
+letizia
+briand
+exclamation
+rōmaji
+protract
+tsuneyasu
+fond
+barrios
+helvetica
+cardarelli
+boating
+gismonti
+44s
+pcgg
+kopecky
+drenovac
+humansdorp
+suecia
+sénégal
+bahíyyih
+2028
+jolls
+hornby
+unproved
+calixtus
+wener
+155-pound
+approximations
+-4.5
+region-wide
+bureaucratic
+vilchez
+beyers
+vakhushti
+snorre
+airbus-300
+miriam
+spreading
+situate
+ende
+1,153
+gramophone
+zig-zags
+98.59
+nightjars
+furthur
+farrukh
+refocussed
+coad
+velia
+lucks
+black-winged
+deptula
+anthropologist
+sawahlunto
+forgive
+unprintable
+82.91
+mysid
+jashpur
+tumak
+vecht
+400.000
+former
+mistrial
+scald
+90-odd
+lamorte
+rybolovlev
+goals
+jaquie
+thaci
+post-disaster
+meekins
+martinov
+500-franc
+traulsen
+pirkle
+cymbal
+o’regan
+seiko
+electrowinning
+drivable
+shamoon
+institutionalizes
+stingaree
+excellencies
+life-sized
+signora
+ichr
+braeside
+109.8
+oec
+70-3
+indo-american
+swift
+nestled
+.388
+graetz
+leibold
+excursionists
+padu
+gapan
+36-1
+zaria
+welsbach
+shean
+thracians
+orchestrations
+.735
+willfulness
+elorde
+spillman
+rechristen
+songcraft
+mrozinski
+calender
+montespan
+chimeres
+brigitte
+horbach
+persists
+attends
+jaish
+sabulis
+chytrid
+narsingh
+d'holbach
+wireman
+rapped
+higham
+red-bellied
+quilpie
+thessalonica
+exercisers
+τὸν
+ahrensburg
+kabbani
+1.38
+bt40
+szczechura
+bazaz
+excitements
+nests
+neuropathic
+syndicale
+eqs
+tdl
+cisar
+selah
+doonan
+ecn
+perpendicular
+21.35
+ausa
+vorbarra
+chickadees
+lensk
+7600
+cubics
+crosville
+g.m.c.
+3.83
+lll
+sayce
+115.31
+i-76
+lucé
+cosmote
+mutitjulu
+collipark
+martillo
+taubenberger
+janikowo
+errington
+49.83
+pico
+milenio
+momentum
+1,595
+icca
+mavridis
+paetus
+saltoro
+containing
+straightaways
+chalfin
+nerva
+zellars
+dummies
+cherkessk
+wiliest
+satanist
+loggia
+newsmax.com
+122.45
+overprescribing
+lalamusa
+cernobbio
+grasse
+ruell
+casamento
+rad8
+125s
+schwartze
+74.37
+timespan
+naranjito
+komtur
+pollinates
+fredo
+hands-on
+mkr
+petrucelli
+zicot
+adani
+nirenberg
+17,380
+jova
+0232
+beevi
+leogang
+tenfold
+khalīl
+anti-qing
+tannaitic
+samiul
+likasi
+jemseg
+serials
+5-foot-2
+1.4075
+veena
+volodomir
+incae
+chokri
+07-08
+garff
+pressurizer
+hard-rocking
+calarco
+cecil
+taif
+hadrosaurid
+clein
+ramazanov
+brei
+methodology
+yamato-e
+lugos
+mean
+kuron
+19:08
+culina
+cruisin
+beseeches
+lingzi
+round-the-clock
+tenements
+coalisland
+pihlblad
+5,650
+5d
+planches
+academies
+palanca
+jbl
+primality
+nuj
+degiorgio
+styal
+shrub-dominated
+toppmoller
+happo
+atr72
+cogsworth
+helle
+ablett
+prasugrel
+walcheren
+10-second
+kovats
+tognoni
+heliothis
+tangents
+hardiest
+murtha
+endorses
+fosca
+qiren
+52.26
+kezer
+onrush
+hardware
+swoop
+micrococcus
+rathnam
+dtt
+furchgott
+crossbeam
+dowman
+unimpeachable
+trappes
+cast-iron
+hackl
+rectrices
+chineses
+bennani
+bide
+giertych
+ziman
+english-subtitled
+dimopoulos
+o'donovans
+bruinsma
+lomachenko
+fiatach
+29-nov
+rowlf
+basica
+trustmark
+shiong
+lacrosse
+popadich
+24-april
+margrave
+chantal
+simoni
+65.00
+espa
+multi-instrumental
+várzea
+chhatrapati
+beguile
+sojourn
+holway
+pigments
+establecimiento
+lepida
+co-sponsorship
+simoom
+jewelpet
+98.66
+ries
+tsotsi
+mislabelled
+ravinet
+5:10
+akb48
+florine
+cmmi
+4-93
+junzo
+pace
+br-101
+conscripts
+kiamichi
+dimitriadis
+eighty
+164-yard
+tagetes
+mcclellanville
+off-hand
+rukavytsya
+68.36
+poached
+fieldbus
+hydrolyses
+stressed
+kepes
+diggity
+selkirkshire
+duni
+grada
+hand-delivered
+mig-29k
+marred
+infinity
+teradata
+o.s.a.
+inferiore
+37-15
+wtb
+hostak
+galatsi
+bangguo
+tadini
+shore
+amf
+styracosaurus
+orpik
+katamon
+ducked
+divertissement
+u2019re
+behnaz
+ognibene
+contrade
+nerikes
+6/1
+forfarshire
+victors
+kettlewell
+vezirköprü
+notaries
+nxumalo
+schinus
+megatherium
+acto
+bijan
+databases
+121.66
+lah
+westmin
+a-35
+staszów
+cinemagoers
+m.j.
+fianarantsoa
+saenredam
+shwan
+paes
+book-length
+el-hage
+digambar
+oona
+depriest
+http://www.loc.gov
+aquatints
+ofarim
+d'etat
+uncultured
+17:59
+gaianeh
+eone
+oxenford
+letton
+4,132
+rocketplane
+magaluf
+répétiteur
+54.0
+thériault
+reisfeld
+dellums
+cossatot
+klemenschits
+1.5535
+ediets
+dominatrix
+powerpop
+ferrosilicon
+workaholism
+udl
+74.62
+evetts
+corregimiento
+riverrats
+tiangco
+chindits
+mozart
+40-7
+ridable
+benicàssim
+biser
+corbières
+arithmometer
+yōshin-ryū
+peretz
+6.1-magnitude
+67.87
+ohanian
+monib
+dikili
+pro-axis
+leffert
+geshe
+4,000-page
+chimenti
+afrikaans-speaking
+o.c.u.
+herbalism
+ccn
+slimfast
+raihan
+łęka
+mindtree
+positivists
+kibum
+schabir
+46-ball
+flexuous
+white-flowered
+mellows
+nastia
+daju
+catclaw
+motuhake
+øygarden
+oems
+westerville
+legislatives
+minnesotans
+kunz
+typist
+homesteading
+60.74
+bubnov
+reappraise
+1630
+rushlow
+kaino
+pineview
+thickener
+bios
+neriah
+glogova
+msas
+wernick
+misplacement
+2,815
+eckersall
+2001-2009
+close-quarter
+unspent
+17:39
+10-city
+follower
+neurotrophic
+mhatre
+filia
+bucktown
+zaytoon
+straka
+raskin
+ecoli
+adminstrators
+liesbeth
+abishai
+115.15
+visting
+haiduk
+erythrocytes
+newlyweds
+khamti
+hisa
+1,434
+.409
+sug
+99.19
+zhengyu
+matagalpa
+10-for-12
+delfín
+lept
+biorhythms
+photodiodes
+83.4
+mislabeled
+amason
+kreuz
+parroquial
+o'loughlin
+fétis
+akon
+charlie
+(504)
+cartier-bresson
+harrismith
+nedam
+emv
+voluntaries
+messages
+scaroni
+multi-discipline
+m16
+hamon
+self-referential
+civitatis
+corbelling
+schiavelli
+toeic
+santana
+longford
+horen
+marren
+roskot
+neger
+non-geographic
+tegner
+400-pound
+ellis
+pre-algebra
+durston
+lbr
+shupe
+198.9
+bofill
+diganta
+asael
+43.70
+212.4
+nectaris
+scandanavia
+crowed
+diala
+glaucescens
+carranza
+dryptosaurus
+burkheiser
+galper
+southers
+sabatini
+hoorah
+moylan
+andersoni
+nutrisystem
+tiburón
+kunovice
+dlovan
+ellipsoidal
+short-course
+jianghan
+sils
+refugium
+harmattan
+14-lee
+switzler
+machynlleth
+gap.com
+camilla
+blackistone
+km-long
+2.085
+orrall
+hisawi
+kyneton
+instinctive
+sadikovic
+yazicioglu
+kegan
+fort
+1,600,000
+booksense
+khudi
+wheatgrass
+woo
+akinobu
+grangegorman
+erasmo
+contador
+kitani
+sammo
+jol
+aldenham
+arameans
+milkwood
+kango
+102-98
++2.00
+al-merreikh
+bleustein
+nuages
+off-beat
+a-kind
+dimmitt
+kaiowa
+d-loop
+sikharulidze
+stalingrad
+quidachay
+http://www.delta.com
+multi-engined
+acorns
+permittivity
+bases
+playwrights
+abdelatif
+eschews
+kamarudin
+enschedé
+versos
+nicoline
+macaria
+leskov
+entitle
+easterners
+fertilisers
+dalmas
+brush-tailed
+kotooshu
+faulknor
+gulbarg
+zanders
+colombo
+regraded
+ideologue
+coram
+alae
+xiangqian
+cremers
+nieuwenhuizen
+shrieked
+ofahengaue
+rakers
+german-occupied
+kailua
+changwon
+wildcatter
+toleman
+corominas
+marianela
+avance
+gneiss
+dudaev
+mullane
+ibad
+vanda
+tokomaru
+1,640
+annuls
+110.33
+triangulum
+up-and-coming
+jelf
+pufnstuf
+bonni
+two-sport
+hallelujah
+kilmorey
+flynns
+gurtner
+107.80
+exclusion
+meconopsis
+tinker
+paudel
+hijet
+57.28
+2719
+developing
+corollaries
+finest
+kronke
+ny190
+20/32
+sak
+koula
+.365
+super-hero
+senchus
+perciasepe
+disheartened
+mcgillicutty
+choppers
+branchflower
+zcu
+aleinikoff
+skagit
+rathcoole
+chinnar
+90.72
+meals
+doumit
+80.45
+selma
+buyrate
+mysak
+dashed
+thepkanjana
+renomination
+13.64
+kirdar
+hunterian
+hamence
+beseeched
+emmalocera
+3:4
+tapestry
+bahmai-ye
+hansmeyer
+rouass
+masajuro
+smriti
+yoanka
+spacesuits
+missoulian
+kohout
+mohnhaupt
+oh
+19,950
+truncheon
+keybank
+amsterdam
+hybrid
+galls
+evaporators
+slops
+delas
+sketchbooks
+cyclospora
+41.15
+networth
+5:3
+springfields
+watten
+goodsir
+guiterrez
+rreef
+eigg
+khawar
+leucine-rich
+itsekiris
+shiniest
+26-kilometer
+bandersnatch
+pariah
+josée
+lepton
+long-suffering
+flextech
+montgomery
+nação
+olympians
+super-soldiers
+chondrocytes
+regemente
+mortlock
+tournant
+kalaallit
+jack-o
+43,600
+rereads
+gaffa
+emoto
+quiché
+shikigami
+misrule
+kakizaki
+getter
+88-pound
+rozina
+secretely
+emsie
+31p
+plasmid
+ja
+dryness
+laura
+giordino
+gudmundson
+war-related
+wettstein
+lesions
+naseerullah
+khulusi
+malakoff
+meïr
+higgens
+1:49
+campers
+centrica
+51.5
+samhitas
+thumping
+carcharodon
+8.3
+soloist
+gleann
+opensocial
+tsp
+genzyme
+2-36
+32-12
+falam
+aguila
+mailiao
+vikraman
+first-ever
+lardy
+dimaporo
+13:17
+monodon
+jako
+collister
+kimber
+tsampa
+tulf
+kinniburgh
+chappel
+baazee.com
+pagewood
+madaba
+throats
+1265
+prue
+gaeb
+shulman
+jabulani
+sleaford
+halmidi
+rostov
+bachorz
+calderón
+ammon
+bynum
+perseveration
+spreads
+scrimp
+ojai
+churruca
+4.0-liter
+putt
+narni
+noahide
+1935
+1970s/early
+theology
+nové
+watermen
+cjnt
+lempicka
+anantara
+naysayers
+chamberlin
+ill.-based
+lauterberg
+schutzhund
+downspout
+babayaro
+foresthill
+castlereagh
+ollivierre
+rebholz
+yough
+hysteresis
+expertos
+palisades
+lázár
+claas
+zor
+41.26
+yannas
+emelin
+h8
+dropshot
+capralos
+kltm
+heathcote
+intergen
+euroepan
+bandidos
+spencers
+plainsman
+revisionary
+oppdal
+wguerrero
+koos
+birgunj
+2,091
+re-occupied
+jumeirah
+ostende
+ul
+sys
+interneuron
+sun-hwa
+lukas
+sibert
+57.77
+ermey
+linter
+93,600
+98,500
+11.28
+vizner
+dominated
+electrifying
+filets
+82.40
+lengthened
+drought-resistant
+behl
+suos
+maj
+venzuel
+gpgpu
+abstains
+playspace
+greensward
+deivid
+gingery
+civets
+euro166
+guanliang
+hans-georg
+ganapathi
+generalplan
+anastasia
+abbing
+106.20
+freckled
+yuriorkis
+standartenführer
+zoledronic
+ol’
+98.0
+nantha
+polesia
+kynan
+vitrea
+l-r
+stratagems
+22-episode
+barebone
+www.wto.org
+liquid-fueled
+qeh
+r.e.m
+henríquez
+dorabji
+banaz
+squam
+natter
+eakes
+maaser
+conformists
+kustom
+tatmadaw
+santiparb
+gaviola
+enskilda
+abhay
+nicotinic
+footings
+internet2
+cottus
+gazexport
+60.01
+pasuk
+ceanothus
+daying
+europeanisation
+knavesmire
+enjoyment
+oberreit
+pjl
+3,001
+bande
+sheetmetal
+shimerman
+arnarson
+carli
+uson
+carbonado
+image-based
+egremont
+embilipitiya
+peliculas
+9,378
+ñublense
+92.25
+feminine
+lapwings
+consecuencia
+mohill
+ttys
+strawbs
+anamnesis
+qidong
+34.22
+single-site
+aresu
+hansbrough
+incisive
+malik
+zoo
+muligande
+singngat
+100.80
+yamacraw
+larken
+crapsey
+feve
+self-identification
+kinistino
+sumit
+amphibians
+housen
+plymouth
+kinkade
+cribbage
+governali
+hippolyte
+bishopstown
+aberystwyth
+ben-david
+guerette
+judiciaire
+punkers
+schaitberger
+chodzież
+kinnoull
+120-118
+supercold
+unenlightening
+vivekananda
+tocopilla
+tenedos
+120.04
+birchmere
+bateria
+quadrate
+14:23
+nore
+crusoe
+neckerchief
+chavín
+franssen
+enrollments
+oyarbide
+trunzo
+vasan
+catoctin
+edris
+mackel
+urbanists
+mathewson
+ritsos
+marchetti
+beigang
+absconds
+montecasino
+gayi
+northing
+minturn
+abaci
+margaree
+logrolling
+roam
+back-to-back-to-back
+ikat
+ivet
+reticuli
+susan-e
+poésie
+malayil
+17,250
+32.25
+hertzfeld
+romanorum
+penk
+graniteville
+aromatics
+castorama
+internationalisation
+muted
+kouzmanoff
+voor
+oldham
+tehachapi
+132-member
+mwanza
+desborough
+boysen
+engineering
+employed
+wylde
+sexsmith
+extratime
+peregrym
+conselheiro
+alkenes
+elke
+kapustin
+drogue
+robbie
+250,000-dollar
+maskelyne
+wanshan
+chestnuts
+olha
+västerås
+tones
+24.26
+dweik
+xiangfu
+depredation
+élysée
+bandslam
+overrated
+raisa
+pramodaya
+hezbi
+1.5785
+expletives
+10:37
+intercalary
+mathrubhumi
+nar
+springville
+mimbs
+rogów
+wilcutt
+m.s.w.
+aach
+bucatini
+machicura
+smpte
+omar
+narseal
+jepkorir
+arvanitaki
+shallow-draft
+eidsvold
+drini
+3,451
+template
+.473
+tiebreakers
+kitgum
+ringmer
+andara
+kabha
+post-football
+mahwire
+rushall
+1983-1991
+m.e
+nasseredine
+virtually
+sokoloff
+primate
+mckinley
+adbul
+lemeshev
+althaus
+pizmonim
+riccardi
+short-handed
+forty-one
+prognosticators
+9.562
+shifflett
+anubhava
+trupiano
+salakh
+lurch
+etat
+waskom
+sherpur
+transmissions
+bakht
+paned
+retinoblastoma
+silage
+d70
+osha
+pibroch
+martok
+brinell
+thermals
+hibor
+foltz
+aptidon
+kindergartners
+three-bedroom
+venessa
+khyam
+gitlin
+gabric
+mudassar
+avesta
+uralic
+snæfellsnes
+restricted
+jett
+french-speaking
+chemjong
+setrakian
+underpins
+cittie
+credeur
+handles
+troshin
+octa
+skripnik
+dawley
+15.03
+gangtok
+lbs.
+7,820
+0405
+29.74
+preh
+trokosi
+connellan
+striations
+förster
+viduidae
+wellingborough
+radiocommunications
+nyíregyháza
+chernyakhov
+facies
+80-year-old
+al-shaab
+cnrs
+fingerpicking
+bomani
+donjon
+embalmer
+reform-minded
+automorphisms
+phenom
+pervomaiskaya
+rikiya
+clervaux
+pigasus
+stauning
+niqqud
+patel
+debnam
+verbruggen
+twingo
+much-anticipated
+entwining
+spreen
+marshfield
+malmsten
+swoopo
+crypturellus
+narodne
+faruque
+barneys
+tarascan
+attributive
+bxc4
+epica
+wga
+solh
+gma-7
+child-sized
+fatihi
+reichstadt
+daffodils
+egoi
+dismukes
+mccombe
+janeway
+flaminia
+millwork
+hagushi
+supercharges
+manners-sutton
+felidia
+intermingle
+fads
+paneled
+tomah
+loft
+tussock
+thigpen
+dagur
+nlds
+blazing
+sligo
+colma
+1,553
+symposia
+officer
+hagge
+legesse
+zazen
+dromaeosaurs
+grazer
+sackcloth
+200-page
+repeals
+oriolus
+iranian
+supplied
+cruel
+withhold
+runt
+braschi
+54.22
+19.51
+teatret
+euro219
+marondera
+mexica
+adit
+wilsher
+tropicbird
+katsuo
+201.5
+ocu
+serioux
+nothingface
+kalomira
+bucktail
+omron
+420-4209
+perms
+bevell
+unsellable
+ne/sw
+unbanning
+ex-british
+qaumi
+serf
+banshee
+phillipe
+fedexfield
+merlene
+maisons-laffitte
+quartette
+coaticook
+taurel
+iberians
+développement
+lember
+komaba
+un-sponsored
+común
+turkic
+tsoi
+hueco
+26.00
+lexy
+rebooting
+hoagies
+cichlidae
+itter
+1947-48
+rhb
+58-56
+blacklisting
+tribalism
+unfaltering
+yaralian
+svita
+filenet
+wooltops
+vidoje
+unsentimentally
+rahmstorf
+kilham
+suihua
+mehdiabad
+tamagno
+mapperley
+cinthia
+anachronistically
+restaurante
+sloc
+irish-trained
+glocer
+mallas
+inquirers
+testability
+leage
+380s
+legarrette
+cholly
+emmer
+impositions
+tarapaca
+dicey
+miserere
+craic
+openers
+oldbury
+passenger-operated
+seepages
+arbutus
+accessorizing
+eimsbüttel
+60.9
+12n
+dhaen
+absolutepunk
+34.03
+precompiled
+sts.
+cirino
+trabajan
+kilometros
+tarkas
+hogbin
+5778
+gamberini
+overstress
+yahtzee
+33-25
+parriott
+kilrathi
+submanifold
+dudh
+maclehose
+buc101
+triplefin
+leagrave
+auditory
+2x
+1897-98
+boxful
+11-inning
+novitates
+.586
+sajani
+kaupthing
+andacollo
+scherger
+kds
+tops-10
+doseone
+gibbons
+inex
+jülich
+narakasura
+53-3
+rishel
+shared-use
+homelander
+wollaston
+baladiyat
+childhoods
+14.96
+holladay
+mineral-rich
+philosophique
+karbouly
+3,258
+bahamani
+natshe
+episodes
+whitmer
+7,160
+fiqh
+120.45
+bowmans
+lapastica
+echter
+fcw
+ropp
+reb
+formwork
+motha
+co-investigator
+slcs
+arminius
+arpeggiated
+elyan
+traduced
+briefcases
+jamri
+2,271
+burble
+33.71
+kalashnikova
+jelka
+fulvous
+61.92
+2,791
+95-page
+helpmates
+sabse
+lugbara
+shuneh
+ba936
+vanish
+h.t.
+8-3-1
+jettied
+plzeň-south
+kapala
+kylin
+brynas
+redrado
+54.32
+chrysis
+noyori
+sociological
+siripol
+luhn
+m54
+slbm
+netrin
+1996-1997
+13-acre
+grandfather
+limber
+whigfield
+katara
+dri
+thoth-amon
+kohistani
+ponytails
+acalypha
+gombo
+three-strip
+diabolically
+50-hour
+floor-to-ceiling
+pedis
+three-inch
+preciseness
+ía
+bll
+1,151
+horological
+posse
+bariq
+washtenaw
+2,519
+bluebear
+tracts
+guyomar
+ambang
+galaga
+sunga
+maisie
+teshome
+whitall
+firepower
+itineraries
+parena
+311,000
+dunseth
+188
+milimeters
+burped
+55,000-seat
+reprimand
+guyed
+lykke
+rostrata
+chinadotcom
+46.8
+modifies
+pasachoff
+castelnuovo
+spluttered
+duilio
+weight-lifting
+cerebrally
+umbria
+portent
+outdraw
+fecund
+cortot
+dash7
+rearming
+merryman
+ratto
+edgewise
+hasselbaink
+ducos
+qandahar
+usos
+adventurousness
+tenskwatawa
+lahave
+text-book
+secp
+enjoyed
+turk
+honest
+kartha
+firme
+82.82
+bernama
+kensico
+plateau-mont-royal
+toiling
+55-kilogram
+profaci
+moritsugu
+corcoran
+shahrd
+elizabethport
+akoya
+fuldenses
+outwitted
+diagonalizable
+alhazred
+basestealers
+zinka
+hdlc
+hordes
+bitola
+awen
+sarod
+shalikashvili
+weinsberg
+beera
+nc4
+darchula
+formula_147
+leons
+lucecita
+absher
+meesawat
+59.41
+huazhong
+urai
+borthwick
+tissues
+selfish
+commanche
+kaligis
+chinese-english
+curvelo
+shamni
+vanner
+buries
+keihin
+33th
+barbat
+shaqaqi
+acpo
+mid-hudson
+hornbacher
+company-sized
+voree
+khenchela
+glassel
+echaurren
+thamnophis
+erman
+collingridge
+spindler
+jaclyn
+glavin
+bradesco
+anier
+16-8
+tibbles
+dolliver
+minbar
+40,800
+skeltah
+vannatta
+hyperspectral
+quipus
+sive
+vhs/dvd
+mikheil
+notifies
+shepperd
+184,000
+skittered
+nighthorse
+bonté
+vicarage
+5-year
+kealakekua
+disfranchised
+atanasiu
+3009
+sclerosing
+verbascum
+ramige
+euro474
+nayla
+seraphin
+408.5
+dinka
+sesquicentennial
+cataño
+mudflows
+zhiguli
+old-school
+mohmoud
+littmann
+50.37
+boleros
+glackin
+oticon
+kombucha
+stirland
+2,537
+gwilt
+gcc
+harambee
+eston
+buzenberg
+sovietization
+sf6
+ogaden
+gns
+42.00
+moistness
+butches
+youliang
+smx
+durian
+sokak
+jabari
+scuticaria
+flex
+hartington
+canjet
+neptunus
+1975-79
+geitner
+pozdnyakova
+handcock
+1120s
+succès
+vilfort
+63.87
+acanthosis
+maeder
+samak
+1972-1974
+macromolecule
+grs
+j.r
+2:48
+careers
+seabaugh
+patience
+20p
+boak
+q&a@ajc.com
+clémence
+kandari
+amandla
+taso
+112.07
+kautsky
+zaehner
+30-second
+zhdanov
+blome
+hejma
+hoogendorp
+tregaskis
+demurs
+pitera
+dampierre
+upton
+nnaji
+juweideh
+serra
+summerford
+commanders
+borgatti
+lascaux
+lettered
+wagman
+calculating
+bullet-resistant
+electro-optics
+34.51
+sevigny
+luzuriaga
+özlem
+dumbutshena
+69.48
+audre
+unrf
+salka
+bespeaks
+p57
+abdelhaleem
+coplas
+mosul
+salsbury
+50.34
+19,359
+mouquet
+seaquest
+noć
+hotseat
+cupholder
+gitarama
+odwalla
+canungra
+outgoing
+bourgain
+páginas
+bricmont
+pdip
+axs
+munnell
+puffleg
+35m
+dieffenbach
+paracles
+71.5
+euro203
+1524
+druthers
+mayumi
+castaignede
+mullican
+unaligned
+clairaut
+86.94
+home-made
+low-carbohydrate
+samaraneftegaz
+hoca
+emulations
+appertaining
+pre-inca
+roxburghshire
+busty
+cojimar
+schirn
+rakel
+-2.1
+16-race
+topsfield
+madhavan
+tringa
+ulee
+kalomoh
+kremastinos
+alajar
+onyali
+gallon
+crittendon
+jordanesque
+liberation
+haimo
+humming
+palladian
+unicor
+bhar
+pass/fail
+quattroporte
+goodies
+gruszka
+blaque
+kallenberg
+naceri
+re-defined
+mitteldeutsche
+bioreactor
+dupré
+plimmer
+gids
+tourbillon
+condron
+sihor
+yeo
+summarising
+col.-gen
+conveners
+vintages
+kapadze
+1936-1939
+wilmore
+amoraim
+shmaryahu
+vidale
+5:12
+buzi
+3,000-page
+zacky
+impede
+95-75
+x-fi
+91.93
+sibiryakov
+wcm
+rasina
+ssis
+alou
+786
+gudmundsson
+székely
+tinstman
+ab
+knocke
+plitt
+sausmarez
+minelli
+wimberly
+identikit
+tabares
+rnrl
+monopoles
+milot
+banchou
+logotherapy
+phanor
+schachter
+euro308
+salvadoreans
+strummer
+755,000
+anastassia
+becali
+ketv
+constructal
+full-thickness
+escribir
+dtpost
+2.43
+sulfonylureas
+98-95
+sultan
+on-train
+43-percent
+tanit
+campionato
+12-cylinder
+anti-jacobin
+97.71
+abacetus
+romanovsky
+indepth
+kerans
+solennelle
+twined
+dissonances
+60.1
+acheulean
+orman
+shavit
+mayfest
+u-i
+troia
+deliberates
+kernis
+implosives
+goriška
+trams
+elblag
+gruzinsky
+1061
+eltville
+poissy
+9.425
+slezevicius
+zhaohua
+24.7
+muallim
+lahng
+galleried
+biltong
+dübs
+kathrine
+bumbles
+trepča
+chemulpo
+leighton
+52.83
+cynanchum
+orchards
+unama
+1772-1945
+divorced
+dubin
+ayyash
+malapropisms
+simasiku
+милан
+biswajit
+nayyouf
+1996-1999
+kasimov
+runs_ssosa
+321.5
+ashurst
+mahammad
+ahas
+bagnan
+gardenia
+aclu
+pre-clinical
+63-member
+pdg
+pincian
+lohaus
+divaricata
+formula_18
+puy
+kenzer
+oudh
+contaminacion
+56.64
+stuh
+somyos
+50.77
+ignatas
+cullers
+laestadius
+sincerity
+kli
+dorset
+pem
+pujiang
+callup
+rorke
+suhn
+iwasa
+zukerman
+cholistan
+tawi
+coentrao
+53.22
+questec
+proegler
+harouna
+floodgates
+shea
+belosselsky-belozersky
+sous-chef
+0.82
+doublewide
+4-4-0
+53.07
+illuminant
+arua
+unbranched
+fightings
+parachute
+asamoah
+tamer
+murang
+sgrena
+setha
+globalysis
+kamon
+58.37
+timber-frame
+usns
+cavlan
+exxon
+radioactivity
+dampers
+aerolíneas
+pelister
+showbusiness
+backed
+sleepiest
+tamilian
+50-yard
+deregulates
+veríssimo
+homestead/farmstead
+wandong
+baardsen
+armatures
+lantus
+ismar
+hutzler
+eulogistic
+mallei
+morisaki
+landrover
+sekula
+dhankuta
+barter
+19.10
+felgueiras
+tetragonal
+perinthalmanna
+invariants
+twelver
+10.82
+lahue
+afer
+jairaj
+ridenour
+injury
+2830
+westbridge
+prevost
+tickertape
+rjs
+97.77
+bi-directional
+bankrupty
+kajiyama
+ruegamer
+lifespans
+poore
+tastemaker
+zikuski
+poliovirus
+dois
+dragpa
+eikon
+gillis
+31.21
+5-3-1
+hita
+pluperfect
+guerrino
+sesia
+1946-1947
+retamar
+galwey
+nobi
+1886-1887
+hispana
+preethi
+theertham
+cuyos
+leko
+beere
+murdochs
+jizera
+200-point
+excruciating
+353
+punt
+ballata
+schlumberger
+grigorescu
+pyro
+97,000
+envenomation
+suhi
+eckler
+georgian
+ruzici
+gramont
+akufo
+radium-226
+75.07
+iep
+huangling
+kyburz
+moreton-in-marsh
+südwest
+bouziane
+1560s
+abstentionism
+dogville
+easternmost
+hsdp
+uneventful
+friedhof
+berceuse
+kleisterlee
+blogcritics
+oginishiki
+witti
+öz
+u.n.-supervised
+limed
+mingles
+ishimura
+denne
+waterway
+lollius
+ajoy
+4,254
+fregattenkapitän
+alpins
+rossendale
+225.7
+saugumas
+warnecke
+high-floor
+self-service
+zavidovo
+popovo
+admonishing
+scourging
+arvesen
+complexo
+aponavicius
+bottromycin
+four-times
+1/11
+krishnaraja
+lenz
+fern-like
+german-built
+then-existing
+vineland
+11-26
+namuth
+studiousness
+beisan
+muhua
+48.77
+south-american
+chela
+tapiwa
+anecdotally
+unhesitatingly
+boncompagni
+vastu
+danelectro
+gastropoda
+tianyi
+funerals
+kasereka
+on-reserve
+sirtf
+zhangke
+hendershot
+physico-chemical
+sennar
+cupertino
+daintree
+3,482
+sudova
+chaitman
+58-51
+ricotta
+pelycosaurs
+vavra
+kiminobu
+terik
+72.23
+gign
+déat
+pinstriped
+schwedt
+haht
+baburao
+appreciates
+fistic
+54.11
+sydvaranger
+dufoix
+mulsanne
+nourished
+hachiman
+irbm
+legowo
+mousepad
+listserv
+weft
+irmengard
+panufnik
+lucasfilm
+peeps
+tourtelot
+vervet
+shadjareh
+taihua
+illuminate
+deciles
+stephanes
+partnoy
+gosling
+scrum-half
+pennsylvanians
+vleet
+hailpín
+bierzwnik
+ginetta
+scala
+frontpages
+yakusoku
+burhannudin
+42-31
+0.49
+guangyun
+distills
+autoparts
+scribbles
+cancha
+ciders
+poko
+exabytes
+kcr
+dx
+emanation
+82.96
+kisei
+haseney
+oshtorinan
+liburd
+zygaena
+gunawan
+kittatinny
+bananas
+ex-police
+helgakviða
+fuster
+numberplate
+psg
+1190
+locog
+melissus
+palimony
+encrypts
+on-track
+treats
+jabba
+reekie
+aidilfitri
+stephen
+17-1
+saosin
+pontiac
+barrier
+lossberg
+wordpress.com
+sabe
+lante
+urologist
+(651)
+worth
+al-qassam
+euskadi
+topa
+bldp
+m3/s
+padalecki
+laborers
+footprint
+452
+požega
+orvella
+vestiges
+monegro
+lerik
+balter
+synge
+eunos
+cross-checking
+gilot
+fwaa
+n.zealand
+timoshinina
+67-54
+brochu
+pauriol
+consumers--edge
+footlick
+gabr
+brahmsian
+wenliang
+realitatea
+zipcode
+1-5
+grondahl
+shaoxing
+curio
+arcoxia
+tigerstar
+greenwich
+hexafluorophosphate
+kinema
+leeves
+political-administrative
+256
+za-liv
+e.s.
+maggin
+600-page
+300th
+225-seat
+antigun
+swayamvaram
+300-hectare
+liberationist
+hirbawi
+briscoe
+vigilant
+actinic
+fomorians
+6:26
+hattusili
+3.26
+1546
+villines
+commentates
+chryssohoidis
+ghirlandaio
+kopin
+back
+98-88
+walsingham
+obviative
+follieri
+flamingoes
+867,000
+joesmithsptimes.com
+tah
+intake
+banhart
+fetishist
+proteuxoa
+jevon
+minimisation
+caterer
+kinyu
+slithered
+undervaluing
+sogahata
+wasbir
+fredrikshamn
+nsdl
+verne
+g7
+jmarmstrongdenverpost.com
+bars
+coltart
+hedo
+shifta
+hiroshima
+tricor
+shutouts
+zeina
+dispar
+gorga
+rismanto
+90.96
+dithionite
+pagotto
+cancer-causing
+hovercrafts
+wiswell
+cz
+majora
+bucek
+cytosolic
+open-mic
+monino
+lighter-weight
+26-yard
+lador
+endital
+wollin
+shishman
+comhaltas
+empresariales
+pait
+westphalian
+0:30
+patris
+thundra
+severomorsk
+miz
+protestations
+newsies
+uzel
+defying
+011
+siedler
+grandmom
+holzer
+sculler
+bakumatsu
+februar
+deglaciation
+change-over
+rugeley
+by-catch
+criminologists
+ballarat
+behnisch
+dupatta
+beare
+phagocyte
+billerbeck
+jabe
+elberon
+konga
+tidiane
+mincha
+mästerskapet
+clonal
+morotai
+gardanne
+bocchino
+10020
+glenbogle
+brehmer
+anani
+crownpoint
+karpeles
+giveaway
+compartments
+liberacion
+lakeisha
+vukic
+jzinksptimes.com
+donisthorpe
+187.8
+plectrohyla
+6a
+wiat
+rainaldi
+lancelot-grail
+annuum
+langhoff
+kysela
+.94
+mammies
+lyden
+1966/1967
+hansjuerg
+terroir
+transaminase
+bebić
+nsps
+jibjab
+cysteines
+.387
+sealth
+grooveshark
+night-club
+valen
+kilner
+re-captured
+weeded
+tuiali'i
+ravelas
+dokuz
+kjellberg
+domizzi
+semiahmoo
+mulch
+120s
+queued
+resampling
+angler
+blonds
+70.28
+mcmc
+capacitances
+haizlip
+hyoung
+kilgour
+pelerin
+tennessee-based
+fiskars
+dxc5
+jutiapa
+80.57
+immunoglobulins
+andalusite
+johnswort
+smeltery
+hiroyoshi
+serca
+bhadrak
+vedder
+workforces
+avrum
+doetinchem
+beckie
+sitno
+viviana
+pamarot
+cprf
+vacca
+gumy
+leyner
+presidentialism
+talmi
+118.31
+tantrik
+alph
+frankenfood
+reduviidae
+5,985
+zolpidem
+himmelb
+keke
+fx4
+retorts
+15,625
+headingly
+metabolites
+soongsil
+rasa
+béchar
+rubiera
+anthro
+gasping
+nusamba
+letup
+davidoff
+rozonda
+slader
+failure
+repatriated
+kvetching
+bovington
+zellman
+mohon
+cầu
+v.d.
+.0
+shott
+viento
+jnm
+trivialising
+gabbar
+papanastasiou
+1628
+medvedow
+elzy
+stagefright
+euro155
+2,995
+1.001
+vote-getters
+rifai
+oluwole
+pactolus
+outrun
+sub-region
+lazutina
+spinors
+thaya
+waikoloa
+rkk
+zenbei
+misinterpreting
+multi-tiered
+klingler
+rexha
+chuuk
+mogilno
+deutschemarks
+degani
+dongshan
+ppas
++2
+11-17
+shakuntala
+400-plus
+equol
+moch
+ecclesiae
+tonos
+huser
+kurta
+80/20
+diament
+admin
+agalloch
+vying
+losheng
+reller
+52.27
+aelst
+ciancio
+wertmüller
+vohs
+mahood
+cursive
+yverdon
+hewson
+pacino
+123.90
+annexations
+16.19
+digressive
+58,200
+johannisthal
+mulal
+1,333
+onny
+czernichów
+pan-turkism
+psychodynamic
+samoyed
+agnolotti
+quadruplets
+all-wheel
+3,565
+sobat
+1-14
+suraiya
+ncm
+projectiles
+brighter
+69.40
+mucius
+lechkov
+nerses
+ironstone
+sundancer
+swordsmiths
+toledo
+goddio
+sukkar
+espoli
+hollyoaks
+dionysus
+ditchburn
+paleness
+a140
+kōfuku-ji
+abdulhamid
+moszczenica
+1630s
+bryar
+chinensis
+zenigata
+aasen
+10,438,463,356
+tebbit
+orthotylus
+labrie
+skoreans
+spawning
+35.78
+vychegda
+26-game
+ambush
+2,411
+wm
+dispatch
+čelik
+albuera
+sayaji
+caillouet
+88-83
+abenteuer
+queensboro
+30.95
+hypothyroidism
+djanogly
+dagana
+19,400
+ratso
+unita
+monophysitism
+bagpiper
+infiltrations
+janss
+macc
+nccc
+lonrho
+emmis
+wihan
+bellweather
+everclear
+2004-present
+800th
+investment
+dischargers
+zambrotta
+lurex
+all-white
+37.84
+rushmoor
+playdowns
+bittinger
+suape
+pradeep
+74.48
+shahab-4
+infanterie
+shazzer
+chorusing
+8-bits
+pittle
+leukemias
+jiban
+adrià
+chalks
+shangri-la
+böke
+1,755
+mckennon
+3,653
+rasiak
+fur-lined
+mind-controlling
+dislocation
+distortionary
+westenthaler
+covanta
+thrashed
+disquiet
+handlen
+sculthorpe
+baikalfinansgroup
+78.37
+wfo
+départment
+allege
+collor
+francisque
+locally
+4-97
+liberdade
+mikov
+dano-norwegian
+4,380
+newyork
+besa
+angola
+frescobaldi
+rehiring
+jgross
+radioisotopes
+fiordland
+kuriakose
+770-476
+161
+kiguel
+sse3
+serva
+aichach
+.280
+ulmi
+dardel
+meritus
+ouarzazate
+vdsl
+mainsail
+tristram
+cuartel
+puryear
+241.5
+hickories
+fiocco
+weidel
+mandirs
+aescobar
+pischetsrieder
+pleasuring
+54-48
+navajo
+autobahnen
+ala
+celtique
+sherman-palladino
+ardell
+roel
+gidir
+w-2s
+anjir
+mixed-income
+hershon
+formula_57
+lundby
+newstand
+natiq
+musa
+22-758-826
+widlar
+maru
+unidroit
+kuelap
+ibby
+negrini
+guyette
+sabarsky
+yamarone
+d'silva
+burdensome
+dujardin
+gemstar
+dangerfield
+mcadam
+4,556
+groupwise
+euro4
+tria
+orwa
+borderlines
+21b
+plog
+12/30
+aelianus
+ibd
+affin
+ferreri
+el-dabh
+potvin
+g/l
+lynas
+98.42
+çankaya
+transducer
+basilisks
+rawdon
+bolsena
+devonian
+1:04
+tosto
+baharu
+zrncic
+westling
+mwf
+popowo
+maminov
+himmelman
+bullfrog
+euro261
+nordlandsbanen
+smacked
+ditchling
+cheesesteaks
+yandiyev
+baburova
+bedsores
+dybenko
+fren
+hatab
+endesa
+markdown
+fedders
+hevea
+sneaky
+well-recognized
+3720
+waso
+gillin
+choanoflagellates
+bassendean
+ange
+ferbey
+relabel
+spruengli
+1.3673
+8.5:1
+hause
+abgarm
+heisler
+uucp
+megacity
+wijeweera
+trzemeszno
+prematurely
+haircutting
+mutuals
+liverpool-based
+pundravardhana
+hordern
+kimbrel
+ndoye
+hemagglutination
+31.07
+hebbronville
+guidance
+saadun
+2,885
+slightest
+ccss
+armine
+finno-ugric
+shahrm
+abasto
+eappen
+schweiz
+refugia
+niggers
+aravis
+cawthon
+lubrano
+hemispheres
+heritage
+0-1
+bogislaw
+barakat
+mcwhirter
+137-year
+climates
+initiate
+googlers
+suff
+izu
+toumai
+dragone
+nesconset
+isoflavones
+paya
+morawski
+feuded
+townhouses
+goddaughter
+120.07
+sista
+86.20
+schout
+tasker
+hanbury
+trachomatis
+immunobiology
+121.63
+abloy
+angophora
+sarāb
+kenanga
+nafaa
+roest
+hamastan
+bbm
+amwa
+karnali
+noor-ud-din
+janevski
+pre-eclampsia
+topólka
+levaquin
+powless
+irrationality
+dnap
+montecorvino
+requiems
+douce
+sallustius
+lcs
+mahakali
+pheng
+nbc
+bykov
+cichocki
+defoliants
+gasoducto
+sagers
+http://www.georgewbush.com
+chaconia
+motivates
+lothbury
+maluridae
+glutton
+8-megapixel
+nme.com
+carphone
+brutality
+drašković
+afternoons
+racketeer
+commend
+singa
+finestone
+baubles
+figuera
+cd28
+cnh
+30,417
+eildon
+direly
+fivefold
+44-percent
+inayat
+raheny
+brownish-orange
+cebrun
+beerwah
+1571
+jarryd
+fexofenadine
+acuerdo
+manou
+choire
+vcat
+weakness
+washkansky
+övp
+hospitaller
+bushels
+chluski
+wischnewski
+clutter
+virtualized
+subarnarekha
+provide
+bunshaft
+rusco
+2-3/4
+cmm
+imperialis
+albia
+unarguable
+defragmentation
+elmo
+gonarezhou
+29-5
+lija
+cavallier
+sampoerna
+10:44
+gutseriyev
+hko
+gaetti
+playlists
+hanmin
+97.24
+favoured
+barnardiston
+tshuva
+klinsky
+masaya
+turvy
+yasak
+itte
+ronak
+soldatov
+swallowfield
+2,248
+omarosa
+prinny
+38-18
+penates
+mauritanie
+jinming
+queensland
+koons
+wuc
+carucate
+hdtv
+groeschel
+helipad
+freleng
+2-for-1
+json
+ertms
+kohli
+shok
+socialisme
+neumanns
+equipments
+jadakiss
+beaminster
+irby
+13.83
+23.02
+magnolias
+magnetic
+hongwen
+censis
+fluvial
+heyford
+arborescent
+eurovision
+10,550
+unconstitutional
+unbelieveable
+concurs
+kutum
+constabularies
+yakis
+abor
+deutschmark
+bravas
+al-zubayr
+oltenia
+aosis
+gerdeman
+revue
+mission
+heinsohn
+ochraceus
+painful
+shabby
+craved
+roseires
+enes
+acetone
+patail
+1940s
+clack
+kuehn
+funkin
+1986-1994
+dir.
+marzi
+gibbes
+gento
+elvin
+actuaries
+trefriw
+lohmiller
+zhengqing
+radiopharmaceutical
+forest-steppe
+shaoming
+3.68
+takatsuki
+231st
+asbill
+80-gigabyte
+rs10
+9066
+landlocked
+cliffords
+dobloug
+asrat
+rossiskaya
+jeanson
+abies
+donggala
+quasi-independent
+pachycephalidae
+supera
+brummitt
+ore.-based
+kuehnl
+diebner
+actinide
+zouk
+reeducation
+bohairic
+sagittae
+tarang
+stereophonic
+moonraker
+sunnat
+.308
+listrik
+blighted
+volodarsky
+sinopac
+mushu
+nahor
+2:27
+prostitution
+tilefish
+www.microsoft.com
+hisey
+anáhuac
+rajahs
+sassi
+tensioners
+traipsing
+107.13
+zamarripa
+fidèle
+guessers
+dzagoev
+fabianus
+soeder
+prized
+105.42
+trooped
+riang
+147.27
+coast-based
+guoying
+diabase
+hinchingbrooke
+fenestrae
+djukic
+nitkowski
+1686
+tramaine
+tn-va
+hellboy
+molinas
+indicia
+144-year
+cerkez
+glaucus
+luckily
+ship-to-ship
+dragana
+mirasol
+12.72
+chipembere
+four-axle
+pitti
+kanté
+angulata
+norbeck
+fridtjof
+dcns
+monothematic
+lamanai
+datafile
+mcilvain
+huiqi
+langres
+bidisha
+ladew
+560th
+unterberger
+tantramar
+mathematica
+serrato
+brohd
+gjorge
+lewin
+ovidiu
+51-50
+dulebohn
+stubhub.com
+perrottet
+55-11-30233331
+exposed
+mumphrey
+misalignments
+takachiho
+invoice
+surround
+macmurray
+gaydon
+kuei
+descubrimiento
+mirzoyan
+bao
+bohai
+dumbest
+forecaster
+nesset
+34.09
+bliley
+12.19
+kotaite
+lensky
+inexpert
+88.65
+solicitors
+vnr
+grappelli
+450,000
+5-11
+panerai
+8,860
+jabbouri
+vanga
+riverine
+chengji
+1.31
+unlearn
+e.g.
+nondeductible
+mafco
+wanze
+sailor
+rebelle
+salute
+ovenbirds
+months-long
+xfxf
+well-stocked
+xga
+ryler
+cathexis
+zündel
+86.46
+butterfinger
+saqqez
+polybius
+gravity
+.416
+stettner
+squaxin
+j.m.
+rønning
+cotyledons
+butantan
+khai
+grafts
+sharkboy
+maleficarum
+walsworth
+bifröst
+cretinism
+recombine
+83.5
+prajñā
+sli
+sere
+delegitimize
+frumin
+muster
+2,662
+captured
+iidx
+gfc
+fumble
+butterbur
+38-14
+nonissue
+1,497
+nasimi
+towels
+121.20
+icann
+liefer
+shangcheng
+kellan
+ballad
+60-56
+boukpeti
+modrić
+melco
+22-metre
+hüseyin
+porteño
+0-1-2
+rise
+zambia
+heymann
+thangata
+pinioned
+ensete
+inner-party
+capital-intensive
+geiranger
+piskunov
+baywood
+1000gmt
+mayacamas
+ambrosetti
+osg
+chatri
+ovulatory
+seperately
+dateless
+classicist
+weder
+stocco
+naewoe
+non-disabled
+inculturation
+drydocks
+nonpresidential
+laudon
+nanostructured
+willin
+synthesizing
+vanzekin
+a2z
+oláh
+6,000-plus
+o'shannon
+watermills
+4-3-4
+gracefulness
+100-day
+abaz
+quibble
+bricklayers
+economizing
+sequoiadendron
+fletchers
+farecard
+igasom
+slackened
+sepecat
+mazurek
+amoghavarsha
+rubbia
+227.3
+riversides
+bicicleta
+capitalist
+heredity
+inexcusable
+lysacek
+hajigak
+ga.-based
+boutique
+dials
+epiphanies
+aerobically
+anime
+anthemius
+undifferentiated
+nives
+razel
+nsse
+rastafari
+shapurji
+bernicia
+maumoon
+haleem
+wolk
+ifip
+gobernadorcillo
+sheksna
+2000cc
+rm37
+widctlpar
+enfin
+entrustment
+guluzade
+maten
+giheno
+desaturated
+revillagigedo
+windsurf
+kookaburra
+oropharyngeal
+43.50
+euro35
+imputing
+kulusuk
+alliance90/greens
+pro-market
+ellerman
+durant
+specular
+lemasters
+adherence
+mcfoy
+cold-formed
+7-mile
+schettino
+talalay
+38,400
+araar
+merrall
+apriantono
+arnwine
+botho
+anandi
+move-in
+wjz
+tetherball
+sethupathy
+tirpak
+cobanoglu
+5,376
+mullard
+all-pervading
+couzinet
+fluellen
+tushratta
+hovevei
+doers
+low-a
+zecca
+mcisaac
+bandon
+1877-1878
+francesa
+merguez
+gurdaspur
+sportpaleis
+kuehnen
+1999-2010
+rossolimo
+voráčová
+czuchry
+barré
+graziani
+lisvane
+mühsam
+abdulatipov
+1.2550
+oelwein
+chennai-based
+lürssen
+juran
+ariake
+poblanos
+woodfield
+anhydrite
+pebbled
+djalma
+elcar
+akos
+glenshee
+wewer
+bouclier
+1.5465
+abakar
+helsinki-vantaa
+masawi
+causae
+alizai
+hicieron
+al-tawhid
+d-generation
+e.coli
+hansjoerg
+qe5
+freekicks
+heyman
+all-seated
+mypyramid
+ridgeway
+goshawk
+cheshunt
+an-140
+explorers
+electrica
+dresch
+raissa
+soufli
+resupplying
+panting
+borovoy
+107.14
+g/t
+1629
+caretaking
+edes@globe.com
+therriault
+equaliser
+bouaghi
+phytochemicals
+bachelorhood
+twyman
+wanted
+podivinsky
+batio
+koshin
+misic
+mubarakpur
+h4
+aconcagua
+tracer
+pmdb
+optimising
+gedgers@globe.com
+renos
+stem-based
+rolandez
+flach
+vredenburg
+noons
+bredero
+crucis
+ammal
+user-generated
+vecino
+garlock
+reshuffles
+kawash
+assholes
+barse
+divac
+k-3
+hypersensitivity
+tahquitz
+dwane
+competences
+layn
+426-9400
+aksyonenko
+handziski
+amongst
+energized
+ynares
+patellar
+usce
+cfox
+cheerios
+hizer
+d'oisans
+lingshi
+shorkot
+preens
+ecology
+aperture
+bused
+stoichiometry
+guðjón
+laurenson
+matadome
+thoothukudi
+acampora
+k'naan
+çatlı
+orthaga
+exigent
+scapula
+chelwood
+hillman
+bogelund
+scolding
+dragiša
+acbf
+y.a.
+drebbel
+lukala
+judio
+uninflated
+northwesterners
+shotley
+emām
+mahiwal
+shabaneh
+fipresci
+yabloko
+exteberria
+wincott
+jandrokovic
+male-line
+mellons
+brouillard
+10:26
+syro-malabar
+wegner
+kyphosis
+dhereh
+saburro
+adventitious
+ijara
+ranchi
+corbeled
+tewfik
+srca
+cpix
+frizz
+revolusi
+priddy
+rekapac
+one-form
+sineva
+thirty-four
+mud-puddle
+ephemeric
+laba
+doesn
+ironsides
+wallberg
+coelestis
+maleli
+clematis
+gems
+vedantic
+wwl-tv
+bukowina
+saite
+polisher
+lobov
+taijijian
+694
+cannibalize
+nusrat
+curbed
+kso
+vestibular
+angelicum
+gréco
+carves
+roast
+fatherland
+polishing
+ojhl
+weindruch
+bianculli
+yangpu
+backwater
+cione
+jcf
+23andme
+r1
+musketeers
+reverse-engineered
+ಕ
+relativamente
+zonolite
+jiru
+sehs
+hoong
+glasnost
+perugini
+virgen
+galaxia
+vibhushanaya
+xiaoshuai
+canned
+sociedade
+jai
+ngaanyatjarra
+qurghonteppa
+coertzen
+ypsilantis
+puce
+menzel
+adad-nirari
+efflorescence
+mérite
+characidae
+gorillaz
+besar
+stream
+krycek
+sundari
+astronauts
+gaida
+cannnot
+gav
+ingvall
+mardonius
+elros
+soften
+pip
+venlo
+coffin
+wiht
+acumen
+1971-1973
+catalogers
+250.4
+locksmith
+starcatchers
+monken
+cinematics
+heightened
+lahari
+filling-in
+300-400
+gwp
+unramified
+factfile
+rodalies
+harbourmaster
+cittadini
+silver-gilt
+cjtf
+commuted
+underuse
+trinca
+lippold
+phuntsok
+ramgoolam
+stowaways
+mid-2005
+abilio
+greek-letter
+o.
+jkb
+8-15
+engman
+okra
+evn
+loveridge
+forton
+hord
+128-year
+hillside
+accompli
+milliwatts
+perel
+beckington
+rambha
+ragazzo
+jetting
+sacile
+rauza
+barbara
+nymphalid
+muslins
+llangollen
+gnaeus
+riel
+perpetuates
+longfield
+98.11
+ballinrobe
+b2st
+face-centered
+anymore
+sazonov
+demerit
+bhasha
+neo-marxist
+cranes
+farbrace
+scars
+teaser
+orel
+bouillabaisse
+paraguana
+feathery
+globonews
+maan
+vibranium
+oddsson
+pricesmart
+ritmo
+analisis
+spokes
+congenita
+refueling
+bangerz
+chandrayaan-1
+chieti
+owston
+32.21
+1995/6
+spectrums
+tithonian
+mustardy
+fuenlabrada
+universidad
+malad
+zzz
+xuande
+topographic
+pasargadae
+clout
+borstein
+lumbering
+balcarce
+10.48
+mlle.
+grieg
+iyers
+g4techtv
+batty
+81.91
+botaneiates
+continuation
+eom
+hemophilus
+gld
+financials
+mackrell
+nr-1
+humanely
+matich
+catahoula
+glion
+perjury
+newsam
+theng
+52.42
+uncontentious
+shumba
+aquarian
+sahaja
+15m
+besh
+kindling
+tiako
+euc
+tagus
+sandstrom
+394,000
+gerace
+wolfensohn
+kegley
+ayele
+wychwood
+balled
+cohabitant
+rabanne
+rostra
+duopolies
+frisoli
+catapulting
+driveby
+bloustein
+perpetrates
+shoehorn
+dieringer
+noland
+thiamin
+power-operated
+ecomstation
+doodson
+sniper
+1,072
+gaitan
+ashin
+regularization
+pengelly
+finetune
+babak
+imami
+2510
+explications
+drumchapel
+boniva
+82.32
+chavakachcheri
+vassilis
+meddled
+56.36
+chatchawal
+gvero
+1-32
+she
+highlighter
+headbone
+working
+saison
+mckenzie
+hazzard
+konteradmiral
+mundhir
+muliaina
+flange
+poraj
+milbourn
+48.91
+referees_bernard
+interaction
+wentworth
+camisoles
+esporte
+concepción
+cangshan
+sawdust
+zyprexa
+altynbayev
+perkier
+nerve-wracking
+clasico
+kittiwake
+2-seater
+rackmount
+baybars
+scottish
+serfdom
+cinderblocks
+syracuse
+β2
+sa80
+abhirami
+192
+rigas
+appropriating
+vorster
+rousting
+statues
+yaacov
+koseki
+cañedo
+orrin
+combated
+funk
+symeon
+galissonnière
+sharply
+tighar
+(770)
+5-22
+:19
+sivapalan
+cnhi
+21p
+manek
+bhavnagar
+buzurg
+thiruvambady
+starways
+protropin
+redubbed
+henhouses
+draughty
+götz
+laboriel
+atyrau
+neuenfels
+belgische
+228.00
+masson
+waterkloof
+saintfiet
+mannish
+enserch
+oswalt
+fimbriatus
+odgren
+intrude
+proletarians
+cedartown
+91-85
+sontag
+harvards
+bogdanovs
+mwila
+templates
+alimamy
+big-box
+schuetz
+trellised
+godineaux
+rosiest
+outclasses
+jalil
+kainate
+csanád
+formula_56
+treitschke
+aksa
+naousa
+fifty-sixth
+98.74
+1,392
+secondaries
+airtel
+vinita
+sinuously
+tamagawa
+drewniak
+43-20
+dgca
+choekyi
+gabsi
+gyari
+tătărescu
+emo
+raimondi
+countably
+zemun
+niele
+astronautic
+danfoss
+risaldar
+riuniti
+parpan
+tórshavn
+14:14
+030
+determinism
+737-700
+fmri
+kokugaku
+korea
+loners
+luquan
+aung
+laërtius
+clec
+nesirky
+mahaveer
+maltreated
+giulietta
+deionized
+zmp
+rehires
+translit.
+1.655
+uncorroborated
+weightlessness
+nyasulu
+milpark
+netherby
+od
+seine-maritime
+kamaruddin
+periventricular
+shermantine
+pipo
+15th-century
+æ
+deffenbaugh
+tiuna
+mazars
+yasothon
+infante
+roving
+navojoa
+xdcam
+koyuk
+exist
+emley
+expansionism
+merengues
+gasperoni
+26.40
+shandong
+sangu
+serbian
+champu
+car-based
+.170
+pedido
+jazzfest
+yerofeyev
+nhi
+62-36
+jerne
+flagpole
+isaev
+dap-kings
+reiters
+oppress
+asloum
+jeary
+interpretation
+plodprasop
+road-rail
+egg
+damiano
+front-facing
+pintusevich
+36.47
+vyomesh
+musalman
+empiricists
+postcomm
+11.11
+nasrollah
+overthrown
+arnott
+mitchellville
+taxiways
+leyshon
+matichon
+stalinists
+bantu-speaking
+portages
+dorland
+oluseyi
+rangitikei
+beornwulf
+bizos
+infernos
+waterbuck
+sathiah
+brigate
+7,950
+preventative
+compressions
+xserve
+1tablespoon
+kopay
+rs-485
+floyd
+brinn
+hiếu
+lietenant
+28-may
+transects
+chanté
+zapme
+muanchon
+westmore
+strausberg
+bbb
+bosatsu
+mutilate
+huajin
+euro565
+pattama
+karlino
+eurazeo
+chaun
+grunwald
+marrapese
+kucherenko
+taxer
+ccha
+happyanunoit
+tangled
+longitudes
+glaucio
+olavarría
+steamships
+drumset
+adelidae
+slu
+cryptococcal
+megamerger
+natanyahu
+aril
+sturmgewehr
+ielts
+ichthyological
+mccallion
+nyt5
+knower
+warrer
+sfax
+niurka
+español
+coate
+naoum
+floreşti
+williamstown
+penberthy
+transfusing
+modan
+atmi
+mousie
+bouguereau
+switchboard
+workpieces
+strike
+airings
+cherenkov
+beanballs
+pavlovic
+płońsk
+504th
+khonsu
+cazuela
+cbsc
+dederer
+escadron
+knebworth
+pel
+1121
+laffey
+arambag
+interfering
+dmitriyeva
+gubbins
+weine
+trigeminal
+97.4
+caldato
+kavaja
+pono
+frazer
+limeira
+icedogs
+bracknell
+doggett
+nesbitt
+oxidoreductase
+oly-2004-gre
+anglo-australian
+gt10
+affinity
+14-of-22
+kaline
+fulwood
+muppets
+57-49
+molki
+bruton
+cdns
+21.75
+napredak
+chavacano
+busli
+23.30
+carpino
+www.star
+single-stranded
+currying
+missus
+3,634
+earl
+tomaz
+declassify
+howlader
+uffington
+playgirl
+michaud
+coseley
+drepanidae
+d'arcangelo
+qingxiang
+suau
+matanuska
+nissanit
+rotatory
+diener
+ncn
+co-driving
+wpxt
+bathory
+upside
+expired
+youji
+passover
+diwas
+camilo
+86-68
+gorsky
+wiswall
+plasmon
+propecia
+effectiveness
+speculated
+hfr
+maricopa
+1405
+banadir
+dendera
+d'estudis
+burnside
+mendivil
+ruttenstorfer
+atambayev
+nuristani
+mylothris
+woizero
+exciting
+cocci
+pharyngitis
+gisel
+afrian
+agoro
+oversupply
+sekiwake
+bacchae
+talar
+f.a.m.e.
+1h16
+maces
+wardenship
+cholon
+backslashes
+rydze
+ed.d.
+ethnocentric
+fishin
+discontentment
+consignor
+louis-joseph
+4,502
+96.27
+36-28
+sjl
+patil
+anti-war
+melica
+mcgauchie
+dehecq
+gordon-levitt
+drăgan
+detainee
+spiegle
+belongings
+465,000
+nctd
+hyperplane
+briskin
+mukhtaran
+ondo
+u.s.-britain
+67.98
+cedeno
+five-mile
+cornuta
+cantelli
+wyrd
+soteriological
+papps
+toronto-dominion
+cendrillon
+91-run
+1274
+mooi
+fouling
+fântânele
+priday
+enantiomer
+witkiewicz
+1:05
+amiina
+haripur
+hammamet
+tefera
+chanco
+28-yard
+pro-statehood
+ortez
+tissington
+14,000-foot
+paramedicine
+coppens
+ira
+tauris
+meditech
+locher
+agm-130
+uss
+labyrinths
+aerator
+dziena
+chameleon-like
+buswell
+irishwomen
+potentials
+polumbo
+modelica
+disney-mgm
+bearss
+1968-1973
+macqueen
+176th
+5,592
+silverthrone
+blancornelas
+14/15
+blakenham
+basudev
+sherill
+gerad
+profissional
+información
+sriramulu
+3.88
+internationalize
+messagero
+stringtown
+aden
+perkin
+galiano
+deneriaz
+cobre
+31.28
+polearms
+vicenzo
+kucan
+guadelupe
+popish
+embrittlement
+barriga
+134.25
+ravolomanana
+regueiro
+künstlerhaus
+jarmyn
+dispatcher
+ten-member
+organisationally
+wariso
+kimbell
+wonderswan
+govi
+bonow
+weeks
+22-15
+radically
+pete
+filippini
+joulwan
+refounding
+glatorian
+nature
+zealands
+creatures
+rafid
+nagina
+escargots
+suchlike
+neasden
+somaiya
+glissandi
+rondos
+goyder
+egle
+indissolubly
+workroom
+rentería
+viride
+tarpishev
+gibbous
+synthase
+hashi
+wpa
+squiggy
+placemat
+kyivstar
+a.s.d.
+328.1
+mweru
+nisam
+extinguishers
+hongyun
+mediterraneans
+61.20
+46.85
+taribo
+syufy
+made-for-television
+croissants
+ä
+33.59
+0701
+orcas
+afterwords
+zakhilwal
+hasp
+aaba
+17k
+deisler
+sherzad
+precolonial
+wettig
+islamica
+fold
+bellver
+chetnik
+krul
+toughing
+superglue
+helmes
+hochstetter
+takehito
+re-appointment
+bidness
+larix
+dip
+fuselier
+frede
+horrible
+perebiynis
+rivkah
+scarth
+supercell
+hütte
+roseworthy
+minicar
+5,048.62
+malgobek
+barzun
+obscurities
+abilov
+farting
+formiga
+rvi
+d-block
+xe
+farnerud
+rauhut
+j.d.
+azahar
+fukumi
+d'eon
+dataquest
+vespri
+posof
+lockets
+naruszewo
+jne
+chungchong
+woertman
+genere
+8.59
+mateusz
+unselfish
+witts
+kickabout
+vandemoortele
+drah
+1,854
+surging
+avelino
+pessimistic
+rhyme
+más
+prosody
+habitual
+organismic
+okuno
+quirino
+boere
+kakatiya
+vinschgau
+hestrie
+tajin
+liri
+capeverdean
+owned
+38.70
+civilisation
+sepa
+wetumka
+shichang
+acqua
+co-principal
+landertinger
+sandlers
+lequan
+euro349
+urp
+adjuntas
+rozen
+tesanj
+http://www.nytsyn.com
+pikus
+zainah
+naylor
+elhorga
+13-car
+maelstrom
+gawked
+23.73
+spahis
+evapotranspiration
+l'île
+nikolai
+raynsford
+monday-friday
+shahal
+duffers
+u.s.-colombia
+guano
+tavčar
+sadkowice
+plough
+pleasence
+unflatteringly
+josa
+أبو
+age-related
+1.4467
+swizzle
+alternativas
+colonnese
+noritake
+18/km
+shapland
+40.99
+sub-group
+phealy
+labarge
+borroloola
+unusual
+nadesan
+brost
+koan
+interstitials
+sekhukhune
+pelosi
+053
+khakamada
+recasner
+storyboarding
+gondolas
+8-foot
+stearate
+deposal
+zetlitz
+backcourt
+schwa
+all-transistor
+guerrero
+carrión
+ferrying
+bismuth
+clarksdale
+merling
+cd-da
+nis
+100.10
+yeshivas
+vali
+volute
+conditionals
+meetups
+leire
+overextend
+1-0
+haliaeetus
+ledon
+konuma
+glammed
+wakatsuki
+recuerdos
+v4
+submillimeter
+gamaa
+113.41
+fettel
+síochána
+kavaliauskas
+1819
+walki
+draug
+1-billion
+ciga
+hibernacula
+3,099
+blonia
+tumpat
+ferner
+lushly
+hkjc
+geek
+superettan
+trumpeters
+unorthodoxy
+scolopacidae
+jiali
+300,000-member
+ebeneezer
+demartini
+bandolero
+cardweb.com
+lezhë
+voscherau
+agro
+cashwell
+staatliches
+html
+floch
+ordinating
+bhagyaraj
+mathsoft
+biryukova
+titling
+bobbe
+splashdown
+collum
+unrelenting
+bmus
+sabanis
+fastweb
+goffi
+lilacs
+paragliders
+kuperberg
+dianbai
+on-deck
+decommission
+rera
+65.63
+73-71
+rohloff
+afewerki
+2,357
+underpay
+badla
+tuilevu
+khudayer
+innertube
+spurned
+gaspart
+nagalingam
+hummer
+undertook
+masada
+tua
+dumanoir
+wainaina
+mefin
+cruelest
+repolling
+1x1
+matinecock
+dominates
+bundesautobahn
+changli
+jarrett
+kalaba
+negatives
+whittaker
+bonomo
+weeklong
+ogbemudia
+salentino
+simitli
+cacia
+allons
+ferrini
+flemmen
+secunda
+p.o
+itar
+blockley
+5-24
+kooten
+rumford
+pathom
+behbahani
+ahmedou
+chinchwad
+tāmati
+stateroom
+steiker
+epiblast
+koblenz
+83.94
+nesvig
+spyke
+19.95
+mapfumo
+pokora
+boothe
+mabini
+eucomm
+kaarle
+τ2
+corpening
+strenuous
+viratprasert
+sorters
+juichi
+höller
+flyways
+homologues
+solid
+ikoma
+baluch
+factores
+coupling
+tba
+ouro
+contractible
+thijssen
+floor-mounted
+cleombrotus
+heberden
+irreducible
+higginsville
+1,853
+miguelist
+krob
+keihan
+34,800
+constraining
+trinamul
+uniphase
+e.r.a.
+monasteries
+favouring
+nontrivial
+brenner
+lutze
+naissance
+polygonum
+vegetius
+ŏn
+30.70
+pantheon-sorbonne
+gobelins
+amazon
+bomberos
+ppb
+bases_cedeno
+cuil
+inhibin
+f-16a
+ziedonis
+pondus
+pugo
+scelzo
+audel
+tawni
+montseny
+welz
+white-colored
+glad
+cante
+9-year-old
+38.45
+replenishes
+arcades
+antient
+self-understanding
+cryogenics
+3cd
+yoani
+circuitry
+inorganic
+pleasingly
+tatuus
+recommendation
+disgorged
+emily
+scharnhorst
+skellern
+scentless
+merchantville
+28.98
+borchetta
+posibilidades
+lamont-doherty
+67-45
+liliesleaf
+littlecote
+lolled
+pejić
+obernai
+kbl
+37-4
+alawite
+faro
+bluff
+andijon
+ribaude
+vallipuram
+dry-season
+mina
+111.44
+pluralities
+coligny
+defrocking
+ntaba
+bedeutung
+kungur
+saldano
+shellshocked
+rheaume
+petru
+astudillo
+mould
+47.2
+ringforts
+sugizo
+shafeeq
+batticaloa
+122-year
+jongrak
+bethpage
+toasties
+vilá
+gyoergy
+gangrel
+phocus
+saint-sulpice
+ullevi
+51.01
+rodi
+illahi
+camberley
+southeast
+wealthy
+beaks
+white-toothed
+superficialities
+zainal
+wgci
+graded
+parthiban
+patman
+769
+35.34
+drabinsky
+abscam
+medical-surgical
+’em
+suzerainty
+bebchuk
+dooling
+saadabad
+encomendero
+centreville
+festillic
+shahrud
+rozman
+undercards
+ivorian
+missale
+franska
+chalom
+106th
+persib
+superblocks
+symbolized
+adunn
+star-lord
+headstart
+xidan
+110.6
+860s
+shoots
+zissou
+riedinger
+haoved
+ploenchit
+sollied
+suchada
+rumors
+erotics
+glamorization
+ex-communist
+scandal
+electrolyte
+15.31
+jcenter
+azotobacter
+96.62
+coley
+rbr
+.535
+missett
+hammacher
+bussa
+9-for-18
+doctorates
+gassan
+knowsley
+himeko
+zasloff
+gbandi
+macavoy
+marci
+qubilah
+1/100
+electrochemical
+mflops
+canfor
+delousing
+abdullayev
+argonauts
+dupleix
+romola
+infiltrates
+payao
+velocimetry
+araneus
+unpainted
+lungă
+gimp
+luxair
+riordan
+unitab
+mid-1987
+olejnik
+canabal
+10.95
+75-megahertz
+mithibai
+ctowers
+bahraich
+graef
+mld
+jaromir
+77-74
+jess
+adversary
+mi5
+augie
+apperance
+319,000
+lovo
+gautur
+khilji
+tompson
+matteotti
+petrifying
+niblo
+chumphon
+wais
+39.85
+aricha
+m30
+facilty
+spnea
+mid-70s
+candrea
+allbright
+18.31
+suncorp
+cellists
+cooperativeness
+bergues
+selnec
+30/30
+limp
+parma
+comuna
+finicky
+anti-jewish
+zozo
+bourj
+scholastica
+onusumba
+beauté
+2-79
+thanit
+nangka
+hahmz
+snm
+plai
+chân
+zirve
+mafiya
+koza
+chika
+hangers-on
+powledge
+scotiabank
+sansi
+45,413
+americo
+v-shape
+bedridden
+slovenes
+rigsby
+46-page
+bilingually
+hard-wired
+phenylketonuria
+grifols
+viacheslav
+determinations
+glendower
+pannonians
+retarget
+fränkische
+székesfehérvár
+temporum
+birdsongs
+alhassan
+bookrunners
+34.74
+colossal
+mectizan
+desprez
+charadrius
+paywall
+burnin
+bli
+elimination
+unakitan
+73-58
+kebaya
+encoded
+canoe/kayak
+dratel
+ministries
+smudged
+jasdaq
+589,000
+syracusan
+trident
+droops
+early-1900s
+missional
+workprint
+deathtraps
+625-mile
+sonefeld
+2,640
+earn
+c919
+duenos
+šibenik-knin
+4,321
+leegin
+schweikert
+goalies_washington
+punkish
+wehle
+congeners
+veys
+jokerit
+lynwood
+aksyon
+medien
+epoch-making
+disproof
+14.6
+prospectus
+sunohara
+morral
+gamaka
+kightlinger
+nautical
+mijo
+vices
+sad
+nemirovich-danchenko
+lemo
+phua
+daoism
+recommended
+indexers
+albifrons
+bentele
+tenn.-based
+shelnutt
+brünig
+savants
+belafonte
+kubaissi
+skøyen
+mazeika
+opata
+publicy
+1,904
+bonchamps
+srinagar
+chipmunks
+felonies
+araceae
+8,400
+coletta
+aminoglycoside
+inten
+bezerra
+135-year
+apoplectic
+étaples
+colli
+worshipped
+youssif
+126.68
+inaccurately
+henry
+zukhurov
+redner
+forficulina
+high-yielding
+erro
+christus
+redheugh
+1299
+juramento
+resentencing
+imts
+squirted
+idziak
+3,829
+illuminated
+mongia
+53-50
+slivenko
+sdrp
+shaud
+77.01
+igcp
+minimally
+hoopz
+eck
+nardin
+michiana
+1029
+paikin
+leur
+woodworkers
+sanji
+blackwatch
+gresh
+scythian
+esquirol
+kiknadze
+nightstar
+narinder
+sissonville
+zoophilia
+gaqsiq
+barbaros
+kimberlite
+unexcused
+ba873
+intertemporal
+reteamed
+zhlobin
+casado
+7.1-magnitude
+2135
+anovulation
+eamont
+xiaoyi
+cattiness
+seregno
+cta
+wsoy
+kamenice
+anisimova
+pumbedita
+ijg
+flaxley
+staircases
+leathery
+freebsd
+sykes
+akkadian
+score
+provos
+kretschmar
+hino
+huffine
+658
+131.6
+parsimonious
+wonda
+saturnina
+67-minute
+idc
+mosenergo
+buanews
+43-28
+jõhvi
+reassessment
+morinda
+heterojunction
+tazewell
+renovables
+post-launch
+complex
+solms-braunfels
+25-day
+27.04
+leavens
+euphotic
+51.83
+decompositions
+pat
+berrier
+syndromes
+aberdovey
+72-59
+chongrong
+4-for-10
+stand-in
+woulfe
+'96
+tereza
+hamina
+angouleme
+servite
+bisconti
+gwatney
+4:44
+lakhvi
+amerykah
+backdating
+0.84
+cascades
+mudgal
+robosapien
+matiz
+widows
+kaseke
+advocacies
+nebbi
+m16s
+mesembria
+sobrance
+réal
+chalcopyrite
+decisionquest
+srivijaya
+standoffs
+longhouse
+lukang
+685-3883
+enamel
+krumlov
+soils
+belfast
+7,020
+caskey
+thapa
+kashyapa
+impenetrably
+68.5
+vasoactive
+squirrelfish
+khoekhoe
+geroge
+movistar
+titterrell
+vanden
+115.08
+standard-bearer
+heine
+latrodectus
+defrank
+jirga
+caniza
+k-class
+kharian
+credited
+norrback
+pagunsan
+lowenthal
+grenadians
+100.37
+boruchowitz
+annu
+inflations
+rigamer
+watchcon
+hollender
+waldseemüller
+parallelization
+mulched
+zavtra
+fireboats
+sigfried
+114.06
+700-ton
+kickboxers
+betty
+buttons
+ruhrgas
+clocking
+20.84
+skus
+inquiry-based
+hargest
+carwood
+silverthorne
+fou
+sukkur
+wooding
+alet
+dahman
+gosselins
+koukou
+cresencio
+hasidut
+bisco
+tribuna
+ousainou
+<
+mercer
+memory-mapped
+fawley
+przemysł
+snow-covered
+knowshon
+lampasas
+a-20
+karratha
+mihr
+akqa
+quala
+ul-adha
+hassel
+dessinée
+ayudhaya
+strupar
+officership
+benepe
+okahandja
+froben
+gedde
+lemisch
+hemodialysis
+formidably
+30,250
+shehhi
+niggling
+panteleimon
+harboring
+kingsfield
+mavic
+teenyboppers
+naral
+golfer
+laureates
+securing
+salvadorean
+diebitsch
+draggin
+agribusinessman
+letheren
+pantograph
+84.99
+unparalleled
+maplin
+encases
+iures
+bowlin
+inferno
+arborists
+interruptible
+futian
+semi-periphery
+moxico
+euro116
+compatibly
+slaughterer
+sarandon
+http://www.weforum.org
+51,400
+undertone
+euro76
+scialfa
+2,378
+91.04
+beneke
+johnsen
+gold-medalist
+kapiti
+persipura
+fages
+bouchikhi
+metaphorically
+dipeptidyl
+purvis
+namma
+vsb
+banquets
+passe
+nbci
+dunshee
+37.90
+104.66
+nonstrategic
+83.60
+seme
+47.00
+custards
+spicer
+misamore
+toste
+lair
+kleberson
+rajskub
+kosinova
+jabalya
+hortensius
+clapperton
+tholen
+kanem
+funnye
+16:06
+giammetti
+orally
+colden
+curvatures
+rbcs
+connectors
+1938
+bogey
+witzleben
+mitzna
+hypergraphs
+thanakorn
+vermontville
+bambous
+frandsen
+casse
+kinnickinnic
+extractions
+snitterfield
+darbuka
+shortline
+anti-tax
+zzzz
+cpsc
+demak
+dudikoff
+valbuena
+gäubahn
+woerden
+mohammadpur
+tmnt
+eichel
+shinkle
+endtime
+boatlift
+neurochemicals
+07:00
+yotsuya
+mengelberg
+kennett
+hispanica
+surfdog
+krak
+350-strong
+thornapple
+transfusion
+tastee
+markhor
+fascination
+42.53
+resenting
+32.58
+calcined
+pengilly
+macae
+braithwaite
+dutko
+harbouring
+332nd
+deanship
+5,360
+pasado
+niya
+tetration
+d.johnson
+woolridge
+turn-out
+formula_132
+password-protected
+dharmaguptaka
+d'oeste
+lower-quality
+bitters
+aswat
+avl
+2415
+0-11
+dagoc
+government-imposed
+norvell
+piombino
+vichyssoise
+trip
+dambruoso
+ad
+stadion
+stosch
+watchful
+coolum
+contemporaneously
+weschler
+american/canadian
+44-14
+vimmerby
+storaas
+1870-71
+tuong
+hove
+outerplanar
+67-70
+touques
+dylex
+matsya
+barbatus
+guinean
+tasmania
+campsite
+surgeon-in-chief
+138
+repopulate
+friend
+pimlico
+nhu
+singu
+54.83
+acetylacetonate
+s.p.d.
+tiān
+hihifo
+dropping
+tempel
+jajce
+gogan
+jelley
+segs
+entella
+poitrenaud
+gach
+nigh
+27.68
+plover-like
+taxanes
+cinquefoil
+dirtiness
+manikya
+sondrio
+cavagna
+93.03
+bristlecone
+littlewoods
+boilermakers
+shutterfly
+olimar
+pimchaichon
+georgia-based
+mosfilm
+quinceaneras
+cardamine
+ergenekon
+martov
+mediocrities
+censored
+118.61
+whowhere
+26.53
+heereswaffenamt
+sergente
+portbury
+binger
+toolmakers
+dikran
+wires
+swingtown
+chkalov
+celtic-speaking
+ycl
+congregates
+disquisitions
+76.17
+biskupi
+homebake
+racheting
+libatique
+whinstone
+mirzapur
+171.1
+oestergaard
+asociación
+mocenigo
+eleusis
+iver
+bjp
+tre
+giovanella
+linchpins
+interpolate
+mejías
+iwon
+hospitalizing
+scampering
+maharao
+ibérico
+thebus
+second-generation
+encana
+aalst
+sweeties
+lutherville
+teignmouth
+stuckism
+čapek
+khodja
+presheaf
+abstainers
+strehlow
+celil
+abdolsamad
+lifestyles
+100.71
+moiseyev
+melissanidis
+frumentius
+vidiprinter
+dirtying
+manaa
+u2019t
+rafa
+geumgwan
+meal
+nakyal
+moad
+deprotonation
+15-inning
+merton
+printshop
+competencia
+dingy
+corozal
+bronn
+schumer
+invermexico
+alaudidae
+sullivans
+quipu
+bacos
+merchandiser
+dariga
+teow
+qudratullah
+deluise
+minidiscs
+denuclearizing
+bikas
+biotite
+non-commutative
+grossing
+inferiorly
+7,000-seat
+stedile
+fafsa
+fife
+beckenham
+metalurg
+miksa
+610,000
+madhuban
+speechlessness
+straat
+chidambaram
+istrian
+yakimova
+kobuleti
+nile
+myoor
+phylis
+biuro
+⅜
+minshall
+ketubot
+invaluable
+menshevik
+kalineesan
+wojsko
+fakel
+ninh
+kabylia
+enoksen
+bayberry
+yuin
+2312
+mulai
+32.62
+nipc
+samling
+trex
+ignacia
+opt-in
+atv
+metternich
+5:33
+3p-8p
+tailback
+decker
+superfecta
+hawridge
+dauncey
+ricoh
+šubić
+1970-1972
+wildensteins
+barnard
+verfassungsschutz
+single-bay
+glens
+armah
+popups
+kk
+katharina
+keay
+paxson
+instrucciones
+nabataeans
+thingie
+priapus
+reibel
+naief
+ussishkin
+neurodevelopment
+neo-classical
+thakali
+indosat
+ccac
+whsmith
+angélique
+nancie
+warhorses
+marchioness
+rowena
+filiformis
+shtyn
+lourd
+licavoli
+idvd
+lumbala
+dufftown
+erectors
+aarwangen
+softimage
+jelić
+haematologist
+undernourishment
+107.72
+anli
+hockenberry
+2,056
+azzolino
+lavalle
+12.70
+levitsky
+10-truck
+digestive
+zahav
+esterbrooks
+esperantists
+cribriform
+disabling
+manicure
+d.m.a.
+46.23
+alinda
+patna
+sanquhar
+cohon
+mafia-type
+nireland
+rangin
+semisubmersible
+murrah
+tehuacan
+vitalia
+karkare
+phippen
+farncombe
+heliand
+triviality
+xinhai
+city/32
+dc-10s
+69.86
+ortmeier
+polyrhythm
+kimmitt
+sednev
+andoni
+reaser
+z-machine
+jobes
+boombox
+pongola
+vindhyachal
+partyers
+sohus
+22,200
+yuran
+kosugi
+rosty
+ibasis
+nwa
+seveali'i
+oxfordians
+surveyor-general
+yanzhao
+sgùrr
+potsdam
+leggat
+trumbauer
+theiler
+fiat
+yuichiro
+suncare
+hammerhead
+9,430
+ncas
+scimitars
+26th
+ouroboros
+brunk
+jackson
+35.41
+re-arrange
+seguí
+alut
+14-foot
+gloats
+lafaro
+nangarhar
+arevalo
+taqwacore
+hemmings
+3,075
+stolac
+officialdom
+moh
+snappish
+ferris
+barias
+succotash
+adament
+paratus
+spellcasting
+,148
+bellafante
+sargasso
+polygonal
+bidar
+leonine
+shelf
+thumbsucker
+mohajir
+chauvin
+rajic
+cronbach
+122.8
+65stk
+valances
+nagy
+club
+oonagh
+niger-congo
+riahi
+clinicians
+etnies
+bistriţa-năsăud
+non-hungarian
+complimentary
+499
+kotecki
+rookie-level
+30-gallon
+re-worked
+bisiach
+40.82
+handhold
+gudmundsdottir
+abap
+larbi
+nately
+d'amato
+revamp
+hoshyar
+tremulous
+dexy
+intertribal
+lugang
+-14
+examinees
+loonie
+platitude
+cigarrillos
+ksi
+390-4697
+wolfed
+ovr
+biserko
+equidae
+rody
+dijck
+390-7707
+alangulam
+keppel
+rejection
+guileless
+brookbank
+hidehiko
+compulsivity
+350-seat
+turati
+refreezing
+yoghurts
+phlebitis
+garci
+post-medieval
+strategist
+laudabiliter
+1.4190
+khah
+azel
+84-78
+sido
+n'zogbia
+bracketing
+comunity
+joseba
+tachinidae
+decison
+untrimmed
+santin
+moldings
+kangchu
+earth-sized
+phenomenologically
+cahsee
+matupi
+lcos
+xiaohua
+viktorov
+hultgreen
+2119
+regulated
+'12
+fūma
+35-millimeter
+baverman
+106-97
+rear-mounted
+qabatya
+posso
+tbilissi
+aei
+grushin
+kisi
+mignano
+input/output
+ticinum
+lahsh
+twx
+canonize
+carnivora
+sclerosis
+motorail
+hirudo
+disrupts
+gruener
+kimbel
+arizonans
+1.2028
+barf
+prabir
+duked
+sinitsyn
+1235
+kricfalusi
+inox
+t-90s
+ps
+β-sheet
+lemko
+abuelazam
+grinch
+yawgoo
+.182
+collectivism
+greggory
+dormir
+kazemabad
+irenas
+cead
+bikic
+restricts
+114.5
+invests
+o.d.b.
+tokimasa
+gddr3
+dawsons
+goyal
+8.16
+4-0-20-0
+vučinić
+taquan
+naturhistorisches
+eubie
+viridian
+0-12
+tymkovich
+multi-layer
+doshisha
+methodological
+chohung
+sirc
+longping
+markovits
+10-11th
+intellectualizing
+simovic
+khaled
+99x
+szczeciński
+toribio
+psf
+helenio
+winking
+finmere
+lorin
+sliter
+abella
+co-princes
+42.30
+defore
+breite
+indo-gangetic
+spare
+massaged
+southernmost
+jun-ho
+corporatized
+pollycarpus
+effluents
+moman
+diastereomers
+splitsville
+moncho
+pahiatua
+itzkoff
+ramanagara
+majorettes
+schoendoerffer
+dummerston
+apolinar
+ke3
+lostock
+iwu
+falso
+vicari
+aowei
+pertussis
+diaster
+skytel
+mpeg2
+nnamani
+d'antona
+ulúa
+kaiparowits
+kathey
+radin
+deplored
+bonnen
+sedately
+janahi
+haayin
+intimates
+decosta
+yishai
+dušan
+paskapoo
+widowmaker
+7,286.27
+siv
+khadija
+ginásio
+20-player
+venaticorum
+canalsatellite
+euro317
+oxidases
+7-foot-1-inch
+rachmaninov
+chaguaramas
+no-fault
+conviviality
+saw
+88-day
+multilaterals
+dse
+hulen
+biro
+pentecostalist
+ginza
+northeasters
+desktop
+malinga
+ofm
+11.76
+hanesbrands
+erak
+moonsorrow
+14
+trudie
+dubica
+salena
+και
+turing-complete
+indera
+irey
+saudabayev
+twirls
+massager
+economidis
+exceptionals
+age-appropriate
+huacho
+elastigirl
+minnan
+pacte
+1,000-strong
+pamplona
+vize
+frl
+āgamas
+congruences
+faradje
+scapegoating
+lopatin
+emka
+overplayed
+taku
+okoboji
+icam
+kansas
+jutland
+-08
+hounam
+eyjafjallajokull
+shenzhou-7
+consitutional
+allegiances
+flaih
+brith
+nell
+malekula
+isham
+hout
+ntaganda
+ossetia
+خان
+2,237
+84.38
+us-china
+vitreous
+729,000
+ælfwine
+69.15
+censors
+cirksena
+dapsone
+32.1
+nordhagen
+chuncheon
+bulli
+broodthaers
+72.07
+duelled
+keyzer
+2,274
+speciality
+sundquist
+23,333
+7.5-acre
+tiruvalla
+buer
+ogwen
+compares
+kitv
+litsch
+centre-back
+tremaglia
+azf
+oberth
+mitya
+camellias
+winesearcher.com
+riegelwood
+arnolfo
+sønderjyske
+89.49
+takemitsu
+gispert
+harif
+rehhagel
+bear-like
+rayford
+1.4500
+movin
+12/3
+230
+tref
+19:12
+nataliya
+evgenia
+requisites
+listings
+hampi
+ayano
+43-5
+schoolboy
+one-16th
+strategical
+altino
+counter-attacked
+quiets
+rutas
+nns3
+keratinized
+derived
+pya
+56.67
+duckula
+non-traditional
+ciwujia
+omnivore
+dobele
+358-9
+midorikawa
+cofferer
+bodenheim
+metro
+sainsbury
+madinger
+shrooms
+hsinchu
+razziq
+mcginly
+advisors
+idiotically
+jaguares
+samoas
+eeghen
+awani
+manjimup
+unspecified
+codice_14
+budgeting
+serpas
+projective
+chondrules
+poblano
+mosaica
+unwavering
+gisin
+wallonia
+dispels
+ōmi
+dpe
+ahz
+diseases
+872-7245
+humphead
+aborted
+mpsf
+zorica
+24.97
+97.02
+ap
+buchel
+opecna
+suficientes
+izzeddine
+ingush
+yellow-rumped
+taepo
+xiaonan
+1850s
+baraybar
+fortiori
+schroder
+dogit
+citizenships
+hocker
+8.99
+mirdha
+duweik
+akbar
+existential
+dematha
+soviet-backed
+elez
+chauncy
+schellenberger
+5:46
+scamper
+gobinda
+eugenic
+windswept
+cromarty
+esslinger
+fatburger
+70.6
+kimbrough
+echaveste
+tokimune
+lindegaard
+burnable
+118-pound
+itns
+sílvio
+virginicus
+eighty-five
+fekadu
+euro61
+lahia
+klans
+fatum
+affine
+buffum
+handwritten
+hindukush
+stucke
+paraná
+multistoried
+ohmae
+toil
+bisignani
+wheathampstead
+avadi
+anti-human
+yateley
+provence
+minye
+filmfare
+inite
+nepal
+hely
+meaders
+blb
+bosie
+90.41
+sneaking
+musbury
+erlang
+jankovic
+żagań
+hajto
+76-60
+chums
+revolucionario
+beam
+outperforming
+807
+fermont
+khavanov
+shōbōgenzō
+admited
+6,060
+cbos
+pfd
+55-mile
+starcrossed
+32s
+decipher
+norse
+memmi
+subramaniam
+lga
+olad
+fcb
+lampsacus
+plava
+dalles
+92-78
+cutolo
+nonracial
+manresa
+hicky
+sudak
+disassembler
+laa
+s&djr
+hendy
+strelna
+nasik
+re-instatement
+cerrillo
+ev'ry
+oirat
+brudenell
+silvis
+prosopagnosia
+changhua
+dalili
+a.q.
+meurs
+straight-laced
+mylohyoid
+ostapchuk
+hidetsugu
+laemmle
+radcliff
+ilahi
+vallés
+purbu
+artz
+adonis
+issf
+storia
+rosetown
+tidball
+headful
+agneta
+norteamerica
+qawwali
+loughran
+megacephala
+oscillated
+schneidman
+convened
+n40
+configuring
+franjo
+helt
+cadaverous
+a.i.m.
+jhones
+maulavi
+tweaking
+nonfat
+fatherly
+gulai
+haro
+crimeans
+cres
+merlins
+visitors
+oblateness
+whacking
+kunnen
+79.42
+heydar
+rutty
+himachal
+savolainen
+winches
+13-million
+harrisville
+britpop
+505,000
+ostracise
+edgefield
+liturgical
+jaiswal
+kumaratunga
+bolivians
+bhowmik
+romanes
+ainsworth
+epitopes
+negussie
+buckyballs
+superego
+enceladus
+detesting
+controversy
+stem
+centex
+142,500
+voskresensky
+mepc
+åse
+samurai
+boyland
+buyung
+tamponnaise
+jussive
+kouandété
+blakes
+97.38
+vg
+gulen
+3,000-seat
+schneck
+self-sufficiency
+gabbed
+renovate
+pejic
+non-sworn
+silverdocs
+bupa
+binay
+veritatis
+obtusa
+kanniyakumari
+tarvis
+ejective
+byrs
+kamaruzzaman
+mahoni
+surfers
+r.j.
+commentarii
+questo
+prodrugs
+gradište
+3-44
+moneylender
+economaki
+shuler
+9/1
+brozek
+luzula
+diekman
+qatari
+85-76
+78-76
+ranarridh
+10.93
+megaloblastic
+lelio
+askcal
+caoimhe
+404-536-6751
+flattest
+minimax
+cave
+selborne
+45,500
+gharb
+backdrops
+orthotropic
+clares
+2,000-plus
+antonacci
+parkeston
+haymaker
+nikolayevich
+chola
+rtve
+claria
+rb
+125,000
+hankow
+i-taliban
+yak-42
+vertebrates
+2035
+tracings
+cheiry
+capasa
+euro118
+gobena
+wheels
+vomits
+brinkerhoff
+twal
+63.79
+wcvb-tv
+mushroomed
+mokotów
+meegan
+pro-feminist
+tsn2
+and-2
+http://www.opec.org
+bant
+depicted
+oapec
+newmans
+naismith
+pingtung
+zarrella
+utilityman
+númenórean
+19-13
+patroklos
+klopper
+ethnical
+interferons
+mandelker
+turzo
+aisles
+11:17
+consent
+plainspoken
+11:01
+mariquita
+uralde
+fankhouser
+beth
+stodginess
+biocide
+1,924
+jurnee
+a.k
+slv
+micropholis
+levias
+sidehill
+bodas
+club-level
+duesseldorf
+sallisaw
+mccambley
+shenley
+obg
+fandango.com
+mcrib
+grünberg
+yang
+1,6
+apocalypse
+3:21
+fouroux
+.556
+ferreted
+müller-thurgau
+city/30
+veliyev
+actavis
+hongkui
+kitzhaber
+trabocchi
+querubin
+aventuras
+distiller
+aleksa
+incluyen
+pergau
+peirson
+3.5-meter
+15.73
+brener
+rivista
+motordrome
+antimissile
+212
+ramstad
+akey
+asparagus
+opco
+mohism
+firebox
+dion
+cités
+united
+glutted
+itep
+sturm
+hayle
+replying
+eighteen
+100/1
+desiya
+seaon
+sardeh
+emigrated
+spectroscopy
+upnd
+etiqueta
+frédérique
+60-55
+crotchety
+ghim
+non-disney
+bourrat
+shiqaqi
+cylindrica
+loserman
+militiamen
+hoarded
+ascertains
+shiran
+zundert
+triticale
+osti
+124.50
+danny
+nipissing
+32-15
+gaspésie
+kayibanda
+resonances
+lasallian
+imagined
+decentralize
+ajuste
+aiaa
+sterlet
+kulm
+10-of-19
+benenson
+boric
+stockade
+tensing
+pointe
+toluca
+sagittarii
+housefull
+34.12
+kumudam
+primatologists
+second-century
+labid
+102-99
+islay
+forchheim
+209.3
+ayovi
+entrails
+carland
+l'orchestre
+o.h.
+maximoff
+portbou
+.686
+cătărău
+wołów
+55.82
+one-match
+6702
+haberlin
+horszowski
+2,641
+aldinga
+autopen
+obfuscate
+szczepaniak
+damaske
+westlake
+holmesdale
+waldy
+français
+nedelya
+recomputed
+quintela
+suleman
+comiccon
+itvs
+saha
+ronk
+texoma
+gonadotropins
+0-6
+utaemon
+zague
+igt
+desman
+pascual
+takalik
+kerteminde
+schele
+preceptory
+klepach
+karapiro
+tammeka
+shoji
+balbirnie
+muglia
+chalford
+minakov
+kifner
+unchallengeable
+shrinivas
+leskinen
+1:100
+pedigreed
+nellore
+enclitics
+resteiner
+torsional
+immigrates
+heidrun
+gettleman
+10,750
+antineutrino
+harnessed
+sweet-smelling
+patos
+marites
+teong
+mcgerr
+nunney
+schoop
+3,426
+middlebush
+asuu
+agoi
+goerlitz
+costner
+urvashi
+orcadian
+farsightedness
+bloomingdales
+376
+tsih
+11.04
+philgold
+ohly
+rightfully
+budějovice
+entertainers
+sigrist
+ach
+middlesbrough
+hindujas
+rockett
+crisman
+correll
+wallpapering
+marcelle
+quatermain
+i-24
+juman
+kartar
+fites
+dymaxion
+zinke
+lachemann
+kawarau
+aniversary
+lefranc
+gabrielli
+centrino
+kovac
+2-35
+niusulu
+300,000-dollar
+bojaya
+139.75
+chagas
+mistris
+consolidated
+cardiogram
+bellinger
+acquiescing
+condover
+braggiotti
+conventiongoers
+maharajadhiraja
+shift
+sonchat
+neveh
+34.4
+hollandaise
+organizer
+sazerac
+koszyce
+rottnest
+fire-fighters
+21.82
+jenniffer
+mirrorlike
+football
+2,289
+labit
+qiannan
+bimah
+paniculatum
+1.154
+jayma
+novorossiysk
+kurtulmak
+depa
+3,387
+abriel
+clecs
+nepga
+technogym
+4-4-0s
+chez
+kishk
+rp-1
+photo-finish
+girobank
+affording
+a321
+gretel
+palmately
+49-37
+slingbox
+nhon
+warrior
+inuinnaqtun
+13.05
+pbs.org
+012
+hambletonian
+vyškov
+okotoks
+challenges
+85th
+shuttering
+improvisational
+guanare
+abplanalp
+felsen
+subway-surface
+takes
+abasan
+crespo
+pegasi
+dilfer
+bottlers
+rosati
+clubroom
+jenrette
+listlessness
+congregating
+medicated
+1,226
+wortmann
+junction
+indirect
+parool
+shtayyeh
+avidius
+brillante
+wierd
+oppong
+kinvara
+xi'an
+consoled
+non-aviation
+mismatched
+10.38
+trapt
+fuzzily
+yakut
+crim
+vasant
+taihe
+8-22
+zavaleta
+nowack
+intervention
+jsx
+rcf
+gurel
+hartcher
+18-7
+fine-art
+4,126
+louis-le-grand
+blanchardstown
+massagers
+imino
+seagull
+qi
+29.43
+vasco
+andrewes
+spawr
+gerd
+abortionist
+celanese
+then-upcoming
+subnotebooks
+mehrullah
+misr
+caret
+aberlour
+ryb
+bellyaching
+lanford
+kouchner
+cuisinier
+demobilisation
+meli
+sarai
+tramroad
+sorell
+shorunmu
+geodesist
+ovando
+hgp
+galloped
+4,685
+vukotic
+kirk
+schapper
+vinoba
+malekzadeh
+post-treatment
+razzoli
+wrni
+vehs
+bonia
+haegglund
+tartlets
+mcshay
+smithdown
+dactylic
+rustu
+2,417
+144.50
+prideaux
+2,193
+cabriole
+lebec
+13-year-old
+yuon
+netlist
+uc
+duggal
+flavor
+tanaquil
+mylroie
+palangoon
+mizeur
+coolie
+tahiliyani
+gading
+keta
+abdillahi
+consiglio
+ewi
+sectionals
+shiroishi
+fan-based
+heiðar
+ltk
+canadian-built
+muntada
+basilica
+enfer
+9-31
+assumpsit
+synaesthesia
+sedge
+ailerons
+a2
+1.080
+mowing
+drizin
+rrustem
+adjaye
+hollmann
+leafhopper
+175.3
+langoustine
+headbanger
+comments
+patronage
+positive-definite
+culturing
+bangust
+averted
+127-mile
+forequarters
+kipushi
+shojiro
+königlichen
+sawn
+ubiquitousness
+speculative
+buoyant
+crimond
+recordings
+boothia
+saffo
+notarization
+zhengdong
+fusor
+sgy2
+garrow
+meziříčí
+accusing
+horní
+voy
+mjg
+houten
+qedwa
+nkala
+69.0
+132kg
+68.45
+2,325
+kailua-kona
+pirmasens
+hongren
+black-bellied
+clusium
+religieuse
+detainer
+knocked
+123-page
+edelson
+clezar
+dinnerladies
+rocke
+consorts
+hoosier
+quick-change
+shaib
+aquincum
+hond
+then-president
+castrates
+al-qasim
+20-21
+bellevarde
+besant
+schiavo
+z$
+russulales
+paura
+semiramide
+zoppo
+uraco
+228,000
+corn
+helpline
+gosnell
+sudja
+rovshan
+chenopodium
+rouhana
+22.22
+6.47
+sehovic
+stojanovski
+lepyoshkin
+fegan
+586th
+e.a.
+elysia
+my-otome
+barite
+cain
+e20
+giacomelli
+1.4755
+gerasim
+baharsjah
+conexant
+ryall
+ezzo
+tv-channel
+gael
+piech
+loftin
+marak
+coderre
+galenic
+tassone
+checkmating
+confrontation
+situation
+37-1
+fogies
+rheinpark
+thumpin
+huertas
+malbrough
+vitim
+coşkun
+foras
+2304
+harbi
+ginóbili
+nanostructure
+montali
+shelvock
+cillian
+jinai
+schwartzbard
+handal
+wxel
+shriveled
+supermarine
+flaunt
+dishonorable
+sidharth
+animosities
+70-47
+goodrem
+weight-shift
+oxfordian
+pigeonholes
+4,004
+transamerica
+gopurams
+dudeney
+dumisani
+koenen
+englefield
+sachiyo
+billin
+rugambage
+tulyaganova
+kippa
+percenter
+clamshell
+implantable
+tripmaker
+grecian
+o'lakes
+huckle
+24-million
+keiper
+mccrystal
+makoto
+requisition
+ayham
+liliane
+akgun
+viktorenko
+vicenç
+levens
+shaoguang
+storybrooke
+nozari
+56.41
+moyen
+adelino
+lactantius
+macinnis
+indoctrination
+barrot
+1.1-billion
+cindana
+25.7
+telewest
+gladness
+gaut
+fsg
+healers
+ambrose
+iyaz
+dogon
+mnl
+trutanich
+hybla
+detectors
+corrêa
+1729
+http://www.johnmccain.com/
+permeated
+malpartida
+saula
+streeters
+rylan
+sestanovich
+jeżów
+nelms
+jannero
+rochemont
+hakem
+harmatz
+eclac
+chitto
+xinyao
+beveled
+microstate
+changed
+falsehoods
+rajapur
+authoritative
+taiping
+yellow-spotted
+up-regulated
+horrillo
+36.40
+foucher
+epifania
+unconditionally
+polje
+four-light
+ultrapure
+susquenita
+kanika
+popat
+netherlanders
+stand
+johnston
+renormalization
+cardcaptor
+urla
+1,746
+macular
+maven
+jarwan
+mowrer
+reevaluated
+2.37
+rating
+is-95
+27-nov
+2,374
+giraffa
+becatoros
+tavola
+aia
+zlaté
+paitoon
+vicker
+boudoir
+macchiavello
+julietta
+forcier
+sportingbet
+lymphedema
+ice-breaking
+clarecastle
+plethodontidae
+non-us
+defile
+8:06
+agility
+thagard
+håndbold
+plucker
+ferrari
+üdtirol
+dilators
+kalimati
+axwell
+wolfwood
+profitted
+hotak
+aquabats
+foray
+homesteaded
+sjk
+rham
+neighouring
+thorat
+cherian
+speigel
+godfather
+ogygia
+omnibus
+poonam
+pkr
+gallants
+faulder
+htpc
+6-4-3
+fwb
+34-21
+episodically
+51-day
+hemsedal
+kneecap
+67.09
+klarenbeek
+dissa
+laggards
+jože
+22,000-square
+dahomeyan
+juve
+labouchere
+dcta
+91.88
+plrt
+febraury
+barberry
+gajdošová
+tagliani
+weh
+undisturbed
+vandervelde
+gerde
+hopps
+valhall
+boran
+prati
+2262
+balakovo
+conegliano
+sanea
+lakas
+84-page
+'03
+romm
+pradakshina
+guardias
+ersan
+wolfit
+h.o.
+kalach
+saxs
+bowland
+jerai
+schoolmates
+individuated
+oppressor
+bahncard
+lumi
+somercotes
+frugivores
+x-press
+oberholzer
+radosław
+strozier
+pells
+pre-1998
+650-year
+folks
+pauma
+21.72
+psyching
+1861-1865
+petrozuata
+hs2
+shelob
+atonal
+japonicum
+1993-1998
+minev
+parametrically
+3,489
+wil
+rubinstein
+stohr
+58.12
+damningly
+cybermen
+riversharks
+amyloid
+musgraves
+margareta
+8,200
+kljusev
+tenderize
+dilthey
+outgained
+bindeez
+resales
+myrtaceae
+1978-79
+1738
+colarossi
+23.54
+adams-clay
+fslic
+edenderry
+palali
+outfight
+beachwood
+specialised
+conciliazione
+ziso
+daryn
+webmasters
+fdisk
+sjogren
+plimpton
+kaiko
+siloso
+lax
+fettes
+802.16
+mallison
+bancoult
+guerni
+barochez
+sheath
+160.1
+bk101
+27-23
+29th
+qarshi
+cooldown
+ghosh
+swivel
+ecotone
+maquilas
+chickasha
+kellner
+nijkerk
+three-dimensional
+andreasson
+khadum
+malerba
+sajeda
+minurso
+loping
+usx
+cornthwaite
+cryptography
+alternative
+promethium
+astures
+ashli
+encapsulation
+juoro
+concesion
+pickle
+rijksakademie
+kzin
+fastest-growing
+6:19
+barco
+2.5-square
+hoyland
+criminalisation
+cmea
+kratovo
+conciencia
+maximilians
+caragher
+pfann
+space
+r-class
+partis
+siglos
+solomin
+hiei
+elscint
+roommates
+sewell
+ecclesiology
+71.51
+vaca
+dossiers
+swarmed
+vermant
+jps
+nhurstdetnews.com
+clintonite
+spolin
+masae
+centauri
+renting
+pan-african
+caprese
+geothermally
+taillights
+religio
+fmf
+coastal
+snapback
+4.1-billion
+wangberg
+2,826
+6.69
+pitas
+samarth
+hankins
+cravens
+framus
+housden
+zumbrota
+1700
+ethio
+lukka
+permission
+heemstra
+youlden
+nadur
+erinnerungen
+giraudo
+calisto
+lindemann
+anorthite
+powerslave
+four-and-a-half-year
+mellifera
+nycticebus
+geometrics
+krenov
+ube
+cliched
+enlarged
+roundtrip
+inculcated
+seidensticker
+cesur
+lycee
+rafik
+lysenko
+kaszubska
+theda
+matayoshi
+davidian
+tiwary
+226.4
+schlub
+205.9
+frolov
+genuineness
+cornetto
+elites
+rothemund
+pre-apprenticeship
+daito
+tracker
+balongan
+behaviorism
+brong-ahafo
+vpd
+rahs
+bogoliubov
+yakushiji
+moduli
+blizzard
+bielik
+herculez
+thirteen-year
+pietarsaari
+8.18
+loren
+mexicana
+liberates
+grafik
+mistery
+haverstraw
+chimeran
+pni
+34s
+adorned
+kb8
+kulicke
+weatherboarded
+harima
+velveteen
+gandak
+angolagate
+buffoonery
+spk
+gulches
+weißenburg
+self-categorization
+53.83
+kptc
+pike
+tidied
+chidiac
+mouctar
+heraldist
+pl.
+enjoys
+pgnig
+theed
+bornemisza
+budimir
+chibcha
+tourk
+andriani
+souaré
+finkielkraut
+flights
+sookmyung
+tinosa
+workbook
+oel
+2148
+dowdy
+polster
+wilmersdorf
+longshaw
+true
+recycling
+tiksi
+moon-boy
+lucchesi
+tump
+luhansk
+viloria
+fidgety
+gorringe
+dolmen
+cruciferous
+dmi
+liggio
+tetraodontidae
+anjem
+brieuc
+amidei
+dhun
+watchlists
+ibro
+94596
+mukataa
+whizzinator
+long-forgotten
+kasmin
+bruinsburg
+drawling
+saint-paul
+call-out
+wickard
+motaung
+breastbone
+winograd
+inkster
+x39mm
+wenfu
+fazal
+.0309
+sq
+hypoactive
+scaduto
+mortgaging
+exceptionalism
+banane
+vanvitelli
+trouve
+damphousse
+249.6
+catalogues
+imperious
+cad/cam
+carreno
+5800
+10.58
+faqir
+qg3
+bửu
+pohang
+senja
+khaleed
+kurth
+atenolol
+22c
+bauder
+silambarasan
+nta
+weinshall
+100.72
+backpedaled
+riffo
+potassium-argon
+sommerville
+rassmussen
+widdecombe
+hallyday
+siblings
+connectives
+deba
+threshing
+cassandra
+dotty
+pessimism
+melismas
+jampur
+hand-me-down
+ebonyi
+liégeois
+gamburyan
+rajneeshees
+craniopagus
+tribunician
+timucua
+zorilla
+wbb
+vetoes
+woden
+10-plus
+noradrenergic
+vengeance
+recedes
+mayeda
+dedy
+relieves
+'52
+telecare
+jarier
+ever-shifting
+leira
+abdulrahman
+pellice
+yaalon
+12-bottle
+physikalische
+loaves
+hurled
+extenuating
+l9
+babineaux
+122.65
+odiham
+f.k.
++8
+nipsey
+rams
+schuffenhauer
+r.p.m.
+culliver
+knaap
+spiridonova
+cocina
+suleimaniyah
+kafarna
+abeyratne
+popalzai
+rubbles
+cracked
+harunori
+thmei
+lightroom
+djerv
+modigliani
+craige
+buzkashi
+ciena
+wyle
+caries
+ruby
+peck
+optimo
+bertagnolli
+histoplasmosis
+gauvin
+flies
+sitte
+verkest
+doper
+tweek
+kaw
+thokoza
+krosby
+bhashani
+vukovar-syrmia
+citium
+rahasya
+stiffen
+kibar
+baszczynski
+kitching
+fim
+ellipsometry
+eurobird
+15-passenger
+lagonda
+camps
+uncompromised
+t-boz
+28-gun
+manina
+ostentatious
+to-3
+.1000
+hinks
+prisoners
+southern-central
+recyclers
+voulet
+generalised
+cookoff
+imambara
+22.0
+elegido
+snow
+mash-up
+tenue
+sphyrna
+edc
+homegear
+manufactured
+consalvo
+indigena
+drewnowski
+tzedakah
+trumble
+17,917
+xindi
+malappuram
+zwe
+one-foot
+ryedale
+nooh
+baartman
+hsps
+itos
+taping
+176.9
+31-time
+translocation
+expresa
+5600
+pecho
+tenafly
+collectives
+woodcarver
+kasting
+240
+higher-ups
+hreoc
+picu
+ghodhbane
+extinction
+skalkeas
+25,000-dollar
+kelardasht
+3.015
+torrecilla
+chuh
+kitchell
+morcombe
+naumov
+gerdt
+ium
+ogulin
+54.75
+šechtl
+.448
+pitztal
+guji
+undetermined
+sauceda
+mishap
+hedrick
+doren
+bakes
+carles
+sharp-tongued
+ballycotton
+bremer
+twalker@ajc.com
+iiird
+muschamp
+.342
+ridgeline
+ter
+tanghe
+tihamah
+2994
+puello
+cantaloupe
+stonehill
+ligas
+wfor
+orthopedist
+fisch
+0220
+cuy
+seyrig
+0216
+3.4-liter
+subd
+jonquière
+karbowiak
+1245
+besse
+mcbean
+blobs
+circulations
+13:14
+d.i
+stereotactic
+9,280
+sapne
+imix
+c-6
+68.77
+dalen
+rakovski
+jamas
+afmm
+jinpa
+vishnevsky
+mahima
+holobyte
+switch
+cognizant
+epigenetic
+komisarz
+monotheists
+2,600
+turkish-german
+nateq
+devoid
+feisal
+radatz
+hamedan
+savez
+murati
+chornovil
+murphysboro
+chelanga
+athos
+tretinoin
+dogg
+kts
+grann
+kirkintilloch
+sheinberg
+polwarth
+theirs
+62.52
+hejmo
+skimmed
+veeranna
+wims
+41.47
+raucher
+allaf
+jaman
+fighter-interceptor
+maronite
+co-existence
+upholder
+druk
+mputu
+grippy
+snubber
+responsable
+yengema
+rịa
+snouts
+vorachith
+trompe
+tupas
+x200
+roady
+karak
+11-miroslav
+gebirgsjäger
+,550
+71-63
+rebloom
+krongard
+ghafar
+montreal-based
+fattened
+disagreeable
+bettles
+taichi
+mb
+1200
+jehuda
+dvl
+ayahuasca
+fsn
+yelang
+irrelevent
+lpmud
+malocclusion
+lothians
+serendipitous
+triller
+87.97
+abarbanel
+contemporaries
+khatunabad
+bougainvilleans
+kazuhito
+firedamp
+whinney
+fornaciari
+sloshes
+point-scorers
+loadstar
+canty
+consumidores
+103-year
+mobitel
+sugartime
+trypsin
+microdata
+10-1-1
+mirams
+jagermeister
+frankl
+810,000
+reservationists
+rossini
+slotter
+kensuke
+longirostris
+chlodwig
+bretteil
+45.28
+udmf
+hatchell
+2,495
+indexer
+pillories
+7.742
+allies
+botts
+69.98
+parachutes
+attaching
+saugus
+euan
+112.39
+østensjø
+dubravko
+rrb
+144
+väth
+recapture
+enterprise-class
+shōhei
+photosensitizer
+diablos
+spectacor
+mwange
+freakin
+gunowners
+fairstein
+valencia
+starace
+bo'ao
+proselyte
+acinar
+linhares
+eusébio
+lukey
+jish
+manevitz
+deyr
+piar
+photodiode
+moccasin
+mcmurphy
+maj.
+kb
+1,787
+lolium
+gelignite
+luminaires
+35-8
+28.35
+micromasters
+inspiron
+में
+handicappers
+justi
+prosinecki
+résistance
+karabulak
+lurigancho
+iren
+suvit
+nauseum
+lloy
+gajevi
+zhiyuan
+31.47
+effigies
+godwins
+horologist
+gurgi
+kopra
+mcquarrie
+scelzi
+2003-2011
+microvascular
+bertoni
+gsci
+subchannel
+aesthetical
+hybrids
+casebere
+playfulness
+sahoo
+evensen
+douglases
+repellant
+30.62
+slobodon
+mabus
+accompanies
+170-horsepower
+eissa
+teleshopping
+56.87
+1991-96
+broadhall
+ivanchuk
+pnu
+toppenish
+arutyunov
+juguetes
+reimann
+50-metres
+anuak
+euro250
+manson
+gruppen
+xianbin
+danaos
+15:12
+matkal
+narasin
+goito
+photobleaching
+almería
+metellus
+780,000
+grinzing
+haqi
+1,103
+oğuz
+deadshot
+fry
+osteoporosis
+leben
+10:50
+hyaluronan
+d300
+materialist
+ign
+thawadi
+vaniyambadi
+danielsen
+alost
+uscis
+lubiani
+nerina
+daulton
+nosek
+morgaine
+gantang
+reichheld
+nietos
+2,960
+heureka
+u-tapao
+psim
+chifundo
+chibuto
+laver
+zanskar
+álava
+ravenswood
+baillargeon
+tuimavave
+ihram
+lafite
+south-easterly
+jdam
+newpage
+shawkat
+29-24
+sneyd
+sharpie
+9,000-plus
+initialisms
+fatuous
+51-43
+gingold
+sang-soo
+newydd
+amestoy
+clamped
+candlemaker
+1866
+bästa
+intertitles
+upper-surface
+dendy
+reisterstown
+heimat
+person-to-person
+104-95
+vial
+schiltach
+ababa
+wilkos
+geremi
+petur
+borimirov
+jianshu
+kashmiri
+iimc
+hattie
+hassanain
+xpl
+243,000
+(809)
+anaesthetics
+banki
+seedling
+abdullah
+tickford
+badil
+ligne
+nový
+olu
+draughtsman
+two-face
+140.5
+need-based
+majano
+guidewire
+crps
+kishaba
+navnirman
+neno
+yunupingu
+versatel
+bleep
+dendrites
+azadirachta
+hominins
+casto
++1.00
+http://aladdinsys.com
+startime
+penalties_none
+mangal
+arbat
+pre-programmed
+herbsaint
+12.55
+hardee
+390-7787
+bath
+wyshak
+279.4
+102.60
+teeth
+supercontinents
+darkover
+barrack
+novopolotsk
+lexicographic
+11a-4p
+imint
+julianna
+ledovskikh
+leguizamon
+kryptonians
+http://www.goodyear.com
+dinizulu
+merk
+crashing
+boogers
+kunya
+209.8
+deconstructions
+frieze
+gaynell
+bakuramutsa
+sturtz
+stt
+cashiering
+mehrabad
+nmg
+lionised
+meiklejohn
+bolshunov
+all-rookie
+f24
+differing
+sandilands
+dinhata
+passionists
+hatillo
+sheykh
+siobhan
+pre-qualify
+djnpb
+polita
+hesselman
+shawnee
+wake-up
+dukuzov
+9-1-0
+57.59
+ohv
+muhamad
+casetta
+reduplication
+kosachyov
+pantothenic
+formula_32
+mclaurin
+deuteronomy
+bourgeat
+vlashi
+79.56
+funo
+hinsley
+chilo
+8-21
+darleen
+adada
+zakho
+ippf
+busquets
+su-25
+16-year-old
+majer
+1860-61
+magluta
+duesbury
+kloot
+forrester
+belting
+twelve-round
+8.37
+fleurieu
+coquille
+mckinnie
+citterio
+free-style
+walkmans
+plaguing
+obituaries
+ogunquit
+jonassaint
+rosevear
+profaned
+modell
+consigns
+briac
+fountainheads
+polakoff
+kutná
+regressing
+kingscote
+lerroux
+outro
+movieguide
+uttered
+kamiński
+scobey
+hanau-münzenberg
+kraz
+ocpd
+facundo
+mccluskey
+valgaeren
+samite
+skytrain
+moraghan
+burts
+maxence
+fobia
+diploma
+hoodie
+knowledgeware
+jobeth
+fuoco
+.909
+danta
+relizane
+144-page
+siddiqul
+46.74
+cassill
+10a-8p
+isiah
+reagor
+oncological
+torrijos
+pardner
+jurietti
+sibylle
+emarginate
+bucktooth
+d'aumale
+factious
+funderburg
+conservancies
+zinda
+melattur
+heacock
+fourie
+senderos
+furius
+malo
+negotiating
+niyonzima
+behle
+spcpd
+immolations
+workingman
+yabba
+scheeren
+adnkronos
+cfr
+tachira
+ludu
+neudorf
+darkhan
+miško
+industry-related
+lidköping
+mastertronic
+custom
+euro511
+copec
+romaji
+kvalserien
+gottscheerish
+kerpen
+naficy
+32-11
+semi-annual
+neulaniemi
+filed
+newsmagazines
+ashvin
+delmonte
+bentwaters
+ergezen
+self-transcendence
+allrounders
+helicoptered
+ectodermal
+radon
+ruckauf
+105
+tractate
+masséna
+cab
+sidebox
+241st
+roloson
+balt
+sergi
+cavour
+matata
+calculations
+wihdat
+sub-fields
+182.6
+burza
+21-man
+habitues
+cde
+kassav
+gorm
+zollverein
+92.21
+farmland
+waylaying
+1971-78
+ribatejo
+mss
+jaimoukha
+103.99
+rednex
+stülpnagel
+11e
+70.01
+precht
+opposers
+1000
+enditem
+bailey@globe.com
+strahinja
+trias
+dehdasht-e
+tribus
+krenz
+sergiy
+gedrick
+jansons
+markethill
+poule
+flashcard
+gosaba
+avalokiteśvara
+andro
+osterholm
+unsullied
+linerboard
+muranga
+rodeina
+formula_88
+morbillivirus
+hijacker
+nobel
+2,986
+cinephile
+bodu
+10-story
+étranger
+helvetii
+counterdemonstrations
+pezzella
+żarnowiec
+thonglao
+underwriter
+jarman
+televisi
+arditi
+bouton
+tomson
+pundit
+haizhu
+connel
+hgf
+grime
+cgolden@statesman.com
+seashells
+16.13
+espérance
+lvts
+yemen
+1910-1914
+mirzayev
+80.9
+grippingly
+e-boat
+metheringham
+cobán
+3gpp2
+gubenko
+0w
+halsbury
+gouge
+1911-1913
+dusko
+3-2-3
+bonpensiero
+orser
+sadananda
+whitemoor
+chepo
+orbitofrontal
+ussf
+hoeryong
+pachycephala
+technet
+seds
+volcán
+250cc
+trunnions
+proudest
+buzzworthy
+tabula
+mainville
+mallikarjuna
+elicitation
+anarcho-capitalists
+weighs
+bauan
+highschools
+dribbler
+sewing
+azharuddin
+romansh
+76.55
+chaku
+weissmuller
+cmes
+spalding
+harak
+258,000
+deyang
+indonesian
+re-inventing
+75.36
+shehbaz
+dahal
+wittner
+sabotages
+bingeing
+allergy
+gration
+instantly
+vaidhyanathan
+imaginary
+mig-17
+gorath
+peay
+agencias
+tombstones
+moisturized
+kaloor
+kekilli
+nmt
+salonen
+lafalce
+calderon
+hotei
+andante
+tigerfish
+dermatosis
+incubating
+139.5
+oold
+chlorofluorocarbons
+euro254
+garganta
+adıyaman
+jorat
+bankrutpcy
+goda
+auteurs
+pushforward
+pbz
+soybean
+2000-2007
+marcedes
+bayway
+greenwell
+untracked
+mallie
+positioner
+seyfarth
+altran
+frankfurters
+deep-sea
+upregulate
+reputation
+cilk
+iroha
+nicolaescu
+vittatus
+ina
+productive
+adalia
+velit
+digicom
+farriers
+3-for-20
+espnet
+chenar
+clanging
+nimmer
+a300-600
+jazmine
+xuanxu
+vindicating
+bankwatch
+mcdougals
+ditton
+jastrząb
+skolfield
+adhesins
+charest
+byway
+tubman
+gss
+lapindo
+8.22
+blomkvist
+uchikawa
+oberlander
+dunnart
+abdalhaleem
+24-15
+sub-section
+qingjiang
+swoopy
+formula_52
+sajous
+inamed
+kusarigama
+normed
+nhlbi
+24-2
+sandrock
+nondegenerate
+strs
+career
+fischl
+pocher
+4cv
+titmuss
+yuqin
+deelgemeente
+radmann
+1200-1300
+diver
+droit
+jeannot
+akhmedova
+hien
+ravitch
+opportunities_toronto
+unambiguously
+rauschenberg
+1555
+shosteck
+harkin
+echomail
+chapped
+teeswater
+dispatches
+fürth
+bilgin
+8:03
+huallaga
+_______________________________________
+hovingham
+doesburg
+druckman
+setesdal
+chagossians
+43.62
+1020
+2,020
+habbo
+courland
+doomy
+4.26
+priestfield
+assegai
+ishmaelites
+joliette
+84.77
+sacchetti
+1104
+unbreakable
+helicinidae
+waterloo
+ciller
+cleobury
+corba
+3,748
+tende
+18:19
+32,000-strong
+ushiro
+indentations
+prevent
+fredy
+hydrogens
+leed
+multi-colored
+tsuchiura
+oceanarium
+olomide
+30-year
+linklaters
+york-born
+twyla
+goes
+cilacap
+paraphyses
+electronics
+ngael
+2/20
+caldey
+29-29
+ints
+25.65
+3407
+cycads
+quiting
+sarathy
+cangemi
+hubcaps
+expunged
+440
+mid-1870s
+duetto
+47.90
+wootan
+dije
+lintner
+asymptote
+tipler
+pashayev
+federated
+servos
+oberdorfer
+47-30
+laarhoven
+pornsak
+aelfric
+roodepoort
+santonja
+maranhao
+a-310
+159.50
+weathercock
+23.97
+deletes
+instilled
+two-axle
+bedside
+24-month
+15-play
+cayden
+wojnicz
+automap
+tatsha
+trophys
+sieng
+shozo
+annapolis
+gabbeh
+hikone
+mahjoub
+ners
+ibrahimovic
+nogaideli
+orangey
+febi
+recanati
+voskuhl
+rapes
+translations
+grigorian
+tion
+nicollette
+totale
+music-based
+scrooges
+acorn
+endocarditis
+vilatte
+worthley
+smiling
+vendramin
+brooke-taylor
+flower
+město
+sherone
+cicala
+bajnoksag
+d.iiis
+berm
+prienai
+kabo
+ireen
+irrepressible
+muerte
+fisnik
+cahier
+ampule
+kigoma
+stank
+pastor
+advn
+113,500
+chenier
+liliaceae
+ponga
+deadbolts
+nicasius
+1760s
+dongsheng
+samdup
+schottland
+caption
+hillier
+k-219
+automation
+agb
+stepien
+cobey
+ostrowy
+soldotna
+fetched
+koolhaas
+jnc
+gordin
+arrester
+golubev
+2,993
+huánuco
+limington
+sanabria
+irinjalakuda
+kodambakkam
+yoder
+clarkin
+53.65
+karakhanid
+torment
+ehsh
+francesi
+drai
+lemnos
+emer
+3,747
+splenectomy
+porcupines
+gothic-style
+inconvenienced
+richie
+fira-aer
+88.55
+antonin
+phaulkon
+export
+agatsuma
+baraguey
+24,750
+24,167
+(914)
+subjugates
+thrashings
+transporters
+aleksic
+juventude
+.02
+halvorsen
+mineworkers
+despero
+longlasting
+magnetawan
+f-105
+estreno
+kishenji
+qīng
+rq-4
+schwartzenberg
+hammill
+habemus
+francisci
+coolah
+democratized
+astronomico
+toxicodendron
+bronshtein
+strack
+millilitres
+naggingly
+extra-terrestrial
+klawock
+endophyte
+unseals
+salafchegan
+sangir
+pasqua
+atunyote
+brierley
+insularity
+soroca
+mystics
+taylorism
+warmup
+5.47
+sophan
+neff
+sehwag
+5.7
+vomano
+co-designer
+spraypainted
+encasing
+loucas
+splutter
+parklife
+imasco
+ts300
+calve
+infuriating
+bolduc
+cervantino
+thieving
+l’enfant
+s400
+5.53
+¥
+manlove
+washoe
+baseboard
+brayed
+three-year
+sigcau
+kirkland
+romanian-american
+zamuner
+dome-shaped
+fyhrie
+baoqing
+mistaken
+conducted
+kahveci
+likenesses
+ovulated
+factored
+,730
+wemple
+infecting
+food-grade
+yassa
+eur2004-cze
+right-hander
+third-best
+rishabham
+genpharm
+inflicted
+kozmus
+penninsula
+descentralizado
+brushland
+bario
+lonaconing
+knighted
+finning
+(915)
+yoshika
+5,286
+apparels
+okiro
+sk8er
+franciscans
+valicevic
+buxted
+spirito
+centerra
+svetoslav
+amboyna
+nitzanim
+496th
+barış
+30,179
+42/3
+iwami
+planai
+wellstone
+negotiatiors
+zonker
+precio
+cooksey
+sousveillance
+odel
+4.36
+gramley
+spackle
+husan
+pensionable
+sandbags
+then-ongoing
+marsaxlokk
+karkhi
+high-field
+pritchett
+94.78
+seasiders
+dodecahedron
+urticating
+127.10
+154.8
+pettinger
+enertia
+bedraggled
+daa
+aab
+hideyori
+megacorporations
+96-mph
+strongly
+mysterians
+25.84
+dingyuan
+birkir
+5-64
+kouroussa
+2,500-foot
+fagundes
+gehrke
+bkw
+82-62
+tri-weekly
+30,625
+rabun
+editorialist
+optique
+carrousel
+paweł
+3,858
+nerites
+vileišis
+centurions
+repressurize
+odumosu
+atassut
+89.65
+cartaginés
+merito
+natan
+222,000
+komisja
+cafeteros
+still-standing
+pacer
+saburov
+u-3
+frgs
+faba
+biblos
+choking
+legrottaglie
+gravity-fed
+samjhota
+agagu
+aperiodic
+bolstered
+hatipoglu
+mahgoub
+zainichi
+brooking
+ogilvy
+48-37
+hemdan
+evocatively
+twycross
+superdrag
+thebaid
+franceses
+harber
+deputizing
+imouraren
+vivir
+1.2112
+bakhtar
+kdic
+disputes
+region.the
+stanfa
+ewc
+26.63
+kollwitz
+12-12
+edgers
+icom
+ugric
+mini-movie
+linsky
+casalesi
+coupole
+culex
+whedbee
+2,285
+fonteyn
+aliana
+thoughtful
+125-word
+attard
+pinillos
+jun
+iyiola
+veerabhadra
+morvillo
+box-office
+dung
+corvalan
+talpade
+equalization
+5.61
+miss
+4.86
+sa-7
+tertia
+castors
+39.15
+mzimba
+roxette
+pararajasingham
+sikong
+gabčíkovo
+31.52
+poèmes
+orfeu
+ochota
+outpatient
+tears
+jauchmutey
+womaniser
+wnyt
+dimwits
+processional
+arirang
+earthforce
+khoury
+midsize
+tiantai
+128.6
+ecstatic
+1,052
+mantidactylus
+chiodo
+lydersen
+sivananda
+interleave
+andress
+1974-78
+3,110
+0750
+78.63
+109.22
+nuf
+kogler
+dismissiveness
+chtaura
+remo
+free-to-play
+frequency-shift
+widest
+fearlessly
+concordat
+afrasiabi
+teds
+wrocław
+hordak
+dibang
+smithe
+12-over
+chaises
+gunfights
+payoff
+chanos
+cheever
+9-2x
+strauber
+800000
+cannizaro
+vno
+fumigant
+dashanzi
+falcon
+nordrhein-westfalen
+crucian
+theat
+vasiliyev
+5,630
+jux
+pickwick
+if
+fermor
+kronos
+hillenburg
+borsch
+mohri
+aram
+zatlers
+comitted
+post-panamax
+chutes
+thraupidae
+henao
+pierola
+joemurray
+gascon
+tibbett
+vikrama
+birdwatcher
+hudnut
+bømlo
+hajric
+tsars
+no-go
+348,000
+kontakion
+airo
+nota
+weds
+rūdbār
+tammen
+re-assignment
+summand
+ramelan
+anuzis
+bse-200
+maari
+chalatenango
+63.43
+wetterstein
+euro900
+moneytalk
+harikatha
+sify
+cristophe
+injure
+nardo
+tanuku
+wassa
+comden
+pedro
+pettibone
+capstar
+suan
+francium
+3gsm
+87.34
+spacewalkers
+grewal
+mending
+panchthar
+bracteata
+bandwagons
+rubus
+traprock
+personalise
+wurl
+earthly
+complimented
+give-away
+peppy
+athenaeum
+vanya
+badd
+cytoskeletal
+pianissimo
+jdf
+pre-tournament
+hauber
+baptized
+knjaz
+murgas
+bedfont
+seiche
+41.67
+technicality
+kuzvart
+wcas
+roslindale
+dance-punk
+fulham
+61-56
+hadoti
+catalyse
+75.06
+srsg
+charadriidae
+ejaculations
+microsoft.com
+sklyarov
+julu
+kumars
+tarapore
+44.65
+hargan
+quantifying
+poveda
+porticus
+jcummings
+festivali
+kneen
+schrei
+bronzini
+follansbee
+mw
+redin
+bartos
+bobb
+secretary-bird
+titova
+karaj
+biomimicry
+wassouf
+muyo
+grabar
+israélite
+217.9
+donelson
+hrubieszów
+laksa
+wandsworth
+sfry
+authenticates
+orogeny
+gelfond
+gamest
+drf
+benvolio
+0810
+nodosum
+425th
+83.38
+pacifies
+leie
+aanenson
+fresco
+itus
+ashforth
+pengfei
+reveley
+kaberamaido
+8.86
+26-car
+dulo
+waterbird
+spatafore
+33.89
+miramichi
+bith
+nayagam
+jeeves
+pennines
+espósito
+passionate
+18:44
+theakston
+desalinization
+truth-functional
+welcomed
+wottrich
+sportscenter
+decalogue
+dry-dock
+michelbach
+shamba
+típico
+atresia
+montenegran
+achiral
+fylde
+commissaires
+u.n.-bid
+ucca
+intrastate
+imago
+crosswalk
+daytimes
+56.82
+constructed
+dzierżoniów
+2,377
+infonet
+111-seat
+polynomials
+stateswoman
+ravishankar
+sural
+simalungun
+etrigan
+miao
+julián
+700-year
+berenberg
+splay
+dismal
+leder
+dixiecrats
+defamatory
+schwarmerei
+subepoch
+convalescence
+muaythai
+már
+cædwalla
+boxx
+flatrock
+atencion
+quadrature
+buil
+pow
+zauli
+douglas-hamilton
+xifeng
+uruk
+hasvik
+directtv
+processus
+1965
+busko
+cagan
+fragaria
+realis
+18-piece
+burge
+alunan
+75-foot
+longchen
+pickoff
+khövsgöl
+reflexively
+juhan
+tansy
+korban
+fuh
+pitofsky
+253
+cesarian
+huisman
+countrywomen
+bellucci
+35-mm
+novation
+watcha
+billcliff
+hexavalent
+koelle
+bookending
+powermat
+glass
+illiano
+starobin
+ado.net
+5.28
+cultured
+conscription
+gordeev
+d-1
+autotrends
+bernsdorff
+dna-dna
+bru
+u.d.o.
+areola
+hutomo
+meghji
+4,379
+52-kilometer
+kneecapping
+86-67
+terzano
+sso
+acidemia
+egan
+jaime
+boff
+bortolotti
+zehava
+mkrtich
+kaniv
+splurges
+beatified
+napthine
+pine-richland
+dukan
+politico
+tyah
+88.95
+menelaus
+culicoides
+draka
+oscar-nominated
+nickatina
+single-decker
+hewing
+spains
+cheapside
+klees
+jitloff
+darcheville
+preachings
+banz
+turtledove
+farahan
+ambae
+22.26
+voyevodin
+fingleton
+guis
+instrumentalities
+hli
+garratts
+co-funded
+lascelles
+arrowsmith
+centre-half
+halfpipes
+3-66
+chatra
+asymmetric
+criminally
+salvo
+vega
+mykiss
+late-season
+fateha
+deutschlandradio
+wijaya
+mbikusita
+sangomas
+hamoodi
+bangerter
+carboxylates
+deskpro
+venture
+flabbergasting
+slemrod
+http://www.hbo.com
+oraibi
+tapu
+onu
+matheu
+reedham
+evangelical
+adoring
+7-7
+neuza
+mcburnie
+csokas
+chasin
+sles
+pattaya
+bartenieff
+binational
+tannis
+a272
+racc
+dolno
+ulla
+bunnings
+shishigina
+abbeys
+non-members
+tibesti
+govedarica
+okami
+111.36
+36.49
+monarchist
+neera
+yhwh
+montesquiou
+warded
+fiachra
+invigorating
+antipope
+.561
+cussen
+lucious
+hse
+becco
+miramas
+jamek
+kulikovo
+affirmed
+wartski
+light
+zultek
+caninus
+sentry
+kosor
+padan
+ceop
+martinmas
+termites
+superceded
+maribor
+mazama
+9-minute
+ifd
+formentini
+fihri
+vicus
+annesley
+pablos
+followup
+harahap
+molyneaux
+ultrak
+elephants
+pikuach
+brentjens
+fattah
+mamasapano
+non-linearity
+signposting
+bening
+marinades
+sub-unit
+pozole
+synovial
+arason
+72-90
+focusing
+chipmunk
+baver
+tribromide
+flugtag
+bovary
+bedlington
+decken
+ossington
+insureds
+saj
+typecast
+waagner
+sirloin
+watling
+hotrod
+co-authored
+openoffice
+60-52
+werlein
+formula_60
+1,695
+5-30
+32-ounce
+aristocracies
+chogokin
+http://www.gm.com
+60.96
+sihp
+rohilla
+gatehouses
+cameos
+singin
+mandla
+pigskin
+ewerthon
+princely
+1,160
+organism
+moirai
+evictees
+8-pounder
+1941-42
+melozzo
+power-pop
+cassim
+u.n.-run
+challenger
+seinuk
+xanax
+crerand
+tokelauan
+bettinelli
+glasier
+marsland
+khachen
+scott.collins@latimes.com
+nakusp
+brasil
+sandhills
+underpaying
+mostel
+matif
+dogged
+spinosus
+trithemius
+kimball
+gavels
+althingi
+bragança
+austrian-born
+jagadguru
+kenema
+cis
+rehme
+pecs
+pre-clovis
+1968/1969
+mace
+86-82
+abd-ar-rahman
+finra
+cuddle
+1473
+alioune
+wiżajny
+squawks
+xydias
+thumpers
+al-dhahabi
+kabinga
+denkyira
+proofreaders
+djoko
+serco
+french-german
+photic
+infelicitous
+,220
+drauzio
+pháp
+mckim
+switchmen
+vergnes
+tilden
+adamantium
+muluk
+rowdies
+h7n9
+earll
+kosteniuk
+furlow
+spek
+liman
+vorlons
+hotham
+exhortation
+olang
+wtr
+trojanowski
+decaying
+markkanen
+searchin
+kvb
+khatra
+regift
+herley
+3.4
+stachel
+noncustomers
+opatowiec
+u.s.d.a.
+hinojos
+french
+participatory
+embratel
+silom
+vremya
+ilgo
+dystrichothorax
+sepeng
+mikolaj
+crowden
+ryōko
+vatsala
+peaberry
+thomas-morse
+kidiaba
+hawash
+conformer
+kloten
+conservation
+muss
+wallasey
+cd45
+shaiken
+didius
+fighting
+citiseconline.com
+youman
+tennenbaum
+maines
+sadamoto
+neurosurgical
+kooiman
+filtration
+tblisi
+15.14
+iar
+five-set
+fr.
+1.3-megapixel
+ténéré
+post-partum
+189th
+nataka
+scheepbouwer
+coordinating
+retraces
+tent
+93.56
+seca
+3,331
+ad-lib
+caraibes
+footsteps
+175.0
+l'étoile
+jōetsu
+zimpher
+segamat
+gafar
+uccello
+dragnea
+shenker
+hustead
+onopko
+albéric
+karlovy
+resonance
+colocated
+pāli
+pinch-hitting
+carhaix
+calormene
+anglo-saxon
+lobes
+tr6
+1082
+brassieres
+ef-111
+graves
+atencio
+1939-1945
+ordinations
+beach
+filosa
+sivakasi
+82.39
+letica
+basket
+vaidi
+ionesco
+yasini
+presanctified
+6,780
+government-subsidized
+1,841
+248.1
+kamrava
+boule
+salahi
+ulf
+2,936
+maligawa
+rodrick
+all-atlantic
+20-ranked
+s19
+0_2
+dso
+pastora
+shalamar
+komljenovic
+cobbins
+aminopterin
+pikom
+kai-lan
+baster
+frugivorous
+bluenose
+pacifying
+batroc
+crauscher
+nevena
+oldowan
+mashimo
+cedars
+steeplechasers
+3m
+manzini
+genkai
+puey
+pinsent
+souaidia
+31.14
+kingsmill
+115.74
+pentode
+geonosis
+sparring
+avidin
+stitched
+45.83
+vc
+adeyemi
+walrus
+miku
+hadronic
+ligairi
+tankmates
+rochereau
+warrack
+ilat-e
+attunement
+unite
+camunas
+rickshaw
+500-600
+pusillanimous
+p-450
+oyapock
+fired
+n-roll
+dia
+mont-tremblant
+jiraiya
+dude
+melodiya
+forde
+innside
+saliera
+billal
+259.5
+gracias
+toasted
+hymen
+tanguturi
+f-4b
+reserve
+benschop
+lakshana
+sacul
+reforest
+petitioner
+maccabeus
+tuz
+ginned
+participation
+aldemiro
+fare-paying
+tsetse
+devean
+24.08
+i-195
+61.88
+darbqazi
+pavoncello
+x.xx.xx.xx.x
+bag101
+68,500
+silooy
+7.7315
+sketching
+platelet-derived
+macnutt
+leetonia
+yisraeli
+pa.-based
+capades
+dreamboat
+drishti
+wcwa
+booklet
+decoherence
+jiang
+adeniyi
+dobrudzha
+dividing
+jeffersons
+brokop
+malinina
+sulik
+www.dol.gov
+omarion
+cryptocrystalline
+storehouse
+fastest-selling
+odein
+citicorp
+mindstorms
+minawi
+selamat
+laysan
+nsv
+jibe
+mut
+1991-1999
+croatto
+zhahng
+unemotional
+1-55
+eicke
+pellerin
+pull-back
+spoilers
+trongsa
+under-20s
+tune-up
+tiros
+gildea
+ekka
+doclea
+jokwe
+returned
+limb
+macao
+2007/8
+virendra
+lime
+caddish
+hublot
+sibenik
+hough
+corpse
+phenolics
+aristoteles
+propellant
+sokil
+quarry
+s.korean
+961
+uplink
+delimiting
+courtliness
+fiberglass
+trinkets
+66-page
+helmcken
+táhirih
+yogacara
+katen
+telechoice
+goundamani
+repaint
+linocut
+aleknagik
+ashridge
+enorme
+gyeongbuk
+60-point
+wimps
+moppet
+oroville
+sensing
+formalities
+ispa
+abell
+miniter
+schone
+östberg
+liber
+winefride
+vim
+goudi
+yahng
+sq.
+gorp
+ferncliff
+mucianus
+linnett
+monmonier
+accompanying
+spacebar
+273.5
+30.50
+ftsz
+:54
+2,035
+masqueraders
+volodin
+dhumal
+aloul
+98.02
+65.83
+concern
+darol
+baug
+hemond
+hustinx
+christi
+wallert
+strides
+comcast
+nujoma
+alyona
+aériens
+flexi
+56,200
+kabiru
+ptl
+vollsmose
+unshelled
+ludowe
+deneen
+canó
+azusa
+onwards
+gülnar
+seidlin
+2211
+432nd
+vulva
+ergotamine
+frondosa
+12.64
+ferrofluid
+end-point
+schützenfest
+catrin
+scalamandre
+combles
+moskwa
+nowroz
+xuejuan
+discipleship
+sturr
+2,382
+27.15
+bouchercon
+laka
+luddites
+b200
+komuna
+10d
+kinver
+guidugli
+martin-in-the-fields
+11.9
+missions
+jakob
+cannister
+33min
+u-70
+1,584
+bairam
+surrealistic
+sephie
+amil
+louboutins
+graphique
+ugle
+crescendoing
+heliodorus
+ctn
+g60
+papen
+wein
+imperfective
+thurn
+guckert
+wasti
+8,118
+callejas
+greyjoy
+140,000-strong
+gerlach
+brabourne
+6l6
+gtb
+brandings
+jacquelin
+azimov
+07:50
+40.59
+blandford
+salespeople
+mckinsey
+lisewo
+mmda
+broccolini
+2,369
+economicas
+alterity
+delineation
+jofre
+reseeding
+acses
+makukula
+1.134
+belts
+12.24
+fluvirin
+supernovae
+shaziman
+hajredinaj
+bogoljubov
+jankowski
+bumpkin
+zahira
+4-games-to-none
+pledis
+wedenesday
+yahd
+scooped
+saurel
+knussen
+transthyretin
+tls
+rosella
+pancras
+mathworks
+comms
+nikolina
+gillom
+puebla
+small-angle
+multi-fight
+majin
+wao
+eleftheropoulos
+stumpings
+kistanje
+trulock
+himiko
+golfing
+buckshot
+pojulu
+sanxian
+kousuke
+cinemanila
+korando
+dahmer
+finagle
+matiur
+celtes
+al-zahrani
+usapa
+sansui
+roderigo
+shabbiness
+smedvig
+134-nation
+pajarito
+ack
+now-e
+bossuet
+nechama
+reticular
+fbl
+taoyuan
+andreyevich
+hazelden
+dirtied
+unmolested
+hassa
+0.71
+galizien
+123.46
+4,744
+crippa
+oiled
+slesers
+96.04
+gfl
+kg7
+transportation-related
+östers
+eparch
+darpa
+probationary
+mindan
+caddisflies
+solitons
+gumport
+torpid
+paletti
+bentler
+configured
+motorama
+khopoli
+gump
+fo
+napoles
+5/8-inch
+horrors
+51st
+purist
+esercito
+hoyama
+garita
+baocheng
+hinggan
+asimco
+jános
+nutritious
+semra
+fumigate
+55th
+rampl
+1,240-mile
+synapsin
+o-train
+noven
+horsa
+subsidized
+interpolations
+hadham
+rtx
+volar
+1926-1927
+cities/towns
+wellhausen
+draken
+setiono
+.15
+astill
+upi
+quickplay
+giacosa
+4-for-15
+mg/dl
+ninety-seven
+giana
+gaon
+hongfu
+tintern
+pulp
+amrita
+marchisio
+métropolitaine
+baysan
+fría
+exonerate
+mutsekwa
+etana
+contractor
+muzz
+dartmoor
+froggies
+stoke-on-trent
+zabala
+drunk
+1959-66
+furbush
+stancil
+siège
+ethos
+impermanence
+selinus
+ystalyfera
+1.078
+bundesnachrichtendienst
+policy
+chernyshevsky
+charents
+ebx
+lemsalu
+20.30
+plessis
+maniakes
+carulla
+alajos
+marshallese
+miyoko
+200-mhz
+100-pound
+17:08
+(734)
+congruency
+xuanhua
+burls
+citalopram
+12:15
+hypsodont
+stockcar
+1mm
+cluain
+castellany
+muzaffarpur
+asthenotricha
+woollett
+chare
+awc
+cs2
+pohjonen
+80.23
+sarabeth
+hungaria
+rjd
+containment
+haiping
+lindholm
+cuevas
+borcz
+galasek
+khiing
+bestbuy.com
+eschew
+1,125
+clearing
+northside
+innovative
+jurats
+jauntiness
+deyo
+alessandria
+coves
+rakhal
+wants
+pearl
+autocrine
+wiv
+landé
+amfar
+vidyodaya
+wlf
+dari
+indispensable
+jhr
+waide
+ahu
+sponsorship
+ferriby
+ogi
+cease
+straddle
+481st
+chahine
+newsfeed
+harshest
+amarkantak
+watson
+36-race
+navale
+offutt
+darah
+imaginos
+yg
+novacare
+ameliorate
+25-11
+iiii
+illeana
+kanlaon
+hormones
+spartans
+decian
+sobol
+scaled
+headshots
+trebly
+wacholder
+scarier
+heene
+adshead
+accola
+melchionni
+djurovski
+geocaching
+unabashedly
+klimts
+ebeid
+madiun
+arch-rivals
+gostigian
+nürnberg
+roscrea
+pavelic
+wetness
+36,800
+babes
+mayrhuber
+contagiousness
+bactrim
+cress
+messers
+ján
+cultivation
+procuring
+viessmann
+pichard
+rapide
+terse
+televentures
+gadchiroli
+15f
+17.6
+stereo
+126.20
+wepener
+libertadora
+gervasio
+knowlson
+wufu
+jabel
+sirnic
+wekerle
+kinnear
+m.mus
+chih
+melki
+webseries
+ibanesto.com
+bromley-by-bow
+yukun
+elda
+mboweni
+unabridged
+isaiah
+thellusson
+00s
+zaken
+write-down
+belleza
+hiv-2
+48.43
+58-37
+lelangue
+kiem
+intoxicate
+tbf
+honky-tonk
+millett
+ksrtc
+timesplitters
+majed
+ipnotinmx
+67.25
+anti-pattern
+rousers
+uije
+humours
+estas
+nawabganj
+panchal
+meshoe
+4,109
+paveway
+nataraj
+uplifts
+peoplehood
+peltzer
+tricarico
+avenido
+cheverny
+shimmering
+chorrera
+jiangmen
+bloembergen
+martanda
+893-8805
+18-wheeler
+porcu
+flat-footed
+stalinesque
+because
+talmo
+vetera
+mayr
+jurin
+mahomed
+hend
+bzw
+11.06
+85,000-mile
+feta
+ongwen
+modelling
+lathi
+hillclimb
+skyrocket
+degradations
+naganuma
+chlorinating
+1h41
+kokubunji
+bugesera
+ku-ring-gai
+sarpol-e
+115.78
+nistelrooij
+cooperman
+agamid
+pargh
+colleoni
+675
+graebner
+horrocks
+wilm
+cash-strapped
+yiannitsis
+bushie
+m-42
+exil
+juggled
+mass-market
+remilitarization
+blackfire
+muhamoud
+atairangikaahu
+ferfin
+thcardio
+people.the
+sabaean
+adisa
+kramers
+mannatech
+breathings
+cutthroat
+zees
+dayjet
+binni
+agawa
+spandrel
+ruthann
+regulate
+harden
+14-person
+cutout
+maladroit
+fothen
+reivers
+nicktoons
+prenasalized
+ruach
+urzędów
+alekhine
+burchellii
+sittenfeld
+longue
+tachypnea
+blindern
+sommer
+isolationists
+flodden
+walton
+slmc
+rediscounting
+willison
+diasporic
+intercontinental
+maududi
+predominated
+turba
+8-month
+287.50
+waterfront
+bartlesville
+kotik
+javaris
+nürtingen
+santoso
+stoullig
+25.000
+cdc
+transpac
+bazzaz
+thornwell
+convento
+28.88
+termo
+developers
+54-42
+iraf
+joleon
+1,293
+epidemiologists
+mccambridge
+science-related
+toulousain
+prolinea
+saviors
+cursors
+stilt
+shaykh
+laputta
+zaltzman
+rosalina
+derz
+2,226
+stabbed
+1,316
+lenderman
+t30
+menu
+fidele
+uptake
+mahz
+pelini
+piranhas
+midbrain
+makarska
+10.24
+wets
+2,830
+reymann
+wollondilly
+17-play
+wailes
+kaabi
+school-sponsored
+pre-match
+schwaller
+graziers
+hippocampal
+stallone
+dowel
+arnie
+wasserman
+faget
+shkas
+lammtarra
+duncans
+106.58
+tashima
+casualwear
+komarr
+altman
+tapestries
+thrunet
+krypton
+tions
+slănic
+haltern
+ketapang
+skelos
+kondos
+sugie
+schifferer
+gaylor
+chipwi
+ammaccapane
+cruzeiros
+lunchboxes
+österreichring
+douro
+pitkanen
+gagosian
+choli
+abrons
+26-9
+vitgeft
+jbeil
+stavenhagen
+realage
+galvanizes
+blacked-out
+invitations
+orazio
+leemay
+eurex
+game1
+veanne
+cleere
+tanak
+universiteit
+shafi
+262.4
+system
+glenwood
+beijiang
+niello
+kalayaan
+prerequisite
+wakayama
+roofer
+etoposide
+mandala
+blacklists
+ojarud-e
+coombs
+oxnard
+placentia
+government-in-exile
+luciferian
+nafzger
+smokehouses
+glennville
+domo
+gasolina
+strausbaugh
+spawar
+l'environnement
+båtsfjord
+michna
+,150
+segbwema
+47.70
+shetucket
+hellickson
+1958-1964
+canajoharie
+trilobite
+eyad
+mccreadie
+italic
+delicata
+akut
+desu
+critelli
+vandalizes
+garnisheed
+swinger
+golmohammadi
+harley-davidson
+thiem
+riedelsheimer
+nelson
+benbrika
+poop
+(408)
+skybus
+and
+w.e.f.
+flurry
+clocktower
+bousquetsptimes.com
+barrels
+zipfel
+10-acre
+walkathon
+sing-along
+nikkō
+erdmann
+wildt
+hiver
+fine
+salhiya
+sixty-fourth
+cambridgeside
+116.21
+n-methyl
+three-door
+wimbee
+viviparous
+saimone
+karatzas
+27-time
+shendi
+assurant
+cristeros
+astrological
+73-minute
+hiltermann
+necklacing
+u201cwe
+schalchlin
+prostrating
+fringes
+duka
+papirius
+paden
+g-22
+tusculum
+j2se
+nightmare
+broadswords
+selfhood
+sarongs
+bf8
+antiguans
+mavrodi
+kiuru
+ampullaria
+mårten
+kriseman
+mega64
+5-90
+arriortua
+anitha
+katchal
+ndirangu
+vivacity
+altri
+izing
+overstatement
+michelman
+cuccurullo
+dougher
+bečkerek
+billingsley
+3-97
+78,500
+sobrado
+80-meter
+whiteley
+small-diameter
+datacrft
+grumped
+cundoko
+european-african-middle
+affies
+anti-tuberculosis
+347,000
+chip
+moussaoui
+dumbledore
+bialecki
+okamura
+mankahlana
+cs5
+103.91
+guerrier
+nujood
+duvall
+thanu
+miles
+23:20
+goodenow
+mcgraw-hill
+jangles
+deep-set
+apogon
+armadillo
+alaris
+1.3666
+78.16
+fgh
+breslov
+gangstas
+fonte
+empted
+graeci
+a340-600s
+herlihy
+hallgrímsson
+bickleigh
+helford
+birgit
+suriyan
+41.55
+overcrowded
+59.45
+norsworthy
+d.
+ech
+2,050-mile
+6.5-million
+johannesen
+grex
+coid
+petersens
+aggresively
+graphis
+atention
+isaksen
+maurito
+nscp
+cobban
+marcato
+i-540
+haren
+bouwer
+poohing
+bongiorno
+acrocercops
+wasynczuk
+latere
+cloudburst
+temptress
+qaboos
+donoso
+magadan
+pavlick
+holaday
+archaeopteryx
+portugal
+quintain
+aho
+52.93
+rosarius
+naveh
+abal
+rajaguru
+slipyj
+1,537
+scummvm
+styled
+jmb
+tyisha
+al.
+rumah
+pyykkonen
+fetid
+gardners
+protectmarriage.com
+α-carbon
+flunk
+195-pound
+battlecruisers
+instruct
+benegal
+anbaa
+pirita
+hubail
+shenhar
+pulped
+aniva
+barceloneta
+outstayed
+slice
+wst
+plainness
+292.1
+cát
+anti-viral
+gni
+hyoo
+tucks
+early-19th-century
+2,388
+surinaamse
+euro503
+redo
+boldak
+proliferates
+fuses
+double-album
+shastras
+egerton-warburton
+hollway
+shopping
+thingy
+guzzling
+delights
+rajput
+efsf
+belyi
+genetically-engineered
+motavalli
+kork
+taliesin
+widjaja
+paljor
+diazomethane
+he/she/it
+adenylate
+fouché
+plattling
+dazai
+curacao
+akifumi
+pueblito
+orbetello
+sb2
+financer
+entertained
+sartana
+emetic
+killian
+marjanovic
+muddle
+vulcanus
+goias
+textbook
+wayforward
+ruang
+tithi
+atal
+dordt
+incidentally
+cleanshaven
+soucie
+120-billion
+zham
+parceling
+incrementalist
+caulker
+prapiroon
+kariyawasam
+luitpold
+ikara
+duynhoven
+crestline
+mashing
+georgica
+bima
+cooking
+burial-place
+mmu
+adsorb
+gorzyce
+preppies
+indo-islamic
+5-of-17
+repo
+esber
+jce
+gudo
+1.5605
+atractivo
+boobies
+bystrov
+44.70
+(310)
+landseer
+iica
+wheres
+breton
+647
+sixty-eighth
+frasers
+netzer
+contoocook
+lataillade
+rendina
+self-regulatory
+sahwa
+greenroom
+nephews
+hefty
+kloberg
+mountaineer
+sank
+sulochana
+20.32
+takenouchi
+liberal-labour
+baogang
+one-offs
+yorkis
+coquetry
+noisemaking
+aa2
+wete
+germanica
+37,000-strong
+sardica
+246.7
+saint-chamond
+kukës
+lindores
+globe-democrat
+492.5
+ondeck
+plateresque
+diksha
+n-gt
+subsistence
+midyat
+123.87
+aurantium
+nuland
+eukaryotes
+nategh
+musselwhite
+eluay
+saute
+socle
+christianize
+vučitrn
+chebli
+depressus
+brdc
+abolitionist
+iniciativa
+intertect
+.600
+invitrogen
+scombridae
+roseus
+mcadie
+two-story
+defecates
+tte
+quinolones
+biasion
+keiler
+smutny
+asao
+shadhili
+shiretoko
+corsetti
+badr
+26.55
+eighth-seeded
+37.8
+québécois
+kuykendall
+bottom-dwelling
+87.47
+krautman
+hexes
+64.10
+wsp
+babra
+six-month
+35-acre
+tros
+elsehwere
+zevenbergen
+drexel
+nowshahr
+jacobus
+euro638
+lazov
+custom-made
+aerobridges
+polk
+rossmore
+101-96
+469
+ivanovic
+foreshadows
+breastplate
+babaloo
+minidoka
+leitrim
+morsels
+discotek
+kaew
+66.93
+hoffmeister
+k-10
+virginia-based
+vijayakanth
+12,650
+400s
+defilippo
+mezeritch
+funnel
+muktar
+zakeri
+78,000
+adroitly
+lauffer
+gvardiya
+souliotes
+6-3-3
+alexandar
+gochiyayev
+mahle
+zelasko
+bouchut
+rugbyl
+23.19
+proculus
+adrianna
+sansoni
+ecdysis
+gf
+année
+22/3
+newt
+communicational
+jasmina
+76.63
+ramlah
+assoluta
+liked
+twenty-sixth
+lis
+kożuchów
+750-square
+kenyans
+lovelife
+l992
+killeen
+marabou
+u/19
+katiba
+83-67
+preflight
+gaiser
+locker
+scandella
+betweenness
+plp
+terma
+bicakcic
+prah
+faine
+soundproofing
+exudates
+lecuona
+utsava
+23-june
+1,000-km
+evangelium
+mahishi
+dreadlock
+meskel
+arunas
+scribbly
+landlord
+globalise
+matters
+sadir
+cundall
+qiantang
+bernasek
+tonys
+crescens
+folliculitis
+59.44
+leamington
+euro111
+drainpipes
+activators
+ecolab
+bazell
+sapsucker
+davises
+chaung
+465-yard
+sideways
+mujaheed
+hrd
+dietrichson
+m3s
+roizen
+palais-royal
+95.92
+causo
+8087
+nasrawi
+pitting
+geisler
+hesseman
+runoff
+defecate
+marloes
+popped
+laudehr
+elissa
+illiberal
+konso
+prai
+hatching
+winwood
+l'homme
+elbaz
+foot
+neurodegenerative
+earland
+f.r.c.s.
+readjusted
+looms
+mattoli
+120.30
+nithi
+geoff
+kuniyoshi
+grosbard
+vålerengen
+backfields
+kashipur
+175.75
+bombus
+ka-tet
+renbourn
+thunter
+disinterment
+candelario
+hagin
+sceptical
+88,200
+lowest-charting
+indigo
+konoha
+wicket
+dolina
+housewives
+rounded
+7.95
+nesquik
+curcumin
+precludes
+punchcard
+rajendran
+irradiate
+panichgul
+exogamy
+g.j.
+non-conference
+21-31
+eglin
+matsuzaki
+chain-driven
+104-mile
+wethers
+filipov
+mid-2014
+theocracy
+grenadier
+windir
+sitra
+ne5
+lending
+anoraks
+sbas
+fariman
+sirena
+tishina
+asjylyn
+muria
+cpw
+whereabout
+tracery
+peruviana
+strategikon
+saem
+groschen
+ril
+rolaids
+rainmen
+honolulu
+177,500
+provisionally
+tp
+dormition
+r-11
+inadvertent
+speers
+moffo
+cairoli
+feets
+liye
+tallus
+kvemo
+119.43
+hempfield
+delica
+fedak
+us-69
+26-year-old
+21-under
+dirks
+1960-1962
+pasayat
+sampurna
+valinejad
+lubok
+épernay
+quelimane
+lagoa
+41.0
+svrluga
+davalillo
+3,196
+re-animated
+urtasun
+wojnowski
+danna
+coignet
+beauport
+mashuk-kmv
+almoravid
+snyder
+euro97
+one-line
+μ
+1537
+saqer
+whitlock
+long-haired
+standardised
+cervera
+time-line
+employer-sponsored
+komei
+kranti
+runte
+minesweeper
+mitres
+tuffree
+metamathematics
+tolerances
+durr
+farrago
+testicle
+ravenscraig
+i.u.
+d’alene
+gardée
+allendale
+bryan-college
+maily
+44-12
+acadiens
+lindesfarne
+forty-seventh
+honghua
+wormer
+europäischen
+non-fatal
+muray
+2,848
+rennick
+jacobin
+rougeau
+wisley
+freakonomics
+metascore
+barrow
+giteau
+khemais
+sunsplash
+esquipulas
+3,467
+issyk
+sensual
+cdos
+242nd
+bowring
+olitski
+leonina
+unexcited
+20,833
+hurrians
+subheading
+classic
+gaillot
+mtawarira
+kristo
+malinauskas
+sakura
+60.08
+schrafft
+k-mart
+n52
+shubrick
+dudayeva
+verdy
+kenrick
+129.8
+sureties
+6,033
+donatist
+woodfall
+osvald
+chatur
+yoann
+schweidnitz
+koppelman
+coonoor
+ʻo
+zesco
+hadžić
+fres
+divisibility
+baculum
+knackered
+neukomm
+lg03
+marsupial
+kajaki
+beaujoire
+euro31
+odour
+k-2
+euxesta
+refundings
+2143
+placemats
+asps
+footrests
+broadous
+clamor
+halliwell
+majumdar
+halloway
+44-13
+emphatic
+dingfelder
+đurađ
+chippac
+96.81
+gustan
+tautvilas
+ow
+1688
+febo
+ribeiro
+sriman
+ogive
+cobwebby
+ifla
+675-word
+ecologically
+italian-german
+greeters
+harebrained
+llodra
+waken
+a8
+stoltenberg
+foulk
+indehiscent
+yongzheng
+obscenities
+mixon
+cafe
+potboilers
+mangabey
+parulidae
+tarlan
+g-funk
+hisayasu
+spoto
+mile
+yoshiro
+ginepri
+kahp
+seach
+pudd
+0.14
+valkyria
+entally
+nicki
+hoggar
+sentrum
+snipe
+vibraphone
+horacek
+i-9
+cocksure
+351st
+5,790
+bozell
+heizo
+mhm
+monaldi
+tevez
+chikelu
+gunship
+counteracts
+alassane
+2.55
+riboletta
+hasumi
+21-0
+vocationally
+eaglet
+chifeng
+tephrosia
+scotsman
+velma
+tokitsukaze
+zera
+40,833
+yehv
+2025
+poiree
+elvington
+premium-rate
+heminges
+refinishing
+conen
+6.92
+authorisations
+beaudesert
+luggage
+verità
+194th
+tox
+1,930
+rabies
+heartbeat
+electronegative
+davyhulme
+vinson
+30,833
+corked
+khussa
+comrie
+dukakis
+37-16
+beilstein
+isabeau
+ditzel
+begrudging
+leid
+bengals
+stoller
+dismantlement
+otb
+3,594
+sociedad
+seabeds
+alegre
+f.e.
+16.37
+sywell
+verge
+primorye
+rangeley
+jiyuan
+bookexpo
+tradewinds
+enggano
+grandtop
+anocha
+stress-strain
+paspaley
+pariaman
+19.12
+bleaker
+berkane
+samogitia
+teleni
+ba872
+floodplains
+4.68
+survivalists
+coskun
+subsisted
+genteel
+mediates
+722-0192
+jocic
+1945-47
+dispatched
+shevchuk
+burscough
+multisectoral
+re-armed
+galois
+26.87
+nies
+megalomaniacs
+bezunesh
+345
+longings
+unring
+mainstay
+harang
+barsotti
+chamb
+darkness
+763
+gloversville
+culiacán
+augustus
+rotationally
+bonapartist
+amade
+harz
+15-footers
+dreamfall
+x23
+mclamore
+mckissack
+regards
+h&r
+corpsmen
+guerriere
+midship
+lewington
+neese
+kepu
+cruzat
+baekeland
+fosgate
+386.50
+dunstable
+panayiotou
+timar
+verkhnyaya
+sapiro
+meenan
+paihia
+omurbek
+swanlike
+macrae
+markley
+garrigue
+villepin
+khudoberdiyev
+197.1
+gouging
+simatovic
+meiosis
+w-2
+18:50
+halothane
+gottardo
+30-volume
+arenys
+soderlund
+knust
+billon
+cyberdog
+strokeful
+rex
+kochta
+empezar
+130.5
+lineatus
+jinsei
+ichkeria
+convoke
+glava
+reenactor
+leftie
+1-800-nytimes
+wermiel
+cockenzie
+mwaba
+su-15
+buyers
+wickramanayaka
+sovereigntist
+inducement
+63kg
+cropped
+8mm
+picograms
+pre-novice
+early-19th
+tadese
+erkki
+ljuba
+conférence
+reservist
+zhaoye
+palearctic
+wastelands
+militantly
+zukunft
+inevitabilities
+hasid
+leukocyte
+nosker
+cloepfil
+trakas
+kleenex
+watchkeeping
+u-96
+future-oriented
+digicel
+pudukottai
+borman
+argentinos
+118.49
+dennery
+15:52
+4,500
+levita
+forshaw
+piacenza
+tullibardine
+dullsville
+1990-1991
+buffa
+diether
+laporte
+heart-attack
+why
+sofya
+jumale
+oxychem
+registering
+battagram
+park-and-ride
+kmax
+trabzon
+nymphe
+dast
+leor
+bickel
+rabbinate
+molave
+97.92
+64.63
+lizcano
+horse-like
+kumon
+trailways
+m.b.e.
+beci
+isolationism
+pursuits
+skolnick
+convulsant
+casdin
+8-9th
+circulation
+wordsmith
+tereshchuk
+d31
+callback
+1325
+roughneck
+deducting
+salik
+sahure
+deere
+indemnities
+segregating
+shurcliff
+prlic
+toughening
+topo
+euro408
+captioned
+e.y.
+lisbet
+totec
+gabrielino
+childhood
+mactaggert
+niedzielan
+bossier-shreveport
+æthelred
+woodside
+draconic
+sulphur-crested
+tufanganj
+2005-08
+paralleled
+targeted
+sambad
+samsan
+docudramas
+elio
+supposes
+thrilled
+electromagnetically
+lakeview
+věra
+dunns
+beppe
+churning
+time-honored
+vichitravirya
+dimna
+maico
+colorado
+beaky
+langman
+stifled
+24-acre
+westh
+larus
+19.39
+gémeaux
+7.25
+15-a
+świątniki
+1779
+waas
+triplecast
+low-dimensional
+gnomeo
+palpatine
+vantive
+0.12
+leepa
+swimmer
+bakshi
+eff
+p-2
+tooted
+lambics
+macduffie
+four-hundred
+n54
+allergic
+pepco
+100-mph
+voltigeur
+ngau
+skaven
+pantelis
+sted
+91.05
+havin
+fancher
+188.3
+trabecular
+chotisak
+shout
+morigami
+éponine
+lyonshall
+liquidator
+侍中
+balliro
+aals
+koen
+1983-86
+oon
+unilab
+1965-68
+sakhee
+leidy
+sivaram
+y
+soulias
+grammofon
+nailed
+guguletu
+postholes
+118.46
+gallegos
+fluoride
+ayda
+edgeøya
+paternally
+chitala
+millstream
+91.11
+multithreaded
+chrisostomides
+ruficollis
+mehan
+ammonites
+impey
+maritim
+goldtron
+meld
+swindal
+gunde
+henney
+h1-b
+5,860
+pournelle
+theres
+prorector
+rouergue
+smbus
+outset
+telemarketers
+hefling
+wet-leased
+sliba
+category
+14-19
+bethann
+appetiser
+1/4cup
+a-potty
+brondby
+sexiest
+tegnér
+tga
+kena
+pyewacket
+corradini
+syahril
+17-9
+aquilinum
+circulators
+hilleman
+---------------------------------------------------
+craftsbury
+clonic
+propias
+umlaut
+2.615
+5,531
+poppaea
+lum
+seigfried
+missiology
+kopp
+spawn
+suita
+215.1
+amlak
+higashinakano
+intermix
+fieldcrest
+inane
+kappel
+chettikulangara
+pointedly
+refurbish
+110.00
+basado
+realized
+terrorized
+water-lily
+diseño
+joburg
+klesch
+mismeasure
+remittance
+betrothal
+mastung
+yazidi
+yba
+top-ten
+svr
+buôn
+gastao
+72.37
+hospet
+bobbing
+satanists
+bourbeau
+rasoulyar
+farrokhzad
+whereabouts
+120-cell
+narula
+glyfada
+recochoku
+spec
+cetv
+schrunk
+programmatic
+106.13
+larionov
+llovera
+etropole
+hoverboard
+miling
+kidby
+seljuk
+avissawella
+prostatectomy
+overspill
+laggan
+criminological
+alsagoff
+mondes
+328th
+cloaked
+kristina@hearstdc.com
+inchicore
+100.34
+ascus
+intoxicatingly
+lobethal
+maoping
+maximised
+proscription
+48.03
+tool-making
+pantalla
+49.15
+adoni
+offerdahl
+liyanage
+iob
+næss
+winner
+anglo-egyptian
+villota
+mockingly
+lemuel
+800-page
+27.98
+ferricyanide
+mulilo
+tiongson
+carrie-anne
+4x100-meter
+pacific-12
+ssireum
+blastpipe
+nelkin
+nale
+wudang
+hành
+anisa
+nawab
+zales
+guerrera
+saputo
+vigas
+stockbroker
+finder
+taggant
+advani
+malfunctions
+zavodskoi
+groningen
+361,000
+rehavam
+chevette
+serried
+next-gen
+zang
+rumana
+deliberated
+中書舍人
+friba
+gosain
+hipster
+staccato
+kumaran
+biersack
+moniz
+5-15
+huso
+19:51
+bunel
+vitalij
+zoodsma
+seti@home
+lüttwitz
+41.6
+bld
+sebenico
+thursfield
+60.55
+bianchini
+v.m.
+corseted
+qinzhou
+cunard
+xer
+chodorov
+pogatchnik
+3,490
+akio
+saccani
+sust
+kf
+-3.00
+1-2-4
+qatamesh
+amezquita
+twinkie
+bpt
+1,000,000,000
+brashears
+siel
+belive
+woodner
+serbia
+loaf
+trafigura
+173.25
+tubulin
+assyrian/syriac
+noms
+tfeu
+hdp
+heigh
+sápmi
+dis
+blomdahl
+εις
+hamblin
+labbe
+93.83
+tems
+rachal
+hierachy
+damba
+subjugating
+feldman
+laksamana
+ladislas
+existe
+analyser
+1932/33
+laydown
+grosch
+4.5-liter
+miraculous
+nuvo
+sibylline
+heyning
+vested
+plants
+winterhawks
+runco
+locally-grown
+topacio
+g2a3a
+vauxhall
+kbr
+orthalicus
+kasztner
+casus
+ra8
+3,639
+samnites
+sinfonias
+nigah
+39-24
+gaiters
+sideroxylon
+rashaan
+teehankee
+62-54
+perserverance
+ə
+akamatsu
+khayal
+mcglothlin
+hiren
+steepest
+batemans
+gangway
+meadowvale
+kak
+hucker
+18-13
+bellair
+bertocchi
+meen
+behistun
+nordenskjold
+10:04
+wamego
+71.50
+19,980
+sulk
+steere
+stratigraphical
+brust
+lrdg
+dames
+arabinose
+tenby
+pasupathi
+hudsucker
+chrobry
+yaroshenko
+:11
+stings
+69.29
+niroshan
+http://www.nhtsa.dot.gov
+yilgarn
+tucek
+rambling
+niépce
+gomelauri
+abominations
+papirtis
+graviano
+r16
+veselago
+yanik
+torbat-e
+quesada
+harems
+perone
+erode
+amurensis
+gnade
+kusumoto
+scalene
+retin
+haverhill
+phuangketkeow
+fallston
+hessels
+lhoffman
+gálvez
+lynxes
+63-37
+haganah
+thuringian
+portrays
+jollibee
+deliverers
+interglacials
+sisophon
+kuun
+veroia
+d'orazio
+bhindranwale
+nescafe
+csac
+sous
+alleyways
+3,176
+eyet
+wasco
+pesaturo
+nawalgarh
+1,300-strong
+bostanabad
+aeroflex
+doublehead
+ichat
+anos
+bookings
+20.24
+medardo
+oenopota
+splashier
+grapevines
+naifs
+lichun
+petrova
+antipov
+renner
+hoffner
+n-acetyltransferase
+ciampa
+applique
+samanids
+537-vote
+nyi
+liolaemus
+submersed
+82.43
+trancers
+-6
+shukrijumah
+nevski
+ordure
+pamm
+8,848
+defence
+1-3/4
+detrich
+pandari
+oea
+belanova
+optimists
+colligan
+bastow
+mozarab
+rosenblith
+mahadeo
+fresher
+otwock
+qk
+750m
+glatzer
+vivek
+futcher
+livre
+hatcher
+delmatae
+altena
+ogma
+daydreamer
+timoney
+velda
+patisserie
+rorty
+poços
+taconic
+panino
+kontsevich
+madisonian
+monopolistic
+downtown
+englanders
+belfor
+argumenty
+adilshah
+daktronics
+chromatography
+vanaras
+10mb
+crosscutters
+55.24
+commiting
+retreading
+kucera
+euromillions
+psychopathology
+optica
+dvd-video
+975
+festung
+euro81
+racino
+junmin
+bedoya
+tryscorers
+stilicho
+resendiz
+f-15e
+sdsm
+cappagh
+lindesmith
+poshtkuh
+agosto
+palmisano
+mindbenders
+krasocin
+úrsula
+rahsaan
+jacarezinho
+petroşani
+muli
+walnut
+corium
+narragansett
+gitelman
+ny/nj
+dihg
+chi-town
+higby
+472,000
+pslv
+kimm
+plainclothesmen
+vermouth
+koto
+unthinkable
+d.sc
+move
+eversley
+vixie
+knowledgeable
+sofamor
+ingolstadt
+wien
+turm
+co-produce
+3.62
+ndt
+bisio
+depreciated
+eveything
+conceptualizing
+maskell
+linebacker
+khaine
+aure
+1908-1909
+tdri
+geordi
+dimethyl
+amarilla
+talpiot
+a-season
+skylights
+nettleton
+aghayev
+cawthorn
+watt-hours
+2,303
+peppino
+sutphen
+waylay
+kaffiyeh
+fahnenjunker
+fideism
+yupik
+martinair
+(800)
+cebu
+tichit
+83.77
+4,114
+frowning
+alpental
+magnusson
+advo
+lip
+unemployment
+guilmette
+backdoors
+yeldon
+modulations
+nabonidus
+bootstrapping
+caerau
+margo
+sniped
+takumi
+decepticons
+batan
+sardou
+enviable
+là
+zemstvo
+crump
+megarian
+sagen
+goalkick
+breughel
+backdown
+villiger
+dalmatians
+zevallos
+crosshair
+euro195
+99.53
+31.80
+iuaes
+navigational
+tablemates
+12-bit
+kalambo
+federação
+1.6875
+ironic
+gahan
+enwei
+kika
+guseynov
+un-habitat
+mdjt
+cardinal
+wrought
+94.1
+devotedly
+papovich
+uht
+у
+lyondthzi
+długosz
+103-98
+barrowland
+mincberg
+oilseeds
+mauzas/mahallas
+arborescens
+cuidado
+tuomo
+stupidity
+visser
+romeu
+n.y.p.d.
+chenault
+envia
+evzones
+theodoret
+lendoiro
+subjected
+dandora
+poświętne
+scaddan
+wardi
+ackoff
+updike
+njogu
+riddle
+non-isomorphic
+livonia
+ncua
+wdiv
+síle
+lulle
+scherfig
+oscott
+1503
+50,000,000
+macura
+filmproduktion
+purification
+fukufuji
+11,100
+german-made
+uige
+spectre
+mcgeary
+sapire
+6:39
+andes
+seeley
+novelettes
+choudhury
+openssh
+vesco
+339,000
+invulnerability
+6600
+biaro
+struts
+comdr.
+bohnen
+flicking
+zolfo
+sorenstam
+ezz
+aschoff
+xunzi
+protopunk
+picasa
+turton
+algiers
+notarial
+vincenzi
+pflug
+fortugno
+grayback
+globecast
+bernadin
+dahari
+culloden
+schupp
+twse
+lc-130
+pado
+bodice
+blocked
+rallys
+wusun
+faithfull
+tolosa
+kluever
+dalati
+hawk-owl
+deewani
+catwoman
+163.5
+phalarope
+laugh
+ježek
+1813
+laurium
+16-10
+frigates
+1516
+grinkov
+secretase
+43,300
+buttonholing
+facere
+sf
+sherbert
+khanal
+bagnoud
+plunders
+shokei
+wickes
+partridge
+spilosoma
+stetson
+goslar
+qd1
+irr
+protecteur
+pemex
+hinte
+fotball
+border
+42-28
+sutham
+duped
+atlantic
+keratinocyte
+rojewo
+bikhazi
+lyford
+stress-related
+laniado
+luxuriance
+macwrite
+karches
+97-mile
+annoyingly
+nõmme
+wallonien
+kvirikashvili
+libbi
+zaida
+d'affaires
+lonely
+krakatau
+17.97
+44-5
+htlv
+gardy
+brightwork
+1511
+2.06-meter
+x-linked
+genesis/mega
+merriam
+bulkheads
+labrisomid
+1-yarder
+overburdened
+dimson
+a-sides
+leederville
+upper-caste
+maester
+instil
+atzompa
+wiang
+sulistyowati
+langkat
+cannibalised
+domitien
+rcx
+holdman
+dolidze
+zeynab
+kastan
+citarum
+31.1
+white-lipped
+client-server
+b.h.
+dangermen
+conn
+takemura
+muroc
+determinacy
+urip
+cezannes
+faislabad
+first-order
+community-level
+mladjan
+campaigning
+rajon
+rüsselsheim
+bé
+hoped-for
+citu
+kalischer
+tohmatsu
+96th
+ufer
+disappears
+mayombo
+desist
+harks
+michelena
+nha
+ponerse
+5.0-6
+elves
+1514.25
+hiddink
+balham
+ajak
+elbert
+ctierneydetnews.com
+47.54
+holytown
+podiatrists
+long-chain
+statisticians
+decriminalizing
+oooooooooooooooooooo
+haskel
+hackamore
+jordana
+djelfa
+rovi
+riddoch
+scar
+enic
+síol
+boite
+sitara-e-imtiaz
+undercoat
+ackar
+yulianto
+substantiating
+chishti
+exhibitionists
+chapron
+manske
+systematical
+initiating
+bajrang
+fevers
+ngoi
+nucleotides
+mercexchange
+unresponsive
+saku
+nutty
+nhk
+28.39
+ferus
+woodie
+setola
+supt.
+cllr
+cousine
+1,200-kilometer
+linescore
+berthier
+avala
+allis
+electrotherapy
+theresia
+redcoat
+1,687
+ruini
+quintanilla
+weismann
+masmuda
+film4
+contravariant
+positivo
+1,995
+tatoi
+'10
+petitions
+manoharan
+pastukhov
+glionna
+andantes
+mid-size
+mechatronics
+pmpc
+interstices
+kihd
+ynn
+firmian
+sadettin
+cities
+noordin
+pig
+goettel
+milgaard
+goydos
+re-installed
+d’arcy
+tekeli
+kslv-1
+apace
+arve
+karmas
+cddb
+belliraj
+moltmann
+narodna
+disappointment
+papoulias
+rebours
+ortsgemeinde
+white-backed
+worsts
+prokaryote
+lowered
+orifice
+kolok
+callicebus
+impishness
+annuario
+barreto
+puft
+bitsy
+alatriste
+1.4215
+72.76
+6n
+karoline
+furmint
+muhanad
+maathai
+persky
+perpetuators
+dewar
+santacroce
+vitamins
+kouka
+daffney
+1.071
+tarts
+1.98
+yucel
+pesce
+worming
+izanami
+martin
+jocara
+riquer
+promote
+qdos
+biannual
+728
+90-metre
+yongzhou
+bicket
+pennsylvanica
+deutschlandfunk
+allenhurst
+badou
+bersaglieri
+3,250-strong
+required
+tuka
+57.31
+meisler
+yudong
+vedika
+bacani
+burgred
+palps
+mieville
+four-in-a-row
+macrovision
+akhet
+schoenfelder
+32-25
+problem-based
+splitters
+goodykprimenet.com
+2020s
+bathampton
+effeminacy
+refereeing
+englishes
+sure-fire
+3,885
+ragusa
+58.74
+etp
+counter-air
+listener-supported
+46.96
+asexual
+bas-congo
+nachshon
+tantawi
+tungshih
+crackle
+wakhan
+borgarting
+conklin
+asja
+fiascos
+anmc21
+pyay
+derk
+verlander
+diflucan
+maiorescu
+kaslo
+associators
+ashwood
+malbec
+loins
+joventut
+overhunting
+transmittance
+wib
+blakeslee
+matunga
+sarkisov
+gettier
+multiengine
+benesova
+822,000
+mugdha
+round-table
+inci
+norml
+decorators
+america3
+éric
+6-6
+menaiel
+212-556-3622
+naadu
+kaplowitz
+furnes
+next-of-kin
+csc
+depp
+thinly-veiled
+siya
+celestron
+grignon
+30-6
+smita
+a&i
+boxlike
+liby
+guarded
+dissolutions
+ardbraccan
+exosphere
+upstage
+zaro
+medleys
+mashona
+riddler
+15,700
+seeing
+taccola
+'90s
+belridge
+gamzou
+inf
+kawerau
+elizabethans
+fiercest
+spacewalker
+artashat
+tantalus
+bilabial
+bawa
+tambacounda
+mohawked
+urząd
+swathi
+signatures
+cronauer
+two-hander
+chernivtsi
+liposomal
+kopper
+hlf
+teledensity
+lelant
+memory-based
+mceachran
+volkskrant
+hurtic
+condillac
+carowinds
+exclusive
+byzantine
+nataline
+banko
+preclusion
+tahiri
+dunvegan
+waisman
+azaan
+40,000-a
+pavey
+fini
+tepu
+1,400-pound
+granada
+disease-resistant
+gaddes
+damning
+destroy
+105.34
+quirici
+imx
+infilling
+anung
+ulala
+moltke
+taskings
+chandler
+suiyang
+hicp
+a68
+driessen
+rifampin
+vlach
+lankans
+karls
+peckish
+standard-gauge
+islamshahr
+azraq
+vainshtok
+mcclanahan
+headteachers
+odak
+majdanek
+interdental
+quite
+cute
+fortran
+o-4
+73.92
+multitudes
+mistral
+neckline
+doorways
+castigation
+wiratchant
+106
+af447
+observance
+ibarguen
+ordeal
+cavaleiros
+punit
+galea
+fortify
+conchs
+large-screen
+softpedia
+notodden
+sirven
+lgi
+rouvroy
+chartis
+murgon
+ballotting
+rf
+slurm
+potosí
+pae
+poked
+spdrs
+hammerman
+stah
+va'enuku
+sequel
+demeyer
+knost
+jasey
+inflowing
+mra
+demetre
+u.s.a.
+huseyn
+mmaddendetnews.com
+vmro-dpmne
+avery
+mâcon
+srok
+nikkor
+ccs
+aftonbladet
+camago
+ascendant
+reminisce
+mozelle
+róża
+73.58
+ornithopter
+reciprocation
+j&k
+2,497
+bounceback
+bdeans@coxnews.com
+minyor
+vice-chair
+wiccan
+optic
+friele
+trenin
+nicolae
+glavine
+4.66
+41-nation
+siliciano
+codrea
+ba1
+aletha
+goudie
+bergthold
+setbacks
+savane
+hebra
+quasiparticle
+tactician
+sea-ice
+tensai
+bubis
+lindenhof
+whomever
+knep
+ashtabula
+chilapa
+blackbook
+groupon
+tartini
+2,528
+cbdt
+rougon-macquart
+bhumi
+mulund
+comorbidity
+aralsk
+naber
+self-righting
+supernal
+then-13-year
+glinted
+kanabec
+capitale
+bhb
+cannady
+mlaka
+icicles
+miscalculate
+ishaqi
+phimai
+11-volume
+jasminka
+philthy
+ttk
+altricial
+panamint
+hudal
+i-10
+sosman
+46.57
+camelia
+afterimage
+rajat
+autostrada
+cañón
+degette
+praktiker
+koram
+silvie
+forma
+primerica
+bakhita
+sardines
+toarcian
+experimentalists
+1,258
+4.0-5
+pens
+rousmaniere
+lunger
+coupé
+al-adil
+troodon
+quintano
+kudzu
+.277
+6,012
+timotheus
+wansink
+euro347
+squinted
+sways
+conspicuous
+effective
+hiddleston
+playscripts
+overwhelm
+inker
+siedlce
+francization
+textbox
+calasiao
+hóa
+63-58
+57.00
+visitable
+stagnation
+2007-09
+lintang
+generator
+freamon
+wingback
+pravara
+56,100
+ags
+josemaria
+heathenism
+alexisonfire
+sailplanes
+dihedral
+castmember
+tiralongo
+broad-based
+breathitt
+rtp-midi
+adrenal
+ham
+villagran
+commas
+basquiat
+estudiantil
+munene
+jadida
+25.57
+redelmeier
+ippo
+lanzhou
+zoba
+afk
+penult
+peder
+lamfalussy
+longueira
+circle
+isleys
+82.30
+stringer
+26-0
+knobby
+1.7-2
+russinovich
+rna
+fritzie
+opens
+endsley
+dòmhnall
+scotland
+lcastillo
+addy
+loudness
+lemkin
+springsnail
+murkiest
+coffeehouse
+publicly
+l'ile
+glycolaldehyde
+daisley
+norbertine
+perdicaris
+boltbus
+1971-1972
+zanardi
+3,681
+.65
+steffensen
+peppiatt
+hedvig
+pestered
+krishnadevaraya
+thonon
+kivelidi
+wario
+birdying
+vitapro
+nhất
+2109
+lemniscate
+tareen
+bramha
+urga
+fauzi
+pyloric
+fneish
+(403)
+chikhli
+minick
+władysław
+ghislain
+quackwatch
+fhc
+schroeders
+reynst
+bathala
+ioffe
+hartigan
+tchefuncte
+representantes
+pyrrhic
+narrowsburg
+6,520
+carbineers
+grafter
+chorin
+santosham
+chính
+short-line
+verbale
+tear
+ruidoso
+syringes
+géminiani
+grunberg
+sabrett
+obsessed
+vanitas
+malaviya
+jianzhong
+villancicos
+bi-state
+lodigiano
+oncogene
+ipiranga
+bertelli
+danian
+1998-2007
+2,938
+flirt
+vectra
+cuarteto
+wyler
+bocalandro
+16,230
+vadhu
+39.7
+strychnos
+ashram
+1,490
+soles
+diabolo
+aspyr
+renamo
+sgml
+aker
+fdtd
+reelviews
+6.50
+psis
+dpm
+kåfjord
+wille
+overhauls
+cheesehead
+bowo
+cracknell
+metalsmith
+pre-state
+reshid
+wichniarek
+tianchi
+magomet
+kuprianov
+nimes
+pantelleria
+aniek
+u.s.-british
+entlebuch
+pbi
+rumyana
+dykan
+seba
+cartridge
+port-gentil
+hazle
+eiríkur
+epcos
+esmail
+schlag
+piddling
+schönherr
+palaiologos
+katsuhiro
+mth
+fmu
+syrphidae
+hanun
+dulcet
+seko
+1657
+tikus
+jelly-like
+inkhundla
+moshinsky
+ptolemais
+ahumada
+scienza
+munari
+waikouaiti
+43.80
+loyrette
+kallikratis
+gerome
+snitker
+chalem
+diphosphate-lyase
+shrivelled
+seacole
+montluçon
+bidil
+âm
+sobig
+meristar
+mastroeni
+kambe
+roseana
+laduke
+http://www.ustreas.gov
+jugonzalez
+installments
+chilperic
+aicar
+opt-outs
+air-cooled
+pirker
+hogue
+scarab
+xfe
+mochi
+contradictory
+28-15
+kuptsov
+magome
+romae
+tchomogo
+7,320
+kazunari
+cscs
+urbanize
+75.11
+re-energize
+17.00
+meighen
+abbrev
+throwaways
+capitalized
+kaylan
+radomyśl
+kamatari
+.895
+taniec
+kincardine
+deber
+acronym
+secemin
+jaula
+compressive
+tongfang
+11.3
+0.05
+daren
+byblis
+blunck
+p-10p
+zaballa
+mollified
+coppi
+substitutional
+slays
+cross-town
+mudo
+lemon
+unashamed
+ajijic
+honduras
+ayesha
+hartmans
+moonda
+rossmo
+cu-boulder
+dehere
+sanusi
+ariella
+mokpo
+protein
+18,350
+heuristics
+dewdrop
+swale
+shido
+tierce
+belligerently
+potentates
+karpis
+occasion
+islets
+flatus
+birker
+tucanae
+filinvest
+wonderen
+surin
+root
+kushiro
+aama
+tungsten
+muammer
+kajetan
+sahs
+bacteriological
+whiteboys
+luciferase
+cacm
+cheesecake
+barqawi
+athome
+short-ranged
+xsl
+akademisk
+receiver-general
+cammermeyer
+mugshots
+boppin
+nasdaq100
+woodley
+phanagoria
+dynegy
+mccardle
+118.55
+landsverk
+umeed
+xiangzhi
+trestle
+tijerina
+vah
+ehp
+moonchild
+boyard
+deviltry
+narron
+ahamad
+sermanni
+kipkorir
+d'elsa
+bsx
+robertshaw
+burciaga
+tallinna
+corazon
+toccata
+hohp
+16:45
+defender
+awestruck
+laas
+sauteing
+mejias
+orgreave
+takamatsu
+bhambri
+champaign
+yesh
+manufacture
+pecker
+kochis
+784
+52.02
+revues
+goodell
+crip
+motionless
+fends
+centa
+hesar-e
+32-16
+45.49
+tindivanam
+ozar
+dirksen
+vwf
+applet
+shinned
+glaciers
+nicolette
+cess
+narayanpur
+hydrous
+tilework
+trivers
+reald
+esqueda
+ninoska
+glier
+mallah
+6,474,133,936
+jelani
+razouk
+balban
+andeans
+lindholme
+guilders
+bairstow
+pathological
+verio
+oelig
+23-dec
+haicang
+http://www.nasdaq.com
+yariv
+nahyan
+convert
+separatism
+mouloudia
+matang
+grd
+edging
+3,816
+dods
+gwanghwamun
+bechtold
+adol
+bagert
+rejig
+antispasmodic
+timelords
+raise
+magalona
+creamsicle
+lameness
+7,860
+bedspreads
+huáscar
+kunde
+audiocassette
+palat
+28.0
+dorries
+kerinchi
+platas
+raminder
+stammen
+arabidopsis
+institutionalization
+borów
+sculptor
+boykewich
+sovietov
+wolin
+moo-hyun
+daughter
+herem
+trundled
+1920s
+horpestad
+swaras
+sarnen
+montaner
+gamgee
+suriya
+3,666
+zhixin
+on-die
+naples
+alfréd
+ollanta
+magnified
+acreages
+goregaon
+ypsolophidae
+denitrificans
+rightwingers
+tigo
+moorabool
+astonishes
+anlayst
+simberloff
+hajdenberg
+wised
+gajewski
+whiplike
+brandin
+б
+araucana
+głubczyce
+highland
+pitsuwan
+opdyke
+two-match
+pader
+calved
+gang-raped
+lautenbacher
+crosshatched
+dawlat
+hoveyzeh
+m.phil
+x-rated
+earthrealm
+16,550
+shinumo
+lepine
+feynman
+marten
+wendkos
+beccles
+dependency
+filariasis
+sweatpants
+gumpel
+carbonylation
+widodo
+torin
+rab
+doreh
+85.39
+gustaf
+appeasing
+turki
+tamale
+bindman
+sigebert
+rynne
+.786
+depoliticize
+vibronic
+löwenheim
+salamandra
+dekkers
+technophiles
+notter
+chowpatty
+dioxygenase
+sharashka
+anap
+broadhead
+seashell
+lu
+11.77
+referrer
+cil
+inscribes
+twat
+photopic
+214.9
+chemicals
+dunsany
+climacteric
+canem
+sacer
+ybm
+amcor
+passel
+unmistakable
+terenure
+4,925
+sekani
+45.75
+outduels
+iahc
+sewells
+eight-legged
+n'daw
+hochhalter
+patriotes
+subsisting
+blechman
+kupala
+s.a.-adr
+38.17
+a-n
+tacis
+boasting
+cardan
+senaratne
+ged
+buyoya
+puno
+nikolskaya
+37,600
+epigrapher
+parashuram
+nipo
+crura
+gansu
+prina
+post-breakup
+euro675
+hallett
+sigrún
+lorestan
+brosnahan
+maccionnaith
+1992-2001
+vāhanam
+parseval
+par-4
+pinzgauer
+brahm
+woolfe
+bierzo
+clinal
+sepin
+nejdet
+hempstone
+stormes
+19-game
+damião
+из
+fire-rescue
+elac
+liaised
+nasal
+bandying
+californicum
+essy
+orpo
+olafsson
+bacula
+1560
+nationalizing
+eyzies
+bicep
+elven
+inso
+abeid
+octuplet
+starry
+aramac
+bantayan
+shabad
+torchwood
+karmiel
+woodridge
+scullery
+hochheiser
+maxxam
+denaro
+bayani
+pepsis
+partial
+nastar
+wenxiang
+39.99
+philippa
+liberalising
+geiler
+ribault
++.75
+imh
+kozak
+39.68
+schranz
+403.3
+lübecker
+levelheadedness
+nouzaret
+gruelle
+helmrich
+104.07
+starovoitova
+århus
+ango
+nojiri
+styr
+barit
+smallwood
+nerenberg
+tabaré
+cezar
+jdz
+foreman
+bothered
+sadozai
+unies
+navfac
+gunnoe
+alissa
+dianion
+ezatollah
+sabaa
+pelti
+yaakub
+undercroft
+liheap
+isolated
+cédula
+grammaire
+thge
+interlanguage
+ullevalseter
+augenstein
+60.18
+niem
+570
+38,700
+solebury
+66-70
+marcela
+feram
+landeck
+kinboshi
+1.3850
+57.79
+aulë
+verkamp
+soaping
+8-27
+into
+stegner
+thubten
+fluoropolymers
+elfatih
+syman
+tcp
+harar
+henriette
+dce
+hellas
+ayia
+nrhp-listed
+technopop
+containerisation
+fillan
+age-based
+kosminsky
+scupper
+osterwald
+betha
+tiancheng
+pylas
+coruna
+fauntleroy
+disneyfication
+defrantz
+maff
+yanda
+panov
+elatior
+rock/contemporary
+discovered
+7.21
+ichneumonidae
+mcmackin
+wtwo
+anapa
+uście
+palaszewski
+welbourn
+leshin
+tanging
+recited
+fereshteh
+diyarbakir
+kasaks
+sequoyah
+.247
+linker
+xinxin
+cruach
+1-17
+songling
+lfc
+firestop
+pronostica
+economopoulos
+17.46
+delacruz
+monster-of-the-week
+eichmann
+bellu
+odhiambo
+128.4
+parkland
+meskhetian
+owning
+nandor
+alisa
+9-hour
+psychogeography
+flextronics
+newmarch
+341,000
+spottily
+defacto
+162.8
+30mm
+petulant
+botas
+solid-body
+grade-separated
+whitlam
+doornbos
+m18
+genovese
+h-shaped
+d'amore
+egg-shaped
+gasparilla
+watery
+stolt-nielsen
+metres
+coasting
+limited-production
+factional
+puljic
+paderewski
+30.77
+art.com
+lavina
+lubelskie
+rucchin
+endocannabinoid
+duwayne
+leta
+brmb
+s-e
+oelrichs
+tucumán
+scammer
+328.4
+holes
+feltre
+segara
+kankan
+impotence
+cotswold
+schoolmasters
+badrakhan
+g.flower
+sadaat
+sogdiana
+eranio
+kalkaska
+basel-stadt
+lipkovo
+joel
+garbled
+wereld
+moneylenders
+late
+camillus
+voght
+maleme
+everaldo
+adbullah
+computerised
+masalit
+aristolochic
+muresan
+dzeko
+khotso
+biddlecomb
+66-55
+emrys
+al-sham
+abdelhamid
+3/6
+laysreng
+wennington
+í
+coproducer
+vow
+động
+pinero
+deok
+godson
+ibk
+9-3
+melchizedek
+harnisch
+promulgate
+mooc
+exhortations
+childproofing
+caprimulgiformes
+kivett
+170m
+spelvin
+mcbaine
+pillorying
+plankton
+rhiannon
+10,080
+sagamu
+theodoros
+broye-vully
+pinging
+darran
+esmonde
+sauzee
+armorials
+o'harrow
+pattni
+2026
+rating/8
+achu
+stanzel
+101-97
+ekster
+decimating
+declarative
+9.68
+kalitvintsev
+hayden
+gisbert
+smolla
+darenth
+perelli
+canandaigua
+pelting
+börde
+volkstaat
+archrival
+almir
+kressenstein
+5.6-percent
+seuss
+2-part
+nonuniform
+muscidae
+windowblinds
+mamelles
+naiveté
+teresa
+moncey
+gershon
+mayeux
+dokkum
+oxon
+peruvian
+pinetree
+norgay
+1357
+coffeemakers
+grigorieva
+toolshed
+26-3
+voldemort
+chetna
+sci
+250-million
+beqaa
+js03
+low-sulfur
+7/10
+smelling
+nicety
+salaries
+sanneh
+grujić
+csuf
+khattiya
+holy
+strba
+white-washed
+tran
+peta
+7:24
+biker
+veľká
+elguindi
+90-year
+hanchongryun
+impulsiveness
+i-465
+scintillation
+toras
+saxena
+selfridge
+gunsight
+415-foot
+sadbhavana
+coller
+winklevoss
+ಸ
+antwi
+patiashvili
+internic
+tureck
+ebonics
+jcct
+mid-1915
+800-point
+cookei
+frantzeskos
+colegrove
+retroactive
+emolument
+amusement
+chaozhou
+fountain
+gruyères
+sledges
+opossums
+blowen
+hysterectomy
+backronym
+tabo
+prowling
+fatti
+helsingborg
+locater
+64.5
+medicinals
+azahari
+191.3
+tynte
+martinsa
+lefton
+2,062
+incarnating
+mhopgood
+linchang
+357,000
+donana
+ontv
+replevin
+beki
+bankcard
+bonavia
+manjurul
+emphasis
+norville
+lahars
+fiz
+cefta
+tradewind
+maccambridge
+heic
+muc
+853,000
+mrkalj
+umu
+3p
+assemblymen
+comus
+51.32
+g36
+vadarlis
+delgada
+bedminster
+kl101
+kuboya
+sparc
+hlava
+hoysala
+67-95
+puyang
+penarth
+nastula
+whitgift
+deux-sèvres
+robots.txt
+bingyi
+stewardesses
+7,770
+cookie
+push-pull
+interloping
+berman
+geographic
+distorted
+87-run
+bédié
+drumsticks
+3-11
+spearheaded
+ebbitt
+tamen
+communicants
+ncos
+dodecagonal
+osw
+1981-2
+neutral
+unreality
+shambled
+permitting
+yōko
+slovensko
+shoumatoff
+dowdall
+bedded
+bothering
+backlogs
+kirnan
+lugdunum
+brean
+stranglehold
+baulked
+greco-turkish
+three-sided
+ganzel
+adv06
+romuva
+chivukuvuku
+darbari
+cost-plus
+261.5
+zielinski
+speights
+d23
+linacre
+title
+out-of-body
+séléka
+portugues
+gniezno
+aizen
+intelectual
+myelin
+300-kilometer
+blackbody
+edmonton
+reik
+1223
+simultaneity
+turnouts
+jrs
+103,000
+heldman
+hambledon
+otolaryngologists
+rieger
+heesch
+caruth
+5:24
+simple-minded
+mccorquodale
+caam
+ss-18
+glucuronidation
+qincheng
+mnd
+sandbagging
+yefremova
+live-in
+mühlheim
+hefce
+82-minute
+6,250
+fahk
+mobilecomm
+montecore
+nettleship
+satake
+southview
+atsdr
+micro-enterprise
+tekong
+أحمد
+oversimplified
+millis
+valmiera
+22.94
+schnetzer
+casserole
+uncontained
+kornblut
+cruiserweights
+astyages
+urn-shaped
+gaitskill
+level-3
+đa
+45-25
+1009
+lysaker
+iniative
+montelupo
+thamarassery
+limiters
+knowledgebase
+electron-withdrawing
+lucetta
+garriott
+furuta
+non-families
+hamzi
+hatami
+238.9
+timorous
+cuckooshrike
+fbw
+erlich
+pygmalion
+o'mara
+wintershall
+darryl
+buerk
+accolate
+sázavou
+barria
+newtons
+raistlin
+guwahati
+booboo
+sub-district
+federal
+eadric
+scanlon
+forseeable
+patriots
+quinolone
+paralog
+ipcl
+chibiusa
+translator
+neang
+highbrows
+hand-cranked
+vesey
+professing
+telepan
+foliosa
+shoebox
+ijma
+carpa
+rhagoletis
+realschule
+zhaoyu
+cepelova
+ktrs
+9.4
+formalist
+malignant
+attala
+1996-2006
+eurypterids
+yotsuba
+krysta
+cariban
+izbasa
+latin-based
+238u
+tqm
+rattlesnake
+chalme
+gusteau
+hallgarten
+bgk
+perfectionist
+deficits
+freemantle
+350.9
+schönberg
+co-songwriter
+ryoma
+slagel
+implentation
+untalented
+voom
+declaiming
+751
+newsbreak
+jaen
+anti-black
+azhagiya
+four-spored
+self-righteousness
+gaouette
+paloverde
+pi96
+suele
+kdvr
+digester
+muruga
+widebodies
+sti
+pharmaceutically
+kokemäenjoki
+solar
+shiroma
+søndre
+silverplate
+clupeidae
+3.1-liter
+inspected
+dhoni
+ceric
+systematization
+2,992
+formulating
+96.75
+zangpo
+cobleigh
+sel
+humors
+pahaquarry
+teatime
+streich
+haramain
+mountaga
+moais
+lear
+exhibitions
+melendi
+niobrara
+structuralism
+chreidi
+khakpour
+bristled
+laran
+reveille
+malafeev
+5,900
+tondu
+89.8
+r200
+translit
+voros
+lollo
+couriers
+khánh
+nawanagar
+penso
+sadistic
+maryja
+ardon
+1864-1865
+mastana
+meraiah
+trancoso
+szczecinek
+s-expressions
+unmit
+agco
+dioxygen
+treacy
+gireesh
+nurmela
+chikan
+chouan
+54.63
+northview
+bhedam
+khajimba
+baschurch
+yepremian
+waldrop
+krysten
+politehnica
+4,670
+rodes
+58.94
+businessman
+recreational
+ctp
+144a
+askaris
+sola
+ricocheted
+eisenhüttenstadt
+martyrium
+naturalis
+campobello
+sallam
+minervino
+xds
+stockwell
+frye
+awfi
+55.21
+presuppositions
+gawd
+chainpur
+emulsifying
+wiesenberger
+hurum
+yag
+icbm
+237.8
+2313
+holster
+charrette
+f-84g
+floris
+loya
+velociraptors
+yashili
+manganello
+jinliang
+tonelson
+perekop
+mtor
+melvyn
+pctv
+14.5-ounce
+kent
+severance
+rac
+101.2
+mccomas
+crackpots
+afro-american
+intrusively
+aldington
+oscars
+cluzel
+winneshiek
+pepper
+garban
+portman
+prettiness
+strasburger
+essawi
+tendencias
+anti-hero
+txt
+crotzer
+joj
+84.78
+.543
+finesses
+tauberbischofsheim
+diomedes
+xinjian
+corcyra
+calibrating
+rimma
+defacing
+somos
+sinter
+muraco
+alea
+mnookin
+redlener
+biplab
+koepke
+meu
+tiden
+gwah
+tyhypko
+widdoes
+barrel-vaulted
+decriminalising
+doryeong
+shearling
+veness
+avionics
+mosquitofish
+maubin
+paletta
+tanino
+mountain-building
+khider
+glasson
+weihenmayer
+câmpia
+marambio
+multinucleated
+hawsers
+europeans
+reddys
+hole-in-the-wall
+laughingstocks
+an/apq
+38-36
+anami
+nys
+62.86
+185.5
+pa
+zalewski
+cozens
+bertold
+51
+wuerttemberg
+ximenes
+giddens
+multi-part
+advection
+shako
+direct-injection
+mamata
+1/10th
+muqdadiya
+hca
+dharmadhikari
+cofield
+santaland
+maternal-fetal
+horng
+toejam
+braye
+rutschow
+espana
+vitt
+melka
+ratcliffe
+steerpike
+gábor
+instalaciones
+dorsen
+tadeja
+sanfl
+food
+51.04
+mueang
+anticon
+coyly
+2:50
+3-for-17
+11.53
+venous
+starhawk
+livermorium
+heckel
+nephthys
+othniel
+8:18
+violeau
+tailoring
+plati
+mashal
+reconstruction-era
+friedan
+g.o.p.
+g13
+bartolomeu
+ç
+52.29
+ngamu
+dordrecht
+ocd
+kj-52
+dictador
+kongtrul
+garb
+exploitative
+jitsu
+99.55
+រ
+christianized
+1996-1998
+94.80
+outlasting
+inexperienced
+frigo
+sugianto
+guadix
+farhood
+greenberger
+polynuclear
+bandele
+saint-yves
+lindsey
+a/v
+meyner
+ndebele
+prescribes
+piol
+accompaniments
+tejeda
+mystically
+coase
+2256
+suggestion
+pristinely
+tenpas
+konglang
+jihlava
+shoppes
+leine
+pagurus
+haron
+gravid
+warwara
+felting
+286.8
+drumbeats
+florencio
+scheide
+yaseen
+libidinous
+abhishek
+pratama
+kostelanetz
+82.87
+chintpurni
+bermuda
+archaeoastronomy
+harrel
+biblique
+pit-stop
+36.2
+roeg
+rhenium
+nscaa/adidas
+phayre
+hva
+vacuity
+whirly
+azza
+crassispira
+misaka
+7,010
+never-married
+sidesplitting
+menor
+nadeem
+scowl
+zarar
+crackin
+thordur
+62.80
+60.59
+melot
+helicases
+wafi
+kodituwakku
+edifying
+blankinship
+eutelsat
+orbitz
+1965-1968
+rourkela
+drapey
+kalimpong
+fennica
+loin
+sipovo
+palce
+waruch
+evader
+fourfold
+nisl
+overclass
+inquests.gov.uk
+ormeau
+indeni
+signifiers
+tierney
+ollier
+check-ups
+dfa
+obua
+tipu
+assasination
+mabe
+codice_27
+maza
+90.32
+chromaffin
+non-graduate
+oltchim
+kirner
+ope
+nonroster
+unmask
+forges
+ellen
+2000-05
+metamorph
+santal
+straw-colored
+crvenkovski
+ckp
+49-39
+louisienne
+extorts
+cadore
+130-year
+palazzo
+cuore
+daric
+anaesthetist
+meshchansky
+nonnus
+lorente
+schyman
+homographs
+first-wave
+wheaton
+3,556
+prefixing
+smiljanić
+mutaboba
+jachnow
+overdeveloped
+abtrust
+lenahan
+knight-errant
+buemi
+xfree86
+boggling
+woerfel
+ingegerd
+deane
+optional
+molino
+maturana
+keehner
+cfm
+glenda
+50,001
+rowan
+massinc
+spiga
+urgell
+avira
+formula_121
+chasseurs
+scardapane
+matric
+e-taiba
+58sec
+serrate
+óttar
+militaire
+meerdink
+bonifacia
+seleucus
+silvino
+kingfishers
+deco-style
+fresh
+diti
+mynach
+haike
+centralized
+pomak
+yow
+yankalilla
+benkenstein
+58-53
+64-million
+deibert
+14:36
+tosic
+bpz
+masterminded
+ganan
+atharva
+cercopithecus
+gives
+liturgists
+madres
+aqil
+hyperboreans
+hedge
+slovenske
+w88
+mcvay
+knowlton
+macfarland
+macgibbon
+pseudopods
+fumaroles
+broadsword
+hummels
+tosno
+hcfcs
+dhrupad
+hocke
+d22
+devota
+lando
+(407)
+raalte
+hasle
+donn
+o-levels
+61,500
+dauber
+dhalee
+louisburg
+chainey
+mutualistic
+hsinbyushin
+27,838
+interprets
+screwdriver
+stringham
+humann
+jagz
+teaching
+wellhead
+12m
+dwarfism
+07:45
+jrnl
+ssendaula
+81kg
+neo-pagan
+chilavert
+anti-christ
+cyberculture
+centaurus
+sub-discipline
+samir
+feed-in
+virtuosity
+gungahlin
+biston
+baldin
+114.22
+160.00
+oag
+chiho
+enfield
+bacarro
+goodere
+zui
+humaitá
+high-relief
+1,206
+blachernae
+holloway
+equated
+95-3
+blaspheming
+sparviero
+typographical
+wootz
+deandre
+b.p.r.d.
+dawoud
+repressively
+saxo
+aspegren
+pedants
+ettumanoor
+padian
+career-ending
+decoursey
+geniculate
+soft-paste
+operate
+3,351
+zibakalam
+brooke
+plainest
+kingsoft
+overcoats
+vitolo
+atf
+prachatice
+1,583
+huntress
+micro-blogging
+kurai
+bernina
+bilking
+107th
+hansan
+bargrave
+neuroptera
+tilghman
+attiyah
+conté
+maudslay
+zaporizhzhia
+2008-2010
+solus
+boubker
+96-minute
+eht
+labovitz
+nob
+alhazmi
+lumieres
+hizen
+donnington
+05/23
+me
+panagal
+hfc
+xaus
+mayfair
+roxanna
+vallum
+biped
+fressange
+moliere
+weiquan
+loral
+sweat
+contemporaneous
+propound
+ebbets
+ilin
+opa-locka
+aravaipa
+bogomolova
+ghanimat
+bullying
+breaks
+metok
+postulant
+mariners
+montbéliard
+underdown
+celente
+army/navy
+1,800-member
+postpones
+detours
+champhai
+arleigh
+soothe
+seiun
+engraved
+lonchakov
+groes
+barreiros
+wohlstetter
+asor
+pennisi
+re-routing
+kaum
+smaller-sized
+tianxiang
+lencastre
+lunchtime
+cholmeley
+salafist
+catella
+osmunda
+latonya
+makama
+bacton
+jaramogi
+re-structuring
+bokassa
+luppi
+andalite
+ramsays
+kingfish
+59-percent
+chizek
+kiele
+adesso
+takeda
+vitellia
+euro132
+nesdb
+865
+brickowski
+macks
+gpd
+terrys
+cardinal-priest
+well-guarded
+dehaj
+mairéad
+51.60
+grafite
+www.whitehouse.gov
+dulaim
+caprice
+waisale
+achieves
+1.4790
+pepfar
+6-man
+gattis
+wirths
+uqair
+charissis
+rosický
+fortner
+gwinear
+libertarian
+evtimov
+libertines
+repressor
+addruse
+rostraver
+formateur
+snowmelt
+inclined
+disputed
+four-passenger
+71.77
+chuma
+transformable
+coumba
+miniace
+qu
+melolonthinae
+corroded
+rhodopsin
+patsies
+rawang
+wall
+agyepong
+pembe
+uifl
+stylin
+desbarats
+weinstraße
+allmänna
+shimun
+nakonde
+wicker
+nangang
+yeang
+lyu
+taseko
+plastique
+conradie
+gulmi
+arabist
+party-government
+koslow
+massei
+hicks
+96.03
+postwar
+guysborough
+yupa
+mycosphaerella
+offenhauser
+liesel
+darzab
+hekman
+slap
+propel
+indust
+willinger
+seventh-century
+ide
+685-3810
+schrum
+ebonite
+tiaa-cref
+sozh
+pathway
+dutch-indonesian
+myopathy
+lahav
+talkradio
+ipsen
+yeaman
+presuppose
+gallaher
+cresvale
+lustiger
+cedro
+sankaty
+.343
+morlocks
+al-bared
+1:26
+seagrove
+hindlimb
+107.73
+10-7
+abdullatif
+rluipa
+overexertion
+gerizim
+84.23
+diakite
+mandorlini
+n'est
+tieling
+small-market
+lord-alge
+asbel
+malcolmx
+mandodari
+1895-march
+o.v.
+holc
+indigobirds
+fellingham
+rennard
+57.95
+jack-up
+dizionario
+gruyter
+yettaw
+rm120
+vengence
+barondess
+166
+a.r.t.
+northville
+somohardjo
+bolin
+burned
+squaws
+8.44
+kotelnikov
+molony
+web
+isawa
+popchanka
+meistriliiga
+zbigniew
+173.7
+world-premiere
+neuropsychiatrist
+ebel
+chorda
+mereb
+punkin
+cakmakoglu
+rinks
+sazegara
+changyou
+hiking
+forcetoc
+longman
+ottosson
+9.71
+terunobu
+slimmer
+49.6
+malvina
+eliatamby
+ardai
+henrik
+8080
+video-on-demand
+mustelidae
+vuguru
+castille
+after-market
+galali
+speicher
+tariana
+ofl
+humorless
+shinichi
+jaybird
+(713)
+swinemünde
+pwv
+23-20
+sixth-grade
+verheugen
+stif
+bellbrook
+dredgers
+britwell
+third-worst
+1480s
+bedard
+skiiers
+jahangiri
+ahuizotl
+gunmaker
+found
+diethyl
+grinberg
+invent
+jagdishpur
+verdery
+dave
+chancellory
+kunte
+43.65
+transuranic
+wrigglesworth
+lenehan
+moldova
+parrots
+8.43
+grenache
+ripcord
+sloviter
+andreyev
+furtwängler
+coat
+newbuilding
+ma'a
+shashank
+digil
+kabayan
+ladang
+sheol
+nolwenn
+aetiological
+indicus
+childs
+notorious
+mioveni
+eyeworks
+wyclif
+treponema
+ultracapacitors
+weilin
+chagolla
+tires
+71.54
+leem
+hae
+khand
+handwerk
+zvili
+kelly
+gjinushi
+hòa
+hirotaka
+nelia
+coexisted
+gilead
+rediscovers
+zeev
+shechem
+rianta
+disturber
+sheshiah
+wisecrack
+derring-do
+kasama
+kitz
+seyss-inquart
+kharlan
+kase
+intermodulation
+7.24
+cautioned
+impanel
+pincus
+sawston
+studio-based
+xk
+kinnell
+barolos
+on-scene
+100c
+masters
+quilici
+aliabad
+aures
+amabel
+molehills
+popson
+laces
+chemoreceptor
+whipping
+sorrels
+intraepithelial
+suleimanov
+rygg
+1h36
+ludwig-maximilians-universität
+53.48
+ghora
+excavation
+lymphatic
+daxi
+rsr
+ute
+haszard
+3,968
+scientia
+agricole
+isk
+fairhall
+makhanya
+86.9
+duigan
+nanowires
+bournigal
+pergonal
+crops
+doorless
+15:40
+raquin
+cfos
+virabhadra
+jedward
+re-issued
+6,130
+eminent
+neelu
+smooched
+ceratosaurus
+motahari
+gelt
+panchgani
+demre
+mobb
+bigland
+27th
+rgb
+supressing
+villafane
+inter-personal
+corl
+cycler
+brading
+17-billion
+r-ca
+carandini
+przedecz
+ghneimat
+crosspiece
+lakemfa
+20,000-ton
+shippuden
+delabar
+coaldale
+dc-6b
+chromatically
+thornbury
+200-room
+devaswom
+maessner
+saroja
+shangrila
+kornelije
+kiessling
+gentilozzi
+kuts
+pre-marital
+stanciu
+anagni
+delange
+lalitha
+thoma
+nonconsensual
+gawai
+flannels
+availability
+transverse
+65,400
+nagykanizsa
+ī
+plaszow
+bandicoot
+saransk
+pomerania-stolp
+sunburns
+specifying
+bhadrachalam
+zakim
+62.57
+wjzy
+megye
+thailand
+broadband
+kub
+earthlike
+116.16
+andalou
+wilks
+squared-off
+husejnovic
+dromey
+monster.com
+staufen
+preludio
+superimposed
+drayson
+raghavan
+neukölln
+smokeout
+z-100
+entailed
+2,483
+joyeuse
+margareten
+chanin
+:59
+2006-7
+73.50
+yuzhnoye
+liangshan
+oleary
+dinusha
+quetzalcoatlus
+switon
+koito
+heuristic
+malitbog
+aikido
+laudes
+4,068
+tetrameter
+subfamily
+104-96
+stauskas
+crónica
+reverend
+mckellan
+shams-ud-din
+grevenbroich
+helbling
+hdac1
+gyrate
+form-factor
+yongpyong
+precipitating
+reactant
+dorris
+heleen
+15-yard
+kavee
+hi-q
+212-621-1595
+88.4
+carbyne
+konna
+gainor
+footplate
+palestinain
+notabilis
+sommerfield
+2-to-4
+1980s-era
+precocious
+minicomputers
+rizaj
+cladribine
+lomeli
+euro82
+chorded
+rafting
+worldcup
+tigerlily
+alltel
+peepal
+nasopharynx
+mahakavi
+colombi
+toretto
+angstrom
+sistrunk
+mariańska
+kwelagobe
+bialik
+n-type
+shatuo
+barbagallo
+19,900
+diaconescu
+114.56
+arness
+chavancy
+â
+46-45
+euro204
+counter-current
+deustche
+eyewear
+herren
+orléanist
+polydipsia
+gnagna
+sbb
+brigands
+auditing
+studious
+postsecondary
+vicious
+gaelic-irish
+romsdal
+andrejus
+jamu
+second-half
+tauhid
+kurs
+rabiyeh
+wecker
+hindu-arabic
+tsultrim
+2008-2011
+ralliart
+387th
+khafra
+homr
+overflowing
+nakodar
+dreamless
+82-73
+repatriates
+seavey
+shingirai
+two-tier
+radicalise
+hessians
+karup
+mazunov
+khalifeh
+castillon
+turbines
+2230
+1,689
+phocion
+mírzá
+theune
+haldwani
+maugham
+profesores
+trexler
+wbank
+74.80
+kuumba
+55.47
+minicab
+bioenergetics
+thornbills
+agret
+nubble
+certegy
+zrinski
+murwanashyaka
+zhaohui
+119.91
+chitinous
+shantakumaran
+valveless
+milkshakes
+daru
+hsv-7
+shawe-taylor
+ravenscroft
+timonen
+43.71
+schmemann
+foible
+diye
+dainty
+451
+non-square
+piquionne
+avars
+goalpost
+footballers
+neohumanism
+gizel
+nahegau
+hariyanto
+moiraine
+negotations
+vme
+menuck
+gametime
+qaddura
+kesbir
+melchoir
+superpowered
+prates
+by-pass
+psii
+zapanta
+zedillo
+admonitions
+arriaga
+otho
+sarafan
+nagla
+braskem
+windchill
+wimauma
+mammalian
+wasiu
+atlant
+to-be
+karpovtsev
+beurs
+castriota
+ulaid
+spangly
+oviposit
+renommée
+i-mode
+peeng
+mazamet
+59.48
+drizzled
+15utl
+ramya
+nazarbayev
+karson
+plantarum
+manolescu
+accipiter
+mouthed
+mdt
+constitutionalism
+eastnor
+concretized
+fundidora
+catholique
+hexameters
+tsartas
+shouldice
+activates
+merely
+56.00
+zhi
+tulun
+mureş
+acapulco
+misher
+neidhart
+44.99
+http://www.nhc.noaa.gov
+europ
+wortley
+plame
+cundy
+viljandi
+one-horned
+xiaojing
+kutkai
+phuea
+chea
+uqbar
+1415
+eqecat
+virginijus
+senftenberg
+bangus
+sacri
+emusic
+6,686
+srikanta
+questia
+compensates
+ischia
+soundproofed
+non-canonical
+klimenko
+schnapf
+aam
+528
+rafidain
+(419)
+karbis
+mastroberardino
+racemic
+re-settled
+monteiro
+statto
+vintar
+bazalgette
+30
+hongtao
+poleman
+klebold
+margenau
+outofthebox
+homosapien
+militarily
+festschrift
+al-harith
+busienei
+mathas
+televisao
+simplistic
+lunae
+2-run
+epworth
+khiam
+3,768
+lipumba
+forefingers
+koryttseva
+lambert
+cantona
+huor
+nakamoto
+granoff
+295.5
+baotou
+jiddu
+ceci
+kuruş
+persius
+mcclarnon
+kraybill
+1893-1894
+falintil
+schlöndorff
+l-o
+vendido
+lynott
+maros
+bushwhacked
+stehn
+salvagers
+furstenburg
+daze
+evangeline
+wafic
+emarginula
+foliage-gleaner
+generalisation
+cumia
+explora
+sword
+28-inch
+165.8
+syncopation
+swervedriver
+guoan
+cylinders
+ingenious
+viiv
+minnawi
+sevin
+lothoo
+cafi
+studivz
+internationalism
+weinman
+ekachai
+lérins
+karapetyan
+tarty
+digitally
+nekounam
+349,000
+g-unit
+pogo
+warburton
+aschner
+kericho
+spunky
+δg
+genbu
+bedgebury
+swales
+commanding
+thorkild
+nzealand
+equipoise
+ravan
+justiciary
+bondi
+54-nation
+ober
+quarto
+seima
+tiled
+yo
+nettlesome
+cygnus
+meiner
+mirabella
+bransford
+euro365
+sagun
+top-two
+sandpipers
+fairy
+gamebooks
+opportunities_edmonton
+vice-treasurer
+bocaccio
+mecha
+niznansky
+wallah
+plows
+quett
+paisan
+charly
+assassinated
+samsonite
+taimazov
+r-13
+housemaid
+amesbury
+qibla
+gilbertese
+cunneen
+cassard
+ferriera
+79-year
+ninth-century
+top-twenty
+verbinski
+tessar
+dachstein
+renoir
+120-130
+sakoku
+1948-1952
+ballantine
+imipramine
+arjunan
+acupuncturist
+79.2
++9.00
+rayport
+rolla
+erden
+narsad
+jan.-feb
+brisset
+jean-bernard
+fleshier
+mazowe
+paramatma
+maeil
+anchovies
+refractories
+langenstein
+compsognathus
+disables
+perahera
+khalifa
+cebú
+wyszków
+auraiya
+hackerman
+cingular
+ursus
+khorasani
+widmore
+proactively
+re-location
+tyndareus
+borowczyk
+weidner
+postdates
+17,900
+ulanov
+commerciales
+womanising
+identifier
+berwyn
+i.q.
+t-norms
+steggall
+distilling
+zheev
+tramontana
+applied
+lobdell
+ruettgers
+kutaragi
+fitzpatrick
+calhern
+lockenhaus
+31.78
+hindrance
+warband
+malayans
+19-8
+griego
+deniss
+hide
+38-meter
+chronister
+leith
+halberstam
+geldings
+cross-browser
+wtae-tv
+ataka
+drohobych
+ss8
+sammut
+kinky
+insh
+pagés
+al-ayn
+étude
+qadsia
+shutting
+seville
+philosophical
+couture
+gonu
+12.89
+kranepool
+balky
+re-think
+hardener
+turning
+60-meter
+basilius
+altero
+1964-1985
+maupin
+2,321
+coastwise
+fesses
+shingling
+tiesto
+wells-next-the-sea
+kudai
+geoje
+colleton
+vidharbha
+bursaries
+soderling
+pataca
+alayne
+timisoara
+edgett
+herentals
+chearavanont
+guerriero
+byham
+chlef
+chaffee
+ravelstein
+misstep
+titchener
+lipo
+wingrave
+anges
+baetic
+sipapu
+prude
+trampers
+wiedewelt
+boerewors
+81.12
+yeves
+elsom
+gneisenau
+50-32
+geschichte
+stsmith@globe.com
+brittain
+long-finned
+heliade
+lekhnath
+oberg
+toko
+master-slave
+penderyn
+71.72
+schererville
+turkish-born
+risky
+maberly
+bridget.johnson@dailynews.com
+114.95
+lancers
+amped
+oreskes
+hwan
+gaokao
+scuff
+karmini
+seed-eaters
+昭義
+20-centimeter
+rcvs
+schoff
+reserve/future
+53.95
+caribou
+bhutanese
+krzywiń
+kozuki
+samlesbury
+muthoni
+88-87
+roshi
+noordoostpolder
+exhibitors
+glaucon
+284.8
+mwe
+godefroid
+cautionary
+jewish-roman
+dumstorf
+dynastic
+13-4
+sammon
+noxubee
+khowar
+alivio
+toji
+kvalsund
+chaturbhuj
+pedagogue
+jeddah
+zem
+pmg
+remota
+yeley
+afb
+sanitizing
+purwokerto
+peepshow
+márta
+kakihara
+jan-erik
+tripalo
+wwor-tv
+2,338
+overlooked
+unnerved
+peachy
+680,000-strong
+1,342
+scribd
+aramid
+burano
+ponk
+1872
+socratis
+mcgavock
+4.3
+misión
+legitimacy
+intransitive
+1.825
+eliasberg
+middleweight
+twice-yearly
+depositos
+holaus
+knole
+khaldoon
+godmanchester
+http://sn.im
+applauses
+teich
+recientes
+arbib
+buteau
+bartell
+wiedman
+65-plus
+sherwood
+neola
+jungjong
+dermatomyositis
+zangwill
+gimpel
+82.34
+bednarz
+interprofessional
+grippo
+sitchin
+inanity
+khashoggi
+donadio
+stompanato
+grogin
+aberdare
+ayako
+rynning
+suck.com
+mareuil
+roster
+balaguer
+biradari
+florián
+laminitis
+abidi
+ndn
+49.78
+freitas
+depowered
+kortunov
+cappadocian
+1200gmt
+unfairness
+è
+homolog
+1992-2004
+chinse
+streetlife
+molinaro
+sisu
+petitioned
+pahat
+cockell
+ruam
+babajani
+karabagh
+shebeens
+samira
+sidetracking
+1,891
+spouted
+gauri
+georgii
+miryam
+non-performing
+60.99
+rozalia
+riiser-larsen
+heinrici
+kartiko
+heatherley
+idam
+212.5
+gusev
+escalettes
+millia
+jocs
+yoko
+bastianich
+4,221
+yokosawa
+colloids
+kreiger
+crownsville
+1-1-4
+297.6
+riskiest
+ulke
+vorfelder
+lodging
+atendido
+dielectrics
+winterrowd
+:44
+1,984
+maranta
+102.45
+north-end
+jasmine
+12.95
+pachakutik
+parboiling
+kjartansson
+ralliement
+john-jules
+hipotecario
+krc
+4.23
+gheorghiu
+77-64
+legging
+48-40
+molek
+registani
+jet-set
+lythraceae
+64-ounce
+mard
+wedge-shaped
+starbug
+79-73
+schaumburg
+conservatori
+voiron
+vlasina
+naches
+workshop
+8.2770
+pcso
+114.3
+double-decked
+edinburgh-based
+dous
+eberl
+euro473
+yeaton
+infostrada
+zwack
+.0201
+corrinne
+minoo
+krimsky
+ippolitov-ivanov
+prosecutor-general
+64.3
+1,498
+haug
+igman
+asagoe
+1949-53
+7.7910
+51.88
+storys
+101.30
+bulky
+crocodile-like
+obes
+bearers
+victrack
+sawa
+ballons
+alluvial
+48-foot
+caesaria
+winget
+wafula
+magwi
+rocketsports
+imja
+invap
+liturgies
+dinsdale
+samaroo
+7/11
+collaborates
+akd
+serotype
+ac30
+episcopus
+inamura
+dizaei
+hagio
+unlocks
+maiwand
+chieftains
+iwbf
+materialisation
+20-story
+23-11
+end-to-end
+harita
+snav
+dankers
+sossah
+concrete
+rufin
+mirembe
+hreidarsson
+chomped
+jackshaft
+bowron
+285
+snuggly
+confess
+lethbridge
+inheritors
+hairstreak
+67-59
+tweens
+marbler
+rossiya
+shenmu
+unix-based
+frischkorn
+santona
+broad-band
+wcg
+deluging
+8.5-percent
+31,071
+1,866
+udrp
+mixes
+frenchmen
+slaloming
+6-30
+nitzschke
+geel
+bhavan
+ujjal
+yuzu
+nlc
+legislated
+noida
+sequencer
+cadoux
+microforms
+gujaratis
+47,200
+bitel
+s-70c
+gaínza
+degauque
+deha
+h1n1flu
+2-sphere
+gianotti
+redeploys
+rossella
+camargo
+rahk
+kyme
+evr
+lomami
+insights
+ammannati
+gfdl
+frascatore
+punchier
+bio-diesel
+prefects
+16.21
+gahnia
+113.92
+77-foot
+chastised
+rolón
+high-performance
+grossology
+cogeco
+imed
+thimble
+sortir
+zaslavsky
+engh
+moogfest
+wusses
+karnishovas
+nureyev
+lagosians
+wpty
+girabola
+atlantis
+4,515
+nightwing
+apomorphine
+belfries
+taha
+fubini
+stybel
+73.53
+windhorst
+leymarie
+aslian
+riggleman
+produccion
+massmart
+zolot
+n10
+schwed
+socio
+149.8
+38-year-old
+eletropaulo
+eufemiano
+headways
+13-nation
+suja
+eszter
+percys
+se-kyung
+inclduing
+hyperextension
+w/o
+malim
+surles
+eunavfor
+vsevolod
+heeded
+chimo
+noura
+birenbaum
+subtopics
+duel
+rubbernecking
+tao-klarjeti
+265.8
+ippar
+interests
+pedalboard
+cecilio
+vernadsky
+p&c
+l'abbé
+0001
+remon
+stratify
+yaohua
+hurlers
+tuzos
+student-athlete
+two-second
+dga
+145.2
+maaren
+mersey
+fatalistic
+agronomists
+tighten
+macchio
+garad
+proconsular
+nycta
+codford
+reorient
+headset
+shinkage-ryū
+inmarsat
+keyboardist
+melded
+19.56
+0g
+tigermania
+330.5
+portlet
+6-over
+transomed
+liceum
+vasey
+colvile
+oakhill
+yaqing
+percoidei
+70.64
+ē
+kahar
+customarily
+mid-20s
+1975-1998
+60-month
+zhaoxu
+sarbaz
+sequera
+leighty
+90.35
+80f
+celan
+guge
+ex-service
+nootka
+debrum
+jan.-may
+chonaill
+courte
+presidnet
+jaleh
+gornja
+gihon
+multi-story
+59.7
+cbt
+aip
+sorgdrager
+defaulters
+campanulata
+varlaam
+marinin
+bemporad
+hemiparesis
+pcci
+kuestenmacher
+refreeze
+len
+m.williams
+caraustar
+convincing
+westbrook
+umur
+gautrain
+tumilovich
+1.363
+vexillology
+bluefire
+bernam
+amornviwat
+trellis
+glycosides
+extorted
+kadesh
+notat
+worldviews
+pahlavas
+huah
+boogeymen
+lawmakers
+162.4
+mentougou
+gamemakers
+88.88
+micr
+bennett
+wikt
+hydro-lyase
+beslija
+kreditanstalt
+corb
+drip
+trunklines
+preoccupies
+acus
+haft
+hulet
+migliori
+stohn
+lyin
+galoshes
+maurkice
+nordkapp
+tevoedjre
+pazardzhik
+eliasson
+greenskeeper
+boraas
+116.11
+silverbacks
+symphonies
+çırağan
+verri
+enomoto
+adeptness
+ketek
+consignee
+fog
+3,386
+stormier
+.629
+gradualist
+digerati
+nanyuan
+santayana
+shorncliffe
+endite
+caughey
+macneill
+zywiec
+heartedness
+46.27
+korani
+canlas
+chattan
+bertoncini
+cn-235
+maliti
+bdeanscoxnews.com
+philip
+radzanów
+jeonju
+krisberg
+rfk
+violencia
+.219
+donadoni
+whiteout
+18/36
+tecnico
+fot
+depite
+steinhatchee
+eadred
+b17
+trachis
+world-1
+brawling
+petrik
+dukic
+mesmero
+crossbars
+utila
+2-38
+disaffection
+strathpeffer
+opponent
+chambermaid
+gays
+zaal
+inditex
+dupes
+satiating
+sub-continent
+128.2
+100-90
+serenaders
+2243
+melee
+bacho
+flowerhead
+territorially
+lesbian
+apel
+server
+moistened
+nambia
+semcken
+sanlam
+logicians
+120-140
+manzanares
+hijri
+dvd+rw
+.279
+ankit
+ogdensburg
+kolélas
+larimer
+disneytoon
+trucking
+new-age
+preakness
+biñan
+6,290
+fungicidal
+ovonic
+128-bit
+staurakios
+catharism
+dolans
+40,700
+crenellated
+wfor-tv
+jingyu
+yilong
+fergal
+ferulic
+misconstrued
+kekaya
+stokowski
+mirbeau
+2,683
+vangipurappu
+nabat
+ouyang
+ordinarius
+1.034
+single-strand
+jackal
+cápac
+drasin
+19.58
+factset
+smak
+presupuesto
+fallopian
+hoopes
+nhm
+tobagonian
+pro-drop
+egil
+gell
+setter
+initative
+subedi
+flair
+0:07
+vx
+schochet
+carifesta
+innogy
+lowerhouse
+boci
+nahman
+whaddya
+lauzen
+faial
+aeds
+achondroplasia
+50.48
+euro330
+4x5km
+skrmetta
+pierpaoli
+norcal
+19:21
+goskomstat
+northop
+15-40
+skane
+stupendous
+2,027
+511.5
+eifion
+perpignan
+dreier
+parseghian
+cicada
+come-back
+quain
+tv-am
+agrégation
+folco
+miniaturizing
+obits
+pechersky
+düzce
+turkish-speaking
+58.81
+sievert
+hajkova
+carlene
+goulet
+meshkini
+cobourg
+toters
+9-point
+teshigahara
+.627
+husna
+pelotas
+scragg
+ruh
+de-icing
+teffont
+.582
+gupton
+spiteful
+contactor
+u.s.-australian
+1,615
+timko
+b&h
+245.3
+beaked
+tanat
+capricorn
+impressment
+hexter
+shriver
+rudnick
+un-christian
+mekel
+mccarthy-miller
+czyz
+tragedy
+alouni
+porajmos
+bonnichsen
+goodstein
+boppers
+cheam
+treacly
+1.49
+a-lot
+residuary
+1,839
+cocooning
+17.91
+montanarelli
+gounder
+elfa
+pureza
+rajagopal
+kelis
+vase-shaped
+chhean
+disinvest
+nbcsports.com
+bifrenaria
+jihad
+sea-birds
+sinj
+newbiggin
+westerners
+borukhova
+kivutha
+second-ever
+3-19
+katseli
+68-60
+shorin
+161-year
+nagler
+kontopirakis
+31-hour
+parrilla
+reselling
+1,659
+bruneians
+macduff
+clamshells
+palampur
+caramoor
+415th
+brewmaster
+sagunto
+chá
+herber
+enormes
+engy
+rubberneck
+zeff
+barbed-wire
+alfriston
+congyi
+crookedly
+cpp
+midnighters
+kodaikanal
+ps3s
+tønder
+wolstein
+sighthounds
+ex-pats
+5.34
+aapl
+hohl
+ruolin
+120.16
+mehn
+asynchronously
+wood-framed
+wonderful
+deliquency
+bilic
+werdel
+resection
+stihl
+unsentimental
+successional
+alexz
+enrica
+byu-idaho
+baulieu
+falous
+admissions
+kidul
+plutonium-238
+carcross
+5-37
+vestibulum
+equalities
+jestina
+nightmares
+ardipithecus
+interestingly
+sher
+gersi
+mesfin
+henricus
+h.res
+naba
+cinefan
+whelton
+nhis
+precentral
+khaos
+conciliatory
+mre
+91-3
+overtimes
+shutov
+zetter
+overemphasizing
+laxmipur
+siris
+middlesex
+shide
+disallowing
+patriotism
+talwar
+saree
+hysteric
+namasia
+zongliang
+album
+daikyo
+labcorp
+u201cit
+14-26
+bragdon
+105.55
+zuckerman
+zentrum
+thongs
+154,000
+bussmann
+wrestlicious
+piece
+cordoba
+lexan
+pedic
+placename
+lillehei
+bushmen
+peppard
+publicos
+seling
+populate
+macaques
+58.06
+magic-user
+dockage
+economische
+cargohandling
+waved
+mujahedin
+subdural
+ssebaana
+gortney
+euro25
+grunitzky
+16.49
+armisen
+yanmei
+seppälä
+zapolice
+hatley
+neonaticide
+marano
+gunslinger
+metus
+734
+zhenxing
+ladle
+hesse-philippsthal-barchfeld
+roubles
+hayak
+edir
+jarecki
+free-throws
+kowsar
+pantone
+15,510
+helmstedt
+cygan
+.232
+perronet
+sturdee
+273rd
+.06
+plataea
+contradanza
+coppers
+natanya
+antimuscarinic
+rosner
+carcar
+gameplan
+corrina
+kista
+brunete
+molluscs
+context
+sudesh
+perspired
+track-and-field
+pasternack
+buson
+remicade
+petunia
+lunker
+demol
+tokita
+myfi
+right-angles
+tangguh
+manop
+cipolletti
+galton
+pcmfotptindexgp
+inverary
+trí
+celebrate
+börngen
+czersk
+flagsticks
+low-rent
+58.82
+thani
+shipboard
+two-run
+bijnor
+lapsley
+streltsy
+geometer
+a90
+ellyn
+złotoryja
+1.5720
+18-25
+half-forward
+dheere
+demonstrative
+898
+trophoblastic
+vught
+34,583
+sprightly
+brynmawr
+víctor
+616
+fisher-price
+bigmain.html
+u.s.-brazil
+erosional
+384
+casimiro
+drohs
+panopticon
+.542
+pozzolana
+fuel/air
+cheuvront
+kostal
+schlant
+loye
+savernake
+donja
+kabyles
+boguniecki
+alush
+lushootseed
+wateridge
+unlikelihood
+kommissar
+tulgan
+malaheez
+jurgis
+ulo
+manali
+peligro
+five-bladed
+rigours
+gwa
+813
+steinhart
+kōshien
+westgate
+nuveen
+lean
+18.03
+sextante
+simurgh
+aharonishky
+.654
+cycle
+mcguckian
+aim-9
+2.2-pound
+curative
+clausus
+scaramanga
+gangwashi
+intakes
+raines
+sculptress
+petals
+passaconaway
+11.71
+hargov
+skelid
+7days
+lycia
+i-74
+monastero
+agren
+pasquinelli
+canmore
+instrumental
+superar
+round-up
+candombe
+nayanar
+toussuire
+spray-painting
+65-mph
+spasticity
+ascendent
+shadings
+0.15
+direk
+oktar
+seguir
+rotti
+diwans
+blowing
+reapplication
+bibeau
+36.52
+kokolo
+85-year-old
+13-a
+durandal
+pless
+weepies
+hydropneumatic
+consensusdocs
+2,348
+koodiyattam
+4-99
+sophoan
+moyes
+halfon
+l'ordre
+onerepublic
+enumerate
+usnm
+ultranet
+arkel
+zeila
+menteur
+fili
+gasket
+fabregas
+brecht
+blinds
+lauderdale
+mccu
+reinagle
+ninotchka
+truelove
+adorno
+33-mile
+kittleson
+ewtn
+4.88
+jovicevic
+zigun
+quijada
+aspiration
+mulholland
+wonderfully
+disempowering
+pataky
+olaudah
+vcm
+auxins
+exotically
+vxworks
+kemençe
+fucci
+sadriyah
+27-man
+shokri
+gentex
+silverware
+1.026
+aded
+derris
+gutian
+hang-gliding
+sedgemore
+ironmongers
+stylophone
+ecomagination
+savoye
+pile-up
+banic
+ivanov
+purifoy
+ramahi
+bacai
+wolfsberg
+a700
+o'odham
+299th
+pompton
+mikkey
+measure
+geishas
+yaqshid
+columbarium
+zerka
+102nd
+ambidextrous
+corris
+imoke
+kuonisbaergli
+hantzsch
+lambiel
+21.26
+inter-process
+novorossiya
+adt
+heidger
+23.04
+domoni
+vitis
+dragway
+platanias
+doncasters
+94710
+benesch
+navio
+bacteria
+anthroposophy
+reichenberg
+mesquita
+heenes
+magnetoresistive
+bhatiasevi
+brudzeń
+najah
+mwc
+endemol
+voges
+unclench
+excommunicating
+episkopi
+irqs
+1.073
+yenching
+brainwashes
+lorre
+tómas
+wart-like
+subpar
+concentrations
+wijeratne
+winfrey
+gabriels
+1.01
+cobreloa
+diccionario
+rhizoctonia
+ailing
+euro105
+shortstops
+mestral
+continuities
+tes
+setiogi
+goal_calgary
+stemcells
+opl
+nolvadex
+physalaemus
+7am
+7:45
+waratah
+hostelries
+blitzkrieg
+chickamauga
+repacholi
+temko
+thilak
+boveri
+helfgot
+rattler
+expediently
+ahrc
+bánáthy
+haverford
+as/400
+medica
+wizz
+suvanant
+euro307
+lithuanian-born
+182.4
+brussels-based
+lovenox
+petrilli
+roche-sur-yon
+numidians
+soaps
+kursk
+cepes
+trạch
+vocabulario
+ospital
+angiosperms
+zikim
+venezolana
+demogorgon
+panama
+richardville
+razack
+marcucci
+gaines
+himalayas
+quacker
+vugdalic
+bek
+joomla
+pyroxenes
+propoxyphene
+bear
+coloured
+jouvenel
+1.595
+red-headed
+audiotape
+statistician
+earps
+diols
+mallozzi
+6-party
+shipowners
+newshounds
+baston
+armia
+regurgitated
+statements
+doglike
+hgs
+falkirk
+prothonotary
+titleist
+qiuping
+oltl
+ranchería
+tarnopol
+al
+fassi
+freidheim
+p-n
+ocker
+c70
+kabarett
+téléphone
+acronyms
+wauconda
+saltair
+affidavits
+wappinger
+microscopical
+13,000-point
+š
+aronberg
+bhimtal
+taibei
+flosse
+pianists
+skalski
+koryo-saram
+becak
+ncac
+noelle
+educates
+dolo
+fadl
+absense
+woonton
+s-band
+codification
+junaidi
+nipper
+sixtus
+arrowed
+cw96
+6:59
+kolisch
+133rd
+societatis
+drayton
+16-ton
+cannington
+ramlawi
+outwards
+n11
+pacifier
+ilgauskas
+hypersexual
+western-based
+dagmara
+expect
+merhige
+dpmi
+admirably
+mitsou
+action-adventure
+labowitz
+dusapin
+validating
+rpgfan
+carboxy-terminal
+hutson
+sphingomyelin
+almazy
+crowded
+fornebu
+lustbader
+significado
+aldona
+necesidad
+gell-mann
+connotation
+disapproved
+denain
+gregoris
+altura
+49.61
+wjm
+overdub
+tucholsky
+vandergrift
+concarneau
+danjuma
+sarvāstivāda
+anti-drug
+tarrytown
+bomarzo
+yodobashi
+mahale
+seyid
+aday
+tugaloo
+tunxis
+farrakhan
+occlusal
+johanan
+0445
+unstudied
+konko
+retreatment
+antestor
+50m
+pavana
+reeks
+bundesanstalt
+resino
+24.59
+harmonium
+anti-mutant
+pob
+huihui
+toutou
+lubrani
+misattribution
+diedre
+rihab
+trata
+oasis
+likelihood
+dooyeweerd
+diiulio
+unaka
+cremations
+ssdi
+serafimowicz
+foreign-based
+fuelling
+3.5-4
+noory
+ashr
+occasionally
+jerónimo
+symphonique
+desmon
+135.26
+yí
+szetela
+contractile
+2020
+kashdan
+rôle
+yarkas
+xinjiang
+długosiodło
+traeder
+8-meter
+sneaked
+mallia
+dayanidhi
+decora
+munby
+marjayoun
+lookup
+chhattisgarhi
+17-time
+thánh
+ronaldsay
+turabi
+muscle-bound
+blagg
+starmine
+1.166
+ludhiana
+neo-classic
+dahabshiil
+twr
+super-regional
+jorian
+gülen
+creppy
+songstress
+langoustines
+jolliffe
+260-day
+kututwa
+ganson
+solidarnosc
+choreographic
+two-nation
+eyewitness
+parfitt
+remit
+fratricide
+lanl
+talaeh
+coraghessan
+29-8
+unreacted
+ananiev
+generally
+hony
+two-piano
+gallion
+bcf
+peguis
+rajula
+quadriga
+mothered
+birefringent
+gavanon
+reaps
+10.17
+co-offensive
+beuys
+riffle
+combusts
+lozenges
+aiguo
+funs
+wamsutta
+unitary
+fluctuates
+sloughs
+villalón
+disrespect
+zwei
+signori
+16-29
+0250
+erica
+non-corrosive
+donal
+deobandi
+nyro
+stadholder
+wpix-tv
+tjan@globe.com
+wlbt
+atel
+multirace
+parent
+bicycling
+yamaha
+beja
+nucor
+staufer
+rheta
+yidu
+arabic-speaking
+vallier
+zogby
+savoie
+baltops
+compactor
+almihdhar
+gabrovo
+contravenes
+87.66
+mononoke
+2241
+15.27
+kake
+histórica
+inconceivable
+salamandastron
+misplacing
+crisp
+579,000
+straubel
+dimier
+kalia
+finglass
+paleogene
+lewdness
+lughnasa
+checkup
+jaslyn
+amemiya
+ömer
+paediatrician
+pugad
+bio-pic
+violative
+p.l.c.
+then-attorney
+euphoric
+nmc
+miff
+bcie
+montaukett
+puree
+deciphered
+someone
+millibars
+nāgārjuna
+4th-6th
+mulraj
+clamming
+watersmeet
+suddenly
+impresarios
+9:08
+maroubra
+three-state
+katelyn
+whitewashing
+instruction
+bst
+poulain
+frosinone
+locating
+leijonhufvud
+non-english
+neighorhood
+nerds
+confidence
+1174
+co-ed
+mentuhotep
+mh-60
+diria
+thiruchelvam
+proliferator-activated
+palmore
+wc2003-wis
+53km
+30-acre
+cumba
+maccoll
+woon
+corvo
+tamaki
+mtc
+ibope
+rogala
+boson
+2:24
+hundert
+117-year
+końskie
+bisu
+gurfinkel
+mckenney
+horrell
+incident
+itn
+heyang
+131.9
+kasenga
+breathlessness
+lecha
+muttering
+nacheman
+janell
+270th
+parallelograms
+2007-2010
+bishwa
+34,400
+helfeld
+ngawi
+waltraute
+wheelers
+ronell
+theobald
+chargers
+saône
+caledon
+reincorporated
+oppressiveness
+endometrial
+94.81
+self-hating
+levasseur
+surman
+radicalizing
+skiddaw
+dorrego
+docents
+21:25
+aquilini
+wook
+josias
+nitta
+alian
+gasparro
+maconie
+loutish
+kingsnotes
+pureeing
+speechwriter
+pennefather
+last-ditch
+euro354
+gafurov
+shehada
+snoh
+decomposable
+amudha
+keyarena
+dendrosenecio
+sunflower
+sterilise
+rouv
+nantasket
+2254
+kinzler
+35.02
+wasim
+tonkinese
+ten-track
+exportaciones
+sakhr
+over-water
+waramaug
+honeybourne
+eurotrash
+piousness
+fredette
+constrained
+wellsford
+rádio
+gerstenzang
+canapes
+zambesi
+salih
+hoodwinked
+squatting
+szczyglo
+accused
+spw
+boleyn
+hushan
+l998
+70-58
+gamba
+cycloadditions
+talkabout
+aegyptus
+deas
+sentra
+velli
+sivertsen
+minidisc
+husn
+bonfatti
+bordeaux
+rockhampton
+jerash
+riskless
+hexamethonium
+turfgrass
+transasia
+bimbos
+tomislavgrad
+74.96
+al-iraqi
+well-traveled
+maladie
+maslama
+syncmaster
+worked-out
+dicarboxylate
+maplecroft
+nonunion
+carole
+galesburg
+elmes
+cashways
+vejic
+eschweiler
+nifaz
+lasater
+dongxing
+euro402
+mwd
+sulloway
+troves
+cabal
+hys
+loubna
+namhong
+malins
+chilika
+lackman
+hilaria
+kuh
+perquisite
+dugmore
+blathmac
+scholars
+250,000-member
+unimog
+azules
+nosocomial
+gurria
+electrocardiograms
+sparwasser
+middel
+nasher
+sarpanch
+sherie
+ahilyabai
+5-for-5
+kathai
+plastics
+pascrell
+109.2
+dichotoma
+house-music
+šoštanj
+proslavery
+yuria
+ss11
+43a
+perdition
+defendents
+manpreet
+zaytoun
+servicio
+vangelis
+pedunculate
+nidaa
+valakari
+ainge
+boomtown
+eyed
+machineguns
+flûte
+polanski
+inspiration
+honed
+restroom
+yuanhua
+damude
+thermodynamic
+half-past
+opiyo
+3db
+aaryn
+sabana
+1.4065
+chah-e
+habiganj
+stanga
+yilmaz
+juniper
+70.65
+megson
+bloodstain
+chausson
+1300
+17.36
+gododdin
+laugharne
+openning
+2nd-3rd
+hanis
+elocutionist
+jiwamol
+kaduna
+ramjohn
+bigby
+mads
+insomniacs
+spy-fi
+bedok
+asbos
+l'assomption
+cafa
+command-line
+tenero
+e-discovery
+1.3800
+dhari
+2,148
+lausa
+bronce
+shabalala
+areva
+2088
+74,500
+shortchange
+gallaecia
+appetit
+hajat
+windfarm
+o'barry
+rosamunde
+roblin
+kissed
+eufor
+trans-pacific
+dernier
+tessler
+s-ii
+52-3
+cuntrera
+libermann
+plexico
+surgically
+euro95
+kayhan
+sarcheshmeh
+garbanzo
+drydocking
+terrified
+msw
+lockdowns
+perdiguero
+carchi
+midlanders
+lepetit
+ll.m.
+14,000.41
+malarangeng
+euro568
+100.53
+sub-classes
+binky
+eulalia
+hassall
+chinle
+tapton
+rankest
+thamel
+89.54
+mashriq
+crap
+threepence
+ballester
+deschamps
+fritzlar
+convergex
+kintyre
+pfannberger
+stachura
+boome
+naouri
+ptsa
+rohit
+sergejs
+gorrie
+gpp
+heyburn
+single-deck
+cabernets
+bentwood
+intercon
+mitsamiouli
+waffling
+passaro
+sturua
+magomedov
+2001-06
+punnett
+briceño
+gracht
+36.51
+maqbul
+degioia
+1967
+247.9
+unwed
+islamiah
+chengwen
+factory
+asyl
+christmasy
+vangueria
+4,209
+302
+shekar
+100-91
+sidekicks
+unclear
+sluys
+21.98
+testo
+brogel
+warriston
+a338
+riduan
+etro
+utik
+81.78
+exceso
+caryophyllaceae
+undergrads
+kinghorn
+housemates
+roubini
+maroons
+pleasonton
+adenoma
+gowland
+wafted
+smac
+scarface
+offy
+ghai
+nudged
+bashary
+tomaszów
+93-85
+2555
+masood
+morón
+idra
+pannage
+88.40
+polanyi
+197.6
+bontade
+schweitzer
+salac
+acte
+reactor
+ohp
+alfried
+oversight
+uncontracted
+seiders
+cran
+fryderyk
+driedger
+11.24
+marton
+al-hazmi
+yesin
+intervarsity
+buckhalter
+bakley
+68-mile
+schwazer
+laboring
+eriya
+suciu
+blaxland
+profit
+mcgaugh
+voice
+sayram
+entrapped
+aleksanian
+soohoo
+n
+expeditions
+morava
+routemasters
+lastovo
+psycho-social
+151.3
+berkhout
+metromover
+imperiali
+denisof
+knorr-bremse
+varna
+louka
+jacobs-bond
+noble
+staré
+tetreault
+borletti
+20,000-member
+wornall
+passwords
+ljungby
+winkles
+mcskimming
+thomazo
+rolando
+thorman
+sealab
+cherng
+admarc
+76.40
+shigakogen
+ghany
+choughs
+temkin
+fortin
+convulsing
+lenné
+poolside
+brrr
+dandy
+delphinium
+3-putted
+rhonda
+caffreyglobe.com
+amish
+72.46
+harpaz
+ubik
+mutated
+archaia
+trivialities
+juh
+exchanger
+meisels
+webster-ashburton
+downscaled
+spacings
+hayg
+pecked
+dewana
+stovl
+morgaon
+a-stick
+inhambane
+bryk
+extrudes
+nafs
+osterloh
+bassac
+diametric
+1990-2005
+ciesla
+liebknecht
+shots-24
+stidham
+attaullah
+oxygenase
+solarium
+jiating
+sawka
+corning
+googlies
+louisans
+hipp
+intergender
+yage
+glaciologists
+zanabazar
+sefa
+10cm
+gtk
+ithiel
+margraves
+creases
+ecomuseum
+75221
+metalled
+barkin
+unzips
+aoltv
+milward
+badsha
+37.63
+28-man
+11.44
+paella
+fingerholes
+optimisim
+81.85
+joustra
+hoapili
+ginzburg
+vitarich
+3,183
+bross
+nicaraguans
+konkan
+kostel
+1067
+tips
+aggregate
+poking
+southfield
+mid-2000
+2,033
+holoenzyme
+litta
+keizersgracht
+qh3
+chaiman
+legqog
+vienna-based
+bellow
+nao
+tetrahydrogestrinone
+tancharoen
+brusnikina
+163.9
+belford
+vikna
+buzzfeed
+llevado
+dolgoruki
+parodi
+rifting
+azov
+nipple
+almazov
+euryale
+1.613
+gimcrack
+afil
+tnc
+reengineering
+geting
+lettieri
+1-and-2
+antarctic
+sonntagsblick
+abdelhakim
+thickset
+ismet
+lykkebak
+dammika
+bessey
+bottomlands
+dermott
+iervolino
+ukiyoe
+mid-afternoon
+9:21
+hockaday
+delphos
+117.88
+great-nephew
+oustide
+12,000-member
+sixth-highest
+tornante
+127-member
+lugt
+terribly
+typicon
+teardrop
+waitaha
+sheinman
+step-daughter
+lightwood
+kussumua
+spatter
+goldeyes
+bermanbraun
+aedh
+terpstra
+collaroy
+elr
+unleashing
+96.12
+500-gallon
+galán
+duhem
+9.1-billion
+moderni
+pickup16thgraf
+1-66
+infotainment
+jinotega
+mao
+formula_62
+tamla
+ultraviolent
+wielowieś
+podkarpackie
+wila
+sarin
+charterhouse
+dattilo
+ville
+eberlein
+finebaum
+demeaning
+guthlac
+emate
+l'aigle
+abhe
+solvej
+briçonnet
+microsurgery
+cariappa
+nethercutt
+darney
+inacio
+alfresco
+yeasty
+24-game
+ghostbuster
+amagi
+raic
+alliums
+dominical
+69,000
+fernald
+irus
+sutorina
+.618
+nonjuring
+damari
+nazrul
+skoczow
+recopied
+ophir
+reventador
+castlecrag
+batirov
+humphries
+tanakh
+weatherize
+mwamba
+victuals
+ravenclaw
+pre-empt
+zarley
+rymill
+patteson
+electron-rich
+somonino
+prefaces
+kathiraveli
+ciam
+835
+ohtsuka
+palatium
+ridout
+conditions
+satyr
+silvennoinen
+prinsen
+paratroopers
+athletica
+conks
+2,208
+神
+yarrington
+kikuyu
+engenders
+reynoldsville
+1.5580
+mattered
+government-owned
+carbonyl
+hilversum
+silversea
+aey
+larter
+nobles
+right-wingers
+zorich
+yerby
+rop
+post-romantic
+ebay
+kangju
+51.73
+roeck
+gas-powered
+7300
+eslake
+poorest
+nilotica
+kaynarca
+dupree
+canongate
+sherin
+c-like
+subglacial
+lockstep
+magisterial
+l.a
+2920
+dunivant
+meiss
+nuhv
+fjord
+orex
+1,414
+mlo
+equalized
+sebastianelli
+shika
+20-39
+grade-level
+omake
+technocratic
+xiaolu
+yael
+cormier
+opels
+wakim
+akamine
+navasky
+39-3
+hebrews
+a-thons
+paperclip
+1955-1959
+dixey
+serializability
+bedfellow
+inexhaustible
+trendsetting
+mineriad
+zaya
+fossiliferous
+largas
+tigerland
+strelley
+sparkill
+.252
+bassenthwaite
+lausd
+mersing
+carpets
+susa
+swanscombe
+.925
+2,548
+hilweh
+cherot
+gaona
+85-74
+spp.
+dickin
+squeeky
+eonia
+instrumentally
+higher-end
+buskers
+qaim
+exterminator
+sub-types
+playon
+gazeta
+8-25
+tagline
+dixieland
+gnosis
+1450s
+gotoh
+11.93
+jetha
+layfield
+uwakwe
+matosinhos
+vahl
+22-minute
+dunwoodie
+45.27
+241
+natalizumab
+scihealth
+carnesi
+sadeghnia
+cssa
+louvred
+1307
+sleepiness
+weeds
+reductively
+spooks
+baquet
+insta
+improvements
+rubiaceae
+singlets
+98.65
+lohm
+sandrina
+bossanova
+timbre
+morna
+saccharine
+obbo
+yonge
+chorismate
+sophal
+1967-69
+gabilan
+marketization
+wosz
+fabricio
+conglomerated
+bakoyannis
+metallgesellschaft
+olayan
+keflavík
+doping
+trypeta
+gatekeepers
+stic
+euro477
+sischy
+jozwiak
+shtetls
+livry
+intergeneric
+amri
+30-feet
+beilun
+charasyab
+windeyer
+1.4783
+gogol
+shakeel
+augustine
+pir
+phasuk
+far-sighted
+66.88
+6:16
+chinetti
+moin
+swisher
+wyman
+bukhara
+huxtable
+danto
+conveying
+chemoreceptors
+osten
+pontiffs
+unsworn
+alington
+debono
+4,875
+berowne
+sconces
+73.27
+mcqueeny
+mosquito
+chiaverini
+marasmiaceae
+sandblasting
+qosja
+buck
+bhatpara
+prodmail.acquiremedia.com
+cihong
+60-39
+aeronca
+maua
+euro534
+henstock
+kval
+dejected
+64-percent
+gharafa
+2.66-mile
+ceuta
+musicals
+rennie
+insularis
+tornio
+oohed
+jesaulenko
+dapd
+pontivy
+tnsmi
+rides
+audience
+120,000
+brini
+desoer
+goislard
+taghipour
+brk
+zeran
+boffa
+pdh
+upsr
+zarqa
+functionalism
+cybi
+figes
+hadzic
+2,658
+anuwat
+mustafaj
+mónaco
+.47
+1.2650
+52.49
+kasteel
+punchdrunk
+showdown
+leiner
+germanwings
+zangara
+108.78
+staghounds
+70km
+mwesigye
+paracels
+qureia
+tolj
+scrunching
+nujaifi
+inis
+lechfeld
+hertling
+azamour
+bhagwandas
+brits
+wetting
+boi-1da
+murder-mystery
+lasege
+dongyuan
+overpaying
+comb-like
+⅞
+inhab/km
+115-degree
+khodorkovsky
+irking
+winterize
+margalla
+nicea
+moskovitz
+frawley
+voluntarism
+nadeshiko
+neely
+extends
+6,475
+peroneal
+tuned
+rosalind
+questioner
+hogan
+auvergne
+jongerius
+sssi
+acoustic-based
+chaudhuri
+technomart
+chamberings
+noirot
+climate-controlled
+18-strong
+34-member
+debriefers
+darvis
+agrawal
+melhem
+ureneck
+mopa
+landestheater
+duwa
+2139
+inasmuch
+tamiko
+clywedog
+flatlands
+luro
+fermi
+loginova
+yes-no
+krinkie
+fresnaye
+petofi
+suggs
+bazelides
+lemine
+ligotti
+junghans
+cowperthwaite
+beakman
+pullover
+khasi
+flowering
+braid
+tetsuo
+mcpartland
+porretto
+sweepstakes
+pre-eminence
+gvsu
+herndon
+boi
+re-routed
+babis
+prorodeo
+poraz
+fanyang
+well-paced
+limbeck
+dulany
+rossley
+abrogated
+otoe
+2-29
+nonkosher
+human-animal
+tinta
+longkou
+leptospermum
+bar
+alrawi
+janan
+shangcai
+litke
+197th
+7g
+orkest
+yaqona
+haiming
+hard-court
+femoral
+persimmons
+hirale
+frpi
+kladsko
+turjanzadeh
+teimuraz
+shizhen
+philanthropists
+accomodated
+répertoire
+gorostiza
+visuals
+paramushiro
+whooper
+maavilaru
+eloun
+crashguard
+tanto
+first-born
+bihn
+2.5-0
+christabel
+point-like
+utilicorp
+faas
+x-seven
+mckearney
+empoli
+actual
+walke
+marzan
+falkenhayn
+pingali
+aircrews
+2,043
+47-42-17-11
+seran
+fash
+earns
+costruzioni
+10-week
+mahaparinirvana
+signoret
+programmatically
+clobbered
+yousry
+đokić
+stockdale
+88.89
+intercuts
+immoderate
+39.72
+diagnostician
+pancham
+kenyir
+bournonville
+practice
+six-sided
+yevlakh
+maloofs
+mediobanca
+armentières
+fernvale
+hows
+musta
+complicite
+chien
+écologie
+meliá
+pixels
+retelling
+xhafer
+türr
+strictures
+católica
+northbrook
+takanowaka
+lehya
+botan
+15-season
+khq
+marle
+dutchmen
+wakened
+tracheids
+sarhane
+nakar
+-2.50
+powercomm
+hypoxia
+airtran
+libation
+zongbi
+helguera
+bukharan
+maneely
+repair
+kips
+peiyun
+friedrichs
+goemans
+astier
+happened
+thillai
+virtues
+montessori
+breached
+meine
+f-4es
+26.05
+u.s.-north
+fda-approved
+lier
+hellion
+chryste
+disaggregation
+bseiso
+1980-1987
+stunner
+filipescu
+helden
+byblos
+playfield
+1289
+marinates
+česká
+forand
+brainerd
+drulak
+tratar
+angelelli
+1.645
+120-bed
+unsupported
+kagwa
+transcendentalism
+5.7-percent
+valparaíso
+nyumbani
+haven
+abx
+lakou
+galy
+bauduin
+kempster
+embrasure
+92-mile
+braghis
+ppos
+uoit
+ovarian
+warfront
+unpublished
+km/hr
+gyong
+summations
+tifa
+sickout
+biga
+wutr
+assira
+soundz
+stankewicz
+ramoji
+kotlikoff
+outweighs
+dwaraka
+ulyanovskaya
+ülker
+tanne
+mishrod
+hasni
+48-32
+herawi
+delsing
+300-mile
+medecine
+anasuya
+plastered
+ssim
+gizo
+friston
+winne
+hyodo
+richaud
+goey
+aegina
+iapetus
+wahabis
+mcgettigan
+reprisal
+karitani
+solitarius
+phalle
+skiwear
+gurudas
+hradec
+sytems
+jujhar
+patwin
+woreda
+nazism
+snellman
+zadran
+dachshunds
+traeger
+tomato-based
+pollick
+troubleshooters
+cusco
+domnina
+tathagata
+draw-down
+counterrevolution
+lobsters
+geoparks
+hamlisch
+qosi
+magnanimity
+unexperienced
+delich
+poleksic
+41.98
+arcuata
+poduval
+godesberg
+rhq
+linezolid
+126.7
+earlobe
+nng
+ubaka
+mbabane
+5,820
+avella
+atur
+rantisi
+talukas
+neusoft
+int
+jubouri
+96.61
+recompose
+2880
+tadzio
+weddell
+31-9
+triggered
+rois
+kuppinger
+7-2-1
+bohemianism
+mananjary
+caprara
+maysan
+djs
+urabá
+meredyth
+sibusiso
+ji-hoon
+3,175
+tamberg
+aberlemno
+kotte
+huydecoper
+stillorgan
+barnton
+polynomial
+hannig
+toulouse-lautrec
+o'ree
+n9
+infront
+ptf
+cave-dwelling
+cadged
+75-kilometer
+nevėžis
+duchamp
+namgyai
+6,170
+125-a
+mimeographed
+baudot
+dende
+megantic
+miva
+disengages
+18:06
+gostyń
+daylight
+pranoto
+muthoka
+23.36
+574
+chuxiong
+fitzwarin
+12.92
+defiles
+velocities
+nephrotic
+chanters
+comitas
+29.60
+laspada
+repap
+ahimeir
+classificatory
+manuelito
+khairabad
+schermer
+oerip
+morozevich
+mej
+empire
+genuinely
+merode
+mercanti
+gladsaxe
+arminianism
+twenty-20
+soothed
+kirchick
+lario
+yautepec
+435th
+guiscard
+51.25
+boerge
+voo
+vivie
+beron
+bitar
+fructose
+headroom
+patronizes
+ether
+pisarski
+mindsets
+bolatti
+orlean
+accident-prone
+ere
+orbium
+kissoon
+sga
+wiel
+migdalia
+realest
+mandatory
+salga
+1,545
+mrozek
+satipo
+fukashiro
+afridi
+elbows
+1675
+caftans
+marginalise
+missive
+hinsdale
+golijov
+gasfields
+pelos
+v.n.
+jna
+introducer
+320.1
+43.96
+lingering
+sirat
+runyan
+psi
+wishbone
+hatzigakis
+grupa
+waterhole
+3.3-million
+gohmert
+fusebox
+sugarbush
+fazlul
+magendie
+claridad
+diming
+design/build
+børre
+geijer
+shengjun
+féval
+melanocyte
+burges
+mwl
+instapundit
+cryptococcus
+kiir
+ornamentals
+isleños
+dezhi
+inteference
+moret
+neu-ulm
+bonifatius
+idex
+vemic
+14-20
+mucinous
+kahama
+pills
+cytoplasm
+ramle
+gathers
+molitoris
+thewlis
+bredes
+naroff
+bootlegs
+kwiatkowska
+86.71
+severns
+gramm
+jkd
+133.40
+idylwyld
+non-positive
+hyping
+lysine
+blythedale
+dreadnought
+hillsbus
+pendarves
+kyon
+mangina
+urpo
+shugborough
+windstorms
+56.85
+pudu
+compensation
+feffer
+bc7
+volga
+somma
+stoppin
+stamatis
+panjshiris
+sweetcorn
+kovachev
+retailing
+aimar
+lavaud
+lanus
+mmorris
+(514)
+high-stakes
+donelan
+ciobotariu
+swinney
+sette
+bobinska
+slash
+longues
+20.02
+rufous
+rancière
+mulqueen
+tygart
+formyl
+boehringer
+kranzbühler
+tuiloma
+blythe
+re-release
+cenacle
+7.8
+paneth
+muffling
+socii
+cryptosporidiosis
+bated
+stipes
+1-37
+kibeho
+11-21
+directionless
+69.1
+a319
+hofmeyr
+jinsong
+a-quarter
+charrière
+lucilla
+millenarian
+parsons
+puyi
+mccready
+sadosky
+setts
+gandaki
+desaturase
+ulah
+ingeominas
+turyk
+megacorporation
+2,238
+lù
+virgilio
+greenlining
+facchini
+provincials
+butinge
+10,001
+ninetieth
+marsellus
+alexandrou
+4.3-inch
+llandow
+colin
+jest
+566
+beaufighters
+28.81
+x51
+kittur
+amerasian
+motomachi
+peackeeping
+tiram
+pyeong
+wushe
+44.06
+alberoni
+zadan
+otn
+chapon
+migron
+stuhr
+,950
+crassifolia
+palouse
+imperfect
+uhw
+dndi
+quise
+pre-set
+linage
+samina
+escada
+8-digit
+76th
+28.29
+40.23
+luann
+epmd
+supervises
+.674
+diplock
+uprated
+1993-4
+jonsi
+turrican
+detmold
+non-intrusive
+osvaldo
+medallist
+buckaroos
+xianrong
+foodplant
+rioting
+melismatic
+segou
+mcgarrett
+ammiano
+rege
+muito
+spring-loaded
+quaids
+tooke
+ampney
+olari
+oblige
+raimi
+1,238
+2005-10
+funspot
+thimpu
+khedr
+douris
+multimillion-dollar
+wretch
+olatunde
+replacement
+duqing
+guinobatan
+7.12
+tarmac
+6/6
+attentively
+virosa
+5,320
+34.54
+fein
+tegulae
+revenue-sharing
+resonates
+atilius
+forwood
+raimon
+83.64
+rawlins
+unrecognisable
+teshima
+hodge
+zentz
+yukteswar
+taung
+72.65
+ossett
+cinches
+phocians
+bohan
+prepstar
+lefanu
+ternes
+tgb
+burch
+535
+externa
+anti-corn
+sledging
+shakespeare
+resettlers
+rfd-tv
+egrets
+rajaraja
+emscher
+desamparados
+fascinates
+citimortgage
+armors
+formula_86
+poundcakes
+dewdney
+pop.
+kaiserstuhl
+rochberg
+thumbelina
+800-1000
+macina
+31th
+dysgraphia
+egale
+electricar
+sashays
+fabletown
+dh
+al-banna
+lavo
+mattin
+gallimore
+inadvertantly
+stathis
+culturelle
+34-game
+troon
+non-moving
+proselytism
+cippenham
+latia
+portumna
+raisi
+aage
+chiefs
+mandolinist
+perchlorates
+tampons
+pyrros
+carris
+gaze
+mowen
+iroko
+lauriat
+influenced
+graspop
+hanxin
+disconnects
+lowpass
+rassinier
+brick-and-mortar
+tangentopoli
+stephon
+derwin
+splattering
+4-stroke
+cinemas
+down-and-out
+abunda
+forenza
+daocheng
+lbg
+janitorial
+caspe
+rosta
+mildewed
+mustiness
+shn
+sunrisers
+lubny
+rd6
+netaji
+mafiosi
+nyungan
+74.57
+osian
+jingshan
+retinoid
+pegnitz
+kuszczak
+high-density
+sumbeiywo
+perspiring
+.449
+mukalla
+voiturette
+45-minutes
+coppock
+mcbeath
+rathe
+kiddies
+steakhouses
+50-passenger
+u.s.-mexican
+ruhs
+njue
+stayton
+gewiss
+co-written
+ambrym
+mitten
+streptococcal
+arcobaleno
+hyland
+bibber
+soothsayer
+headlam
+geschwaderkommodore
+circulo
+traun
+6:37
+martinello
+heafy
+gumption
+chavela
+sche
+souvenirs
+33-19
+deul
+earth-based
+jessamine
+reincarnating
+viajar
+flagons
+johanne
+sexey
+printf
+aquire
+uglier
+stavanger
+cynologique
+goodhew
+euro139
+unerringly
+revelatory
+oau
+anicet
+german-speaking
+kilak
+loz
+anbumani
+divergent
+masumoto
+54.26
+ikb
+seining
+haycock
+isotoner
+michelisz
+sidekick
+yezhel
+lading
+gadag
+capriles
+curvilinear
+obiter
+u.s.-provided
+cishan
+psychotronic
+detrimentally
+low-growing
+gnn
+detailers
+aarnio
+cautley
+takoma
+absorbed
+hesperides
+4,040
+southmost
+boehne
+choppiness
+9-billion
+bogalusa
+keynoter
+kahoko
+equal-tempered
+antipodeans
+counterfactuals
+donck
+ghenaim
+pummels
+pictorialism
+suspended
+extortionist
+pathar
+mend
+dork
+aristo
+empain
+pronunciations
+primers
+99.32
+vorota
+docter
+b2m
+cetacea
+ghumura
+holtet
+torche
+groused
+voorhoeve
+bubber
+spede
+collectors
+sino
+mascots
+ttp
+cedco
+cism
+edgerly
+telethons
+16/32
+supersemar
+indictee
+38-37
+timmendequas
+2ds
+jaqeli
+wirehaired
+lyceum
+chilies
+144.7
+stoping
+pd-l
+jungingen
+rfuea
+r-12
+vampiric
+michelina
+8,570
+naypyitaw
+present-day
+dc-9s
+shankar-ehsaan-loy
+liù
+enter
+algerine
+keshia
+enunciated
+recz
+luckenwalde
+anti
+remuera
+blenders
+perfections
+11-19
+junpo
+zárate
+chungho
+converters
+mirassou
+gartland
+emasculating
+visiting
+rtsdchng
+merde
+kurylo
+lulong
+vinegary
+coxiella
+magureanu
+meeuwis
+aacm
+solos
+harned
+gronbach
+psittacosis
+westville
+honister
+kitzur
+stabilizers
+beatie
+97.97
+capitulated
+ourika
+pannett
+2,452
+milk-white
+calouste
+caldas
+dayal
+wls
+wengert
+mbti
+toshiaki
+ricans
+spinney
+hopkirk
+vagit
+lambretta
+vanik
+cherrytree
+mcglone
+montbrun
+nui
+jepara
+overawed
+valpak
+jörn
+tenma
+kamgar
+flottiglia
+eircom
+magnifico
+opinionated
+sophronius
+folk-tale
+unpoliced
+pedophiles
+naija
+84.30
+ibarra
+mannesman
+gadhi
+stupsk
+periorbital
+500k
+goure
+double-winning
+self-evidently
+mégret
+non-tonal
+escs
+lendings
+delaunay
+azo
+shuaiba
+matrosskaya
+tianyong
+euro533
+tissera
+agapi
+anatidae
+50million
+shoeshine
+stadia
+gavaskar
+chopin
+geoworks
+post-1998
+timebomb
+votaries
+carolos
+munnetra
+basden
+ravena
+stellingmolen
+kanojia
+eutychius
+humph
+methanococcus
+fangyu
+tory
+dyneema
+etchecolatz
+haptics
+nease
+doors
+crapo
+wide-field
+gezer
+somtas
+low-voltage
+amec
+mcswegan
+nonhuman
+aut
+50km
+us-1
+shernoff
+84.5
+baumgart
+manhattanites
+marschalk
+monico
+sparrow
+tikkun
+106.0
+39.56
+49.30
+conboy
+mcslarrow
+shikai
+invectives
+gyrfalcon
+carlat
+bufalino
+24
+hillel
+businessperson
+66.30
+brauns
+sheryn
+faso
+quebecor
+kalat
+emigrant
+muffins
+iskandarov
+ōmiya
+acetal
+urge
+30-member
+celebrating
+felices
+hanegraaff
+brockenhurst
+dodgson
+nanomolar
+zangilan
+thanajaro
+j.s.
+dujana
+charnwood
+posi
+4,075
+bolama
+kde
+dhb
+castricum
+adman
+ම
+nettwerk
+românească
+staiger
+99.76
+princetonian
+aquillius
+jayawardene
+merrymaking
+kalla
+bobrow
+hübener
+theros
+git
+rippling
+vaunts
+afra
+euro158
+metrizable
+mori
+delcourt
+reovirus
+aest
+cadell
+bulkier
+asgardians
+greeneville
+su-27s
+ramblas
+mythological
+100w
+mullaittivu
+kickstand
+crampon
+ululation
+10-0-0
+pro-fascist
+pulkkinen
+sorrowful
+staved
+hakman
+åsa
+regier
+60-plus
+teambuilding
+basally
+albin
+cratering
+444th
+steventon
+grundgesetz
+stavern
+sha-256
+comedysportz
+mctague
+immunomodulator
+pachter
+balachandra
+cedevita
+blockson
+trans-jordan
+underequipped
+boggy
+suzhou
+laad
+karshan
+one-sixth
+turnarounds
+rakestraw
+l20
+141.7
+41.1
+146-member
+fasi
+buccaneers
+1939-45
+pompeu
+wiremu
+hannum
+bebu
+ramb
+bloks
+626-seat
+hijacks
+adriaenssens
+va.-based
+relay
+benchmarks
+qudsi
+basrah
+95.9
+enol
+spen
+43.4
+poonamallee
+frailer
+stalteri
+gassy
+tarschys
+rhein-neckar-kreis
+maitum
+stasiak
+meath
+chesky
+resat
+dunbartonshire
+haparanda
+korean-chinese
+sayeedi
+yanick
+neamt
+linesmen_gord
+kulongoski
+peackeepers
+duanesburg
+85.75
+wilderotter
+mcgarr
+nastja
+cold-core
+birbhum
+mucic
+biletnikoff
+caelostomus
+beinart
+ozat
+acil
+trounce
+nbsae
+al-sayyid
+molter
+seesaws
+reids
+34-25
+graffito
+larssen
+arteaga
+oring
+tropics
+mangus
+schuchter
+orthorhombic
+eriskay
+worst-performing
+butterfield
+2074
+brendel
+28-29
+bonde
+verduzzo
+dras
+24.48
+jany
+gip
+mallrats
+pyroclastic
+0200gmt
+profits
+histotroph
+chweneyagae
+kraenzlein
+53.16
+karuppan
+lobbying
+pearlman
+degeurin
+grihn
+look-up
+o.g.
+mens
+4-player
+frrodriguez
+appellative
+108.20
+otisco
+earrings
+polycrates
+freeland
+strabo
+padlocking
+bloodedness
+uxoris
+diresta
+all-pac-10
+ender
+hooverphonic
+rushi
+bosshardt
+saryan
+castellvi
+whitbourne
+potentilla
+mcwhorter
+3,060
+fbis
+amdh
+lagarde
+assortative
+debacle
+spagnuolo
+fixed-price
+hengyuan
+mayl
+legalising
+grandaddy
+palmito
+brautigam
+birkebeiner
+nsu
+masaniello
+perdidas
+barrooms
+fireship
+gubat
+bracelet
+gelugpa
+225-issue
+o-o
+keno
+cloture
+foremast
+stacks
+deduce
+agache
+codice_48
+utu
+industriel
+predisposition
+misjudgement
+stefio
+25-seat
+figurines
+e-millat
+ancyra
+thabeet
+hashomer
+lobbies
+cheong
+watercourses
+forestay
+koźmin
+mcfee
+majesco
+polydor
+westlaw
+litwin
+conseguir
+c.h.
+eastport
+vesuvio
+54.98
+jackiw
+madhopur
+leiper
+skilled
+st.-tropez
+splendidly
+bucerotidae
+okocha
+excommunication
+al-zaidi
+lodgenet
+multituberculates
+flyaway
+senitt
+orfordness
+sp3
+borgias
+counterintelligence
+tahoma
+100-200
+maultsby
+valuation
+douching
+joblessness
+donlevy
+inkblot
+geordie
+aquifolium
+skiing
+glassjaw
+megacolon
+indicating
+piterman
+hermandad
+51.6
+foxcroft
+mahaleel
+kremenovic
+6,000-year
+37m
+h.m.s.
+uden
+111.09
+35-30
+sahadeva
+euthydemus
+iconically
+ewyas
+tragos
+all-season
+kingship
+discordianism
+dethier
+khutbah
+garreau
+200.3
+possebon
+swaen
+bebear
+harlon
+yosu
+reavie
+pukou
+tumsar
+identifed
+contoured
+su-25s
+24.4
+badness
+tessa
+introductions
+figini
+bock
+apartments
+trebek
+shukan
+50.44
+lawnswood
+henslowe
+picassos
+modernly
+zhaolin
+monat
+marilson
+strothman
+200,00
+sixty-year
+theotokos
+50-year-old
+mcginlay
+healthvault
+hachamovitch
+fishermans
+ormuz
+shagan
+follicular
++0.50
+3,4,5
+saros
+tropez
+meshgin-e
+muehlebach
+rosol
+vaccines
+motorshow
+ribadu
+arnauld
+suramericana
+5:44
+zentiva
+microvesicles
+adhémar
+coomer
+16-person
+prefuse
+churched
+johndroe
+milicevic
+-95
+béjaïa
++.05
+droned
+nakatomi
+ecoboost
+dinge
+grinned
+mailers
+leap
+schirrmacher
+germana
+provo
+87
+5250
+albán
+jodelle
+gridneva
+borowsky
+hymenoptera
+grethe
+squibs
+uploaders
+munkhbayar
+vallandigham
+52-year
+3,194
+segro
+non-literary
+skadavy
+mlr
+altomare
+podgorica
+clari
+68-percent
+second-fastest
+samarasekera
+meiju
+rf3
+outdid
+kavaler
+saradha
+seamon
+federative
+hispaniolan
+cavenaugh
+repost
+3040
+beara
+parser
+groundling
+2218
+pp1
+andraz
+citrulline
+ramjets
+ofe
+makabayan
+nala
+aeropuertos
+firestorms
+zoheir
+passalacqua
+tomoki
+magliozzi
+brú
+officered
+perfectionism
+bingyu
+epicycle
+tasim
+mader
+skagen
+68.6
+73-3
+brisé
+4,265
+-.02
+shulock
+tierro
+adversus
+toolboxes
+implicitly
+dibernardo
+seqenenre
+brylin
+klesko
+czajkowski
+rihn
+skream
+conversationally
+deathstrike
+tendra
+jianxiong
+burkei
+warmongering
+harleston
+dinkas
+terhorst
+oschatz
+riband
+warrandyte
+donskoi
+dictated
+pickup11thgraf
+state-dependent
+rigveda
+6,200
+monkey
+guiza
+barabash
+schallert
+köthen
+15-stroke
+sadam
+birir
+neals
+89.13
+439.5
+derma
+zülle
+saúde
+1730s
+jaw-dropping
+index
+operatives
+2,690
+633
+soward
+ea02
+guarani
+nuwaubians
+vioxx
+24.53
+mjoes
+43.7
+benumbed
+storberget
+sulfate
+epischnia
+remnants
+177.5
+maillol
+puts
+list-a
+piotrovsky
+3-manifold
+nemescu
+eir
+3-69
+anti-abortion
+giry
+diputados
+divincenzo
+pingwu
+bolometer
+34,167
+gaume
+liping
+musicor
+mahars
+boufflers
+boys-only
+162.7
+470
+extraditables
+steenstrup
+16,000-square
+13.3
+parañaque
+borgund
+5.81
+wingo
+bathwick
+bube
+chaman
+sugarman
+turespana
+termen
+appanage
+cod
+2000-01
+vietnamization
+humour
+canines
+caul
+kuaiji
+natgeochannel
+4,808
+freya
+svokos
+alcon
+braganza
+shabaz
+strangeness
+a607
+pehk
+ditommaso
+okeyo
+shannon
+lanyard
+silko
+tanklike
+teasing
+wego
+lambaréné
+siga
+wetware
+cascone
+reorganized
+haylee
+catapano
+decserver
+pulham
+fambrough
+ambonese
+sequined
+gyarmati
+kadannikov
+hitchiti
+pgb
+chippendale
+toplice
+relativists
+windowsill
+vestas
+raxit
+fistulas
+stammerer
+breezier
+olmecs
+ummat
+tiu
+inter-korean
+loughman
+1977-1980
+sasanians
+two-note
+d'armée
+04:30
+socage
+fábrica
+volusianus
+curtius
+nabwangu
+ismat
+americanised
+fadhila
+ignatian
+d'oh
+tomsk
+wine
+baluba
+70-6
+vessels
+ක
+forke
+lyndsay
+tp-2
+1,716
+annibal
+marghiloman
+eichendorff
+987,000
+djamin
+smoothbore
+9.737
+pampeago
+stritch
+tyurin
+dernière
+writer-editor
+jouett
+mallige
+tamera
+dragić
+retz
+breeder
+rheingold
+84-16
+fixe
+metre-high
+mekele
+hollon
+kriminalpolizei
+34-10
+konotop
+ingest
+mobilkom
+pheidippides
+centerforward
+asaib
+dreamhouse
+nscad
+virdi
+tippeligaen
+bodhisattvas
+slosberg
+matsikenyere
+golle
+khowst
+leive
+dargah
+re-injured
+9.325
+mofaz
+khoisan
+monthan
+34-hour
+ephod
+mojave
+télévisions
+cumbrae
+sheriff
+convince
+vigor
+abiko
+wiktor
+.375
+well-publicized
+laughable
+access
+badische
+surfs
+falter
+tempeh
+prizzi
+histamine
+mkultra
+10.64
+sooke
+kraki
+sylviane
+droppingly
+langlais
+suffragette
+jianqi
+safeguarding
+alton
+mma
+adverb
+abakumov
+vanth
+kislovodsk
+engrossing
+filosofía
+uneducated
+snoops
+ejogo
+glossitis
+137.8
+uad
+mongbwalu
+pavitt
+claxton
+informateur
+ḩoseyn
+panentheistic
+se
+paleface
+ueberlingen
+unauthorized
+southbank
+17,000-strong
+pramoj
+round-ups
+deligiannis
+feeblest
+busia
+108.70
+phélypeaux
+40-40
+elkhart
+reinvasion
+62-0
+ghozlan
+bouteloua
+non-fiction
+pliocene
+zduńska
+trainz
+overcaffeinated
+66.65
+boronic
+aldonza
+geduldig
+zyban
+mikaele
+firelord
+yongjia
+chaulnes
+23-footer
+huangtian
+door
+saati
+kannon
+shuangfeng
+shinki
+baltics
+9-of-14
+carlisle
+goe
+711th
+alberich
+antagonizes
+misfolded
+canobbio
+kohath
+progression-free
+110.10
+écrits
+6,239
+liquefying
+godart
+trento
+höglund
+wana
+chutneys
+mbia
+norms
+houserockers
+rained
+vanes
+britannic
+292
+white
+battlesystem
+1982-88
+kaizer
+holdridge
+erard
+wahhabist
+percentile
+48-second
+hsuan
+everbank
+shakespears
+guadalcanal
+duryea
+labov
+kristina
+toulalan
+studentship
+circus
+stonings
+coua
+bilingualism
+royalty
+bencivenga
+and-6
+biopure
+akis
+siju
+dunnock
+48-day
+disorderly
+fiberoptic
+jyoti
+quadratically
+ashrafiyeh
+žalgiris
+replacing
+squires
+comma-shaped
+mogadorians
+jawoc
+shurik
+consistory
+bachus
+coxswain
+seefeld
+ntcc
+berry-like
+cottongrass
+onsale
+semiconductors
+lady
+generaloberst
+oafs
+belittle
+cernavodă
+licensors
+inri
+ronda
+naruko
+sifakas
+omphalotropis
+paratransit
+nerdcore
+60.44
+shymkent
+sutor
+0415
+alabbar
+gamma-aminobutyric
+wagaa
+wdve
+44.66
+39.64
+withstanding
+11,700
+burnup
+smalley
+cruciata
+pavetti
+congjian
+5-of-9
+facusse
+2-3-2
+videogame
+concussed
+damselfish
+ceyhun
+carpathia
+concours
+a-l
+59.08
+stoop
+daemonite
+contraves
+debit
+uninvolved
+terpil
+gili
+celada
+paramagnetic
+riechmann
+obstetrical
+dionysian
+maritain
+siw
+understated
+bobic
+cpre
+krystosik
+menards
+cubensis
+35-second
+aggressivity
+grub
+hawai‘i
+inhabitable
+genaro
+favaro
+atilio
+97-run
+54-1
+habsudova
+gtsm
+velsen
+apolinario
+dragør
+96.82
+parasitica
+u.n.-monitored
+johannsson
+xiangsheng
+nihei
+downscale
+hymnist
+kelab
+t&t
+berardi
+aouad
+liwa
+yunshan
+79-76
+64.28
+moffett
+wisin
+bramlette
+middleware
+kinmont
+58.16
+47-41
+merrymount
+landreaux
+russert
+reinoud
+poopers
+radiotelescope
+merry
+skidegate
+unkar
+navias
+31-2
+delusionary
+marsac
+openside
+grah
+mid-1997
+facultatively
+steinbruner
+lotman
+20-vehicle
+høst
+cheveley
+untrusting
+trypsinogen
+stampedes
+accentor
+nitzan
+fulcher
+1,987
+feige
+86.70
+lastuvka
+elita
+www.amazon.com
+cochimí
+bolshevism
+salarzai
+updf
+jop
+brahminical
+ezo
+ceoil
+halis
+esenboga
+onchidiidae
+sabiha
+vej
+gunsaulus
+shots-22
+1.4720
+cristiane
+doorjambs
+kooch
+placebos
+convexity
+reedman
+link
+wwb
+alexandrov
+impotency
+ponette
+breuil
+kanombe
+katabatic
+maryada
+fridley
+arrestingly
+chattel
+kumbo
+40-year
+5,075
+creators
+raccoons
+litan
+sucralose
+patchara
+wuab
+flossenbuerg
+bertlesmann
+ryle
+agar
+peshwar
+64.02
+grik
+foundress
+stat
+sidonia
+wabush
+kyriacou
+kelaniya
+galmudug
+.462
+toned-down
+kow
+fire-damaged
+copyrights
+nicot
+restate
+schwantner
+augustana
+suburbanization
+uncensored
+pluto
+frc
+compartmental
+zuanazzi
+communities
+malnourished
+allardyce
+diels-alder
+ka'u
+deliverer
+nafl
+haocai
+siblani
+atterbury
+gaussian
+overs
+30.24
+formulas
+bombali
+naivasha
+dolinsky
+52.62
+predetermination
+drouot
+mariamne
+plm
+eigler
+kereta
+agrio
+workups
+asilah
+guest-edited
+chilarai
+papadopulo
+zakka
+filemaker
+percents
+daeubler
+self-importance
+0.6-mile
+affections
+ispas
+dbr
+marcoussis
+638
+rm40
+skorton
+bukin
+internal-combustion
+neisha
+kalaris
+flanged
+understatements
+88,000
+praia
+zehme
+litokwa
+mealamu
+vez
+heinbecker
+anso
+kooluk
+chinh
+peelers
+ipix
+pbhi
+83.24
+micheál
+city/town
+hilgers
+plus-1
+aerobic
+varney
+lince
+dodger
+11:21
+tzemach
+15.25
+dissuasive
+humanas
+mehlis
+entartete
+yumei
+fount
+lezcano
+09:04
+bhama
+righthaven
+faroes
+prakaram
+1,213
+winpac
+sifiso
+adlan
+cofi
+cc.oo
+microphone
+s.s.
+sanmartino
+500
+disrespects
+arzamas
+sansome
+widowhood
+skywalkers
+khujand
+overflying
+eber
+mcg
+sayajirao
+loera
+busic
+tangibles
+víkar
+schönfeld
+negreiros
+korzhakov
+hyperlipidemia
+zhongjin
+kinson
+7-footers
+škocjan
+matrimonio
+wamsley
+tangerine
+zuhua
+riker
+shielded
+tenino
+kochen
+texturing
+cronkite
+keenans
+lunder
+thandie
+pliosaurus
+blankenhorn
+obolensk
+beaut
+averett
+clacton
+1060s
+qayum
+tearle
+dhawan
+diller
+kingsolver
+erma
+rimington
+prasat
+4,656
+101.77
+deification
+lansheng
+mawlana
+tugen
+gcv
+charif
+vinyard
+vukovar
+merryfield
+kirchoff
+offspeed
+wieman
+dadiani
+dominik
+littorio
+markgraaf
+nevison
+chopra
+degen
+overnighters
+intelisano
+tamilians
+interchange
+landmass
+hachiko
+fernão
+levanger
+nonbenzodiazepine
+communitarians
+overstreet
+itł
+sephirot
+schussing
+244
+kunimitsu
+9,730
+nabholz
+reattach
+mulumbu
+glushko
+1996-97
+messinger
+mirandola
+houteman
+natsteel
+greenslopes
+blocking
+urgent
+bombsights
+pandorica
+interpreters
+khobar
+shaheen
+arro
+43.03
+banham
+spann
+mejiro
+ladn
+sinnar
+actor/producer
+untreatable
+évora
+parazynski
+emece
+porphyrius
+manar
+crystallization
+maranjan
+nainan
+yer
+gemme
+firebug
+evan
+oxted
+shirehampton
+hangeul
+gncc
+recorders
+48
+twp.
+normann
+namier
+sanez
+shed-roofed
+guanaja
+seatbelt
+rock-hewn
+34-nation
+kanouni
+cuadrado
+mancilla
+jiabao
+cognoscenti
+baggett
+scarnato
+speke
+nacala
+impostor
+2.92
+wijdenbosch
+pipavav
+euro414
+sclerotized
+desecrated
+unblocking
+faleh
+volhynia
+davoudi
+eighth
+growl
+medrese
+decliners
+cordone
+mayrhofer
+gaik
+schiltz
+reeth
+gaywood
+nghĩa
+polysaccharides
+poděbrady
+freeze-thaw
+hydrocracking
+timson
+gnostica
+womanizers
+cardoso
+republican-controlled
+beak-like
+8.19
+euro53
+collaboratively
+embrapa
+xenical
+strouss
+kazulin
+excess
+2360
+artabasdos
+3,935
+intuition
+pingtan
+croation
+klip
+yukifumi
+tajín
+metacomet
+webern
+mizulina
+pennington
+pattullo
+intellect
+jolles
+24,900
+nasdijj
+pabianice
+strzelecki
+mammal
+sonication
+transnationalism
+bogdanich
+actv
+ecosystem-based
+lubomír
+maisonneuve
+ruah
+finds
+width
+13-12
+chr/top
+bushby
+whitelist
+shee
+jmh
+garriques
+http://www.ford.com/
+garnham
+broadbridge
+cassy
+carausius
+imatinib
+countersued
+outlast
+titanosaurs
+ambac
+politcal
+žirmūnai
+ciepielów
+post-classic
+mindlin
+tuners
+chachapoyas
+cierva
+24.20
+noghaideli
+9:4
+gifts
+pogrom
+wigged
+lages
+tweetdeck
+bessone
+conaing
+faucett
+spoiled
+pegged
+53d
+injected
+hafnium
+lask
+kasimir
+xueqian
+badai
+91-78
+99-93
+zei
+chāh-e
+galanter
+project-40
+b.a.t
+taufa'ahau
+i-16
+moe
+trutnov
+cynric
+self-disclosure
+mikie
+inwa
+equational
+cornuke
+senescence
+slavophile
+divisas
+rouran
+shurin
+14.625
+parasitical
+fluffy
+mollusk
+lox
+250-watt
+pentad
+bhabani
+frettabladid
+verdura
+symbiote
+fenian
+kazdin
+rubbish
+darjeeling
+euroskeptic
+unties
+maschler
+zir
+leased
+1,244
+andolan
+manhandle
+.383
+nawabs
+mauzy
+corp.-owned
+92.3
+153-year
+rokha
+.0033
+brons
+pilodeudorix
+ovary
+polystar
+emfs
+kindaichi
+sph
+blanchett
+kehoskie
+pettite
+ecmascript
+shyatt
+lavaka
+kokoda
+antoni
+cosmetologists
+lame-duck
+denkard
+ground-floor
+5-1-3
+thulane
+nach
+8-of-10
+ippei
+imparcial
+102.56
+gantries
+koger
+arjen
+candlemas
+12-7
+neulasta
+broadway
+self-funding
+lenotre
+cross-gender
+mid-1981
+iriscan
+como
+merzifon
+vesalius
+adélard
+heera
+jeo
+diminishing
+eurasians
+hirotoshi
+guttenfelder
+zhelyu
+chronical
+kie
+wieden
+oza
+mensur
+essa
+spotswood
+metastability
+bosphorus
+nefer
+komisarek
+wben
+battleline
+televoting
+solodkin
+socia
+insecticides
+prothesis
+cherrix
+pnm
+52-21
+larky
+gordo
+makhan
+valory
+charleville-mézières
+nanosystems
+kenaf
+lamé
+hammondsport
+åmli
+weakened
+methylphenidate
+beatitudes
+guttuso
+reconstructed
+távora
+delk
+msx2
+post-high
+fasl
+bastl
+gragn
+morād
+leftwingers
+glebova
+pucher
+adlerian
+tjandra
+robertland
+766
+27.81
+842
+landau
+reinking
+fanti
+intracellularly
+bind
+geeky
+25min
+comforter
+anti-gravity
+reichspräsident
+296,000
+llp
+22-1
+verrocchio
+slough
+6-all
+4x200-meter
+purcellville
+hesychius
+second-leading
+romanija
+timaeus
+otology
+home-recorded
+36.45
+lbscr
+einai
+hantuchova
+tartars
+rizhao
+codebreakers
+trigaux
+sex-change
+kinsbergen
+barman
+magdelene
+correlated
+ferzetti
+mendicant
+darrius
+villèle
+4x5-kilometer
+:2008
+urewera
+5,000,000
+morden
+highrises
+talian
+37.85
+dubyna
+samand
+homers
+phillippi
+labarthe
+accreditors
+30-sept
+nvw
+xanthorrhoea
+vma
+discussing
+zürcher
+fat-free
+direction-finding
+verint
+lucraft
+titantic
+nalbert
+ippv
+2/4
+sagheer
+90-strong
+maged
+sapphires
+lowrance
+chaurasia
+parasport
+friedwald
+111-105
+munadi
+doily
+iib
+sixt
+place-based
+parching
+pavlovski
+kelberg
+khandaq
+taxman
+sutarov
+gilera
+indinavir
+lemass
+nijboer
+alyosha
+100-89
+arken
+maik
+incapacitate
+pulcinella
+suctioning
+changnon
+hullabaloo
+subordinates
+demick
+araújo
+perente
+keasling
+15:35
+zagats
+encircle
+jazzman
+non-interacting
+:|
+yurong
+dalkon
+nicholaou
+emoscosocoxnews.com
+tuo
+soller
+dilithium
+wanderlust
+22.90
+cockerill
+rockfort
+113-run
+versfeld
+liaqat
+93.47
+advantest
+mouser
+hogle
+afjrotc
+subpixels
+favourable
+insiko
+blackleg
+micheletti
+oxygens
+grudges
+querido
+studien
+enrico
+blame
+lutetia
+thue
+nicholsons
+shefrin
+natuzzi
+wanni
+marinis
+fluid-filled
+rafei
+prevail
+dunciad
+nadali
+108.84
+nstp
+supplants
+giammarco
+hannich
+tomasevic
+98.61
+orillia
+d'hage
+aghios
+abramov
+mazhilis
+enchantments
+jacobo
+universitaria
+44-43
+viniculture
+sinned
+dalloz
+58-39
+ayuso
+paddle
+pathogen
+ratatat
+nondescripts
+communicates
+qc4
+cdk1
+atla
+1,228
+auth
+sénia
+distro
+airglow
+bundschu
+frans
+acsa
+robotically
+mjolnir
+4,474
+huanta
+previously-unreleased
+ameriprise
+33.44
+anahit
+breakthough
+1912-1913
+edghill
+évariste
+körberg
+kestrel
+gatame
+frankfurt
+buhne
+awf
+confusa
+5-limit
+villars
+crustacean
+evola
+niğde
+darien
+29.91
+robbia
+lambda
+newcrest
+combats
+97.06
+full-bodied
+hett
+3,881
+montreuil
+grubesic
+19-week
+66.10
+bauman
+12,000-acre
+kesteven
+peregrines
+tarnat
+gnosca
+monstar
+2,561
+river-crossing
+ohsas
+rankin
+chhs
+heliconia
+colnett
+duanwu
+lose
+burebista
+kipping
+kobylnica
+f310
+higuey
+appendix
+mercado
+63.23
+47.19
+34th
+telco
+grief
+7-of-9
+dlee
+ajina
+saxe-gotha-altenburg
+na-dené
+ogx
+ojomoh
+9:56
+sungkar
+wc2
+1,239
+carmania
+umphang
+gallina
+illogically
+aichi
+‹
+stirk
+hasemi
+1533
+pimm
+nurofen
+zorig
+construccion
+lidové
+fallon
+foxholes
+corner-forward
+fickleness
+federalists
+linville
+plcs
+serializations
+2billion
+releaseable
+talked-about
+.763
+nurit
+3,654
+kabchi
+ving
+.160
+elsberry
+mayoue
+arme
+sipe
+turbulance
+,295
+top10
+o'hare
+devaraya
+oxxford
+jarak
+połczyn-zdrój
+angeli
+kasule
+axb4
+resupplied
+uptight
+satirized
+wangjiaba
+janvey
+hurairah
+thermes
+turboprop-powered
+bakery
+chits
+doroshenko
+palio
+nuveman
+14.52
+25.63
+2-percentage
+bouwmeester
+theobroma
+82.52
+raven-symoné
+vickery
+chasten
+lahidji
+bioactive
+tanzanians
+sevastis
+warlordism
+żyrardów
+2507
+persuasion
+profunda
+baoxing
+confidant
+carefirst
+¨
+tcherezov
+krivyi
+downhill
+traviata
+6,230
+0158
+masashi
+caiz
+chulachomklao
+mcinerny
+belgrad
+skimboarding
+zuo'er
+generalizations
+emadeddin
+ndpvf
+leimert
+507.5
+hilferding
+90.30
+meline
+dreiberg
+bridgeland
+oola
+nicolien
+63.60
+http://www.supremecourtus.gov
+fisseha
+action
+shumer
+3,799
+neijiang
+lantau
+inkpen
+kureishi
+hrr
+čermák
+ledlie
+ginty
+arabinda
+kpft
+omnisport
+szavay
+behrami
+roxana
+candee
+sirowitz
+bse-100
+nih
+sagapolutele
+sfcc
+snomed
+latif
+164.4
+shreya
+wibisono
+1939-1940
+bhadram
+albert
+hard-to-reach
+scruples
+sycorax
+bobdeanscoxnews.com
+pakhomov
+kohly
+enantiomeric
+brae
+clandon
+flim
+303,000
+invar
+14:48
+pizarro
+gorley
+entel
+.194
+misdeed
+microarray
+wattanayakorn
+rothbard
+neven
+gorji
+allos
+superb
+41.21
+purchasing
+cumbrian
+freshen
+gesang
+housewares
+buono
+tubeless
+devadatta
+hendrickx
+pervomayskaya
+pisidia
+gasconade
+gpra
+ptolemies
+leavings
+oneal
+ernestine
+plight
+thamrong
+cruiserweight
+43.29
+nonviolently
+patre
+foxhounds
+manh
+transverses
+re-enacted
+gerring
+nimzo-indian
+jianyin
+tekla
+ghonda
+ocaw
+heever
+medevaced
+cfto
+udis
+beypore
+kiplinger
+foundering
+47.94
+cyanogen
+moves
+mahlon
+41-story
+politicos
+56.74
+2,765
+borbon
+latvijas
+peet
+kaghazkonan
+bidermann
+nowheresville
+caliente
+4d
+301.5
+teeuwen
+every
+al-fitr
+secretiveness
+34,600
+pr
+aleixandre
+tetulia
+imec
+therapeutically
+l-glutamate
+kovu
+shamshad
+sonnō
+toseland
+fratres
+eko
+missouri-kansas
+neuroplasticity
+willumstad
+adv28
+bestwick
+ural
+homebuilding
+xerography
+idag
+pageboy
+hulkower
+station-keeping
+chil
+santaolalla
+beadman
+door-to-door
+schuberth
+recap
+dumbrell
+312.5
+1498
+16k
+borley
+paddlewheeler
+fora
+mountford
+purwa
+infatuation
+interpreter
+israel-palestine
+503.5
+baha
+copello
+abishevich
+proteaceae
+antiporter
+thomists
+idx
+noncooperation
+fahs
+burmah
+kastler
+gayego
+mortician
+skorean
+250
+vezza
+dfl
+adaxial
+inducements
+uhrig
+sensitiveness
+outgrows
+plaatjes
+paciello
+non-peak
+ohana
+atherosclerotic
+mabry
+http://www.kodak.com
+theragenics
+sufficed
+lunceford
+xelajú
+2.055
+trmpc
+coors
+treviso
+barton-upon-humber
+klassekampen
+hobgoblin
+huidong
+urd
+prestidigitation
+111.08
+related
+cambone
+multi-use
+r3
+gintoki
+bořivoj
+veerle
+flsa
+santissima
+kbd
+2267
+event-driven
+ar-15s
+232,500
+connexions
+burster
+hars
+engine-driven
+judgments
+gietzen
+kopassus
+fluckey
+luhut
+mamá
+policed
+bilen
+fuera
+variably
+box-set
+ratledge
+kibuye
+winterson
+surgical
+16.91
+bruppacher
+commssion
+ferromagnet
+lazović
+kecamatan
+stéphanie
+487,000
+glowing
+erythroid
+moonwalk
+klon
+howards
+solbes
+indemnified
+sufis
+wernbloom
+sudradjat
+bunratty
+and-9
+pères
+163.4
+subproblems
+http://www.irs.gov
+søn
+megafight
+lichty
+fades
+105-100
+chordettes
+fulop
+montjeu
+lex
+rambles
+certains
+megally
+coronaria
+hartville
+55-54
+boas
+tihar
+sfa
+self-appointed
+wotton
+glisten
+historically
+salubrious
+adede
+rokietnica
+chandrayaan
+f-350
+i-8
+kazuharu
+bodine
+wasat
+enterasys
+naqba
+mound
+nannilam
+kupferman
+budhia
+d-8
+fe3
+kindled
+colombani
+sensuality
+thần
+hotkey
+cannibal
+unilateralist
+mi2
+ayesa
+hi-speed
+belum
+e'er
+benstock
+eulimidae
+crasher
+cosseted
+schizo
+post-hardcore
+emirs
+yoob
+reboilered
+putrajaya
+wupatki
+budzinski
+faircloth
+open-sourced
+osservatorio
+corporates
+naranja
+motocross
+hayel
+procurement
+reliques
+8.61
+baldassari
+glc
+yager
+kalabhavan
+driehaus
+cdx
+master-planned
+christoforakos
+ruhollah
+b-7
+100.96
+dresser
+tredegar
+collection
+530
+180.50
+clise
+valemount
+cassettes
+shon
+ferlauto
+pyle
+arterburn
+ifab
+u.s.-manufactured
+insult
+writin
+rostagno
+kepcher
+mhór
+cooh
+artforum
+lechmere
+sipp
+263.7
+qamdo
+panakhov
+brookman
+nikiforov
+gerardi
+khujo
+notley
+chulainn
+disappointments
+gual
+percolating
+abkhazians
+anthelmintic
+verlet
+kakko
+behcet
+well-integrated
+44.8
+ecover
+2-b
+mcentegart
+nonlocal
+1983
+vido
+l'avenir
+dolby
+dioulas
+325,000
+rusby
+12ax7
+purkey
+ndegwa
+50-feet
+araca
+schnader
+kershner
+thirteenth-century
+imagineers
+192.25
+20-win
+trikora
+7.5-kilometer
+radviliškis
+owlish
+shaibah
+044
+dollarhide
+shugo
+hartzler
+xindu
+-1.8
+eastney
+excell
+lentiviruses
+maitake
+equivocations
+balsas
+angella
+brugge
+nettavisen
+pog
+hanoune
+thundershowers
+warmington
+srivaishnava
+bargello
+copley
+nozzolio
+xtra
++1.4
+terminos
+winged
+mid-80s
+sugath
+webstore
+unreported
+crichton-stuart
+norbanus
+limo
+mishandled
+kuuga
+31-20
+bouvet
+bioequivalence
+huelga
+yankeetown
+ferociousness
+graybeards
+flaminius
+jianchao
+hampe
+robinett
+halt
+zimmerwald
+venson
+yetu
+meniscus
+mick
+culley
+irae
+garden
+nordstrom
+balick
+102.50
+jeffery
+quinquennial
+comparacion
+calliandra
+camelpox
+kazipet
+tarvisio
+dessus
+mccawley
+briegel
+mettmann
+borella
+non-breeding
+malabon
+kovr
+barwari
+spirits
+microbrewed
+fairplex
+carrefour
+sfio
+northwest-southeast
+epirote
+resends
+heade
+sozzani
+lakela
+actaeon
+turn-on
+zelepukin
+faustian
+showcase
+manlow
+scheels
+cfgc
+disability-adjusted
+uranie
+ponts
+capitana
+derwood
+jayapura
+wilby
+avrohom
+emei
+econ
+endoclita
+fosnes
+nardoni
+dashboards
+sastrohandoyo
+neilly
+kanjiža
+hellmer
+kuoi
+plasil
+aix-en-provence
+saranac
+vyšehrad
+dkt
+llorona
+cherkizovsky
+briefed
+carcinogens
+croatia-slavonia
+osteotomy
+fasta
+yugas
+aboubakar
+solid-phase
+transmittal
+husked
+caragana
+gigon
+pseudoplatanus
+trihalomethanes
+obersturmführer
+health
+dcis
+hunley
+saitama
+balladry
+winshape
+protoplanetary
+womankind
+wolstencroft
+mantlo
+tectum
+ferriere
+ramunas
+rumina
+565
+shaab
+lakovic
+armaments
+meireles
+logograms
+2,075
+skolem
+luzira
+wesc
+anamaria
+kristien
+himawari
+mid-1980s
+mcneish
+33-million
+marojejy
+nygård
+.533
+mitja
+ggc
+crab-like
+64-year
+verité
+dussel
+crespi
+gandhiji
+xingjiang
+anarquia
+kersting
+arang
+yasna
+reipoltskirchen
+5:13
+empúries
+kitarovic
+20.51
+down-trodden
+flims
+uppermost
+baldivino
+witticism
+kruszewski
+3.34
+quirin
+gustavia
+salloum
+melilla
+oguz
+gillock
+jeanneney
+trifluoroacetic
+willman
+reasonably
+23d
+reinvests
+sullia
+zwz
+cathail
+wemyss
+globacom
+temne
+reit
+t-3
+booknotes
+119.15
+pre-spanish
+saturns
+shawty
+mickel
+,185
+manteuffel
+pugliese
+santamaría
+tetchy
+kemayoran
+afiuni
+tatami
+wcpfc
+cowgill
+alfaro
+nones
+type-moon
+five-round
+winebaum
+cjh
+ashgate
+mashkov
+yevdokimov
+a41
+londen
+hexa
+primosphere
+l&m
+prisco
+faultlines
+citizenry
+best-placed
+rightwards
+one-piece
+90-86
+icily
+fluorescens
+windjammer
+31-3
+keiyō
+lantirn
+boing
+khiem
+portfolios
+ε
+119.3
+abegglen
+parques
+grimsthorpe
+marcius
+rett
+sèvre
+765
+boolos
+follow-through
+redneck
+jung-eun
+russian-made
+pursey
+wadd
+poltz
+leeanne
+broadland
+8.95
+telem
+eyebar
+mauchly
+austro-german
+7.3
+high-purity
+yueyang
+teche
+sayyed
+beauvau
+siemianowice
+cannot
+parisse
+shrilly
+mergea
+tailpipe
+diplomacy
+stear
+couceiro
+sacp
+45-caliber
+week-ends
+patronised
+basi
+fatmire
+český
+worthen
+maicao
+sam-7
+30.78
+chamblain
+rheinhessen
+four-inch
+liuhe
+sweeps
+nic
+ironmonger
+clovio
+bernotas
+892-2332
+8.73
+novyi
+tañón
+garelick
+gerger
+205.6
+berat
+faiumu
+non-aq
+albertino
+adele
+legalization
+uam
+ndau
+horua
+nucleation
+all-sec
+centroamericano
+panti
+shortcakes
+vijaykumar
+olie
+bhore
+patricio
+2,911
+aaps
+sluiter
+deified
+mid-eighties
+pertossi
+tree-lined
+alagna
+simels
+prijs
+3,558
+amboseli
+aggarwal
+2-3/8
+java
+cusma
+springboard
+post-1968
+plasse
+igiebor
+rosato
+siloam
+christie
+eldon
+boops
+hašk
+clijster
+revolutionized
+semrau
+170.0
+housing
+kameez
+religion-based
+kartini
+fixtures
+nmcb
+battlement
+super-sized
+lechia
+pvrs
+pingnan
+1144
+uladzimir
+komiya
+herrold
+roewer
+owu
+yuanlin
+time-bound
+fe2o3
+angoras
+kogel
+armando
+takatsukasa
+banish
+pluna
+waterparks
+oxfords
+graiver
+nirala
+richardis
+turnout
+renova
+rakic
+224.4
+imperforate
+69.59
+a-gps
+poorna
+guardrail
+globespan
+romances
+etemad
+gävle
+budak
+blackfaced
+amadiya
+haemophiliac
+suster
+non-timber
+humaidi
+malpede
+curley
+1,950
+waist-deep
+sheered
+memoriae
+bruynseraede
+semoran
+wid
+25.01
+declassification
+biobox
+77.7
+kirkhope
+suitcases
+dimitrova
+freedy
+jasikevicius
+clang
+kitab
+tentera
+albertan
+tāzehābād-e
+michielsen
+meixler
+netscape
+veterinarians
+euro42
+debold
+well-watered
+kedrick
+gronau
+4.925
+glendening
+disproven
+3-last
+poorman
+ndiema
+kristofferson
+nycb
+f.s.
+klippel
+impatient
+cdbg
+indentation
+mowbray
+greenlanders
+minitel
+abd-allah
+thermosphere
+71
+syriza
+unconquerable
+messala
+14.9
+swd
+61.58
+personifies
+audrain
+mrázek
+galahad
+mijares
+wollastonite
+shox
+bake
+ablaut
+arda
+oradell
+keeping
+tvri
+acetabulum
+jek
+supremacism
+instructor
+darrell
+tidewater
+enticingly
+kostyuchenko
+bootstraps
+igual
+korma
+aeromarine
+christl
+osseo
+rcb
+sfi
+witchdoctor
+deafened
+secularist
+shoda
+pixilation
+rongbuk
+sevastopol
+carioca
+410th
+325-degree
+evington
+verein
+cm1
+tensile
+7.5-billion
+slh
+e.i.
+kärpät
+supraphon
+kodra
+808
+23.13
+r18
+heldt
+hither
+spitta
+nr03
+dinning
+toucouleur
+bolarinwa
+dcm
+ahearn
+herminio
+alban
+28-30
+ottowa
+nonsectarian
+theissen
+oxidised
+ishtiaq
+23-7
+rowsell
+1.0-2
+fizzling
+moest
+vacating
+atheer
+misse
+eigiau
+shulan
+readaptation
+tophoven
+lamarca
+zulle
+hodge-podge
+primitiveness
+reused
+10-yards
+asturian
+broadbill
+graduate
+loveline
+foxnews
+multimeters
+dyk
+broun
+participacion
+sub-class
+four-in-hand
+personals
+koila
+queets
+motmots
+provinciën
+1.5540
+slackline
+soubert
+chula
+flattish
+henday
+pinterest
+semi-secret
+teraflop
+ajar
+m43
+berhalter
+rosenstock
+bosendorfer
+buccaneering
+justman
+louis-françois
+3.255
+hill-fort
+moyer
+vaart
+xigris
+mitoxantrone
+ainlay
+construe
+swaffham
+belém
+stankevich
+drunk-driving
+lking@kingpublishing.com
+gogebic
+biasatti
+50cm
+storeship
+wittelsbach
+levying
+kiffin
+girlhood
+unsubstantiated
+adored
+nandina
+novlene
+68-66
+pinocchios
+enclaved
+lorenza
+caldera
+ishibashi
+malaise
+zoologist
+comfrel
+borash
+ramez
+reelected
+outrebound
+netvalue
+adubato
+noteworthy
+panzhihua
+espouses
+piledriver
+marmol
+buildable
+mcculloch
+rockleigh
+mazak
+whinmoor
+degn
+winterborne
+kozberg
+callum
+harmonisation
+qazim
+hohenburg
+parias
+ugliest
+ingham
+flickered
+open-end
+,640
+infos
+49min
+aol.com
+1,071
+hertzberg
+unso
+immaculately
+1,638
+aim-9x
+ombra
+exceeding
+rhoa
+flunking
+aramony
+mogote
+sarmi
+parant
+krombach
+povel
+ingatestone
+diethylene
+878
+electroplating
+overscheduled
+pentimento
+spectra
+zafran
+irv
+camm
+ludwigia
+parade
+anschutz
+meses
+badass
+formula_42
+10/1
+agent-based
+crimefighters
+pectinata
+sifry
+547-member
+sipson
+o'jays
+sattarov
+cromford
+esposa
+beckworth
+krajeńskie
+low-winged
+maggio
+airblue
+kooman
+intercommunity
+iciest
+hoardings
+kütahya
+delle
+mchs
+odzak
+57-48
+debel
+palpably
+testaments
+glints
+ginestra
+heitz
+smets
+mizoram
+sainte-hélène
+chesnut
+sorce
+washington-based
+tyrannosaur
+gurule
+tarnaud
+geetanjali
+constantinou
+kazmunaygas
+miniato
+sawtrey
+deconstructivist
+zarco
+shkupolli
+gotschl
+sternness
+112.35
+kliptown
+617-929-2930
+americo-liberians
+maring
+comparison
+3ds
+sieniawski
+igraine
+unchallenged
+girardin
+roistacher
+plicata
+978,000
+meriwether
+leprechaun
+whopping
+16-acre
+aisam-ul-haq
+scantlin
+refusals
+.690
+205.4
+swindles
+appleton
+akhmet
+108.26
+kargar
+6/24
+neufchateau
+restlessness
+payers
+palmiotti
+afghanistan
+odet
+nationwide
+1.5250
+1890-91
+janecek
+e-wahadat
+camberg
+chirikov
+xiangtan
+plastid
+murtuza
+maurois
+switchfoot
+dyersburg
+hoch
+1.5850
+hasanabad-e
+headphone
+koppel
+1,009
+trussville
+autogas
+lehren
+aradia
+saldus
+sobolev
+dunnage
+random
+ramsland
+graciosa
+cassiterite
+rcom
+ruffs
+50-150
+euro34
+25-40
+piz
+byamugisha
+martin-smith
+tonderai
+lymnaeidae
+awja
+technologie
+n.c
+madog
+odorous
+kulczycki
+sheel
+troyanos
+sillery
+naafa
+data-flow
+chipotles
+cuarta
+collectively
+thatcherism
+zla
+314.7
+methone
+riemsdyk
+pigheaded
+3,474
+26.9
+bqe
+suribachi
+marsham
+joklik
+means-tested
+stonycreek
+kishimoto
+diazepam
+igoe
+unirii
+.359
+uscb
+bipartite
+pinacate
+failover
+mittlere
+divisão
+karavan
+8.5-mile
+184.6
+104.48
+renzulli
+uyesugi
+vitier
+balrampur
+semionov
+vigier
+vontobel
+tazeh
+badsworth
+chappaqua
+uset
+recreation
+moji
+euro71
+ponseti
+wiggin
+sivits
+igbe
+nitaya
+whisman
+rough-haired
+eastland
+accessed
+10-cents
+tombstone
+romandie
+goldsmid
+gdański
+daddah
+kirov
+mahdavi
+ahmedov
+20-percent
+yoshiyasu
+bojangles
+skovhus
+mccloskey
+glomerata
+1-0-3-0
+cloisters
+tobacco-free
+leh
+mentioning
+cherkassy
+cowick
+lucena
+malamutes
+12:04
+anayron
+ity
+38.9
+peker
+helpings
+catán
+membership-based
+promiscuity
+higher-income
+madhusudan
+raza
+spymaster
+2/2nd
+obligee
+seafarer
+prunus
+1,000-pound
+fukutoshin
+musoke
+lorentzian
+chapado
+esera
+panico
+6,840
+mise
+monseigneur
+busan
+3ot
+castles
+trans-oceanic
+zaun
+canonist
+191,000
+yeliseyev
+sympathise
+o'callahan
+ostriches
+1,800,000
+36.50
+blandest
+shifnal
+1958-60
+megawatts
+untimed
+tutt
+briggate
+midmorning
+heteroptera
+sposa
+oringer
+ganges
+iur
+double-double
+everist
+tymers
+cymry
+sustinet
+34.7
+makokou
+escott
+prinzregent
+96-92
+bds
+herbicide
+otar
+orange-brown
+sanatorium
+kelson
+51s
+calea
+chauffeured
+translucent
+bilibino
+cnr
+0203
+nonu
+gordonstoun
+togan
+scofflaws
+3,164
+cha-cha-cha
+doobies
+291.1
+low-down
+irremovable
+dilbert
+hillsboro
+pillinger
+mcnelly
+guonan
+vladivostock
+irreparable
+hiscott
+chigi
+abramsky
+göztepe
+housh
+dshir
+alessandrini
+157.5
+frears
+miters
+envirodyne
+perignon
+milazzo
+55.54
+froland
+sashurin
+shakeshaft
+harnam
+zivadin
+euro193
+18.71
+thiemo
+'s
+marcona
+akinfeyev
+cæsar
+ragna
+kazantzidis
+ipalco
+ituzaingó
+nyamira
+firefinder
+sillah
+rasch
+bethune
+unlimited
+samwu
+a-5
+faiza
+désert
+30-gigabyte
+mantle
+loxodonta
+pomerelle
+68.19
+gawron
+bouza
+acclimation
+thirlby
+fleihan
+chosŏn
+4-games-to-1
+bijni
+scb
+chilectra
+chasuble
+conlee
+fijis
+:58
+barang
+ftlbf
+gannushkin
+songok
+netto
+analanjirofo
+griffiss
+fady
+22-billion
+burroway
+zouebi
+middle-high
+nakota
+fiq
+vishvamitra
+batterman
+23th
+anglo-irish
+gismonda
+rohri
+al-mabhouh
+nipmucs
+ponting
+plummet
+dpws
+galopin
+megastar
+buffenbarger
+phở
+eschewing
+arikan
+teddy
+chaffetz
+mastheads
+gbao
+montpetit
+morehead
+watsonville
+sweetpea
+alvida
+phil
+cottey
+david.colker
+mouthwashes
+opinions
+manhwa
+explore
+pvi
+toya
+amezcua
+bastet
+tippu
+21sec
+dadri
+cuban-born
+irreducibility
+channeled
+accompanists
+inanna
+grugger
+0.055
+gilg
+kazziha
+baa1
+biosolids
+catalfamo
+u.s.-ukrainian
+xx
+erzsebet
+balk
+strato
+gorlitz
+kavanagh
+branly
+joined
+b787
+liahona
+determinar
+nyiregyhaza
+rouses
+osirian
+ismaïlia
+106.81
+comprising
+mary-kate
+7,830
+yengejeh
+rodent-like
+7-story
+brier
+librarything
+reguera
+asea
+redlight
+reise
+substitutive
+109.34
+kusatsu
+49-48
+meiringen
+mired
+suranyi
+500cc
+muttmain
+earldoms
+cachar
+antonina
+sugarhouse
+10:08
+ionospheric
+kaneohe
+1941-1944
+haltemprice
+asok
+bedivere
+essel
+kavalee
+melling
+279
+bonnat
+ismaël
+tusken
+6.875
+zholtok
+nzima
+2,222
+aldborough
+eoghan
+abma
+1,883
+zemeri
+cuauhtémoc
+santhana
+fridrich
+karats
+ecotrust
+renderings
+l'amour
+althouse
+hansheng
+kse-100
+ogikubo
+durieux
+bldg.
+busybody
+ummah
+vernal
+churches
+sinohydro
+tetrabiblos
+akre
+1413
+e-khalq
+arzuaga
+dilweg
+kismet
+lugnut
+woolman
+peerwani
+unsociable
+italian-style
+802
+subconsciously
+gelman
+noller
+white-throated
+pattee
+shahla
+300
+hypertransport
+chick-fil-a
+unconformities
+unexpressed
+patzcuaro
+cot
+reteam
+caughman
+siss
+4/5
+honko
+gliadin
+8,320
+volantis
+elkins
+monroy
+11-run
+mildara
+thakkar
+hayyat
+tulkarem
+shajapur
+rundles
+91.59
+custodian
+7.13
+yelapa
+taavi
+18-game
+caterwauling
+mingqing
+rožman
+cleomenes
+neigboring
+esol
+cornu
+17-31
+bocek
+mervana
+eeo
+mawkish
+49-yard
+opostega
+in-jokes
+hobbesian
+rennert
+winifred
+esq.
+thea
+valiquette
+gottemoeller
+450-kilogram
+quezada
+nanton
+vallance
+umeh
+eth
+trickled
+gajdusek
+llion
+gardists
+feyernoord
+50.87
+baxendale
+cinderblock
+ramtane
+71.20
+uralla
+inca
+santokh
+breckinridge
+1080p
+destructive
+academica
+awre
+immersions
+lichtenau
+queally
+mudlark
+zanla
+ntc
+japa
+santamarina
+welsford
+1446
+quella
+119.80
+madrugada
+humanism
+farmacia
+nevio
+qingqi
+power-assisted
+padar
+104.9
+bracciolini
+boardinghouses
+formulations
+224th
+pallam
+vosawai
+tionne
+gillison
+fray
+babri
+6.86
+boychuk
+qixia
+plonsky
+morgannwg
+mojang
+commers
+3,571
+gruneich
+stacking
+itemized
+grenland
+2,968
+naklo
+achilleos
+jolof
+arzumanyan
+humanplasma
+prioress
+capulin
+litigation
+guozeng
+nieces
+cimbrian
+polgreen
+polokwane
+ayubi
+hoofnagle
+honea
+albas
+kiper
+pre-paid
+8,780
+top-heavy
+redondo
+attias
+36min
+advised
+padre
+86.95
+jardins
+bakool
+husain
+thrasivoulos
+berlyn
+apodemus
+batya
+togethers
+shivram
+salib
+studwell
+urs
+ccne
+31.11
+efflux
+wlvi
+parkinsonism
+57-foot
+242.7
+sobriety
+hitsville
+17-22
+dorridge
+portraying
+mugyenyi
+warneford
+cavalcanti
+gins
+consumate
+bassaleg
+omurtag
+sauven
+reconnoitre
+rabeni
+caiman
+mignolet
+unlabeled
+cordyceps
+pels
+original
+bettag
+monohull
+unpersuasive
+ferridge
+lbj
+sarju
+jishuitan
+imagenes
+figs
+fadeaways
+harkleroad
+sukri
+cyanopepla
+bruces
+exmouth
+20.49
+flappers
+beskidzka
+bezanson
+20-28
+us-56
+prelates
+back-office
+booing
+apostoli
+us-270
+mealing
+nigmatullin
+aminah
+replenish
+orjollet
+922
+hongtong
+a-b
+panera
+manas
+dooly
+brasses
+doublings
+rogerses
+ahbd
+retablos
+vapor-compression
+109.38
+bideford
+carnero
+harakat
+wise
+thục
+71.23
+dramedy
+khoder
+quinonez
+nuami
+lazin
+marvelled
+expressiveness
+eu-27
+ifcc
+243.4
+toxics
+ælfgifu
+arniko
+baiting
+revocation
+disprove
+2,499
+lika
+boao
+solitude
+lissovolik
+ivoryton
+broadcast
+dancing
+energi
+donis
+englands
+calorimeter
+lazarević
+5,420
+aida
+234.00
+germaniawerft
+superblock
+suffice
+sleeper
+37-0
+attentional
+nbf
+sugarbaker
+single-seat
+haberman
+14/12
+azn
+ozturk
+sydow
+scionti
+60-hour
+mediatized
+72.26
+methandienone
+zafaryab
+mafic
+trakl
+aberford
+luwero
+liskov
+ster
+goonetilleke
+lippitt
+1938-1939
+baldwins
+polyphosphate
+13,333
+27.43
+tightknit
+borei
+mish
+redmont
+7,211
+attur
+sippers
+13:31
+puygrenier
+sooraj
+wormy
+wukong
+o'connor
+conein
+autodesk
+celibate
+bhudevi
+crankier
+chúa
+robsart
+ludivine
+hindsight
+fireproofing
+3.63
+aroostook
+3:51
+gurkha
+portela
+srk
+koei
+emotionally
+timakova
+akure
+saliya
+mochrie
+agrobanka
+satem
+bayle
+infatuated
+preppy
+cookhouse
+nawawi
+burled
+well-bred
+alexandrovsky
+side-line
+tose
+shabib
+bellew
+light-skinned
+spotlighted
+iwamatsu
+sieges
+nicho
+kondrashin
+troubleshoot
+hanukah
+sleepin
+disintegrate
+høyre
+pratapkumar
+balerno
+ocellated
+ugg
+journalistically
+idta
+tehl
+killin
+chewning
+tiznit
+semi-finished
+hamot
+rispoli
+ritualism
+maswood
+marzuq
+mahalia
+chatrier
+thorburn
+chérie
+rulebook
+sargus
+nesterovic
+sitia
+chao'an
+trubnikov
+pekan
+zebrina
+under-12
+gaffigan
+gohlke
+negri
+banker
+14.73
+29-inch
+archdeacons
+144-nation
+eiki
+dreev
+90.24
+cazin
+redshift
+mazzaferro
+wttv
+unusally
+pathanapuram
+balkar
+kakheti
+n-ary
+100-percent
+surfaris
+adefemi
+japs
+kirkman
+jonesboro
+beacuse
+karns
+1,283
+kriwet
+373
+lile
+radha
+manannán
+pawn
+lpo
+tuula
+caragh
+rajab
+manhal
+palynology
+jaane
+hyperacusis
+inaudible
+valerien
+nich
+viciosa
+breezed
+4,984
+azlina
+554,000
+breccias
+witthaya
+stewardship
+telamon
+countryfile
+israelis
+tortricinae
+islanders
+goebel
+vögele
+300,000-500
+dalcroze
+disaggregate
+weisskirchen
+ejects
+oblates
+podhurst
+woldemariam
+jetavana
+goiás
+scorchers
+air-defense
+malook
+recover
+communiqués
+fenham
+65.04
+tishomingo
+boilers
+davaa
+richardo
+petrac
+liubinskas
+3.42
+0s
+rapperswil-jona
+streisand
+provenge
+oroonoko
+butterley
+triazine
+takigawa
+dot-matrix
+firman
+11:45
+niedenberger
+olimpico
+893-8230
+hisingen
+toler
+spinoff
+64.2
+overindulged
+htil
+portobelo
+harrah
+meed
+tharcisse
+cryptosystem
+therapsids
+heavy-lift
+riquelme
+stav
+1.3-2
+a20
+nianchun
+691,000
+hoima
+icecream
+ananth
+gardezi
+acute
+20n
+kariya
+al-badr
+tarquinia
+male-preference
+arcadian
+1/50
+mudry
+tordesillas
+periodistas
+gröna
+ratchadamnoen
+pharmacovigilance
+aitmatov
+springer@globe.com
+stitzer
+undefeated
+giannoulias
+koenigswinter
+sala
+muzzleloaders
+mundie
+azal
+redburn
+57,600
+higher-grade
+bobruisk
+gitanes
+madheshi
+nasdaq
+687
+tevita
+farnellbnytimes.com
+c.a.r.e.
+draiman
+fluckiger
+pimek
+barbiturate
+springsteen
+mihm
+weel
+upcoming
+podsednik
+garics
+gukasyan
+messinia
+137th
+adv03
+sege
+herlitz
+jonkheer
+kaijuka
+carlista
+commonweal
+kanyon
+dulko
+latency
+tumusiime
+jfranksptimes.com
+cilluffo
+sissel
+kibitzing
+backdated
+seleznyov
+2,912
+pre-sales
+medication
+plainville
+andriana
+smut
+blountville
+marchini
+us5
+leitman
+dcu
+rayons
+u.c.
+tty
+sundresses
+chojnów
+exurbia
+productos
+oip
+31.45
+bikaner
+mormando
++1.1
+tillinger
+jamdat
+robles
+cayambe
+giveth
+kryptonian
+antelo
+weijun
+altach
+agaw
+58.5
+coasters
+kitchin
+ćirić
+hafs
+spindel
+porozo
+blackmun
+kshatriya
+fior
+nitrofen
+kerbino
+2.985
+diamondback
+transparence
+odenton
+ignoramuses
+melnikov
+non-negotiable
+procede
+smithgall
+fabrizi
+gfp
+kelland
+maccus
+paltiel
+story-tellers
+buttonholed
+tramontano
+sobered
+anglo-indian
+19-28
+rappaport
+kurfürst
+550-seat
+time-traveling
+tortona
+mdvip
+tappets
+serushago
+germinal
+presson
+benmont
+lukmanier
+dabaransi
+rojer
+chi-squared
+bicolor
+121.2
+schlegel
+poinar
+rybachuk
+bonnett
+hisamatsu
+lenox
+strikebreaking
+ingbert
+261.4
+ruckmen
+reconfiguring
+bytecode
+yore
+sloat
+syafrie
+cedd
+two-masted
+restitute
+time-life
+wc2006-ger
+busti
+gedi
+gymea
+distortions
+narro
+spayed
+oilseed
+arat
+eisemann
+saillant
+aeropostal
+kast
+three-ring
+documents
+srivatsa
+differents
+underfed
+adventis
+gargle
+ozma
+mouvement
+pettoruti
+tooley
+u.a.e
+misquotes
+omm
+owosso
+rostami
+68.91
+simitian
+chorąży
+agaric
+tawengwa
+flanagan
+opposes
+1952-1955
+dorota
+jinshan
+dcfems
+beifang
+tanner
+restano
+chingchuankang
+yakubov
+schori
+washout
+polyakova
+weyler
+automator
+0.57
+passementerie
+clm
+proficiency
+fen
+3.8
+ethnobotanist
+husni
+jewish-owned
+2.744
+ady
+eggan
+nontaxable
+12,000-pound
+penruddock
+yinglong
+recommender
+stonethrowing
+tjp
+superficiality
+pome
+3,160
+witzke
+ninepins
+vincenzo
+discoideum
+ruffner
+3,493
+undoubted
+trinko
+ayed
+pigmeat
+assessement
+virologists
+33,438
+a350
+alemannic
+smooth-bore
+79.28
+wristwatches
+cordua
+farooqui
+kolu
+cohill
+nationalized
+gedhun
+207.7
+9/16
+schwerte
+tm
+taranga
+waterworth
+huzaifa
+geniuses
+sperm
+flanery
+morlin
+metalloproteinases
+ankylosaur
+1-800-972-3550
+http://www.sec.gov
+awaya
+dollarama
+jfax
+steph
+voxware
+afcon
+37.2
+skaar
+jiadong
+marcovici
+silovs
+micronesian
+moskalets
+338
+gomantak
+endocytic
+43.63
+27,917
+м.
+unimpressed
+mockridge
+.651
+adv02
+rekindling
+canby
+rotaviruses
+swill
+potala
+heresies
+re-curved
+fallacy
+perceptron
+pocock
+xanten
+alfheim
+liddiard
+bule
+maxton
+vigourously
+ministerialis
+baronio
+subdividing
+illusionistic
+obanikoro
+studebaker
+1960s/early
+live-action
+rexall
+thái
+quarries
+boils
+rihand
+fittleworth
+gmelina
+vorbe
+sapiens
+mclin
+halocarbons
+waal
+forbad
+mothe
+brio
+miram
+timberlane
+pangenesis
+pre-planned
+poot
+segura
+myofascial
+brawne
+honoria
+debilitation
+ccl2
+reinsert
+lafaiali'i
+yoeun
+riggio
+retinopathy
+eniac
+auk
+æthelberht
+75-62
+ftu
+o'curry
+froggatt
+buckton
+brenden
+pehl
+transportacion
+epazote
+traumatizes
+yaf
+woolco
+deputy-lieutenant
+aleutian
+howler
+deities
+kahului
+elkington
+42-39
+hunthausen
+dke
+seminorms
+unpredicted
+wide-brimmed
+akasa
+rochford
+susskind
+lengthly
+forward-deployed
+blora
+tarleton
+plutocratic
+gasol
+rosebud
+torosidis
+gotemba
+guillermo
+soncino
+tagge
+chiuri
+1955-1956
+unibanco
+441
+713-3616
+downshifters
+crawlspace
+great-grandnephew
+muharem
+kossel
+león
+disgusting
+69.50
+vilified
+ribe
+maucher
+gusman
+cavaillon
+vondelpark
+merwin
+rowlett
+levenshtein
+hondutel
+vroom
+elective
+l-1011
+zzap
+estilo
+65.35
+hernandes
+armistice
+bookie
+tanor
+krar
+k-theory
+taeco
+portuguese-language
+leung
+f4
+bésame
+clashing
+youl
+tomuschat
+stationhouse
+pressurizing
+transportation
+guangxi
+107.08
+trubetskoy
+gumba
+lanteri
+voina
+qataris
+beyoglu
+swimfan
+wakan
+elandsrand
+china-burma-india
+amk
+deuda
+unsupervised
+1485
+boeny
+leaky
+astraea
+beyrouth
+chidchob
+taybad
+playing
+thangal
+1631
+ncd
+1.031
+unfired
+7,514
+genitorturers
+fangorn
+buongiorno
+anurak
+iplex
+hexagons
+south-west
+diacritical
+swindling
+eraser
+briski
+indon
+pseudoscent
+immunotherapy
+gilbertine
+limited
+as-is
+26.91
+mauriac
+rabab
+miway
+hydrogen-powered
+torchitorio
+klebanov
+durkin
+ds9
+flowery
+e-toiba
+vorobei
+minoru
+sumpter
+walmley
+rooms
+stollen
+ziane
+66.11
+domene
+bonking
+ches
+cyp2c19
+19-meter
+lhin
+kosal
+mattison
+ruggiano
+cesaris
+larache
+bolsa
+koplan
+glitters
+rokh
+123-nation
+speedpass
+71-75
+co-composed
+nakai
+millville
+demutualize
+canciller
+dajani
+85.85
+fenjves
+redivide
+alozie
+1,494
+horsfieldia
+jsw
+1989-92
+babić
+famously
+pittard
+inclusive
+heimowitz
+hot
+losper
+chumley
+faceplate
+sparkplug
+re-enter
+rinfret
+hinwil
+withstand
+piglet
+justy
+41.33
+navtex
+fortuyn
+gemerden
+iccho
+vvaf
+bruccoli
+meroz
+güzelyurt
+dronett
+900-number
+hollenberg
+antiapartheid
+kayasthas
+yale
+phase-locked
+liefeld
+anti-discrimination
+37.26
+bastin
+ollywood
+capsizing
+bugging
+szarkowski
+predefined
+qsa
+merci
+lilah
+tajima
+zegveld
+woolies
+ecco
+wattenberg
+sublimation
+fortlet
+greenhaw
+jabarani
+rudno
+hippias
+nyanja
+vinoodh
+mess
+raptopoulos
+disturbingly
+polyp
+segars
+drollery
+algodones
+318.5
+appropriator
+zaur
+williamson
+skjervøy
+lebensborn
+rezvanshahr
+channer
+agrokomerc
+rdbms
+molto
+misheard
+tenses
+multi-scale
+target.com
+percy
+ams
+kihn
+jarso
+zones
+chamise
+fain
+papadakis
+petroff
+californio
+kembung
+aşağı
+scram
+kakhovka
+euro441
+glees
+lying
+ronsard
+46,300
+baracetti
+screamer
+ivins
+tippit
+impracticality
+langevin
+gbenga
+chilean
+reventon
+cvjetan
+sheshadri
+glattal
+thoreen
+expressing
+humphrey
+whitsun
+benjelloun
+stoczek
+kirshner
+alcides
+tijden
+22.19
+schaub
+weißensee
+man-in-the-middle
+ranald
+pre-rc
+deal
+layin
+fudge
+crupnick
+9.675
+rays
+ceatec
+thanks
+quinsey
+franciosa
+velir
+abhors
+invista
+moleskine
+icons
+pre-market
+58.62
+taione
+perforce
+crestview
+buzzmetrics
+electro-acoustic
+achieva
+robotics
+kempo
+bonshaw
+ailleurs
+agudath
+porphyra
+schnur
+schinkel
+banthoon
+sufrir
+shoeprints
+resulted
+ratsirahonana
+chut
+ka'an
+ursidae
+revoked
+thottam
+gawli
+zaretsky
+ghoraniyeh
+n.j.-based
+kross
+mcandrew
+boguslaw
+odder
+levene
+raëlian
+mazatec
+crabgrass
+reno
+jila
+viajeros
+harka
+39.70
+twentysomething
+majdan
+veerachai
+paivi
+solti
+lubbe
+al-wazir
+dendropsophus
+16,005
+madagascariensis
+semi-aquatic
+amidst
+keyshawn
+incuding
+0-for-22
+consignment
+āti
+chess-player
+va.
+fbos
+manski
+1994-1995
+goal_dallas
+obermeyer
+nadruku
+benton
+muireadhach
+nikkatsu
+chollas
+18.63
+somersworth
+segen
+anomalocaris
+tipo
+bagless
+daliao
+krasinski
+incensed
+collusion
+loukas
+papazoglou
+kss
+grootfontein
+rasped
+senapati
+mali
+tagmata
+tidepools
+64.06
+nakshatras
+neanderthals
+biosystems
+gastroscopy
+mutli
+118.13
+bluejackets
+24.87
+mississipi
+nagle
+42.82
+limfjord
+retitling
+supsa
+resigning
+multidisciplinary
+kaindl
+95-88
+yetter
+cosmopulos
+vegetarians
+formula_15
+impersonator
+labro
+x-y
+lowdown
+tosafist
+jbautista
+cst
+parvomay
+haie
+adpositions
+adelle
+bedawi
+eastcote
+afsharid
+inconsequence
+kg6
+nurkan
+percnet
+maftir
+leibell
+60-man
+bokura
+4,763
+tuhp
+cibin
+atanarjuat
+ligabue
+isfara
+nilis
+cummer
+defectively
+markkaa
+redon
+reinvesting
+bexhill-on-sea
+furry
+sihf
+antonucci
+43-512
+1:52
+psalms
+coelacanths
+co-production
+kulti
+đ
+kpnlf
+weyl
+demilitarized
+bbva
+minson
+174.5
+hypergiant
+virada
+82.86
+nonce
+free-living
+kreiss
+progressive
+madol
+reneau
+wattle-eyes
+psychos
+johnstone
+deoghar
+parbat
+385.50
+whipwreck
+0.997
+ghiberti
+imhof
+lusted
+pastan
+popworld
+betley
+tumblety
+kawasme
+fiction/fantasy
+inflanty
+alexia
+abrahim
+aspersa
+gaydar
+kez
+athlete
+zee
+jairo
+66-58
+bhagawan
+chewton
+larvicide
+salm
+bayad
+weipa
+pulping
+rhenen
+priddle
+openbsd
+delun
+progpower
+desiré
+ek
+fantoni
+tick-tock
+chagatai
+weerstandsbeweging
+pseudomallei
+mid-2006
+lechuck
+yauyos
+lancry
+dyches
+amrep
+matchup
+neverhood
+hoga
+mcgahan
+deylaman
+straight-eight
+199.3
+goffe
+96.16
+revokes
+unhooking
+biak
+44.94
+drug-dealing
+fidelito
+torm
+owada
+siegbahn
+reticle
+zappos.com
+wgu
+tijeras
+liestal
+three-hour
+8-1
+asanovic
+céret
+eighty-sixth
+otakar
+dorati
+libby
+reichsbank
+guthard
+rusche
+glessner
+90-pound
+61.40
+colleagues
+cruzes
+356,000
+centrebacks
+tmh
+mackler
+ivri
+ryokuken
+saner
+cortázar
+curri
+diverticular
+horserace
+reeling
+cyclical
+125-acre
+shejaiya
+michałowski
+umwa
+sammi
+chaoren
+blankers
+2,156
+burundi
+compagnoni
+sestak
+absent
+cariplo
+66.0
+shipeng
+119.82
+tafadzwa
+fujianese
+esm
+pohnpeian
+mazda6
+40-41
+multi-phase
+bonaly
+unmilled
+woolly
+akbarpur
+106.74
+akwuegbu
+p&w
+1518
+iio
+56a
+spinesi
+və
+usvi
+---------------
+table-tennis
+wayna
+bjarne
+pubmed
+mansueto
+kinta
+life-support
+unmourned
+jouissance
+kubenka
+super-villain
+b&g
+grogol
+pär
+350-degree
+4-years
+masonville
+196.7
+buidhe
+taliqan
+qandil
+osgoode
+kch
+togas
+throwed
+grandmasters
+180m
+amedi
+bowman
+agbonlahor
+54-yard
+michèle
+fulson
+castleblayney
+minion
+chalmer
+elhant
+3.
+olango
+erxleben
+post-gazette
+snodaigh
+recchia
+genitalia
+brenneke
+post-consumer
+gazedit
+heywood
+osnat
+graue
+grat
+peeked
+lilyfield
+kqed
+plastico
+mutsuko
+dunkelberger
+29.98
+gryner
+55.38
+donmar
+,980
+óbuda
+polynomial-time
+fredriksen
+19p
+seasteading
+gunji
+asimo
+keds
+herbarium
+seventy-three
+8:50
+leibovitz
+66,800
+preprocessing
+pidio
+overstimulating
+clery
+morera
+lewanika
+domoto
+duffs
+fracci
+http://www.stats.gov.cn
+stegeman
+citizenship
+starbucks
+graisse
+gramling
+xcp
+recoup
+goy
+well-ordering
+war-era
+soundarajan
+34.15
+gándara
+vlei
+dorne
+japonica
+ministery
+askim
+hutchings
+unappeased
+ramshorn
+sarafian
+sawano
+zepter
+0ne
+janusz
+taybeh
+shedding
+dorrance
+6-footers
+shulin
+decommissioned
+rafih
+cochecton
+3.65
+20,320
+neumeier
+officeholder
+gluckman
+wolfen
+58.22
+ostman
+10-hectare
+rattenbury
+filmacion
+4:18
+bunun
+band-aid
+phenolphthalein
+nystatin
+fanie
+mustaf
+kingly
+13.68
+isch
+nurkadilov
+meckfessel
+hamburg
+pashkevich
+be7
+1,203
+hamburgo
+batbold
+somersby
+unease
+reinitiate
+swarthout
+kremmling
+ismaïl
+jec
+sé
+vadapalani
+sharifa
+cavo
+1975-1985
+setups
+debenhams
+tharman
+mshsaa
+cryan
+liptser
+brookshier
+97.18
+interkom
+monstrousness
+rsf
+utseya
+u.s.-hosted
+hollinghurst
+scutari
+beha
+diversionary
+fairytales
+gnt
+basle
+tighthead
+cost-saving
+pseudophilautus
+mcconaghy
+under-40
+zol
+lembach
+kurtz
+robeck
+gobbles
+tayar
+taillefer
+lahad
+cochere
+complicit
+roble
+gnutella
+manatuto
+qanbar
+jodar
+vancamp
+zr
+flattery
+tutankhamen
+4-acre
+pahlen
+kroton
+eragrostis
+wajahatullah
+dropship
+2018
+banants
+hazouz
+volden
+94.98
+charmeuse
+hypocretin
+and-1
+hernandez
+bargate
+ripon
+garik
+frolander
+swept
+loaning
+dohyō
+huerta
+flavourings
+monts
+mitofsky
+75.95
+27.72
+uf6
+gysel
+birecik
+self-study
+one-act
+kiljunen
+pedrick
+wedderburn
+drang
+108.85
+mangos
+tianma
+ibov
+58.34
+muhajaria
+interlinking
+colhoun
+jcl
+epn
+gershom
+midsized
+hannu
+prototype-based
+decide
+ezzos
+epictetus
+awakes
+.169
+margolyes
+coras
+327th
+karnobat
+spacek
+astv
+ibru
+waksal
+4.44
+star-tribune
+umpires
+237-7832
+upperton
+1942-44
+6,675
+toilette
+yew
+aisne
+c-17s
+guans
+.760
+mitsugu
+shamanov
+ruad
+927
+indigence
+spidery
+hosen
+recourse
+żabno
+brkić
+daou
+duval
+deathsaurus
+hydrogeology
+downpayments
+labaton
+gallow
+13-story
+vini
+laserdiscs
+ketan
+glk
+momus
+overtired
+cnoc
+impropriety
+minnesota
+british-built
+maned
+possessiveness
+lello
+musu
+505-foot
+theophoric
+churche
+madaj
+dq
+boyett
+1525
+ferrand
+92.52
+40-13
+deele
+glu
+beaume
+mcbeth
+38.84
+saloma
+revolted
+komtar
+metasoma
+thaqi
+immi
+treffen
+bignall
+anshun
+malrite
+hackmann
+headcovering
+75.80
+large-sized
+beware
+barrhead
+usinor
+nabi
+kear
+teotitlan
+overinterpreted
+župančič
+cowries
+pedi
+simsim
+horang-i
+sarkar
+mithal
+bidding
+mlink
+89-85
+allanon
+propellerheads
+sempach
+powers-that-be
+aranzabal
+moḩammadābād-e
+orly
+peatland
+1,047
+bahman
+pdry
+biedziak
+butai
+1,016
+detainers
+ariete
+monomorphic
+matzdorff
+cut-outs
+jalopies
+1860s
+carrilho
+ial
+anciently
+mydoom.b
+zeitun
+conington
+spiti
+167.3
+d16
+mirabaud
+bombast
+cartman
+fedden
+tinley
+153d
+netpc
+interrelate
+2003
+sharman
+pittsburgh-based
+kunle
+mixologist
+chuchu
+nahr
+715th
+luau
+bloet
+printmakers
+dimi
+mccarran
+feyerabend
+nlng
+dabashi
+amornwiwat
+zelenay
+92-80
+plunk
+chronopoulos
+karapialis
+3,140
+robe
+solicits
+firstplus
+3,399
+zher
+sub-systems
+eimert
+kherubim
+bugiri
+dalecarlia
+elkhan
+17:10
+whitsunday
+bowheads
+xia
+tiruchendur
+12:40
+grodzisko
+dlna
+redpoint
+3,182
+sefīd
+westchase
+immunocompetent
+terrace
+affliction
+tundla
+thrumming
+josu
+durg
+shadman
+omv
+hillesheim
+margin
+weinberger
+holger
+katniss
+eyeblink
+telepar
+vardar
+orst
+shoeboxes
+funneling
+bidzina
+ctesiphon
+scudéry
+await
+bendixen
+al-mansur
+unistar
+johr
+modjeski
+muthuswami
+mesocarp
+zanetti
+luzhniki
+castellar
+valladares
+deylam
+lunge
+aquasox
+procurve
+pinedo
+occupants
+peruvians
+saint-jacques
+mahlsdorf
+54.13
+3v
+pragyan
+belphegor
+baume
+left-sided
+hoynes
+republiky
+shots-32
+eppa
+hamberg
+trews
+narrow-band
+vismara
+292.5
+karic
+timberwolves
+dongwon
+iii2
+planea
+9.837
+tuskahoma
+1v
+homely
+distractor
+rukingama
+cimabue
+lisala
+tiv
+cones
+lukin
+pilat
+1007
+fagernes
+broths
+2605
+nehring
+athletico
+guzzi
+honasan
+washingtonville
+oximetry
+starodubtsev
+labios
+jeremiads
+finessed
+paleokostas
+radev
+sonisphere
+maleng
+licata
+doullens
+3102
+coalinga
+rnib
+ncap
+alitalia
+lifers
+runanga
+sebola
+atallah
+suwandi
+cranbury
+gorleston
+akhetaten
+aspelin
+tianyang
+sharifian
+harvest
+s.a.r.
+penrith
+marcas
+31-24
+mile-long
+.614
+bagha
+bushier
+colsterworth
+eadberht
+jacksons
+klarman
+fly-by
+oboi
+alamino
+alfalfa
+exposés
+neuroprotection
+blight
+bundrage
+4-for-12
+dume
+adjudicating
+brahmanas
+worldperks
+advil
+disarm
+beesly
+typologically
+minneapolis/st
+flue
+angulation
+schoolbag
+nucleoside
+flailing
+high-brow
+fib
+brohn
+hayal
+semiannual
+bushman
+47-26
+fast-changing
+prigent
+bensimon
+elwes
+35.83
+ferryhill
+unprogrammed
+89.97
+knab
+bjerke
+epinephrine
+górki
+balseros
+iximche
+semfinals
+hotwire.com
+neumark
+tolman
+bewick
+merrily
+cophixalus
+wonderama
+u-18
+51sec
+whizzing
+goldson
+tellem
+batten
+oblations
+rumbaugh
+konaka
+washerwoman
+dipu
+bullpens
+isocitrate
+fitzclarence
+bhattaraka
+arhopala
+ilúvatar
+1-thomas
+prignano
+motherhouse
+7th/8th
+miccosukees
+chantaburi
+felisberta
+horder
+trusts
+crookham
+toshirō
+psychologists
+buxhoeveden
+diving
+gunslingers
+.682
+want
+verdoux
+sardjoe
+puta
+lunette
+candelight
+550
+41.39
+fayoum
+clearance
+lamarcus
+publics
+accrete
+mistrust
+berryz
+scorecards
+nuruddin
+4,396
+mthethwa
+weiswasser
+1128
+infragard
+melilotus
+baban
+djedmaatesankh
+thundercats
+humberside
+ahlenius
+two-episode
+3,418
+stape
+lebrock
+sagar
+ysebaert
+myette
+koc
+end-blown
+230.7
+geni
+benjamins
+kanemura
+kitten
+faiths
+1534
+110.85
+mullagh
+c200
+inductees
+missed
+30-car
+embling
+banerj
+mentalists
+arshavin
+well-done
+fabiano
+berating
+wetl
+conformally
+vimpel
+durvasa
+cabell
+surprises
+1850
+lfa
+cave-ins
+mystère
+irma
+aberdyfi
+tolkun
+ika
+ordóñez
+kolyma
+gallach
+oppen
+ec-121
+gopi
+best-performing
+porting
+unhinge
+saartjie
+pearse
+poetry
+benatar
+reel
+.322
+merriex
+rm300
+white-necked
+pospíšil
+fermat
+highhanded
+jieyang
+corrido
+wāli
+pulsar
+étampes
+ten-part
+egs
+beefier
+kogawa
+newport
+homeway
+dafa
+bengtson
+cisce
+onepass
+worship
+lelang
+czechia
+impersonality
+genizah
+lapsed
+repens
+classically
+phocuswright
+morons
+athol
+yifter
+kukoč
+chata'an
+omdal
+jbesser
+conciseness
+buner
+khasis
+esala
+strel
+rochette
+krestovsky
+camolese
+al-fath
+dainius
+aktion
+erwan
+call-sign
+7-16
+109.9
+yashida
+20-foot
+crenelated
+nf7
+phosphofructokinase
+marisela
+depero
+protégés
+cup-winners
+txeroki
+dakelh
+lees
+identifications
+fedoras
+desirée
+volanakis
+55.99
+118.12
+23:30
+mpx
+ghastly
+pumaren
+iolaus
+beil
+commonplace
+weili
+hti
+tirana
+unitar
+vallbona
+cloughjordan
+134.0
+swedenborgian
+abus
+beghal
+massy
+stupefaction
+anishinabe
+attackers
+minitours
+mainline
+halkia
+oakleigh
+bellisario
+12-piece
+much-publicised
+lazaroni
+mimed
+nyungwe
+apostolidis
+wessington
+aika
+mortars
+guererro
+hypercharge
+galvano
+ultrafiltration
+cartmel
+dalbandin
+tanchangya
+petermann
+enolates
+ballards
+91.58
+ageas
+lafayette
+dunk
+stebic
+rutberg
+collective
+raghib
+lenoir
+324.9
+senzaki
+gevaert
+hanchongryon
+10gb
+mulligan
+enfeebled
+vlastimil
+quantifies
+staged
+kinabalu
+bhujbal
+berling
+palantir
+adjustment
+isoperimetric
+22-22
+cocoanut
+.435
+coed
+kayapo
+opendoc
+moloney
+communautaire
+3,300
+post-9-11
+106,000
+dnestr
+largest-ever
+koropi
+vellore
+chamusca
+relegated
+ndour
+tesi
+zomer
+misconceptions
+gereon
+ota
+46.91
+aardwolf
+franchising
+runneth
+nns14
+weiyan
+konia
+tribute
+jackaroo
+igive
+usurping
+absolutism
+pickersgill
+yeshaya
+0-21
+multi-billion
+seascale
+évian
+encroaching
+chiao
+acuteness
+nonplayoff
+crispo
+sungrebe
+petitgout
+canoas
+infraestructuras
+1:24
+16-yards
+samity
+opechancanough
+weta
+fungoes
+henriquez
+gunsmith
+outsourced
+dài
+kondh
+nassau-siegen
+hubert
+toshiyuki
+wilhelmine
+222-2443
+bilgrami
+gokstad
+realpolitik
+martensson
+kneepads
+11.97
+meneely
+76.13
+voestalpine
+tanchon
+druid
+militance
+ciardullo
+re-engineer
+priess
+terral
+80.95
+hijab
+flecha
+gatcombe
+marseillan
+imls
+schimmelmann
+0-for-18
+broidy
+nitrofurans
+lorette
+18-july
+neurophysiology
+stasov
+towhee
+main-belt
+brumel
+saltine
+confindustria
+jeffersonians
+nonstandard
+kachari
+hibari
+form
+#s
+6.97
+mccamey
+threshed
+5,311
+1994-1997
+epga
+quenelles
+33-8
+karstens
+d'andre
+sigan
+1978-82
+maves
+goseong
+świdnica
+23:15
+zirconia
+pinotage
+sinolink
+broncos
+ieri
+parlous
+book-keeping
+palahniuk
+house-museum
+tarnaby
+canedy
+jaksa
+crw
+jazzmasters
+peroxisomes
+saltation
+ketema
+hanseatic
+captan
+vectors
+1787
+62-acre
+fakhar
+fourdrinier
+21.54
+pastikova
+2pts
+machismo
+0525
+gtpase
+1046
+lineweaver
+cht
+rogelio
+male-oriented
+suibne
+stephie
+deport
+1967-1974
+ramonce
+97.42
+18.70
+humanite
+szigetvár
+plowshares
+misl
+estradas
+hcr
+geeco
+gaa
+mintzberg
+giasone
+sobraon
+kolbe
+roelfzema
+delamuraz
+surgeonfish
+oligarchical
+restoring
+bundesbahn
+2,000-3
+uska
+cerrone
+brookmeyer
+anti-hiv
+affa
+euro208
+1958-1960
+further
+frequency-division
+1.75-billion
+engoulvent
+cppcc
+bleated
+kolā-ye
+irkutsk
+28-acre
+undid
+importuning
+investitures
+twelve-hour
+lolling
+toshinari
+sanoma
+rindel
+mehrtens
+turnitin
+tne
+dinton
+rapaport
+iwga
+norrland
+vaccuum
+nassirian
+prättigau
+a1200
+airbender
+paratroops
+russian/soviet
+proximity
+borger
+mamilla
+beidaihe
+wenyan
+hemorrhoid
+stephani
+kehar
+keyboarder
+star-like
+telegram.com
+621,000
+32-square
+757
+sakishima
+91st
+cicarelli
+clottey
+colored
+12.27
+kremnica
+uniformly
+dfc
+self-promotion
+euless
+4,550
+kokko
+blommaert
+uberlandia
+freudenberg
+izon
+sidis
+tyrone
+chingiz
+bingen
+31-51
+30000
+alkaholiks
+reinis
+ascomycetes
+kirkeby
+gamification
+krai
+droppings
+mi-35
+corrupter
+lefrancois
+mercuries
+19-20
+842,000
+schanberg
+propst
+someday
+unspectacular
+jain
+cranmer
+garum
+bethania
+first-person
+435,000
+dance-hall
+girondist
+hompesch
+honing
+soong
+penitentiaries
+umeme
+emisiones
+gooly
+fayed
+carbonell
+rasau
+sub-title
+tsking
+8-member
+donnall
+disorganised
+hardin
+wempe
+obtuse
+razanauskas
+sabatino
+248
+lemus
+balamand
+hülsbeck
+wilhelmy
+braiding
+annoys
+96-81
+deep-seated
+syllogism
+speir
+58.18
+lineman
+cowden
+equilibrated
+rainin
+65-62
+avra
+post-processing
+explosivity
+novela
+a.r.c.
+jlpga
+sheamus
+glaisher
+emanuelson
+contentious
+gral
+imabari
+główczyce
+danske
+escutcheons
+séraphin
+rax
+ethno-cultural
+pinjore
+honkala
+2-level
+calusa
+kudrow
+http://www.stuffit.com
+pagnell
+curwood
+let-down
+lowercase
+reynell
+67.26
+arpin
+fairbridge
+redesigns
+tagliabue
+chelmer
+sportul
+f22
+back-to-school
+55.01
+conceptualist
+rollerblades
+lauding
+elizur
+kiefel
+42-inch
+26,667
+jbara
+ramdas
+januari
+chequered
+pulsate
+haviv
+virat
+underscore
+kenyah
+unirea
+xinguang
+nassau-saarbrücken
+chakyar
+microbreweries
+ruso
+25b
+schaul
+wilczak
+in-plane
+rikyū
+tod
+heimburg
+cli
+loksatta
+hauss
+cuello
+sarbin
+twellman
+vg-lista
+apomixis
+est.
+0805
+48-16
+dyckman
+gadjo
+representaciones
+fernandinho
+euro205
+praetorian
+nogais
+superposed
+kemmons
+mid-1990s
+pumas
+mullahkhil
+telephoto
+ojok
+side-story
+49.77
+samaa
+rebodied
+79.06
+zygi
+ontic
+flickr.com
+concavity
+nzgsae
+74-75
+card-based
+representative-elect
+50-28
+aliağa
+1957-1960
+gundog
+balša
+pominville
+eliad
+fcx
+ridge-and-valley
+furnaces
+inoperable
+mccowan
+lying-in
+weinstadt
+sør-hålogaland
+polyhedra
+agenor
+18-week
+kokonoe
+phantasie
+hashish
+5-wood
+albertis
+epidote
+marett
+mutawakel
+2,059
+shabaks
+k.a.
+arquebus
+tracking
+ajahn
+mdb
+nammari
+pharmacia
+3:01
+burtons
+scoobies
+ndukwe
+6-to-3
+disposed
+subalterns
+countrywoman
+sedia
+portswood
+mahmudur
+madhuri
+tibeto-burman
+haid
+steinways
+leatherhead
+chopping
+conisbee
+djaanfari
+peruggi
+i-71
+of-9
+docg
+lizardi
+penhold
+subcortical
+scieur
+bjoerklund
+basse-terre
+catbalogan
+presle
+addis
+suchocka
+wyda
+greengrass
+canteloupe
+yeshiva
+jaywalkers
+queensbridge
+honoraria
+624,000
+indefensible
+sumilao
+7,000-point
+toysmart.com
+velike
+51-9
+zionism
+slaughterers
+nahmani
+governmentwide
+opabunmi
+rf-4cs
+methylene
+nuys
+giantkiller
+bailong
+reattachment
+lazos
+wqxi
+cumbric
+palethorpe
+cramlington
+educating
+74723,3507
+mcglasson
+altendorf
+mcmanus
+flamini
+rosado
+banig
+restormel
+kiloparsecs
+miniere
+pătrășcanu
+2,085
+spokane
+oologah
+105.05
+xy
+kabuto
+husband-wife
+argument
+bernaudeau
+then-popular
+chainat
+koszul
+itinerants
+44.77
+13,120
+tzorvas
+tc
+biomolecules
+lucero
+josei
+youfang
+dollex-200
+fdic
+musiri
+126.25
+-----------------------
+9,370
+kinship
+72.10
+boonville
+rore
+university-level
+chueca
+77.10
+yassin
+candelas
+harnack
+bazley
+nine-tailed
+coss
+photophobia
+projectionists
+danza
+bhs
+drechsler
+dún
+centre
+ioannes
+micromolluscs
+dogcatcher
+banyumas
+hakodate
+wangdue
+etra
+2,751
+dk04
+centrafrique
+evinger
+leitl
+distil
+gillinson
+opportunities_montreal
+wiercioch
+muggins
+attalea
+nusseirat
+franciscan
+killa
+brite
+wilke
+4-party
+a-nation
+gratifies
+ferrara
+archer
+haemon
+interpleader
+aumentado
+frederiks
+phen
+multi-genre
+balck
+4014
+mimran
+16.07
+57-nation
+condensate
+severer
+catton
+ailpín
+lutie
+traversed
+razieh
+gungoren
+gronholm
+16.77
+60.81
+sciacchetano
+dollah
+forbes.com
+76.7
+vula
+1,020
+non-theistic
+redecard
+speller
+bola
+fold-out
+pandion
+ket
+post-katrina
+lepta
+blenkiron
+strikebound
+echoi
+engels
+mauriceville
+zholtovsky
+veni
+ccoo
+toxicities
+sixty-three
+oteiza
+medina
+pcd
+foodstuff
+valbon
+nalini
+3,499
+tamerlane
+semi-circle
+satirizing
+baulking
+communciations
+chancer
+scipionyx
+websters
+breiz
+vilest
+2004-2010
+24.73
+sweepstake
+recline
+110.75
+dismissed
+foaf
+hswms
+thundering
+alapaha
+deactivate
+broaddrick
+frasure
+wimbley
+inside
+brightwood
+203,000
+sujoy
+loken
+turtur
+1964/65
+detrital
+aomar
+aleksandra
+jumping
+cerezo
+panamericana
+aulia
+comedienne
+crateris
+dbs50
+stevns
+hilberg
+nicopolis
+bagnoli
+arends
+ld&ecr
+besmirching
+werd
+one-episode
+ascc
+vibrio
+mutun
+pointe-aux-trembles
+mobilised
+lasa
+tesio
+wurzel
+718,000
+flender
+mouloud
+hori
+zmed
+sa'id
+bibit
+rican
+juppe
+homeboy
+euller
+edwardians
+iste
+seree
+castanets
+stenton
+ledgers
+genuine
+lench
+lauttasaari
+silvaner
+permet
+epoxies
+columb
+yellowfish
+lumbago
+luttazzi
+ten-year
+chromatids
+shree
+opava
+misreads
+tonegawa
+harward
+ត
+smoke
+stipple
+4,980
+toddlers
+4.2-million
+habimana
+insinuated
+merlotte
+dahiyah
+olallie
+lipsey
+leheny
+despierta
+cey
+cherono
+warbles
+ology
+east-bound
+kadhimiya
+existence
+gul
+abz
+springing
+dowdeswell
+fashioned
+foregrounds
+tranquilo
+grapico
+kolodjay
+scamps
+shrew-forms
+harithi
+coolers
+amping
+ebersohn
+arizpe
+1680
+blueshield
+upsmanship
+cyanogenmod
+aeshna
+panagoulias
+prolific
+airworthy
+coulees
+bovio
+ángeles
+proa
+thilanga
+dummer
+69-31
+infosys
+attenuates
+mozzarella
+premedical
+deliberately
+64-page
+schnitzler
+georgiades
+numeri
+matchdays
+s/360
+tdr
+unsalvageable
+bleidelis
+södermanland
+sosnick
+heifer
+facilitating
+ambers
+1429
+malfoy
+oversteps
+ownerless
+firle
+point
+obus
+matings
+nombre
+rester
+crespigny
+ilab
+0.07
+55-yard
+tristán
+wesson
+chrismukkah
+rossport
+campaing
+50000
+huemer
+jessee
+florent
+makeev
+thegns
+non-orthogonal
+nava'i
+rate-limiting
+3.235
+residente
+dubowski
+hunk
+resonated
+vandemark
+radyo
+291st
+magrath
+massinissa
+antiscalping
+benedicta
+ghostly
+ganesh
+kuper
+abarca
+unacceptably
+trepassey
+suctioned
+wsbk-tv
+tesana
+431st
+499-3337
+holzman
+rums
+0-20
+saltdean
+inradius
+mutambara
+conaculta
+flatters
+amiriya
+ái
+lithic
+musik
+estadounidense
+9:1
+timing
+1.25-billion
+ellenor
+autorité
+virulently
+chiapas
+chechnyan
+amerco
+ān
+asrar
+kooper
+yass
+spetman
+footpaths
+parboiled
+letting
+salmo
+amala
+2,264
+alibert
+peacefire
+ratulangi
+conduit
+kuryluk
+piet
+217.6
+66.63
+laguesma
+alén
+19.2
+propulsion
+calarca
+sporades
+cayucos
+agoo
+kennings
+poletown
+masamitsu
+87.67
+13.51
+mahananda
+dribbled
+poesia
+6,850
+älvsjö
+jundullah
+stairs
+ammonoid
+vilhena
+attires
+pitre
+leptotyphlops
+monbouquette
+borzage
+4-28
+neuroleptic
+keld
+antoniades
+winnipeg
+a_14
+siheung
+gunbattles
+betel
+complutense
+valesky
+self-promoting
+gardes
+grk
+santogold
+fauvist
+mithila
+brańsk
+aebi
+wisner
+11s
+cambios
+radiotelevisione
+sinsheimer
+greimas
+1625
+mazy
+aspan
+wind-powered
+55.95
+24.15
+schwarzman
+rabuka
+mausam
+uehara
+71,600
+bruyneel
+pits
+1.4283
+flamer
+austock
+qalandia
+taras
+calyptraeidae
+warty
+1716
+makovich
+inkling
+hızır
+ecoturismo
+arsons
+kausalya
+curable
+dedic
+ettingshausen
+pencak
+świecie
+k-pop
+metta
+briskman
+jaidev
+syntex
+toschi
+honeycombed
+vericel
+4,849
+khalaj
+merla
+wombs
+ugborodo
+vespertilionidae
+intv
+ponca
+liapis
+pertanian
+61,200
+fetishistic
+ballentine
+roseli
+dagnall
+kazyna
+turbinates
+gula
+kovilakam
+npfl
+winching
+260-page
+douchez
+sippio
+институт
+60.34
+stakis
+tarba
+multiplication
+37.27
+clinking
+yerma
+warmia
+karavaeva
+darrin
+tessier
+stanikzai
+deee
+randhawa
+elstree
+heatley
+216.2
+squadriglia
+compulsions
+dashtestan
+balwinder
+devastates
+sun-god
+cachexia
+silla
+390,000
+bouchareb
+riefenstahl
+simak
+tirith
+neela
+rapid
+45.16
+baharampur
+woolford
+puyo
+melanocephalus
+haddonfield
+usurpations
+pre-industrial
+ravindran
+konopnica
+ledra
+personable
+dignify
+forus
+compendiums
+35.19
+echinocereus
+lavallette
+minakami
+zanni
+tsengwen
+hammaker
+kundan
+asj
+mayrhofen
+vandamme
+ranaut
+igasaki
+khirad
+al-assad
+modeled
+sdrc
+maalot
+hiltzik
+cooperators
+cartegena
+dolton
+ardglass
+euro38
+yunlei
+gdt
+codas
+reyli
+blart
+coriander
+caçadores
+short-circuited
+converged
+endless
+pimms
+piddly
+rieders
+germinated
+ragi
+gitto
+.1282
+chhagan
+tarman
+mengele
+bohun
+clenbuterol
+buddenbrooks
+all-girls
+deposit
+kargozaran
+ohen
+kolea
+patijn
+shimek
+aggressor
+shapley
+theravāda
+almenara
+mcgriff
+jenkinson
+colerne
+anti-lock
+7-foot-4
+ossman
+xenos
+agapitos
+cultus
+23-26
+61.52
+neufeld
+108.47
+shosse
+sharna
+dainong
+kaypro
+doraemon
+myehrsh
+leisinger
+ballymore
+tlaloc
+http://judiciary.senate.gov
+eastertide
+chelan
+0.1
+fabrikant
+abbass
+buitenzorg
+cannstatt
+taikoo
+naghdi
+malandro
+iwm
+pyinmana
+migs
+mnc
+tfcc
+demarcates
+5.79
+agle
+3,419
+mort
+perrotin
+four-week
+ashim
+shanyu
+282
+remobilized
+capernwray
+timbaland
+bivouacs
+al-ahli
+clapping
+retrofit
+bentleys
+fore-runner
+santillán
+richland
+vipr
+aadi
+kushell
+tutin
+sarma
+kcal/mol
+houngan
+wullar
+flicked
+iso-8859-1
+teav
+campaign
+rosses
+orakpo
+khris
+summerset
+spanners
+showcasing
+petruzzi
+nomismata
+valas
+priss
+87-seat
+bukas
+sah
+udaan
+kaiserlautern
+specioza
+gigawatts
+1,852
+schorpen
+cesaire
+paenibacillus
+37-second
+neiafu
+vehicle-mounted
+abarat
+geraldo
+omary
+dardouna
+bikuben
+craftily
+jamalullail
+zimra
+latrobe
+hurricane
+sherdog
+safc
+itogi
+asumu
+cry
+1-48
+lourdes
+competency-based
+hinderstein
+malikov
+lamongan
+”’
+nabarangpur
+byproduct
+matebeleland
+194.7
+mytilene
+asotasi
+eur2004-gre
+chelo
+caldon
+sansing
+blå
+reappropriation
+yanomamo
+241.7
+joshua
+duane
+burrill
+bannang
+ringen
+arditti
+ako
+schacter
+aarons
+deparment
+schouten
+gatiss
+saqeb
+selimi
+byrdak
+harperresource
+underperform
+carriacou
+u
+pivot
+withyham
+envisages
+brerewood
+interannual
+bob.wojnowskidetnews.com
+89-75
+shi'as
+sino-russian
+il-1α
+cap-français
+17-article
+kanaloa
+ex-fiancée
+wealthiest
+openweight
+atem
+odinism
+deletion
+valdivieso
+zigmund
+zayuna
+battening
+herault
+shamie
+tetraethyl
+adjacent
+boskovich
+hsuehshan
+buwa
+1218
+12.54
+leeuwenburg
+endgame
+westcar
+re-ordered
+hadong
+non-aligned
+-500
+paleoclimatology
+eventful
+martialed
+al-qadir
+causton
+24.72
+vostro
+rikku
+86-yard
+shahani
+dolostone
+17,505
+brahmana
+wimsey
+1993/4
+lashio
+3-94
+ryoji
+28.48
+zuoren
+dudayev
+glonn
+late-summer
+sisti
+bretonneux
+d.n.
+90.77
+tractates
+539
+kahlil
+coachella
+600-800
+eatwell
+bruhat
+castros
+avangard
+archambaud
+hornets
+ilyumzhinov
+mog
+sory
+mottley
+wenhai
+colones
+aave
+quzhou
+soranus
+kabetu
+manikin
+shundi
+fishnets
+predazzo
+timidly
+porkers
+extra-pair
+szlacheckie
+babatunde
+36.58
+case
+seeks
+schwarzen
+faculty
+coeur
+frizzed
+segredo
+pinola
+903,000
+jousts
+cyclotron
+tymoshenko
+glosses
+david.kronkedailynews.com
+seimone
+aspel
+baltiansky
+tsakhiagiin
+gatland
+niemand
+minced
+u.s.-eu
+tidel
+dolon
+reduction
+jassen
+ncsa
+jongno-gu
+gutseriev
+3,532
+digitisation
+loughinisland
+5:29
+uruguyan
+105.18
+medicea
+16-a
+ōji
+4,050
+175.4
+peytermann
+69.32
+tameness
+delerue
+97,500
+w.m.
+depot
+felicitated
+suprema
+olney
+chiaki
+donruss
+nominals
+novator
+bartlet
+gymnasiums
+sorting
+pilchuck
+livan
+musl
+vagankovo
+saddoun
+bb5
+madang
+tesseractic
+windrush
+gabu
+sexyback
+gjerdrum
+porrata
+19:48
+coupled
+redmonds
+kerchief
+poulenc
+showing
+bergfried
+tolkowsky
+spacecrafts
+descriptions
+22:00
+etete
+stemless
+cottenham
+volksgemeinschaft
+betted
+zuluaga
+kantakouzenos
+73.98
+ex-fiancé
+sex-positive
+checker
+rheumatologists
+entrenching
+hujailan
+leftfielder
+al-walid
+qsound
+spezia
+lt.-gen
+2,351
+padstow
+85-81
+clarifier
+cullinane
+cd&v
+mundubbera
+séamus
+yichun
+guyart
+4,962
+periodization
+captivate
+mabee
+pianet
+3,398
+greenery
+mh-53e
+lillywhite
+zipa
+agroforestry
+bežigrad
+noncredit
+108.28
+shot
+karake
+anscar
+milevskaya
+forbush
+magia
+callous
+mcteague
+songdo
+ulin
+ebusiness
+6.4-hectare
+gutting
+peor
+ceneri
+tanjavur
+22-3
+danya
+malpighian
+al-mundhir
+fpso
+naziunalista
+pacificorp
+sonus
+blurry
+velits
+pinnules
+boft
+micaceous
+aznar
+dwi
+peirse
+peyre
+tordenskjold
+chikhladze
+heartworms
+four-day
+longridge
+vanhoose
+82-68
+108.00
+109.75
+pdam
+layl
+figurs
+baie-comeau
+greate
+shaqlawa
+2,332
+bolam
+johore
+sadra
+patacas
+playstations
+mopping-up
+dolines
+kaimai
+shakh
+neurocognitive
+complaints
+rebel-held
+psittacidae
+constructively
+gyang
+reciters
+net-centric
+conjectured
+sanginov
+cornmeal
+il-12
+bugenhagen
+bladecenter
+krajci
+litten
+all-stars
+broiled
+creager
+mcconaughey
+213.1
+record-keeping
+enya
+nive
+paruzzi
+handstand
+l'automobile
+schorr
+self-educated
+cornerback
+gli
+unserved
+dellucci
+1-1
+hagman
+high-fructose
+waterfowls
+mchargue
+hellinikon
+isotta-fraschini
+tantalisingly
+14.31
+taef
+mongala
+zhitong
+640-by-480
+tins
+harbours
+bohol
+wahweap
+afc
+foxxy
+al-dawla
+saboteurs
+legault
+l-4
+rfd8
+sentance
+hagenow
+quaffable
+kalderash
+cat-and-mouse
+jurgensen
+chechens
+velika
+urach
+ennals
+tfcf
+harasser
+glapwell
+castells
+baath
+factum
+diomedio
+emmeram
+1332
+methotrexate
+jangling
+lifeguarding
+shekau
+re-recordings
+dearmond
+minowa
+veazie
+juliao
+numerology
+29sec
+superprestige
+open-world
+10-footer
+dotcoms
+belden
+5-32
+nns12
+figl
+1541
+74.50
+t45
+kostovic
+richlin
+pastures
+rogin
+lrp
+srn
+qiliang
+denaby
+sagittarius
+45mm
+bisectors
+gravette
+dpa
+yut
+nephrogenic
+disinvesting
+ophthalmic
+baktiari
+legos
+finance
+wohlers
+governador
+djecr
+harisu
+schodack
+cinequest
+thain
+vogts
+inter-war
+nomad
+douillet
+9x
+alawi
+woodin
+huimin
+gravure
+hezhong
+taco
+weniger
+radenko
+spooking
+blues-rock
+grischuk
+grohl
+9800
+pterois
+pasodoble
+borrowash
+sinologists
+botreaux
+deja.com
+jiayi
+29.56
+berlex
+sublimates
+allhallows
+marsaglia
+mcts
+capitán
+halévy
+sanitary
+erred
+ubeidi
+aqrab
+teasley
+bjørnson
+cutlets
+224.9
+pasquale
+txe
+punish
+norma
+subduing
+calp
+merzenich
+kochetkova
+pythian
+oja
+sts-121
+d’etudes
+tourney
+dolores
+conason
+deschampsia
+1.5545
+star-times
+central-west
+warhop
+odd-toed
+137.5
+yordani
+kays
+mimpi
+wc2003-aus
+hardback
+2235
+higaonna
+gewog
+5.03
+esmor
+uhrin
+reanimating
+unappreciative
+epilepsy
+hassen
+subcarriers
+karamanid
+pf
+h.o.t.
+194-nation
+hol
+password
+ostium
+dojo
+keithley
+61-meter
+xiaoxiao
+parfrey
+ongais
+bel20
+hypermarkets
+frýdek-místek
+bellerive
+boder
+dornoch
+actis
+pps
+begelman
+3401
+1507
+mesmerizes
+tpb
+luzerne
+donath
+ofterschwang
+soxer
+2.485
+cavalryman
+world-renowned
+oy
+signing-on
+ucg
+nogent
+yoido
+silvermaster
+géologie
+imane
+shouchun
+lyr
+kolonie
+neurocranium
+mccauley
+zandt
+www.chron.com
+armour
+agard
+chaudhry
+mccarton
+saar
+glucosidase
+goodland
+majorat
+photoengraving
+pamantasan
+s/mime
+castilian
+granitic
+navvies
+gambetti
+bommenel
+unflappable
+luganda
+126.9
+dcx
+init
+4-seat
+radoman
+egaleo
+yellowknife
+close-knit
+ipv4
+18,500-seat
+roquetas
+hanyu
+gonadal
+mamia
+ibooks
+silvered
+sovran
+odey
+mengwa
+polygraphic
+marcin
+cipto
+mid/late
+mashingaidze
+avlis
+airdates
+abssi
+cartaya
+meritis
+munetoshi
+deregulations
+electromagnetism
+suica
+polarizing
+juhasz
+khandekar
+thornalley
+3,156
+jasmila
+solder
+inveresk
+wisser
+helps
+aisin
+hanworth
+uitenhage
+muraille
+longet
+heugel
+1.2696
+muhajirun
+sworn
+chuc
+numbering
+frighteners
+gumla
+hodo
+premature
+eliyahu
+cremating
+zubin
+cells
+bigs
+iliushechkina
+cothi
+xiangxi
+25.89
+vahana
+manika
+1421
+totalitarianism
+landmarked
+54sec
+lumping
+commiphora
+asanosho
+opochka
+cajamarca
+felstead
+bluthenthal
+d'aguilar
+sartison
+osteoclasts
+jagapati
+nemcova
+non-alignment
+1958-1962
+hoopers
+anti-jacksonian
+4-62
+68.73
+4,585
+21.29
+paragon
+labis
+choirboys
+woan
+orthomolecular
+22,800
+dilemmas
+syrius
+chanoyu
+sagom
+bronfman
+1704
+hanns
+warmbloodedness
+said
+oderzo
+kirchnerism
+dermarr
+wordpress
+ex-england
+welte
+bope
+já
+donofrio
+caminha
+anti-dumping
+r-e
+barrero
+doggart
+glands
+saudeleur
+fairford
+melitta
+ashvetia
+wormtongue
+lobau
+uncover
+1/20th
+dakoury
+hofheimer
+porphyrio
+banerji
+ridder
+aldag
+63-run
+denarii
+strymon
+galson
+bugsy
+cefiro
+wolffish
+nhulunbuy
+hisato
+franscisco
+sanno
+rosemarkie
+shivji
+0.75
+42-0
+tvt
+eyre
+apologetically
+tolerability
+3,597
+świętokrzyskie
+strause
+os/2
+primas
+dilman
+shouguang
+bvudzijena
+westridge
+balart
+vasotec
+cimo
+2780
+nailer
+hvidovre
+stanely
+stonerside
+apicalis
+banai
+toshiro
+tennapel
+east-southeast
+auctioneer
+campephagidae
+poderes
+fologo
+zarabozo
+hmeid
+orjiako
+ilus
+blaž
+crime-related
+tushar
+dcsd
+schenkerian
+conspiratorial
+southfork
+sic
+egner
+sunnfjord
+pdm
+gus
+licensees
+70-hour
+bessonnette
+arrowpoint
+liniger
+rthk
+soder
+domesticate
+epenthetic
+13,750
+adyar
+kirovsky
+1.148
+thickheaded
+dhea
+grodriguez@latimescolumnists.com
+regimens
+idealistic
+mizmedi
+responsibile
+113.76
+monoplanes
+college
+wangsa
+tabiti
+dog
+hermia
+zawahri
+primark
+transfer
+goldinger
+vellalars
+retrenches
+7071
+93-5
+25.81
+teflon
+team-record
+110-yen
+title-holders
+saulny
+lighted
+crossface
+mhz
+clonakilty
+potsdam-mittelmark
+forever
+deandrea
+2,200-strong
+bare-bones
+fatwas
+drano
+awilda
+belief
+35-metre
+18.80
+bl
+gisladottir
+certs
+interrogatory
+book-keeper
+rippled
+400-450
+raucousness
+germer
+okam
+repulsing
+veep
+7,650
+segovia
+eggshells
+cooder
+ouse
+putri
+re-orientation
+dostam
+lindsay
+benders
+7p
+bujutsu
+kostolac
+máire
+boudreaux
+enthralled
+dedric
+planetrx
+goal_buffalo
+8-to-5
+movie-going
+hingoli
+heede
+ktuu
+appelbaum
+evangelizing
+66-96
+cortines
+ritualised
+93.46
+dermochelys
+astaxanthin
+moinul
+docherty
+noortwijk
+face-on
+grapes
+linlithgow
+diodes
+ostrava
+kaos
+muggy
+cartera
+marea
+pozo
+escuelas
+speakeasies
+120.76
+antineutrinos
+188.9
+bff
+chinlund
+3,1
+835,000
+boletín
+evrytania
+cernunnos
+seraph
+9.850
+blokus
+braz
+rathke
+weigang
+channelnewsasia
+jimmi
+transepts
+halbwachs
+ballasted
+dyna-soar
+rogatica
+practiced
+colorations
+kala
+ronquillo
+herpetology
+sensacion
+misdiagnosing
+thanongsak
+fusillades
+espoirs
+www.aol.com
+hyperthyroid
+freeholder
+amonasro
+4h
+trox
+browner
+lorber
+sammartino
+debasement
+4,410
+doumet
+theofilos
+untergang
+perdanakusuma
+isaragura
+well-drained
+otai
+tsholotsho
+two-players-ties
+paquito
+borujen
+falled
+karachai
+u3
+shisha
+bimstec
+toskay
+n-acetylglucosaminyltransferase
+d.o.a.
+egede-nissen
+reva
+101.74
+nd
+nord-est
+rentschler
+oxygène
+dumpers
+snowline
+canvassing
+unguided
+probated
+floridsdorf
+1.5150
+orchila
+highest-income
+nasjonal
+meritorious
+saru
+externships
+40.63
+chelsy
+galanov
+gunpowder
+soochow
+qizilbash
+.214
+speaker
+19:05
+16,667
+o-h
+raymonds
+safiye
+interveinal
+hersbruck
+desensitizing
+rozalin
+preta
+sixpence
+conoce
+wimberley
+goergl
+kenzaburo
+chute
+1972/73
+5-79
+get-together
+cdma
+gorr
+systolic
+macd
+laurinda
+bobster
+gramática
+orio
+keesing
+unbox
+hilted
+megapixel
+alīābād
+1130gmt
+blooding
+transhipped
+voula
+mcgauley
+yongdingmen
+70.27
+c.b.s.
+euro790
+23min
+1,476
+hydropathy
+golgi
+akaroa
+986
+pelino
+mansard
+genero
+whereafter
+h2co3
+1,649
+flitch
+techne
+outgrew
+multicamera
+115.92
+marta
+smilla
+hectoliters
+humility
+koff
+excavate
+106.6
+taverna
+burgin
+encontrado
+engulfs
++5
+simrall
+39.67
+jenks
+lennmarker
+tuomas
+floaty
+wheeler
+tulunadu
+wintering
+zahwa
+vossius
+publicized
+florida
+cecelia
+modafinil
+omarov
+tude
+cueball
+oud
+nuclearization
+71-member
+coin-operated
+claymore
+gendarme
+kindest
+bailis
+easygoing
+northup
+recompiled
+donum
+kriz
+capucci
+kulkarni
+mamak
+zloty
+palia
+maurus
+wgselby
+defect
+jadson
+1.34
+10.86
+sina.com.cn
+destitutes
+sandawe
+jarawa
+65.33
+improvised
+cidra
+semi-major
+badejo
+chori
+prizing
+ebsco
+rwe
+everybody
+seguenzioidea
+iasi
+sarton
+cesarewitch
+12-22
+tended
+kodiaks
+corruptors
+formula_148
+gerena
+tooled
+furin
+eschborn
+dmg
+cluett
+sweaty
+17-ounce
+schisms
+cassadaga
+historicist
+insalata
+boisterous
+ladykillers
+prowlers
+quays
+vmax
+anti-smuggling
+717,000
+2.5-percent
+capitata
+topspin
+48.01
+balderrama
+sourceforge
+baptiste
+4.2-liter
+immergut
+856
+111.25
+frag
+odelay
+non-swiss
+delaroche
+psychostimulants
+carnoy
+2,093
+predappio
+vejvoda
+guyot
+chronica
+restaurateur
+alsogaray
+bloodstone
+eadmer
+mercyme
+obdulio
+prebaked
+microcar
+strikeback
+abc7
+coders
+tsion
+crutchley
+10.65
+t'ien
+brasseur
+twigs
+seasonlong
+al-ahmar
+mohtaj
+purulent
+columns
+600,000
+2324
+budel
+petricoin
++1.8
+25.53
+cp
+meatpacker
+lyonel
+37.69
+heterocyclic
+neiers
+semi-auto
+rivals.com
+houssay
+eddying
+bathymetry
+6-of-6
+cramped
+ride-on
+bronk
+página
+wunderkinder
+thielmann
+wiehen
+balcombe
+aromatic
+khoja
+odalovic
+lilius
+dowling
+resiana
+batting_irodriguez
+insightful
+maistre
+nourishing
+xiaoying
+theodosios
+bkn
+rullo
+luggers
+oog
+ressel
+longnor
+three-day
+discriminations
+embargo
+odagiri
+prisunic
+aisawa
+pedalo
+starksia
+reirden
+shuang
+skerrit
+otaiba
+kuzmich
+pretelt
+sksmith
+iconicity
+outrunning
+lipsyte
+neverland
+dawsey
+lisner
+52.47
+counter-offensives
+blankenbaker
+pelous
+solare
+lochsa
+60.43
+ppa
+crimestoppers
+amiram
+chimú
+wednesday.the
+sandtoft
+chauci
+semioli
+legión
+544,000
+monoclinic
+110.96
+intense
+ie
+firs
+9th-10th
+eminönü
+cephalic
+ordinariness
+ngazidja
+discolored
+diodotus
+cer
+yuyang
+fenukitau
+endresen
+streamed
+aline
+olsen
+softail
+e-amal
+rapidan
+botsford
+33rd
+skvortsov
+90-91
+kamphaeng
+nahim
+torreón
+fairgoers
+interzone
+pihtla
+50.03
+copiers
+7,080
+robustum
+revoting
+vierny
+stroma
+digoxin
+honeyghan
+lendingtree
+2,616
+ancillaries
+discoursed
+mosteiros
+sadulayeva
+1/4teaspoon
+killingworth
+lithe
+taamari
+zakspeed
+brennand
+chiquet
+afl-cio
+miwon
+inundation
+postulated
+plaquemines
+nco
+böhler
+somethings
+bicoloured
+infrequency
+dirtiest
+twisted
+44,200
+mosel
+lothar
+governance
+pretre
+android-based
+musings
+leerdam
+bamma
+8-space
+ngotty
+proper
+puning
+jillani
+eis
+4,280
+somaia
+ferreiro
+mahalawi
+www.hbo.com
+zoquean
+kapusuz
+extinguishing
+chorionic
+sarich
+bairbre
+9,520
+coláiste
+intra-abdominal
+gorontalo
+dolgov
+85.15
+milad
+3,700
+unroll
+cule
+etherege
+hexagrams
+overhaul
+showrunner
+steeper
+32.08
+gilkison
+langenfeld
+abnormally
+pakistanis
+mansa
+kidsgrove
+saqr
+1/1000
+reutlingen
+rnap
+randone
+zli
+kcsn
+n0
+peden
+jekshenkulov
+undone
+firmani
+khazee
+trogidae
+stockpilers
+90-gun
+santi
+lynnfield
+rubberband
+beda
+disgorge
+ellman
+10-times
+republicanism
+rupo
+avertino
+ladytron
+penneys
+megali
+kosco
+capt
+24:00
+mediagroup
+τοῦ
+gingerbread
+navier-stokes
+29.82
+schubert
+66-1
+89.83
+pyrophosphorylase
+pyromaniac
+morag
+rap/sung
+moharram
+cucinotta
+sanberg
+memphis
+samaha
+pasin
+pre-pottery
+klassik
+drtv
+krafft
+promusicae
+.516
+hc-130
+parecon
+aek
+garcons
+1462
+cornfield
+zentner
+biogeographic
+münchener
+calstrs
+semitic
+khariboli
+coudet
+maccormac
+isango
+zvimba
+kuznetsova
+spanish-american
+edo
+disgracefully
+tertre
+sodepur
+semeta
+castano
+ouvrage
+glucokinase
+1992-3
+raghoji
+benefactress
+cheesesteak
+45-story
+bonventre
+rzhev
+iliamna
+cuestion
+rubab
+ldt
+365.25
+swt
+cranial
+besanceney
+revealing
+479,000
+melchett
+nase
+1.4025
+glottis
+sankranti
+persea
+shmidt
+škola
+1.150
+1784
+rafowicz
+murtaza
+briskness
+stephanie
+sellersville
+kilakarai
+pieterse
+integralist
+brodet
+penannular
+minjung
+alongwith
+comic-con
+counterterrorism
+tanfield
+re-fit
+medford
+bertarelli
+cuanza
+rocktober
+46.07
+unworkable
+breathers
+wherley
+baldrick
+koil
+last-minute
+volatilities
+hydromorphone
+microfossils
+kreisler
+scepanovic
+klingenthal
+119.38
+bb1
+8-second
+peil
+1.1740
+philadelphia-area
+jags
+observors
+skitters
+hartsock
+segesta
+youth
+1316
+quirarte
+belk
+bushshrikes
+82.46
+marshburn
+mount
+87.06
+daubeny
+valeriy
+myopic
+acapella
+ruffling
+baccata
+luongo
+1large
+khorog
+araraquara
+48.78
+travian
+ch-47d
+pedophilic
+peremptory
+croupiers
+lebkuchen
+mmo2
+shiley
+leges
+moonflower
+strive
+fiera
+pekanbaru
+khudoberdyev
+ramday
+sclavos
+stahel
+wishram
+beasant
+erbate
+rienzie
+7-year-old
+yerin
+orlandersmith
+kirton
+vt.
+bronner
+egfr
+inter-disciplinary
+pilosus
+caccia
+lundestad
+cameroons
+chirinos
+commemorations
+nishitetsu
+glanders
+1868
+gnf
+luminol
+ringmaster
+charax
+bettys
+roum
+souillac
+tortall
+isaccea
+buqing
+princedoms
+roelofs
+documentaries
+sirbu
+semivowels
+djojohadikusumo
+abdolkarim
+octosyllabic
+doted
+seasonless
+graaf
+lubov
+steamhammer
+sosua
+28.22
+chitpavan
+n4
+sergy
+chochiyev
+asx200
+zamora
+hosoda
+milledgeville
+shor
+nona
+newtownabbey
+1961-1966
+querida
+chandragupta
+prds
+d'antoni
+compagni
+vandalize
+gradus
+carvey
+ecru
+salamis
+biafrans
+carbaugh
+stalybridge
+hrg
+bruntál
+250-foot
+terrifically
+staffeln
+1,500-strong
+innards
+slesinger
+porsanger
+naseebullah
+mcphie
+freiberga
+noe
+anova
+rozsival
+glottalization
+jialing
+miłakowo
+improvisor
+wandle
+re-incarnation
+berrics
+tahlequah
+high-affinity
+reinprecht
+kissel
+couteur
+strawbery
+.281
+463,000
+michelin-starred
+workgroups
+hongxia
+moralized
+25.67
+mank
+sinotruk
+30km
+dorsal
+saadallah
+yoji
+cabey
+clavicle
+jeffreys
+socony-vacuum
+advice
+magnan
+stealing
+planner
+kogi
+bcsl
+arbeitsgemeinschaft
+songsmith
+ceases
+yin-yang
+zografou
+unintelligibly
+hey
+all-eastern
+ison
+reserpine
+111s
+baksi
+hermie
+travers
+allamanda
+flyable
+bondarenko
+vivocity
+tekel
+kingmakers
+69kg
+gratuitous
+corpulence
+medevac
+wingnuts
+oppposition
+enneagram
+pikayev
+koplik
+fantastica
+centricity
+tomonori
+cívica
+pre-katrina
+deguardia
+684
+creach
+throbbing
+lorises
+141.0
+vicks
+masnavi
+ersguterjunge
+hambrook
+locas
+hidetoshi
+bies
+ocular
+duponts
+psychosexual
+philosophorum
+janik
+222-member
+o.o.
+rupaul
+rosovsky
+gynaecological
+mu'in
+postsynaptic
+burdens
+arik
+likewise
+cais
+požega-slavonia
+wagster
+taifu
+57-52
+cnbc.com
+cruez
+университет
+milsteins
+irregular
+inlander
+nabila
+fisk
+1.021
+30-8
+foillan
+tretyakov
+stevo
+newsnet
+wacht
+griffinite
+madlen
+xcel
+verizon
+pastorally
+idea
+hcg
+kesrwan
+balderas
+shenxiu
+estremoz
+liangying
+barzin
+film-related
+dadwal
+rm3
+castelletto
+pin-ups
+2,747
+non-trivial
+f/1
+161.5
+oflc
+transmitter
+beccaria
+11,550
+santur
+31.70
+vastness
+650,000-strong
+hoenlein
+keerthi
+feldspars
+heliostat
+blowfish
+lunke
+turmail
+klimczak
+leros
+marrou
+draghici
+s.s.c.
+verny
+variances
+eqtisadiah
+vee
+stackhouse
+videoconference
+bby
+cruet
+szuszka
+illington
+29.11
+sarkies
+unaccountability
+2322
+faith-based
+paranzino
+tanḥuma
+25th
+spireites
+stapledon
+gilibert
+gonn
+vollers
+hxg4
+eurotop
+f8
+175-acre
+ghione
+mistress
+lemierre
+britani
+spallanzani
+barwani
+overloads
+79.88
+guiglo
+drengot
+ploch
+biffa
+disconcert
+replicators
+all-state
+second-ranked
+cash4gold
+bioactivity
+suffocatingly
+haat
+brummie
+extraposition
+liners
+veronesi
+billups
+0.041
+madeira
+akdeniz
+semanal
+carnage
+sieracki
+70.80
+relyea
+patankar
+tayo
+slenderest
+kianga
+0.002
+mordonez
+baldwyn
+ar
+stordalen
+grisanti
+burmans
+existencia
+restauranteur
+gonchar
+brindle
+bructeri
+mehrotra
+huaqiao
+0500gmt
+non-tendered
+kerckhove
+63.36
+sixths
+एक्सप्रेस
+yuriy
+lubricious
+haustein
+domi
+cityline
+rukia
+limited-stop
+namdeb
+albaugh
+schönau
+xanana
+revisted
+mckinstry
+cornflake
+grotesk
+michelotti
+refoundation
+sotoudeh
+1.2175
+1998
+gávea
+i-94
+green-wood
+finesse
+kevyn
+coulston
+dyna
+schenkkan
+sdp
+pressel
+surratt
+marquart
+tuchet
+claming
+investor
+spritzing
+62.5
+valka
+tugnutt
+3.375
+uefi
+miyachi
+siphonic
+barbarously
+66,300
+teleki
+imploded
+predaceous
+freestyle
+waddingtons
+laments
+mesick
+halpenny
+stefanos
+tenore
+barese
+abscission
+carrizal
+reinstated
+comptel
+krys
+8f8
+ovingham
+bulrushes
+ringspot
+pescadores
+alimta
+feiten
+tandy
+19.40
+tideway
+draftsmanship
+three-and-a-half-year
+ziębice
+tvtv
+br03
+munting
+chorister
+kellis
+enden
+64-kg
+crocodilians
+dilaudid
+ubiquity
+mawdryn
+shutout
+pyuhng
+redcoats
+hasten
+minnelli
+kumudini
+lifou
+ads
+gourma
+hsueh
+dallas-fort
+storeowners
+pomer
+scatterbrained
+mekki
+tourism-related
+eight-week
+preska
+simchat
+economizer
+typhula
+shrivels
+bloodstains
+erel
+deq
+disembark
+heqing
+ohnishi
+aliyah
+buddie
+niepce
+athi
+benares
+handleman
+mathura
+itami
+yinchuan
+acmi
+dosch
+imitrex
+α1-adrenergic
+1991
+jousting
+uncompahgre
+xiaomi
+chakravorty
+chimneypiece
+euro289
+muscat
+otelia
+colu
+karankawa
+fraulein
+pelvic
+marikina
+vernalis
+m.v.
+expropriated
+villante
+gemelli
+42.195-kilometer
+inheritance
+wouter
+spanger
+mespilus
+ahmat
+gaceta
+g&s
+prufrock
+semi-transparent
+kativik
+nhleast
+volochyok
+belpaire
+fifer
+saturniidae
+hondajet
+vanier
+shmulik
+viên
+behbahan
+wintertime
+tresh
+caplet
+jumma
+rivenburg
+formula_133
+visoko
+our
+precedent-setting
+hengqin
+instructed
+1-oliver
+nizza
+sasa
+ereli
+katalyst
+31.34
+arno
+ucb
+oxide
+marcheline
+zawawi
+centerpieced
+wellwood
+aedes
+15.46
+wohlgemuth
+reymont
+braunlage
+reshammiya
+cassady
+ariosto
+protections
+48.66
+gti
+condict
+soft
+paulison
+unaccountably
+suk
+currahee
+mentoring
+wariness
+effusively
+polsky
+glaswegian
+agrelot
+ybc
+spel
+sizes
+calle
+trisakti
+morimura
+gattorno
+fairhaven
+coeli
+personalistic
+swiftly
+pcj
+tarczyn
+buckley
+fine-tuned
+justifying
+nikolay
+peirce
+anglo-burmese
+craves
+quarryman
+ninth-largest
+auditoriums
+kot
+sonogram
+gates
+faaa
+document
+catman
+daringly
+5-104
+canoa
+lund
+plantas
+rudolstadt
+impressive
+pvt
+cantt
+caressed
+abune
+d'água
+slavyansk-na-kubani
+powwow
+73.75
+corridors
+impregnability
+xiaobin
+2,769
+curtiss-wright
+ying
+eun
+slammiversary
+latifi
+:p
+babies
+sikatana
+visoth
+lightheartedly
+culminating
+provolone
+seldin
+36-27
+bishkek
+radmila
+higginson
+waechter
+meiktila
+sweet-natured
+37-seat
+icescr
+bhagwan
+lefebvre
+mongu
+anti-gang
+445,000
+kalenga
+bidoons
+ar-pharazôn
+ruaidri
+ruemelin
+andray
+iseo
+tytherington
+leigu
+m35
+anmc
+kutayev
+sejersted
+4-to-1
+tutored
+painkillers
+then-unreleased
+1-3-1
+hallucis
+outbreaks
+sportscasting
+enh
+palestino
+roxby
+horticulturalist
+oviatt
+kantrowitz
+wessberg
+rigaudeau
+watl
+pieterskerk
+verneuil
+malani
+polley
+buscema
+lbe
+transport
+5.5-kilometer
+olesno
+adour
+dokiwari
+wellheads
+agarkar
+munitis
+spatulas
+paramatman
+anastasiadis
+lalande
+2k5
+alexandra
+fiap
+pastika
+brakettes
+latschar
+bächle
+syndal
+tw
+yanukovych
+sweda
+late-onset
+ki-in
+verónica
+machinea
+philipines
+taitra
+transylvania
+tamol
+flonase
+subtitled
+3-mile
+38.67
+wissam
+59.35
+2,181
+halychyna
+helium-4
+enumerable
+bajra
+vranov
+jiles
+12:07
+csg
+grimson
+tan-tan
+self-management
+1873-74
+uzulmez
+catrine
+resourceful
+disneynature
+kicevo
+authentics
+jumhuriya
+grass-fed
+pupation
+grandees
+approached
+iniquity
+mazatenango
+77-23
+57-53
+distrust
+sourire
+awka
+g9
+sweetin
+schwarzburg-sondershausen
+24.92
+chalton
+skookum
+hans-peter
+lexicographer
+multitiered
+baykeeper
+z-score
+peshev
+450-500
+chatalbash
+alerce
+photosphere
+fizzle
+allstar
+a'court
+u.s.-iraq
+mableton
+girman
+kinnitty
+16-car
+kharbash
+annihilus
+webman
+ayakatubby
+16,000-seat
+clemence
+r44
+vesperini
+benoy
+shimkin
+ngāti
+yoshihiko
+a30
+savories
+5,730
+ornamentations
+merry-go-round
+adbc
+ttm
+brusa
+horsehead
+dutilleux
+janlgardner@yahoo.com
+2208
+techine
+postdated
+roucy
+lanata
+.000435
+pondicherry
+nikula
+jinju
+signified
+caliper
+heureux
+hanawon
+guitarra
+dismissive
+barbers
+blankfein
+scopas
+mercier
+24-20
+portucel
+hostname
+kébir
+scourge
+16,400
+hyacinths
+inbounded
+caudillos
+mda
+alot
+impliedly
+espcially
+streitfeld
+excrement
+landships
+kramsk
+pejoratives
+posteriors
+copsidas
+mobileone
+realclearpolitics
+greenway
+agro-industrial
+lithos
+molli
+merrion
+spitters
+leslie--streeter@pbpost.com
+daroca
+half.com
+lappin
+splayed
+sh-awd
+dhlakama
+isely
+tetrahedrons
+tumacacori
+flora
+54.29
+nincompoop
+merola
+walk-off
+ciconiidae
+kahui
+ademar
+rebeiro
+borns
+krypto
+laxatives
+avi
+bfl
+euro244
+peg
+news.com.au
+sundar
+cheesemakers
+hagiographers
+campanini
+registrant
+shihuang
+8a-5p
+abjectly
+crull
+caserne
+lieberman
+767-200er
+tacitus
+disinvestment
+tehn
+ampatuan
+malmedy
+preveza
+kubek
+8,560
+redecorate
+shruti
+1985-6
+obstinance
+priesthoods
+agitator
+evercore
+elzanaty
+villaecija
+74.05
+frenchwomen
+mastercards
+deira
+ascidian
+lrrp
+11.5-million
+pomorskie
+pocking
+francs
+yaping
+intramolecular
+84.42
+kamma
+nine-game
+balakan
+partials
+pzev
+sharmell
+sergen
+prince-elector
+ruhakana
+d'arte
+sunwing
+tses
+rudely
+gayaki
+winx
+681,000
+vicent
+7,100-strong
+siam
+pianist
+hoppy
+jischke
+cognita
+18-0
+garraway
+38,333
+shortness
+mutcd
+68,900
+simão
+dalada
+ganjiang
+subramanian
+rufty
+leonia
+86.10
+baali
+deinterlacing
+unscrewing
+heavyweight
+gudjon
+interjected
+1,539
+4-gigabyte
+sumners
+nuthall
+upal
+discoverie
+lokoja
+schreck
+rutherford
+hsipaw
+gustáv
+mapúa
+grassfields
+surgery
+mermaids
+sanya
+tiberiu
+slindon
+talysh
+s.c.
+tpm
+amidesk@ap.org
+ibish
+strollo
+4-piece
+nimiq
+podrinje
+maka
+threatens
+outbursts
+203.3
+voltex
+strahovski
+morham
+standing
+inactions
+97-82
+rothmans
+wahm
+fki
+fieldale
+s-boats
+sinta
+harti
+coldspring
+garang
+57-minute
+internationale
+drupe
+wees
+loglo
+94-run
+n-5
+kienzle
+rosugol
+1,675
+assen
+country-specific
+pastorale
+incomes
+embossing
+mtbf
+supersuckers
+nonhomestead
+savani
+15:23
+daggett
+2014/15
+haygarth
+selçuk
+kitschy
+mallu
+adquisiciones
+carrick-on-suir
+ie6
+dana-farber
+installing
+lodhran
+waseige
+pakatan
+demeanour
+13-city
+espenak
+surrendering
+mastersingers
+mutler
+löwenthal
+mofussil
+coughing
+semipermanent
+fook
+hoor
+alquerque
+sabath
+icaro
+computer-animated
+1158
+derkach
+egnatia
+gorlice
+built-in
+lubao
+epsrc
+wanton
+cuyahoga
+renge
+akam
+q.c.
+gonorrhoeae
+thanksgivings
+schectman
+buttu
+yaguchi
+ostrove
+experto
+dragan
+englishtown
+soliloquies
+endonucleases
+simandou
+gerdano
+marvel
+nurek
+521st
+lp04
+diosdado
+chelveston
+celmer
+vonage
+aido
+sainte-thérèse
+hostage-takers
+pocky
+jolt
+weygandt
+carotenes
+targovishte
+moskovic
+http://www.nifc.gov/
+cervin
+5,000-year
+nantyglo
+layforce
+maqsood
+stiansen
+miscasting
+gestating
+sigala
+retrospective
+20-point
+shontayne
+montagut
+120.05
+facil
+avilla
+2008/09
+saro-wiwa
+469.5
+tagged
+ntamack
+buckhurst
+dashan
+jasdf
+anderhub
+hallucinating
+condobolin
+belter
+teele
+l'école
+shragai
+bartsch
+peerless
+patronal
+gimmie
+capstone
+blanik
+locha
+6,000-meter
+zaitsev
+mayhugh
+cepheids
+warnaweera
+agustí
+94-2
+u.s.-linked
+loverde
+amtrak
+11179
+intravascular
+bodner
+53.53
+štimac
+morecambe
+palta
+pice
+nasnotes
+iwo
+bamber
+bhikkhus
+obiko
+wacotrib.com
+coil
+utterances
+hurtin
+moge
+misperceptions
+kirkenes
+wissa
+ojani
+chobot
+percentages
+0844
+fiefs
+3,390
+jonkman
+oligarchs
+moaveni
+botia
+golani
+märz
+enlil
+farmgate
+dorkin
+77a
+paulina
+szollar
+syncopated
+raring
+myrtos
+uncoachable
+heretaunga
+weighton
+blue-colored
+turn
+euro497
+travieso
+teletubby
+246.6
+street-wise
+tarif
+weary
+0-for-21
+cerro
+kotsay
+blauvelt
+schiaparelli
+artsakh
+threonine
+ilian
+tartous
+65.82
+teves
+riled
+103.80
+pupillary
+realization
+mentzer
+guala
+honert
+minter
+14-6
+loránd
+baap
+175-word
+vouches
+topi
+abdulkareem
+sparganothis
+cathars
+strayer
+tularensis
+clanranald
+falkvinge
+22.83
+yahiro
+cite
+jimbaran
+branding
+tolbert
+pantnagar
+1790s
+totems
+kosmas
+cantley
+genealogically
+puertas
+hoverla
+wd-40
+fxc
+mongar
+aldape
+lehmkuhl
+timotheos
+powlett
+97.30
+cesari
+3,550
+9.0
+prognosticate
+abnormal
+mulbah
+polisportiva
+castellini
+khuan
+4-58
+quetzaltenango
+montara
+neostar
+eluveitie
+pavie
+braidwood
+saum
+xujiahui
+internationalized
+outspending
+honesty
+likas
+smack
+conditioned
+ribonucleic
+hookeri
+hydroxyethyl
+multi-platinum
+picot
+pokrajac
+masaliyev
+validly
+satyen
+twelve-string
+.0204
+polisar
+incentives
+s.p
+desoto
+frisia
+roiphe
+96.0
+boardrooms
+poea
+kioko
+marduk
+anquetil
+post-1960
+idriss
+albida
+myoo
+bonfante
+beekman
+anti-personnel
+radebeul
+reprocessed
+pottu
+51.7
+mgto
+plodders
+duratec
+seelye
+billy
+marlene
+capela
+ciudadano
+độ
+ardoch
+pardey
+schulke
+257,000
+32-room
+froglets
+tape
+astronaut
+glowering
+107.63
+figure-ground
+orianthi
+potulny
+jrl104
+zaldivar
+petrotrin
+soundexchange
+gutches
+reclassifications
+suski
+foreign-made
+lutteroth
+dispel
+ouc
+tamami
+noboa
+18:15
+stapleton
+slyke
+enclosing
+agh
+salyan
+marculescu
+loops
+satiety
+elektro
+monona
+wakaya
+hinterzarten
+147.00
+apportionment
+similares
+1985-87
+magliocco
+civilized
+893-8467
+zakai
+tuanku
+barefield
+davari
+piscina
+adjumani
+galadriel
+insincere
+mactan
+laryea
+maccorkindale
+bitrate
+decembrist
+rodin
+interlake
+lna
+stouts
+carnell
+bpl
+leitgeb
+muffs
+demur
+wens
+pcf
+treue
+economo
+railcard
+ormož
+nuits
+geen
+uplinks
+matrons
+verrier
+unhyphenated
+cuccinello
+all-midwest
+samian
+denervation
+70.36
+ronge
+ails
+azarov
+prayoga
+blukat
+atrs
+cids
+goodrich
+uncharacteristically
+receptionists
+palko
+gamla
+supermajority
+12/km
+enneapterygius
+torak
+sanctified
+manhasset
+ebook
+song-cycle
+14.11
+fortress-like
+banquo
+indrapura
+gersen
+1,962
+japan
+5:42
+32-18
+min-soo
+xylose
+zwolsman
+mahad
+full-time
+1079
+jinfang
+overextending
+dr
+forgotston
+85.27
+opm
+lazzell
+megabuck
+diagonalized
+kina
+skua
+sebaceous
+ecaha
+ragas
+kasargod
+shinra
+dexys
+orangun
+diterpene
+jokela
+abey
+disown
+freed
+barela
+burks
+rustan
+34.24
+anzhelika
+ceq
+soundgarden
+beco
+tāwhiao
+shoehorned
+gujranwala
+karić
+goldmining
+cheap
+amai
+amadu
+subaqueous
+65-year-old
+chch
+mayland
+masataka
+steinglobe.com
+jestin
+lagon
+tax-free
+cross-sell
+maasum
+bartholomeus
+monte
+wajir
+twelve-year-old
+80.09
+sarnoff
+parrs
+hayatou
+emishi
+drop-goal
+igbt
+sakay
+superstar
+keisuke
+makepeace
+tie-break
+hilts
+monopod
+guemamdia
+hee-dong
+kraljević
+schwaben
+stajan
+hkr
+flexes
+kelechi
+irangate
+gabeira
+60a
+hsas
+canon
+macci
+i-81
+tiit
+preto
+5905
+1764
+kondratyev
+siniora
+48sec
+anisimov
+germain-en-laye
+mediocrity
+turnip
+issayas
+zpass
+hawksley
+hastula
+3,477
+afp04
+ambanja
+jibes
+44.73
+chucking
+kaliese
+9,130
+basij
+stoda
+sakir
+205-member
+edmond
+double-platinum
+englishman
+shebeen
+10-way
+turkomans
+neurobiologists
+jambos
+oxshott
+enchiridion
+boudewijn
+semi-evergreen
+28-ounce
+trumpington
+evaluating
+daulatabad
+20-room
+6,000-acre
+clotworthy
+sts-133
+marcinelle
+crowle
+nonhazardous
+aundra
+clarifications
+b&i
+schiess
+rios
+gisler
+colonially
+4,053
+5-billion
+hideo
+692
+pahimi
+foliaki
+murakami
+pabna
+essendine
+tereshkova
+darfurian
+csny
+sawai
+billikens
+microcom
+krumov
+balmy
+planetary
+toubon
+mid-upper
+mercados
+minxia
+engram
+zigic
+1:50,000
+retreaters
+ray-ban
+rifled
+eurocorps
+kateryna
+prescient
+wormser
+innocuously
+ruda
+sangai
+ponente
+hyperemesis
+nhat
+105.99
+palatalized
+celestion
+107.12
+http://spaceflight.nasa.gov
+ramsi
+7,880
+schuster
+burnand
+pocket-sized
+ambulante
+euro500
+spindletop
+cjo
+variola
+nicchi
+multi-campus
+burnt
+columbus
+inoke
+carabaos
+undemocratic
+wilentz
+pronouncer
+phosmet
+flatboats
+reveco
+wyche
+o-rings
+dutch-belgian
+towers
+ponomarev
+dnieper
+timidity
+three-cylinder
+yandex
+zajick
+regrade
+chases
+unicaja
+u-m
+enzymology
+122.3
+demarco
+gyps
+mewati
+multiplicatively
+guedel
+d2
+teale
+nagyova
+lepe
+compress
+iihf.com
+catafalque
+baselining
+footwork
+tuju
+beyglu
+goga
+aysel
+rtbf
+leixoes
+terah
+barghouthi
+gades
+154-pound
+schaars
+sapere
+angiotensin
+showiness
+berio
+windass
+koman
+chambon
+n'diaye
+zillow
+deslys
+rastogi
+binyon
+volost
+cypherpunks
+light-colored
+maclennan
+jhereg
+fragrance
+elena
+cashman
+guaiacum
+digweed
+árabe
+cariboo
+ronsin
+parroting
+uncomplimentary
+caos
+castaldi
+669,000
+ficarra
+chichibu
+chado
+ardebil
+muggers
+paravel
+6p-10p
+kilfoyle
+shifted
+atlanteans
+2,164
+c-38
+bivalvia
+french-bred
+ezekwesili
+theatricum
+vishwas
+sansho
+drager
+bald-headed
+wpen
+sattriya
+raidi
+shanken
+demoralise
+caidic
+ardor
+jesson
+gerygone
+powerplays
+62.14
+pinkas
+198.4
+89.47
+striatal
+mazula
+welsby
+protestant
+log10
+fractious
+pre-eminently
+rock-oriented
+masts
+frutescens
+s6512
+tranquillisers
+conclusively
+tomoe
+wenxuan
+parturition
+rieman
+singha
+dismasted
+swedish-norwegian
+vacio
+clymene
+yongqiu
+taek
+anhedonia
+uncounted
+###
+76
+interrogating
+2/48th
+ncea
+eqbal
+tg4
+xiaowei
+narasaki
+54.92
+roulettes
+twin-engine
+cytotoxicity
+pucho
+verlagsgruppe
+92.22
+grisham
+brazill
+restrict
+norrish
+automatons
+barschel
+grunter
+90,000-seat
+a-boo
+lugovoy
+3,190
+steinhagen
+caucasica
+onkaparinga
+ss2pl
+malacky
+4:59
+zendani
+put-in
+a318
+georgadze
+wcet
+tenaris
+apw
+15.07
+ventnor
+bodzentyn
+orbeliani
+chuhk
+quanto
+fpj
+cakaudrove
+siqueira
+euverte
+zorra
+dunner
+abuja
+petitioning
+bloomery
+marchuk
+columned
+ruhama
+quillayute
+astel
+immunizes
+comminges
+jaywant
+blackmails
+attach
+werz
+1.735
+vidyanagar
+mudrock
+street-smart
+yens
+kouno
+talvik
+118-112
+langenbach
+hollenbeck
+re2
+hentig
+establishing
+sixteen
+aipac
+hgv
+licadho
+http://www.compaq.com
+antiquaries
+snocountry
+vergie
+louison
+burde
+tabc
+saxonian
+ribulose
+stanek
+sangshad
+cessnas
+ys
+mucositis
+traditionally
+droves
+amazigh
+abdon
+humoresque
+fighter-escort
+chalard
+abbāsābād-e
+trotti
+newlyn
+forceout
+21,000-square
+gasunie
+saia
+nadeau
+mother-son
+twiztid
+vallam
+pro-syrian
+0510
+nikolaas
+youngor
+42.69
+caneira
+r300
+165th
+soft-rock
+pma
+abrecht
+long-beaked
+delitzsch
+ptah
+kydd
+merta
+sigalet
+undergarments
+26.43
+gafsa
+exit-only
+abbreviations
+nwah
+tankink
+monstrous
+portacio
+cietac
+trockel
+buckleitner
+chalasani
+1975-1979
+talledega
+sengkang
+fritzi
+self-mutilation
+pagosa
+relleno
+icma
+valrico
+lamonica
+depodesta
+kasparek
+sorghum
+blackbushe
+galleani
+speeded
+l.a.-area
+birchmount
+pc
+hochelaga
+97.74
+five-0
+udhas
+goldsby
+amauri
+193rd
+lupin
+flan
+relais
+grimbold
+consummately
+mottama
+1.41
+najat
+sayuri
+.455
+helga
+252.2
+1-of-6
+eckart
+holyhead
+healer
+npia
+permits
+21/3
+bacot
+cassi
+calcagnini
+sanda
+braising
+15min
+stefanson
+dismasting
+bico
+49.47
+tundras
+murres
+1,506
+moor
+geauga
+narrowest
+buyid
+shahnawaz
+co-credited
+faxed
+paulley
+3,847
+songsters
+uttarakhand
+planet
+bautzen
+jolee
+imperialism
+videoconferences
+http://www.hkex.com.hk
+vedia
+murdock
+dreadful
+nonpaying
+oeuvre
+dandie
+bailleul
+sunsoft
+lynnwood
+geiteryggen
+racegoers
+mena
+lingao
+first-hand
+cucurbita
+barjatya
+kabalan
+thurrock
+flooring
+icecube
+dilek
+4,233
+pepitas
+joyriding
+lak
+sreerema
+fausto
+gadzuric
+powiat
+kestrels
+lordan
+qihua
+quashing
+rossbach
+12:1
+21.12
+corrupted
+gmv
+sleeman
+trainshed
+breza
+13km
+noriko
+elephas
+kessell
+measham
+109.59
+planks
+telangiectasia
+289.6
+micropterigidae
+operativo
+vania
+lidya
+tumbled
+lathan
+devnarayan
+jlr
+kibbutzniks
+2,879
+36.13
+oscillating
+pallomari
+hydrocephalus
+wethered
+highlight
+webm
+doxylamine
+qutab
+hurtt
+novella
+zika
+anusorn
+ne-sw
+dromore
+macalpine
+decrypts
+serrão
+alibis
+roscoea
+śiva
+complication
+cafer
+cornflowers
+pathi
+proximately
+perdigao
+felicisimo
+ferring
+cinderellas
+ciesielski
+25million
+matern
+timberwolf
+azwan
+burkart
+f.d.
+anay
+joyful
+ninjas
+tv6
+chamot
+bachner
+18.06
+guk
+según
+karyo
+20.92
+100.81
+tulagi
+furkan
+tagg
+pre-soviet
+govindarajan
+trivialization
+gadda
+aratus
+104.16
+myelination
+stet
+sepik
+3,815
+krausse
+sourcefed
+conticchio
+daewoosa
+d-6
+caven
+proverbs
+freethinkers
+sixty-seventh
+19-30
+malwal
+enfold
+viadrina
+youngerman
+cach
+splendor
+socialist-revolutionaries
+zeevi
+half-share
+rockall
+naciones
+texada
+formulae
+ivanišević
+titrated
+wriggle
+41.92
+frischknecht
+rethymno
+novellae
+fernadez
+amum
+ch1
+ress
+pennebaker
+barcaldine
+repalle
+lysol
+gr7
+73,800
+ervik
+werdigier
+toco
+shaven
+sorn
+chads
+then-mayor
+yōkai
+negin
+transoceanic
+warhead
+42.86
+runrig
+buzim
+haqq
+monterotondo
+koksal
+sanjabi
+binotto
+1includes
+renovada
+beatboxing
+mbenga
+arrow-shaped
+4.7-inch
+hoet
+anti-french
+cuba
+leakproof
+56,400
+decriminalised
+opportunities_san
+tapeless
+soignies
+subjecting
+église
+minty
+belton
+brianza
+caan
+one-to-one
+dioula
+121.29
+2,233
+36.6
+saint-andré
+cpgs
+gry
+shahan
+kamaliyah
+wojnarowicz
+isobutane
+ex-members
+tarrow
+capsules
+smartly
+deerhound
+109-108
+carnival
+slow-flowing
+macalpin
+louanne
+rüstem
+granollers
+daulaire
+0755
+fano
+cockshutt
+olah
+baisakhi
+zagorje
+espinosa
+kaida
+khalifah
+feuillants
+drugstore.com
+linguini
+pohatcong
+generalísimo
+savoia-marchetti
+coccineus
+aprilias
+jibin
+soled
+assayas
+rihan
+nadarajah
+portuguese-speaking
+tauseef
+denominations
+troisi
+dnv
+tarana
+vrn
+hipo
+easiest
+footbal
+cm-1
+mti
+kens
+stocks
+hueneme
+ganbold
+23.17
+écija
+eleven-member
+hirschfield
+cingulum
+wolffer
+lunokhod
+mycorrhizae
+kaloum
+unyielding
+spanish-style
+burmeister
+gujurat
+23.50
+palatina
+risenhoover
+béla
+plotnick
+enditalic
+dictum
+mayan
+snac
+82.10
+yamhill
+fuddy
+wakulla
+catlins
+jalazoun
+sirens
+acarbose
+601
+tijana
+dendritic
+campsie
+nonfinancial
+c12
+dabbashi
+centring
+avengers
+photolithography
+zp
+perosi
+farnese
+caspases
+rooster
+ercilla
+parameswari
+korot
+1979-1990
+ghamdi
+silicon-based
+herritarrok
+well-protected
+thura
+4:7
+sambhaji
+wohlsen
+mojarra
+diyah
+maxygen
+spoofing
+ipps
+chiuchiolo
+preproduction
+hoerwick
+loury
+wendie
+informatik
+anello
+305.4
+middelfart
+aneka
+grandniece
+stubbins
+phule
+1.2144
+euro355
+well-oiled
+gendron
+foxcatcher
+pinout
+gory
+lankenau
+toki
+brokaw
+supraśl
+pick
+bucephalus
+geslin
+credentials
+saiko
+suncoast
+mcelhiney
+tuiles
+furtwaengler
+92.86
+gambusia
+aussem
+gonese
+962,000
+figues
+snubbing
+mongrels
+oschersleben
+defede
+2.0.6.16
+chile
+gamester
+nanzhao
+15:03
+spartan
+burillo
+202-546-4194
+gaelic-language
+dxcc
+oglala
+novellas
+obstetrics
+shakuni
+ascensions
+radikal
+mullai
+nyet
+strathcona
+simi
+extortions
+dntel
+sinding
+baathist
+cws
+guma
+moisturizing
+statsbaner
+jovanović
+mcewing
+arpels
+solicitation
+radoi
+litigious
+heckle
+disciplinarian
+euro262
+lebua
+stylidiaceae
+ligier
+1933-34
+achrene
+gauges
+trochlear
+haggins
+isigny
+moneen
+mollicutes
+sajmište
+sandali
+sopwith
+lormel
+revelus
+schiller
+nieuws
+boyden
+szepesi
+draghi
+nitrosamines
+supernaturals
+boonie
+bogden
+raviraj
+fleshtones
+semi-divine
+nuig
+battin
+vbe
+kouvelis
+datasheets
+d'escoto
+congdon
+ellenton
+éva
+47.27
+jeffersontown
+rewire
+otava
+nexabit
+allophone
+märjamaa
+psychosomatic
+ketchen
+tobiason
+fibre
+awd
+melkor
+nebo
+wolston
+hauptstrasse
+hirshfield
+jetton
+hokitika
+edin
+charitable
+changsha
+cydsa
+baesa
+17.8
+tapuskovic
+psyllids
+hominy
+jimeno
+17.14
+paleofauna
+anti-military
+rebbe
+qaem
+oxford
+jarrah
+cheater
+abdeen
+huget
+delmore
+bonilla
+1.052
+yunxiao
+shubert
+môn
+meizhou
+area-wide
+tigani
+multisensory
+pequiven
+eia
+digi
+btr-80
+wilcher
+suifenhe
+yudin
+super-powers
+multi-drug
+durable
+pot
+foiling
+logarithmically
+forerunner
+saaremaa
+1943-1946
+jubiliant
+klauber
+dachi
+outskirtan
+airt
+horrendously
+tiote
+manado
+munter
+tlr4
+cowrie
+magister
+sandplain
+ltcm
+1-2-3-4
+cathedrals
+reticularis
+iseki
+manilow
+shahth
+spinelli
+balkhi
+triperoxide
+cancellous
+adherents
+60.57
+plaek
+massoudi
+submit
+kreutzberger
+olexander
+teet
+kopit
+sanguine
+globulins
+armagh
+zetec
+agenzia
+servizio
+per
+massignon
+croaked
+balearic
+granny
+moster
+up-front
+nr2b
+nunnery
+heatherington
+treg
+manifestos
+troszyn
+56.69
+victimizer
+beckettian
+1,752
+intervened
+icewine
+over-60
+palliatives
+al-as
+66
+bandaru
+insurgencies
+copernic
+ambiguous
+zeos
+t-20
+,
+burgenlandkreis
+studer
+youhanna
+glorying
+maquinas
+albirex
+masire
+beatlesque
+back-first
+tralles
+lapshin
+lapuz
+geysir
+sauri
+gars
+edwane
+triodia
+centimes
+115kg
+efps
+lasting
+arrivals
+grushkin
+fault-tolerant
+chitin
+14.06
+milasin
+lanchbery
+ebit
+raping
+mid-january
+steelworker
+kirshenbaum
+hallworth
+iscorama
+alsager
+munarman
+leavitt
+muzahim
+pre-existing
+59e59
+belles
+donnellys
+dydo
+1981/82
+yippie
+oreca
+novaliches
+martha
+bar-kays
+ruyan
+500c
+trone
+258.4
+30-week
+foals
+anchorage
+mri
+blends
+bourke
+hldgs
+seanez
+rees-mogg
+skeins
+pnh
+kupelian
+lesage
+ebbin
+adaptec
+chiriqui
+heroines
+25-page
+rutskoi
+23s
+crooner
+north-bound
+lecterns
+mahr
+arom
+traub
+kullmann
+devotion
+homemaker
+119.86
+spandau
+stokoe
+janning
+shogakukan
+sarkander
+liqing
+dossary
+booga
+simun
+peeblesshire
+quatro
+sibilla
+78
+ostrowo
+10-cylinder
+targetable
+randgold
+suffield
+shuzen
+1,427
+changeover
+fingerspelling
+cazals
+amersfoort
+zuroff
+dirtbags
+kon-tiki
+cheats
+malal
+psychotria
+brauweiler
+bingle
+hranjski
+downeaster
+osteitis
+antithesis
+consequence
+swithin
+ignatiev
+jettison
+stubbled
+gachi
+slevin
+zarifi
+sjöström
+co-headlining
+183.5
+dozes
+4-way
+samawa
+massé
+metra
+drotleff
+nnenna
+votives
+tallant
+camden
+aos
+huaqiang
+stickler
+shung
+vdot
+sinensis
+thrilling
+pamatong
+bratchikova
+kuch
+pentacle
+avernus
+philharmoniker
+highlights
+deghayes
+enantiornithes
+hetaera
+clichés
+taro
+sync
+minette
+rubinoos
+mafa
+light-alloy
+transoxiana
+īd
+rafto
+montenotte
+mode
+schneiter
+monal
+cecile
+wonga
+movladi
+gojković
+wieting
+1.100
+coldly
+nowell
+besut
+pelleted
+prahlada
+ynet
+autobahns
+c&w
+disorganisation
+use
+peaces
+július
+papá
+micheli
+74.20
+lammert
+x100
+sympathiser
+shores
+dunnellon
+palaia
+shafted
+doles
+henpecked
+trendier
+91.33
+protoform
+kastelli
+vaqueros
+nonlinearity
+tischler
+winding
+ysaÿe
+gandhian
+ryoo
+tarte
+knightmare
+prevé
+droning
+mosaddeq
+113.11
+secoya
+desafios
+thakurs
+membrane-bound
+n73
+rfn
+mammooty
+siphonal
+savannakhet
+heiwa
+uusi
+northern
+toronto-area
+naht
+1-gigahertz
+wozniak
+45.56
+frosting
+malaco
+30.74
+nyirenda
+namysłów
+wallace
+hollandse
+epact
+middleville
+pinchot
+efi
+malapportionment
+1p
+concerti
+computer-supported
+identidad
+sizhao
+baltzer
+geisel
+fumo
+buddhist
+overprinted
+psychobilly
+khajuri
+gerty
+shepherdstown
+diefenderfer
+2013-2015
+onlytest
+htun
+quanxin
+phyllodes
+pinene
+brogden
+beitrag
+pantin
+falkenstein
+s22
+pampling
+49.05
+plana
+heylen
+chandara
+synthesised
+109.60
+ecopark
+engulfed
+tashan
+schlesien
+podian
+chaboksar
+abdul-karim
+hotic
+13.69
+anything
+17.04
+jute
+helmi
+colony
+jaidi
+honeybee
+deflandre
+gerding
+schwammberger
+passepartout
+kerong
+tvc
+magherafelt
+97.12
+4,339
+platner
+one-upmanship
+guman
+glower
+harizat
+brustein
+fops
+e19
+siqlawi
+dinamo
+siddiqy
+ryn
+eabc
+taijutsu
+goicochea
+zenit-2
+252.7
+rm500
+dubium
+2,887
+l976
+26-26
+metallurgic
+1901
+transmilenio
+dungen
+gosaibi
+3-2-1
+salpêtrière
+thermoelectricity
+vitalism
+drearier
+chickweed
+darragh
+bohumín
+virologist
+disorientating
+oshman
+benirschke
+nario
+cosewic
+pupal
+keis
+tulcea
+19.36
+can-can
+slovo
+log-normal
+incombank
+prosauropods
+sccp
+shaviv
+34-3
+gbadamosi
+teymuraz
+nonhostile
+reunion
+sambar
+grudge
+piestany
+dogen
+solalinde
+podlodowski
+harel
+beilein
+bishan
+sprains
+øster
+pignoli
+hanker
+brackenbury
+plevna
+planted
+jixian
+werdenberg
+fastnacht
+24.12
+chandel
+disheartening
+engeler
+muhr
+augustinian
+kubsch
+ucc
+casualties
+pamban
+20.29
+6/32
+flot
+x11
+slessor
+remis
+martyak
+ghorband
+davtyan
+teana
+vasicek
+pneumonias
+outrank
+rogina
+sadler
+boola
+canadian-born
+fresenius
+magnolia
+decreeing
+postlude
+60.22
+workflows
+14-30
+weerakkody
+chakwal
+clockwise
+navier
+solórzano
+roil
+torneio
+nutcracker
+pantanal
+gorée
+winnington
+tgc
+zhovkva
+swish
+grottaglie
+arasat
+kuhnt
+verkhovsky
+56-million
+craker
+rudnev
+loller
+tampa
+patito
+bezençon
+.241
+harir
+richwhite
+unconfirmed
+44-33
+molested
+subtlety
+26-sept
+sarpcco
+mahabodhi
+cohocton
+,1999
+girt
+derita
+171.24
+n’t
+seismologists
+tawau
+xvid
+jääskeläinen
+rayya
+refractory
+orani
+abetz
+xiancheng
+needle
+biospheres
+kanto
+mournfully
+time-out
+ureña
+courage
+meningeal
+carkeek
+nippy
+chessmen
+lunchroom
+douses
+sufre
+idrottsförening
+brocklesby
+hingis
+agglomerates
+desena
+verrilli
+dobrzyniewo
+disulfiram
+sluyter
+philly
+magnificus
+hogshead
+bombadier
+wanganella
+mcleish
+stienstra
+a-go
+middle
+alash
+berankis
+albro
+colgems
+pruner
+incised
+heuscher
+skoula
+733
+soldiery
+sablin
+recolonization
+anti-papal
+gillani
+salut
+ziemann
+barberton
+æthelric
+starlit
+us-66
+chimamanda
+orphic
+denway
+misspelt
+friargate
+lavra
+oberthur
+crediton
+goninan
+jupiler
+45-41
+samaresh
+platynota
+spectacled
+pre-date
+mikroutsikos
+marzuban
+butterball
+whas
+ryotaro
+cambrils
+darwins
+glueck
+ldr
+521
+unpresidential
+max-planck
+faroon
+weiwei
+yuletide
+naharnet
+gaetan
+ouabain
+jayakumar
+brochów
+suheil
+algeo
+peshawar
+unpaved
+.645
+indeed
+trailway
+kiesling
+borča
+40-year-old
+chantix
+valday
+9,110
+personalist
+reteaming
+recapitalisation
+all-aluminium
+turnidge
+northey
+camco
+zarr
+mrs
+brazzle
+stretcher
+5/km
+kulash
+41.06
+pre-union
+reconaissance
+cadres
+miso
+holcus
+tph
+akela
+violenta
+engl
+dimitroff
+earwig
+veltroni
+acan
+arawa
+41-16
+wife-to-be
+koshelev
+marcu
+hiv-related
+moine
+hejin
+gerrymander
+noga
+55.59
+nordreisa
+referendary
+taac
+1925-1926
+peñas
+wimer
+galaviz
+štokavian
+xinxing
+kores
+bairro
+2002-2003
+47.26
+tidying
+pegasys
+borovnica
+tatge
+possession
+14-year-old
+ingrid
+ilker
+reyat
+miyazaki
+unengaging
+stowers
+huidobro
+birte
+otokojuku
+yesenin
+ny453
+imp
+bathyscaphe
+rakhim
+mustier
+lovozero
+70-66
+1,300-kilometer
+pgo
+lamest
+350m
+clach
+schemmel
+aldwych
+kanerva
+ismaily
+55sec
+seaforth
+chini
+melodrama
+breeding
+siderno
+coifs
+kostelecky
+cattelan
+chamakh
+assane
+everest
+tn
+laxness
+panties
+kopargaon
+lisbie
+22-person
+sulimani
+smokestacks
+acuera
+jatha
+accion
+daly
+kid
+jon
+abtahi
+volney
+pro-democratic
+erebia
+bastions
+alice
+sonnenberg
+waffle
+comptes
+codazzi
+160e
+outaouais
+thorsten
+omam
+ruchani
+aranibar
+gemmata
+hallberg
+byzantines
+tcheky
+quadraphonic
+kleszczów
+wijetunga
+ceska
+mahé
+pasteurised
+fadli
+exc
+apion
+durica
+bluejacket
+teerlink
+sporophytes
+tomohon
+ellimist
+juelz
+newest
+h-hour
+lambrate
+mapo
+wenda
+non-mainstream
+terentia
+amusing
+8:34
+windell
+grubb
+jolan
+71.0
+ggt
+frío
+f5000
+double-cd
+habba
+2.83
+sweethearts
+192-page
+unicos
+gonçalo
+shabdurasulov
+1722
+yalla
+buzzer
+roquemore
+1h23
+19-aug
+junglefowl
+granular
+h.o.r.d.e.
+lenze
+codofil
+sutured
+petto
+08:00
+ball-handling
+citaro
+lieke
+knibb
+froilan
+epfl
+copout
+marshy
+mccorkindale
+babylonians
+fixed-rate
+harvard-smithsonian
+knibbs
+rm6
+p5-plus-1
+disestablishment
+bartram
+hongbing
+recapitulate
+soeken
+hypermobility
+bernabei
+1521
+spead
+popowich
+glinn
+steeled
+64-pounder
+watier
+šešelj
+2816
+visibility
+fraccari
+ljung
+20.64
+sushinsky
+compressors
+rapidkl
+ki-61
+diaka
+diversions
+malyshev
+conforama
+.660
+bashō
+sonntag
+0-for-17
+montargis
+1,733
+arqueológico
+kampuchea
+gilberte
+aerotaxi
+hmg-coa
+skolars
+killingholme
+thirty-third
+celanova
+etoh
+satra
+jadran
+irish-language
+disrobed
+-25
+accountability
+45.1
+30.80
+josefine
+dobara
+1.4315
+hirshhorn
+iencsi
+z.e.
+22-caliber
+geico
+bachu
+.175
+72-point
+ninglang
+monaragala
+capitoline
+zi
+millais
+matadors
+massacring
+decant
+penor
+furstenfeld
+wisden
+danakil
+full-load
+wyandotte
+plagens
+montecito
+pizzuti
+tagger
+wrasses
+kadlec
+bowersock
+mild-mannered
+nsubheds
+saviour
+nutria
+watters
+sharath
+56-point
+nudell
+richters
+nytsf
+deviationist
+siling
+ohmsford
+6,070
+francs-tireurs
+bundesverband
+kosen
+forty-fifth
+huayi
+laytonville
+107.94
+nebraska-omaha
+toronado
+decomposition
+rohingya
+bandsaw
+saheli
+,0
+havaldar
+kagwe
+genworth
+penikett
+tatabánya
+imbabura
+eu-25
+itaa
+force
+fing
+video-based
+wafs
+moonshine
+alpha
+vanderlei
+bike
+plumly
+bepza
+pennock
+presenter
+emus
+honourary
+46.09
+headon
+vasoconstrictor
+largie
+incivility
+fujikawa
+antoon
+annotate
+tõnisson
+boyarintsev
+combined-cycle
+ráth
+veivers
+zeta
+deguzman
+hastata
+rakvere
+mclovin
+murg
+burketown
+shammar
+golos
+demerged
+powerfully
+chapai
+aspinall
+andres
+110.38
+pooka
+834,000
+faiez
+7.7925
+porthole
+hadinata
+lightstone
+descarga
+splicer
+fanfan
+matthys
+broadgate
+dinamic
+tebbs
+corroborates
+sanctions
+grazie
+sakic
+lavish
+mclaury
+lohardaga
+changwat
+cigarettes
+gspa
+takatsu
+48-3
+33-18
+zijlstra
+potgieter
+ypres
+53.5
+su'a
+99-percent
+herbits
+caq
+matute
+madchester
+ju-jitsu
+vouet
+jonny
+25.95
+non-conventional
+daulby
+7-acre
+buchbinder
+gadang
+gruiformes
+chihuly
+stratagem
+summerstage
+cenwalh
+forty-two
+shana
+abaire
+maquieira
+nedzarici
+embraer
+revolutionize
+cominco
+koenigstein
+herridge
+symbolically
+ballgame
+madrasha
+syeh
+ruti
+maisano
+bouquet
+meerwala
+ant1
+kimanzi
+steinemann
+mading
+murehwa
+yamao
+cenotaph
+welde
+bottlings
+g7-economy
+panik
+angelin
+alister
+greyish-brown
+beaumes
+94103
+koncert
+brumm
+spergon
+tibetologists
+reawaken
+lamonts
+reframe
+eymür
+belges
+spim
+jainism
+bardeh
+gwalchmai
+maginnis
+atria
+admiralty
+shikimate
+lidster
+foing
+amorgos
+showboat
+flamurtari
+potage
+burkha
+178.7
+ravne
+warlike
+mane
+3,729
+berlinale
+carboxylation
+watermelon
+exabyte
+reina
+pomeranc
+nakba
+neria
+front-of-house
+tönnies
+m.c.a.
+poorhouse
+meryll
+drillia
+cruceros
+neuwirth
+archmage
+saltalamacchia
+isfjorden
+outlasts
+collyer
+mutsuki
+0208
+uru
+1.053
+eleanora
+arpeggione
+28.34
+454,000
+44-page
+gubartalla
+brahmotsavam
+viscaya
+avjet
+successively
+covisint
+fieramosca
+wonosobo
+ressources
+bobrowski
+yehiya
+othman
+detuning
+cuspide
+haziri
+stefanel
+dominczyk
+methodologically
+mensing
+750-kilometer
+ucf
+purchas
+non-communist
+arabiya
+plantains
+journée
+baadshah
+vivoni
+schoewe
+cosmisoma
+larding
+petchkoom
+mowery
+monopoli
+1,911
+eggheads
+unfriendliness
+thráin
+110-115
+genital
+122.72
+garnier
+tadross
+stylings
+206-448-8011
+infinitely
+unitrans
+breeden
+ranglin
+paramountcy
+urushiol
+135-meter
+morpher
+troika
+barbar
+cherington
+bahnam
+sekitori
+jamundi
+riseley
+táin
+taskmaster
+multiplet
+cfaa
+ament
+celtel
+7.71
+mathematic
+3,605
+bendel
+kiryandongo
+74-day
+buckets
+dhien
+hoxha
+125.10
+pentagons
+maysoon
+389
+casserly
+moyola
+broomstick
+kvn
+self-employed
+tarquinius
+troster
+manhunters
+hatsu
+cured
+sociale
+showcases
+jayalalithaa
+gidley
+intertropical
+laender
+melanophores
+jakkie
+petal
+caribe
+masis
+ogof
+skövde
+bibtex
+muriatic
+dharmas
+1980-1983
+halakhot
+makem
+paio
+adamou
+istithmar
+rudesheim
+panpan
+smokestack
+lubliniec
+neosho
+100.04
+masturbatory
+arabic
+gayles
+logs
+diahann
+bretons
+remolding
+roughhewn
+antigo
+maynor
+dusenbury
+beulah
+bolthouse
+cetra
+gryf
+companc
+laghman
+erbas
+shahpur
+markit
+confessionals
+1.605
+mdax
+pipi
+macrolepis
+houtos
+endler
+whisnant
+kita-ku
+shrovetide
+ceske
+expediter
+lianhe
+karliova
+pergola
+sahr
+ormrod
+antonino
+neoplastic
+pindling
+mayang
+reder
+t-28s
+manoir
+kluft
+1240
+suijk
+beckon
+3-0
+oly-2004
+manoukian
+candidacy
+anchondo
+vbl
+gracen
+naqsh-e
+unaipon
+tongarewa
+pevenage
+1.670
+yall
+tiye
+115.20
+d’souza
+polls
+headship
+roundhill
+ferzan
+germanna
+jetro
+st1
+sihm
+mythical
+e-commerce
+kaula
+dameron
+1243
+kwa-zulu
+adilson
+surrogate
+parisiennes
+shvarts
+age-old
+acorus
+gharavi
+181.7
+averageness
+ciit
+zele
+heusden
+sarabi
+seguis
+users
+sarthe
+neubacher
+feebler
+graceful
+thilo
+dring
+leidig
+abrupt
+thai-cambodian
+timiș
+passia
+kempinski
+ponsford
+g.p.
+echocardiograms
+siddi
+podobedova
+nariño
+74.10
+nonretirement
+reinert
+sonorants
+hornaday
+sirf
+erazem
+mujib
+megamarket
+lodwar
+salford
+linné
+dresselhaus
+danielpour
+leontovych
+nonparticipation
+phyllomedusa
+abdoh
+a/d
+huelva
+cubesat
+ningqiang
+gwent
+tor
+woodwinds
+69.43
+vid
+conservationist
+manege
+55-14
+ggi
+ascidia
+conniving
+suprapto
+dovish
+flinging
+77.65
+e-85
+tipped
+11:55
+muravyov
+97.60
+supra
+tittering
+tzatziki
+nisibis
+hsb
+foscolo
+sterrett
+caviar
+gümüşhacıköy
+top-level
+51b
+lentivirus
+5,201
+rudenko
+3:45
+30.04
+xanders
+5,350
+50-pound
+nwoko
+revolving
+renacimiento
+totalisator
+terracing
+hostages
+kayl
+diclofenac
+maitra
+mass-media
+gruening
+9a-3p
+1074
+over-the-shoulder
+mímir
+scottrade
+powerboating
+runnels
+scheidegger
+chi-chi
+mardis
+chingoka
+araceli
+31.18
+x&y
+out-and-back
+celcom
+154.9
+ghorbani
+supportable
+juzdado
+saleswomen
+7,230
+soundlink
+jølster
+weppler
+tobogganing
+alienable
+extra-dimensional
+wetpaint
+friedländer
+notar
+outlawing
+sinos
+garis
+glabrous
+143,000
+burne
+68-6
+ю
+tubmanburg
+mappy
+z-ro
+corbel
+novarese
+wertham
+cy
+cioaba
+70-millimeter
+tissainayagam
+unlicensed
+brachiopod
+shpongle
+2,249
+hydrolytic
+cester
+four-character
+founder-president
+771
+2013/2014
+criado
+limu
+eii
+dancer
+queenfish
+sisa
+23.80
+stessel
+lincolns
+117.32
+boomeranged
+25,938
+dutch-german
+dalaman
+décembre
+droppers
+poimboeuf
+faaborg
+ulacia
+krtsanisi
+castelar
+sharpest
+kalo
+ruirui
+tracinda
+muthoot
+herding
+120-room
+grundy
+momentarily
+agyness
+b-17c
+puzzled
+evercreech
+piriz
+pandian
+tsipras
+busa
+aminov
+barhum
+isami
+gotu
+samsonov
+124.12
+palates
+7nb
+santoni
+63-63
+psychotherapists
+sunless
+hii
+metrodorus
+nominated
+merrill
+astounding
+prophethood
+microfilmed
+plesa
+disip
+third-round
+riska
+boneless
+smuts
+mahseer
+oursler
+webcomic
+papineau
+ludian
+melloni
+munja
+3,000-foot
+full-back
+pouch
+correcto
+minjok
+ramarao
+tripwires
+wipes
+kei
+icu
+rc-12
+cockett
+tma-20
+tuscans
+nuclear
+gernot
+bentivoglio
+annfield
+ventola
+under-13
+dewei
+larrousse
+suicide
+finnic
+genevieve
+swanton
+104-99
+aili
+aphaluck
+fiftieth
+advaita
+kazimieras
+versini
+61.13
+granter
+lower-case
+secure
+pinochet
+surfwear
+bridger-teton
+muntader
+jingfu
+chairlifts
+.433
+mimaropa
+vingtième
+breisgau
+gainutdin
+systematically
+hernán
+flatteringly
+innocently
+dolenje
+hoeven
+psfs
+spermaceti
+imposters
+trashcan
+shirase
+kcts
+madhya
+uriarte
+aliant
+regney
+foggers
+showplaces
+10million
+distractions
+cologna
+saitoh
+leksand
+grate
+gallois
+62.71
+advantaged
+ad&d
+budhram
+blessedness
+shoukat
+niek
+wenquan
+trakiya
+jorg
+budrys
+kasa
+tribology
+61.91
+97.84
+f$
+caten
+hourman
+nonreactive
+preps
+gruner
+lupu
+garrels
+greenwashing
+d'arezzo
+paulucci
+c20
+non-democratic
+zarandieh
+liverpudlians
+overbudget
+oscillatory
+okri
+saralee
+nolloth
+98.90
+klosterneuburg
+ulcc
+37.72
+bulava
+endedness
+morbidly
+macraes
+minimizing
+entwines
+dniestr
+dodgernotes
+luisana
+2175
+mamah
+74.51
+d'arbeloff
+deceptively
+lambskin
+immacolata
+bc.
+drug
+boughton
+5-over
+valko
+diaco
+resettles
+rattlers_signed
+bafin
+billingham
+wijnbergen
+spaghettios
+decoder
+ndayishimiye
+fleur-de-lis
+waldrip
+extel
+intervenes
+zulfiya
+cruithne
+parisienne
+solaar
+keypunch
+1899
+ragaz
+1,130
+353-1175
+groupama
+replogle
+kluster
+helobogus
+ruzi
+cch
+electrocyclic
+300,000-strong
+amerasia
+akuffo
+4,242
+picpus
+preobrazhensky
+66.13
+volen
+sab
+ti-nspire
+funnier
+4-6-0
+zakharchenko
+re-organised
+aurantiaca
+73-56
+commandeers
+gilhart
+64,200
+winmill
+gfkpoll.com
+lipid-soluble
+these
+zind
+keo
+d6
+financorp
+cashflows
+darnay
+naghmi
+boredom
+africas
+a&r
+helou
+www.loc.gov
+37-22
+1,873
+bottecchia
+sagacious
+bedale
+mariposa
+1,185
+hmv
+poète
+biopower
+utilises
+xion
+lauriston
+pabuk
+calliotropis
+92.34
+avellone
+187th
+sayn
+esteems
+abysses
+126-mile
+decimalization
+73-yard
+rodenticide
+caulk
+blueish
+lists
+popolo
+kishon
+_______
+calderwood
+subcaudals
+heedlessness
+cheminformatics
+3,014
+dibs
+purworejo
+partly
+katele
+artesian
+baffert
+deactivates
+rollins
+stalberg
+somtow
+107.88
+flowserve
+haüy
+anted
+kabri
+twitter.com
+mys
+pekerman
+red-and-white
+7-to-5
+jagdstaffel
+18.05
+anarcho-capitalist
+ljubinje
+sharikov
+histopathologic
+0729
+one-mile
+bosic
+editorialize
+atli
+sgd
+barzani
+96-3
+galela
+timofeyevich
+funding
+eezs
+musikapong
+donnay
+ob.-tripping
+8,730
+lamellae
+umbral
+panas
+l'orme
+526,000
+catastrophism
+similar-sized
+chiado
+97-89
+xiradis
+gradec
+nazi-soviet
+marcoux
+pure-blood
+pasiphaë
+brubaker
+abderrahman
+strangler
+aliasing
+csj
+andringa
+brenes
+mongolic
+clinkenbeard
+fuseli
+openstep
+malverne
+angusht
+seapower
+70.62
+ya'ari
+lepidopterans
+samyukta
+kuru
+baqwa
+josephson
+budhi
+elem
+fremm
+mivec
+kosha
+moddelmog
+xeni
+bmx
+licensers
+8:23
+talladega
+chirps
+randomizing
+pilings
+85.57
+bachi
+leery
+200-mph
+rwenzori
+barghuti
+1minute
+missouria
+doga
+gruenenfelder
+langara
+224.6
+fenced-in
+d'orbigny
+six-volume
+18-64
+slinging
+redirected
+hodas
+9-kilometer
+108.94
+terpenoid
+56.3
+carabidae
+bac
+kamenge
+vfs
+sony
+mashtal
+aryal
+171.6
+negates
+atrac
+kashala
+chrysostomos
+scaleless
+dyakov
+white-water
+eupol
+ducat
+muzenda
+dinter
+rmishraglobe.com
+paj
+trans-national
+unstructured
+anglesea
+gimnastic
+cieszyn
+sebkha
+120-foot
+53-page
+boobie
+invagination
+244th
+antagonist
+15-fold
+out-of-market
+13-county
+melodia
+burgon
+democrático
+nitz
+jumièges
+magnetized
+rethemed
+plaintive
+supatra
+15-centimeter
+hotz
+aghan
+wislawa
+transected
+35.3
+transposed
+murghab
+dahling
+burford
+city-wide
+warsh
+yuppie
+ncsoft
+journalistic
+siddiq
+snowdrop
+50.91
+junus
+varnay
+4,344
+losyukov
+userland
+48.61
+gauci
+chepchumba
+virgate
+nswgr
+2,959
+middle-sized
+veerasingam
+novosel
+madad
+licet
+sakurai
+s-curve
+hlophe
+sankaranarayanan
+androy
+clayton-thomas
+cardwell
+11.41
+tirschenreuth
+andretti
+cassation
+fishes
+turbonilla
+kiryas
+defrocked
+bilang
+93.62
+raslan
+calamine
+mitko
+2,904
+vogons
+angar
+hot-water
+sub-standard
+frosta
+doubted
+riccione
+renate
+puram
+immobilien
+illes
+keroh
+hopeful
+laruffa
+lagwagon
+86.59
+alecsandri
+42.40
+ritorno
+assimilative
+walsch
+2.275
+lauri
+xam
+sova
+frazee
+welwyn
+ater
+dhimmis
+30.84
+barberie
+balzar
+meissonier
+suder
+ivt
+bennewitz
+tsaritsa
+21-3
+tpfa
+iordanov
+grenaa
+dussander
+vandore
+distrigas
+jordache
+nafo
+thorstvedt
+kertas
+motia
+rehak
+valinda
+4,409
+kraayeveld
+ipoua
+atomic
+hood
+cremer
+tozzer
+relator
+evrard
+listed
+mlevenson@globe.com
+hairdos
+koźle
+abbondanzieri
+second-choice
+fondant
+collaris
+intertidal
+2,545
+torne
+4-3-1-2
+norming
+beag
+hautacam
+warding
+euro50
+ewan
+notational
+monoply
+capreolus
+smirnov
+ossa
+scrip
+toolbars
+e.c.
+orpen
+hullin
+breves
+cesnauskis
+bilin
+captivated
+brigadeführer
+zhijian
+murro
+paternity
+fnc
+bellcote
+spendingpulse
+cassopolis
+burkhalter
+baturina
+marlys
+turchi
+botton
+107.8
+macvicar
+deltacom
+inkatha
+shank
+espeed
+euripides
+orta
+knife-wielding
+wrotham
+a361
+brunssum
+dragonette
+out-buildings
+gestures
+soan
+belkas
+treskavica
+koljevic
+dinkic
+montebrun
+hadramout
+demissie
+hashwani
+fizzled
+lüneburger
+sofina
+trohman
+chalky
+somerby
+pierde
+convection
+299.99
+taymiyya
+westmont
+potočnik
+ayari
+terrarium
+countering
+szentgotthárd
+d.iii
+palisade
+216th
+advancers
+huascarán
+ingelsby
+teasingly
+hwaseong
+unshackled
+tgt
+fumi
+burckhardt
+draconians
+shippan
+glaciation
+w&p
+nijmeh
+stadtholderless
+desportos
+swallow-like
+pre-schoolers
+45.39
+gunwale
+bagging
+pièce
+fezziwig
+cracovia
+mammillary
+goalies_pittsburgh
+kalapani
+65.23
+kisutu
+100.68
+janot
+m85
+erina
+300mm
+75.94
+cuphea
+hailu
+ometepe
+outsourcing
+neferirkare
+75-mile
+jib
+akora
+articulated
+inniss
+sdusa
+kfan
+arbuckle
+agglomerated
+bluest
+lviv
+mountain-biking
+maclean
+crahan
+granic
+novikova
+greenview
+baildon
+paid
+dorud
+panavision
+treas
+owlman
+transair
+circunstancias
+sorrentino
+laconically
+metaphase
+oegstgeest
+rewilding
+syjuco
+shavelson
+mcenery
+peek
+enforcer
+uji
+sprit
+valentyn
+kingswinford
+hwee
+chagford
+looniness
+protesta
+womanizing
+motoya
+zinczenko
+retrieves
+blunstone
+polyptychus
+70.31
+jfc
+fedayeen
+rpt
+azanian
+gears
+bicke
+micheaux
+eidetic
+54.24
+tomberlin
+spats
+lobell
+93.0
+traherne
+walkerville
+newtongrange
+ultraswim
+squirrel
+directionally
+filter-feed
+gantlet
+131.00
+spluttering
+shinwar
+crappies
+lymphatics
+chalkhill
+zvonereva
+mingan
+cherrill
+2,322
+wenchong
+szczytno
+mandarich
+pulchri
+curzio
+87.40
+nyaya
+multi-sectoral
+tudyk
+lai
+shooter
+diara
+2.63
+chamarajanagar
+handbuilt
+brazils
+krim
+digression
+cliffsides
+vlieghuis
+mantri
+impudent
+saloom
+secchia
+chait
+božena
+pervading
+sino-tibetan
+prov
+frail
+84.00
+berrow
+vítor
+bynner
+teramae
+khutsong
+switzer
+p133
+cvs
+flexed
+2:46
+franey
+ivers
+dumaine
+muravyev
+skh
+banaras
+pubic
+benages
+waddington
+towle
+odourless
+weight-bearing
+closet
+mullica
+picard
+chaton
+cheesier
+totty
+gossler
+retana
+enquires
+hagenbach
+rock-faced
+bahaman
+embayment
+ah-1
+parodied
+marz
+ruffolo
+fast-paced
+diatonic
+jevnaker
+loctite
+dietrichstein
+suluova
+norumbega
+obsolescence
+5/2
+cuxhaven
+1973-1985
+journet
+commerson
+bromham
+ef3
+cutuli
+sucia
+140,000-dollar
+1,945
+angelov
+ivane
+mume
+saffire
+columnists
+sian
+tatanagar
+serano
+urnfield
+corny
+cladonia
+www.royalcaribbean.com
+netani
+n-slide
+pined
+ketty
+chatumongol
+ciancimino
+befall
+l'esperance
+lcn
+tripping
+aproned
+brutish
+unisex
+e.g
+cyberlaw
+571st
+zafarul
+scholasticus
+dammartin
+physician-in-chief
+histon
+52-46
+fatlawi
+http://www.ama
+atlantean
+magalhães
+yoka
+movsayev
+monette
+goradze
+loso
+somatization
+kingsgrove
+pin-up
+self-sacrifice
+hellacious
+almiron
+blacklick
+miren
+mézières
+geometry
+haemophiliacs
+inferred
+matras
+húsavík
+boito
+sybarites
+cvo
+fricourt
+collopy
+suttee
+cytokinesis
+ex-footballer
+lodja
+bylined
+pullet
+hopcraft
+linpack
+dioscorides
+multipla
+kumaramangalam
+f.n.
+ortseifen
+ipfl
+multimeric
+32.67
+tournai
+absenteeism
+66.6
+mid-teens
+alawneh
+versova
+begi
+katsuyuki
+disjunctive
+udrea
+genex
+eidelberg
+dj025u
+labrador
+kamen
+buzau
+monday-saturday
+westermarck
+souda
+faudel
+rodinia
+canibus
+'n'
+thiago
+boto
+saika
+czerwińsk
+chema
+brookdale
+kritosaurus
+skrela
+trade-unions
+dowsing
+cossio
+christies
+kulhoff
+sokoloski
+himmelfarb
+motoori
+tryout
+linchpin
+abbou
+crisper
+narcisco
+underparts
+abdc
+2,492
+fiascoes
+trnovac
+sharbat
+shockingly
+szymkowiak
+spinrad
+millersburg
+anti-predator
+teeters
+roo
+laminated
+abeysekera
+15-degree
+zemin
+foskett
+westernmost
+dispensers
+7:01
+bus-only
+dozers
+armata
+rushes
+hán
+whew
+1681
+taixing
+famicom
+brolly
+b-17
+fehd
+118.5
+pootie
+leoni
+ecweru
+narc
+minifigures
+valiant
+raceday
+powerful
+aplenty
+kablan
+kozyrev
+bacchantes
+dunnam
+iztok
+henning
+decadently
+cegetel
+kerang
+trawled
+western-themed
+chenna
+67.27
+crow
+hoveyda
+tuoh
+shanto
+khinchin
+kloh
+riken
+113.2
+lauzun
+25.64
+grasset
+aurukun
+canonical
+30-centimeter
+dankwa
+already
+spillar
+37.73
+furiously
+bandaging
+noveck
+cachuma
+welches
+koudougou
+mabanta
+mysteriously
+subretinal
+meerkat
+radivojevic
+blue-footed
+chaturon
+barbo
+ljoekelsoey
+record-equalling
+peele
+mortlach
+professionalised
+soley
+disbanded
+offical
+m-53
+mcgiffin
+.634
+prohibits
+mediaspace
+19m
+nubbin
+redland
+railcorp
+barotropic
+gangways
+wanless
+oyo
+forten
+ji-young
+222.8
+positioned
+11-count
+longleat
+saram
+underestimation
+lushai
+esteruelas
+rokycany
+slathers
+edlife
+preshow
+spuds
+i-99
+bilious
+bibliowicz
+maximillian
+caves
+deadlight
+diffuses
+yagan
+coproduced
+chaturdashi
+almera
+g-m
+membranes
+pusey
+baseload
+booking
+moloch
+takemoto
+jonang
+discourages
+dangle
+plinth
+twenty-eighth
+trowels
+goulder
+439.3
+cibulkova
+stephane
+becht
+brunhilda
+reykjavík
+wagstaff
+quickies
+bovin
+madewell
+droplet
+keetley
+umaglesi
+progenitor
+cleric
+edusat
+lashkar-e-toiba
+diagramming
+paramo
+sperrazza
+kpa
+64-3
+werther
+sophia
+3:44.39
+lingayen
+guyau
+clemson
+premisys
+enumeration
+1.2270
+calmus
+two-seater
+extrajudicially
+künneth
+ascalon
+ranipur
+remarriage
+rampton
+jigs
+sasuke
+iqaluit
+plights
+plunderer
+collaborationism
+krizia
+lypsinka
+hams
+euro46
+heightens
+yufeng
+anes
+florie
+ottoman-era
+entendres
+fauske
+siddeley
+yakaghund
+caliskan
+rounding
+sinews
+broy
+33,125
+sofjan
+shinken
+arctiidae
+hospitalist
+forty-six
+bloco
+shawls
+railroaders
+participles
+turkan
+warchus
+shim
+iluka
+ultraportable
+trabajaba
+mbam
+orfield
+s.h.
+vuelto
+shops
+72.64
+mcbain
+jeudi
+banovina
+uruk-hai
+230-million
+777-6219
+shumacher
+sforzesco
+somite
+issue
+'37
+sandlots
+9,144
+granbury
+polymerize
+netty
+inge
+bitonto
+delamar
+immeasurable
+4.76
+grot
+one-and-a-half
+qilin
+taxifolia
+musubi
+rolie
+almario
+aef
+harrier
+pizzerias
+bendis
+vithal
+-56
+ceraulo
+m.w.
+1.8500
+vasto
+karura
+kobayakawa
+ketin
+kingisepp
+yanbin
+cecum
+dkbo
+misbehavin
+baryonyx
+60.000
+afmadow
+cla
+milkyway
+non-stoichiometric
+three-part
+fsas
+trigun
+shockwave.com
+galal
+higashi-ku
+rav-4
+205th
+pallavi
+serene
+tillie
+galinovic
+88-82
+2,797
+conflictive
+mushroom-shaped
+pisani
+buh
+5,500,000
+schulze
+numark
+universality
+infinitary
+kuh-e
+107.98
+kyōgoku
+chiku
+gloomiest
+phrae
+amoebozoa
+placekickers
+arts-based
+radegund
+goodenough
+padanian
+dot.coms
+photoshopped
+włoszakowice
+özal
+banpro
+logbook
+demoniac
+cuckoo
+velletri
+kostanay
+1535
+welders
+atauro
+guolla
+eze
+kimchee
+jackfish
+chaibasa
+volstad
+gasps
+eliminating
+ricciardo
+nordmark
+atr
+f-stop
+congeniality
+ardee
+tohti
+'60s
+possible
+photographies
+wandsbek
+43-21
+tatebayashi
+euro548
+1,834
+storari
+parvo
+wistful
+citicasters
+kukkonen
+p&h
+conspecifics
+bulganin
+06:15
+mitrokhin
+bahnbetriebswerk
+captions
+render
+87.22
+willpower
+positivity
+hairline
+resembles
+mudhole
+defenestration
+taoist
+cyburbia
+guozhu
+savor
+2,570
+mid-20
+loas
+fly-by-wire
+wcml
+engelhardt
+kratovac
+rowman
+shakhrai
+raumati
+specializations
+jtharpe
+tamagotch
+plym
+flyg
+bushmeat
+lado
+lysis
+ambulatory
+culdi
+nougaro
+mihalik
+paoli
+7-2
+45-degree
+tv.com
+mwilliams
+39-point
+mazouz
+lea
+infringe
+zumárraga
+zenawi
+sh-66
+brushoff
+jarir
+110.1
+prinzessin
+treepeople
+dsd
+bantam
+espero
+sprite
+conducta
+gold-leaf
+hama
+ministate
+hyon
+ephesian
+hippeastrum
+pinhead
+smartone
+mowlana
+craft
+6,000-point
+1.417
+b-legit
+isomerisation
+djamolidine
+miaoulis
+mckechnie
+labor-intensive
+gabid
+experian
+masturbate
+al-rahman
+re-positioned
+ndoki
+22b
+115.67
+chrysallida
+elevation
+japheth
+ovono
+lurching
+transmigration
+fellowmen
+suggested
+demonically
+ghotki
+114,000
+arnswalde
+eigene
+ke5
+gowned
+carona
+hyperlink
+joao
+grohe
+huddleston
+violas
+arriving
+liquified
+jailhouse
+f-16i
+moskovskaya
+mushkoh
+83-73
+bb97
+7.5-minute
+tamin
+2.46
+levett
+raat
+stop-loss
+mortenson
+loxicha
+pursuivant
+60-centimeter
+chancellor
+sweetest
+1108
+27.59
+ltc
+bertilak
+matai
+razzies
+osku
+prayitno
+london-based
+bayonetted
+crisostomo
+haja
+afterthought
+uteruses
+1993-99
+non-public
+bemagold
+sekouba
+zurawski
+lewa
+theron
+800-1
+vitré
+3rd
+1950s-1960s
+9am
+immobilizing
+cfo
+mascia
+tramo
+larosiere
+salvoes
+aureolus
+chanba
+37.96
+kazakhstani
+kdam
+barocci
+theremin
+mazra‘eh
+microdyne
+sp1
+svd
+jiangjin
+cambiando
+pancholi
+socialized
+åmål
+motorcraft
+olveston
+ultra-conservative
+barradas
+12-lap
+caillat
+inbee
+baninter
+schweder
+bortkevich
+cguillen
+benkiser
+tipico
+1.5420
+stanthorpe
+azinger
+uranian
+brightest
+noujaim
+ovcara
+purush
+polani
+26.27
+20percent
+korvette
+trustworthy
+apfa
+khattak
+meltzer
+cov
+wbls
+langen
+jilava
+hamara
+584
+moreda
+mechelen
+tularosa
+eye-witnesses
+webbie
+deringer
+23-point
+toryism
+scrymgeour
+shading
+penicuik
+darwaz
+hendardi
+hyleas
+nujiang
+lorien
+7,000-year
+rosana
+kurnaz
+nagamori
+achyut
+acanthostega
+17:35
+hersfeld
+panchayath
+solidarity
+retro-styled
+mutsamudu
+quizzes
+alleyway
+290,000
+centrepieces
+nagata
+laughinghouse
+spt
+298.7
+schering
+nead
+jyllands
+morever
+corneil
+mannai
+550-word
+oak
+loyless
+metković
+35,400
+aldouri
+suyin
+bungaree
+snoozing
+crocodylomorphs
+yoruba
+baranja
+alloway
+guosheng
+1,400-member
+yakushima
+hailin
+stockbridge
+pronet
+al-hayat
+áine
+ballygunge
+spinneret
+alcee
+mabinogion
+roll-off
+hal
+deregistered
+linda
+roguelike
+kellee
+bunked
+colubridae
+aavso
+f35
+abitibi-témiscamingue
+15:01
+bienert
+rotonda
+namık
+blistered
+toppers
+raffinate
+shomo
+7-kim
+khieu
+supremum
+silverside
+monoko
+hammerin
+50s
+jawbone
+longan
+paullus
+utopianism
+pelvis
+boetsch
+float
+indistinguishable
+bednorz
+faauto
+pesci
+differdange
+thallichtenberg
+anwyl
+2,406
+farsund
+refuses
+kmd
+wakeland
+ostiglia
+63-kg
+thermus
+venetians
+ascorbate
+sugarcoating
+gway
+rzewuski
+deschênes
+glenroe
+rohwedder
+kassin
+bangura
+grapples
+81.25
+ghenadie
+wiod
+awkwardly
+turbomeca
+namal
+albidus
+sastry
+regionals
+stompé
+travis
+lederberg
+self-possessed
+1879-1883
+mauled
+vocalization
+hansford
+whun
+lauched
+lakpa
+giselbert
+mawa
+kaim
+sayre
+ryll
+24.17
+al2o3
+verda
+bodyboard
+vui
+druga
+postes
+jm
+bistro
+b-25
+ardenne
+thanon
+opry
+ruis
+kasell
+sk8
+lulla
+ottenstein
+consummate
+mujahid
+dieselization
+taqizadeh
+broomrape
+dificultades
+bikes
+edhi
+aramirez
+45,000-euro
+700,000-dollar
+skibbe
+targamadze
+houllier
+quirnbach
+sumatrana
+buttermaker
+amper
+siok
+lptv
+gansel
+0-6-2
+1942
+gamestop
+olympic-size
+porcia
+underworld
+balcones
+nieuwenhuys
+kumluca
+bergalis
+ofr
+azide
+l.l.p.
+scottish-canadian
+59.34
+diwana
+ino
+uninsulated
+obina
+argel
+260.4
+league-wide
+mortada
+32.77
+mismarked
+zupanja
+conakry
+hippocrene
+sounion
+cleavon
+happen
+pavlova
+eisele
+richemont
+f.r.
+idwal
+506,000
+yoshiyama
+el1l
+31-5
+moultonborough
+fyfe
+fotos
+mcculloh
+0935
+bombing
+7.0-magnitude
+141.6
+rubí
+harmston
+llanelli
+tychostup
+lucki
+cockfighters
+mandolins
+seigenthaler
+annia
+vangheluwe
+jersey-based
+lyases
+81-seat
+mirela
+akeman
+stimac
+stagey
+fixedly
+rhein-hunsrück-kreis
+minefields
+chouans
+schulhoff
+kawaguchi
+keravision
+bellomont
+santoña
+uscgc
+bicentennial
+41.19
+kurtis
+canescens
+bahrul
+orsborn
+mund
+psykers
+wowow
+vesper
+oaxacans
+sofas
+occidentales
+mimbres
+maartje
+leominster
+stepanovs
+(210)
+urinetown
+montrealer
+baffa
+cdtv
+euro121
+role-playing
+2021
+petten
+alys
+spinster
+aubyn
+russian-jewish
+digidesign
+officier
+cichero
+canek
+onfray
+endearing
+sakalahul
+marler
+kani
+1648-1945
+iof
+1912-13
+chike
+steidle
+twysden
+shintech
+parlementaire
+ies
+sunbird
+ongole
+chenard
+rouvier
+fnj
+favourite
+gerente
+juleps
+cyborgs
+totonac
+romtelecom
+shatoy
+81-yard
+sandnessjøen
+hexen
+imran
+atatu
+zaharias
+estimator
+erdemir
+inhabitance
+issues
+homeland
+vtk
+irm
+tănase
+karatsu
+mclaughlin
+non-political
+integon
+manjira
+epiphanes
+flatirons
+baldé
+wawer
+turgid
+margaritidae
+rebalance
+hardpressed
+gitta
+sondheim
+hensol
+sashay
+ostry
+bttb
+viroid
+takanawa
+hurrah
+poppin
+cavia
+aiza
+africa-based
+napa
+48.80
+garia
+morchio
+homemade
+louvers
+cosmographia
+irk
+umezawa
+cattell
+1899-1902
+212.00
+autumns
+maoist
+swingman
+ss16
+wurtsmith
+cellphone
+telefís
+shuwaikh
+google
+anoca
+transurethral
+peer-review
+mbandaka
+philtrum
+ty
+90-82
+a.c.t.
+nagavalli
+nowicka
+tbaxter
+ygnacio
+scofflaw
+argumento
+orci
+disarmanent
+micrograms
+114.30
+tribeca
+124.2
+g2b
+siriwat
+95.30
+gutman
+dornemann
+27-0
+650-seat
+tenthani
+trenchard-smith
+indiegogo
+trimmel
+30.000
+champagne-ardenne
+rodger
+manzana
+berndtson
+86.51
+interceptions
+clergy
+165
+homies
+cambourne
+inglis
+twin-cylinder
+hajjaj
+lipizzaners
+1975-76
+7.69
+spoonfuls
+.188
+koumura
+gouvion
+narew
+1081
+jenssen
+747-600x
+prescribe
+emmure
+cotman
+27.22
+2,384
+cjones
+clotho
+ifg
+terrax
+purchasepro
+implosion
+della
+schlachter
+bakikhanov
+gatecrasher
+jini
+dębnica
+genée
+htoo
+grillwork
+efficiency
+jovellanos
+6,500
+guldbagge
+biranchi
+tutor
+mennini
+hendrawan
+animators
+shekinah
+pavn
+mcsally
+seminorm
+meutya
+hallford
+winquist
+wiper
+conservancy
+zagaria
+lattin
+argolis
+nearshore
+kocaeli
+thabane
+kaho
+thereupon
+second-youngest
+xenia
+ward
+duars
+kaoshiung
+vasso
+fendahl
+gerstenmaier
+shalan
+peeler
+baio
+kalniete
+gestational
+fuse
+kiddie
+h2n2
+minus-9
+cheeca
+poyntz
+inspires
+gamefly
+trussing
+c-32
+lapin
+pheu
+dobermans
+blow
+14.2
+n.q.-not
+jarosik
+h.d.s.
+7,575
+slop
+siocon
+duties
+model
+azyumardi
+antsy
+yufang
+neftekhimik
+correspondance
+calallen
+pdge
+ikhwan
+flatbush
+kry
+dornberger
+davidic
+carentan
+quienes
+serie
+antonov
+airspeed
+jos
+chilufya
+trimpin
+monastiraki
+angwin
+post-revolution
+zwan
+prefieren
+6-point
+gadjah
+krushchev
+stropping
+kazhegeldin
+ornery
+52-kilogram
+aviv
+derailleur
+drayer
+hafidz
+gionta
+valenza
+decile
+wncx
+104f
+tarmacs
+lamentations
+augenbraum
+muktananda
+sherith
+hapkido
+90.17
+chambeshi
+5.83
+orne
+vaisakhi
+rackauckas
+near-extinction
+casillo
+shahsavan
+92.92
+pyrolysis
+yorkist
+octávio
+thrifts
+nebulan
+linesmen
+7-to-6
+euro670
+wunderle
+01:45
+nyoman
+tsylinskaya
+madjer
+fangxiao
+cscw
+bhagwad
+palfi
+f-18
+chilcote
+lalaurie
+age-groups
+laki
+bulolo
+glabella
+goalmouth
+ssi
+blinky
+sanjin
+resited
+backwardness
+trali
+16-fold
+turbo-diesel
+capitulating
+andjelic
+lacher
+displacements
+tumbleweeds
+cd-r
+oppositifolia
+arrythmia
+olivença
+brawns
+farnan
+lactis
+aurivillius
+sitompul
+halba
+slingers
+magu
+köping
+hashmi
+gnatowski
+anti-climax
+kangin
+biglow
+kratzer
+lubs
+sanghvi
+borden
+jiangyan
+skiercross
+gobbo
+codice_6
+basements
+hilter
+leeds-based
+feuilles
+bavarii
+hurdled
+winawer
+norridge
+félicien
+murex
+17-15
+jatco
+craps
+moulvibazar
+energa
+over-ambitious
+heet
+prunella
+asteras
+batallón
+overdriven
+himlen
+phivolcs
+vendela
+navara
+subpoena
+97.91
+ilinden-preobrazhenie
+wtnh
+exynos
+amep
+rigano
+idrisid
+yada
+marie-jeanne
+moldable
+petits
+phocas
+liberal-democratic
+frugal
+nordahl
+382
+sanhe
+vish
+179.5
+kaplansky
+58.44
+mcddi
+istiqlal
+soběslav
+patto
+poble
+barquentine
+scriptural
+ketola
+pechonkina
+antineoplastons
+ossoli
+2,696
+mortal
+nemirovsky
+genetech
+23-person
+wólka
+unsaleable
+kiatisak
+berkeley
+warszawy
+sulev
+iwl
+diriye
+sasebo
+bilek
+altagonum
+mcsb
+seaton
+whirlybirds
+zhabei
+schütte-lanz
+mobster
+impa
+debaser
+leninakan
+walch
+leer
+lauric
+aoyagi
+qizhen
+nonconvex
+652,000
+ratnakara
+anchal
+crasna
+wattage
+zwanziger
+scudi
+trepashkin
+553,000
+alciato
+appan
+counterprotests
+jbell
+naryshkin
+kawagoe
+lordstown
+shimokita
+africaine
+tompkinsville
+estoy
+ved
+35.03
+saralayeva
+5kg
+milorad
+currants
+haverfordwest
+8-dot
+rdu
+whereupon
+huilan
+beswick
+freudenstein
+stockhausen
+glatfelter
+grandchild
+jettenbach
+'05
+564th
+nogal
+sabban
+estás
+1.224
+garnacha
+tinkered
+geelani
+granby
+qul
+1.4750
+iconix
+en-route
+132.50
+hellsing
+babin
+zadora
+15
+316
+keatley
+patriation
+kerameikos
+spruance
+kaska
+broadmoor
+furnivall
+ravenglass
+skew
+45-16
+atls
+311-5
+aqualung
+paravant
+ataköy
+91.47
+maglis
+bail
+propagandist
+palakkad
+fondi
+janmabhoomi
+2008-12
+vicarius
+sprung
+cladistic
+huizi
+hauterive
+098
+orkneyinga
+liberalizations
+moshers
+paischer
+sampling
+diecast
+alcohols
+45.37
+m66
+shepseskaf
+kharms
+bh
+cychrus
+lavaca
+39.50
+creek
+leir
+uprightness
+gothia
+jiaotong
+i-79
+zazou
+cinnabon
+parmet
+kernel
+parirenyatwa
+1869-70
+mancini
+chrobotek
+arulpragasam
+niangua
+capuchins
+834
+rosscarbery
+pharmacognosy
+moken
+doubters
+1,600-year
+calculate
+palaeographically
+baig
+hamoodur
+accumulators
+tolkachev
+aristeidis
+northbound
+wrenn
+definitively
+seribu
+tallink
+makine
+hafnarfjordur
+assemblyman
+a.w.
+brunnen
+daudi
+tebogo
+10-wicket
+cronaca
+joyfully
+re-engage
+lawsky
+colonoscopy
+benesh
+clement
+catbird
+nyland
+delinsky
+201
+quantico
+beke
+ccmp
+eurycea
+richey
+piatek
+facel
+castellani
+nccam
+beloit
+gatemouth
+ripley
+8v
+12-nation
+sindhu
+allouez
+deserticola
+transmit
+merel
+plasticizers
+10.53
+generalate
+washingtonienne
+zump
+thampy
+bataoil
+laverdure
+filth
+haydonites
+pierson
+2,000-foot
+passat
+3,260
+stupid
+scoots
+baffi
+kiddy
+elmaleh
+presidenta
+dregs
+transcriptions
+antidiuretic
+perathoner
+avinashi
+sardari
+anwer
+winkies
+diyar
+zyvox
+sabs
+moltenskoi
+backspace
+qatada
+dallies
+signor
+92-70
+stones
+lahya
+118.64
+gondwana
+ayo
+pre-tax
+22-stage
+nordöstra
+mountaintop
+substantia
+templesmith
+couplers
+sobeh
+borghetti
+memoire
+primus
+8.36
+choreographer
+kantara
+lzw
+indo-parthian
+mocs
+1197
+astarloza
+3:0
+jortzig
+diplodocus
+self-locking
+dostana
+wciu
+bluemountain.com
+maram
+mtp04
+yannotti
+didonato
+ced
+assistance
+flowcharts
+gedeck
+foursome
+spradlin
+reinvest
+bramalea
+androscoggin
+ismail
+mayim
+wainhouse
+coding
+isaf
+mitake
+demoff
+diethylstilbestrol
+:7
+hisarak
+cicotte
+hriday
+mimick
+musluoglu
+bekaert
+bagasse
+frenchie
+indo-iranian
+windspeeds
+bevacizumab
+mix-up
+neuroeconomics
+83.11
+homophobes
+bindiya
+spaceflights
+ashot
+fadec
+caulcrick
+bucca
+temblors
+freemium
+prows
+applies
+grandeza
+kurigram
+umes
+strap
+divina
+glancing
+tailed
+baringo
+owes
+beylagan
+bompard
+luteal
+coosa
+djilas
+shuka
+nauru
+morgus
+rsst2
+tirtha
+demolition
+,510
+30-july
+qv
+tōbu
+drozdowski
+traa
+kemu
+huds
+most-popular
+aqa
+delphine
+naberezhnye
+soiusa
+shays
+korina
+ruwan
+theenvelope.com
+caracciola
+amedeo
+elmquist
+dinara
+sevierville
+read/write
+midterm
+haydée
+meralco
+concierges
+injaz
+madre
+lionfish
+barkey
+kailan
+ores
+220.5
+cyberstalking
+hakaba
+virgo
+furby
+bergoglio
+campeonato
+plugs
+unburned
+touya
+earthlink.net
+anti-democratic
+mitotic
+lazic
+114.36
+tawn
+sportvision
+0700gmt
+pik
+thick-skinned
+coex
+washerwomen
+davao
+anacardiaceae
+juanita
+marwan
+jervois
+stampley
+hro
+tamyra
+1460
+ashiana
+bernheim
+creswell
+margita
+parillaud
+blubbering
+nessen
+königswinter
+matthäus
+venceremos
+appropriate
+1994-97
+snark
+dennett
+1,985
+quintessons
+concentrates
+jovial
+elarton
+koat
+amokachi
+midshipmen
+ganzon
+chewiness
+unselfconscious
+timepieces
+scf
+kfor
+infrequent
+61.26
+reactos
+tambang
+bougouriba
+big-eyed
+clothworkers
+jeopardizing
+necklaces
+idiosyncrasies
+curanderos
+junkyards
+kuşadası
+unenumerated
+sn1987a
+bongaigaon
+gambetta
+frise
+catellus
+4.16
+tendon
+34.47
+kushans
+91.24
+70-minute
+belluso
+cripe
+cheatin
+oftel
+lyudmila
+perovic
+kovas
+nezahualcoyotl
+prefight
+74.3
+garcias
+iil
+mcdonough
+i-v
+static
+bi-monthly
+williamite
+labanino
+bartending
+stents
+i-islam
+devas
+glaucidium
+yanagimoto
+downstairs
+greenspoint
+stablity
+geyserville
+leroux
+yankelevich
+evill
+saarland
+covay
+vour
+qutaiba
+ventris
+featureless
+5555
+karolj
+chood
+electromyography
+1260s
+abington
+heskey
+gazelles
+inkjet
+thida
+pitta
+septa
+adiyaman
+firing
+ntac
+cohousing
+alojzije
+stieb
+stonemason
+442
+944,000
+saxe-eisenach
+nylex
+zordon
+2122
+bantom
+biolay
+konaté
+69.26
+urbane
+chryslers
+puyallup
+baptist-affiliated
+rhapsodies
+zeye
+akimel
+djurdjevic
+dunstaffnage
+wych
+synthases
+coda
+mezen
+teslin
+soms
+toivola
+prunellidae
+elshani
+elmaghraby
+eifs
+n3
+cordera
+montgomeries
+scomi
+attwood
+vigabatrin
+jfarrelldenverpost.com
+hastinapura
+mapletoft
+averof
+memes
+obsessiveness
+carrarese
+portents
+hamdani
+quagmire
+zhengwu
+rafic
+zavvi
+bermudo
+lytvytsky
+nitrites
+astroland
+teary
+alburt
+216.3
+baharudin
+covet
+drifters
+tewksbury
+953
+parallels
+unsound
+jerro
+stateside
+clumsily
+rimas
+praslin
+shoya
+aljaz
+pflp-gc
+vilem
+gahungu
+tomohiro
+arunta
+llu
+demystification
+hachisuka
+microkernels
+gavrila
+przemęt
+guthrum
+beit
+parapsychology
+bassel
+800-foot
+pasture
+18.81
+mantling
+potties
+masatake
+margate
+guinee
+fokin
+brazzaville
+dogsledding
+yeerks
+.159
+rockmond
+alois
+twix
+robbed
+d.a.r.e.
+kulob
+racer
+66.52
+gersten
+vadher
+laragh
+laughingly
+36-2
+drops
+rectally
+fujima
+post-biblical
+124.00
+berri
+anaxagoras
+kennametal
+astronautics
+lungless
+facilitate
+vix
+25.92
+lightship
+earthing
+ah
+tofaş
+szczesny
+tu-154s
+kanaris
+osment
+novogratz
+neo-platonism
+raffaele
+unfavorably
+493,000
+maré
+discredited
+wardens
+delarue
+1.045
+unremarkable
+kashmiris
+prophecies
+globe-trotting
+0.072
+u.s.-controlled
+29.80
+assens
+mihajlovic
+81.4
+kabamba
+tih
+deeks
+4.47
+chocolaty
+26-day
+krw
+ma'at
+zoila
+105.49
+growney
+tafur
+caracciolo
+maertha
+1680s
+insurmountable
+nsue
+ispr
+attender
+infernales
+prompter
+misra
+toshihide
+trifun
+peccadillos
+futoshi
+bukos
+zagorska
+anubias
+polli
+product/service
+gryphus
+feuerbach
+cauet
+gouthami
+198-pound
+katju
+seibert
+saara
+alberti
+cumulating
+flacius
+zn
+fiu
+negroid
+bcis
+re-dubbed
+kongo
+intracoastal
+d'alessio
+qanoni
+arges
+orleanian
+ifsc
+sbma
+waynesboro
+settee
+mukund
+wanaque
+frierson
+phooey
+bogoljubow
+beninois
+heilbronner
+exakta
+9.60
+vcal
+terrans
+9-8
+kyrghyzstan
+deluge
+essenberg
+20.000
+lamely
+christ-centered
+israr
+whirs
+clearview
+magistrat
+burglarizing
+sambrook
+speeder
+anti-gambling
+emmets
+ovrom
+cics
+chihiro
+sunyata
+hillcroft
+hunsrück
+tokelau
+pakan
+ā
+dallah
+fionn
+mous
+memorized
+leilani
+cayor
+56.7
+solapur
+fenriz
+powel
+kunkel
+countship
+alagich
+oliphant
+tangye
+giorgios
+ncha
+zip-line
+harpercollins
+kinetic
+owens-illinois
+dienstbier
+paveh
+driebergen
+carracci
+euro363
+casc
+ashgabad
+expounding
+188,000
+gerke
+sonett
+pe
+liona
+a&t
+530th
+socioeconomically
+thiel
+nasuta
+alpana
+billa
+appreciatively
+mosses
+hickman
+piazzetta
+finitude
+gröbner
+under-strength
+british-bred
+gioiosa
+seapaul
+helbrans
+idealist
+fatimie
+dallara
+avrich
+linguist
+promphan
+kmorales
+maner
+phreatic
+mughelli
+202
+two-cd
+lafta
+nutation
+ayodhya
+kujalleq
+.750
+mizuhara
+46.63
+deictic
+shicai
+uriri
+thrombospondin
+f12
+sidled
+8,120
+zipping
+ikey
+activa
+http://www.gao.gov
+18-time
+zarkin
+euskera
+skradin
+kipchak
+third-string
+corringham
+rauzan
+a-month
+sauda
+rekka
+transsexuals
+norteña
+saint-cloud
+unkei
+ewood
+tift
+verity
+eop
+auction
+moste
+ponant
+bahawalpur
+synthy
+dedicate
+48.14
+turrets
+fundi
+ghurair
+waddle
+sippar
+decors
+welcomes
+minge
+frequented
+vatnajökull
+pablo
+millet
+ramshackle
+avoidance
+aguleri
+lummi
+bejamin
+sodowsky
+priscian
+méditerranéen
+chenel
+rutka
+sybers
+rolph
+rrp
+shaheedi
+ledges
+rhizoids
+:13
+mesonephric
+nautico
+grayb
+brassfield
+daltry
+20-cent
+mustards
+100-word
+pharis
+epidemics
+socionics
+bfm
+neurotoxins
+chinese-language
+thanyarat
+sandbars
+headmistress
+suncruz
+near-miss
+muslim
+tsusho
+junyi
+sturge
+perovskite
+1072
+wrightstown
+veragua
+sutee
+culvert
+armorica
+3,554
+dhuluiya
+overreactions
+setliff
+pangrati
+overstaying
+titer
+ilderton
+elaborateness
+eavesdropper
+surjan
+95.80
+uerdingen
+didja
+niarchos
+inpatient
+pcx
+unreasonable
+qaed
+inter-institutional
+policy-makers
+31.95
+babs
+arshaq
+denifl
+dolsk
+bourassa
+crigler
+jamai
+buraq
+theoretically
+peered
+pint-sized
+xiangfen
+interreg
+ozolinsh
+bumble
+jouanno
+75.86
+h1b
+124-run
+zapeta
+128.5
+whopper
+aramin
+giraud
+burlington
+lendava
+euro870
+cachao
+poisoners
+pristina
+pereyaslav
+petukhov
+profitably
+ragnall
+muchesh
+métis
+curls
+trumpeting
+ladrones
+disc
+fairgrounds
+dunson
+becs
+suryohadikusumo
+vascones
+kiewa
+khaffaf
+sakhalinsk
+54.19
+zen
+sestos
+hes
+play-calling
+με
+esg
+zemen
+antigoni
+beb
+nyingpo
+metrotech
+crediting
+safonov
+giżycko
+dublin-based
+radway
+kaveri
+cikovsky
+ciba-geigy
+homes
+ataollah
+aderca
+elway
+ningxiang
+depressive
+abourezk
+tathagatagarbha
+mildmay
+kalamunda
+suparco
+69
+monetarily
+fraternizing
+wsf
+badli
+28.80
+standardisation
+violons
+4450
+brazelton
+bonnaroo
+achene
+witless
+polytonic
+æthelflæd
+trivet
+despencer
+gambian
+6-pound
+presbyteries
+delibašić
+trie
+sidecar
+warmonger
+ghazals
+market-driven
+datuk
+1981-1983
+corriero
+shippy
+tamboura
+goens
+ouzghar
+viju
+ebby
+kosgei
+goleman
+tolos
+schrank
+preganglionic
+guanglie
+clico
+sakr
+urcc
+lemony
+sailly
+golescu
+haematite
+phreatomagmatic
+mambas
+1,815
+millport
+larvae
+purdy
+nov.
+zohdi
+euro99
+2007-2013
+gibeau
+generoso
+floruit
+state-appointed
+cam
+kv-1
+vija
+tehsil
+xinhe
+farmar
+feca
+geekdom
+prepackaged
+cassese
+branum
+drummer/vocalist
+250.2
+wacol
+watsuki
+kirks
+sgb
+2,281
+biomechanical
+mos
+seibel
+1,025
+ledwidge
+piqued
+sft
+violino
+multiplexed
+203.6
+anzeiger
+leavis
+oetojo
+peñalosa
+mozammel
+guerard
+weilburg
+uclick
+chargeable
+jumpiness
+lucera
+mordovia
+stereocenters
+abaza
+itzcoatl
+sulfates
+lebling
+kgalagadi
+disinfects
+mersad
+mk-ii
+jaca
+strutter
+pelliot
+agaves
+cabala
+horatius
+jocularly
+avocat
+ceps
+dyane
+lomans
+lycoperdon
+bandages
+wailua
+salvat
+königssee
+profiteer
+gilkey
+http://www.weather.com
+mentos
+3id
+figueiredo
+coppery
+lamrabet
+incerti
+gingered
+ramphastidae
+conny
+uneasily
+klaksvík
+02107
+learmount
+madrazo
+herbaceous
+sorcerous
+bellefleur
+viic
+lymphoma
+3-27
+tractable
+fum
+negro
+a.c
+mekas
+367th
+dawodu
+randomize
+pre-cut
+onley
+jiangsu
+eib
+bazaruto
+seung
+gorgonzola
+http://www.usdoj.gov
+asam
+watersports
+tv7
+iguazu
+paratrooper
+256/256
+blom
+eslite
+gavino
+eusebius
+marnie
+namam
+clmc
+liaoyuan
+oichi
+o’brien
+khordad
+infamy
+140-seat
+shallying
+persepolis
+egisto
+keskin
+batalova
+ayeyawaddy
+senyshyn
+breu
+noemie
+mahanadi
+ekpittaya
+sightseek
+shunter
+hula
+zollar
+mcchrystal
+harlots
+aruch
+janjigian
+rawah
+5,710
+1h30
+kuenast
+misuzu
+75-54
+damore
+2355
+wms
+chanterelles
+hanasi
+3.33
+macuxi
+2,1
+mediodia
+schelotto
+ravikant
+publicis
+fallible
+vuvuzelas
+perijá
+emeka
+allaway
+elsa
+katic
+randomness
+.326
+boardgame
+depuy
+nextstep
+pev
+yappy
+32.45
+interisland
+59.30
+refight
+suckered
+olamide
+37.23
+ejecta
+dirani
+wroth
+nondestructive
+salten
+pancake
+ledin
+penshorn
+statist
+bakali
+asmir
+cone-like
+libera
+widnall
+saydiyah
+.0032
+badusha
+contemporarily
+prusa
+chergui
+bolkiah
+nelspruit
+voces
+api
+liver
+locicero
+five-stage
+pbeach
+3,807
+askvoll
+borsod-abaúj-zemplén
+centre-line
+jawans
+juristic
+waterpower
+phenol
+colclough
+fedewa
+arthington
+mudrā
+drillo
+rojhan
+sinfjötli
+trahant
+nudging
+nyfd
+137.00
+santan
+237.6
+handbells
+joannides
+ulpian
+triangulated
+02:15
+worldbest
+srh
+plasmati
+sonam
+cabals
+grues
+50-foot
+mounassar
+nmi
+(903)
+mackiewicz
+factoria
+woodell
+kiss
+n.o.r.e.
+covo
+ist
+kahan
+34,250
+tippins
+lamento
+kashmir
+hodara
+urgel
+bangalore
+mawddach
+tamburri
+sudsy
+majumder
+3,535
+buras
+guiting
+jurowski
+naturalist
+3,915
+kaieteur
+sadowie
+900th
+deye
+drivel
+150-ton
+epitaph
+.095
+brenton
+turves
+wesley
+nanosolar
+burnaston
+lanús
+1770
+sheikhupura
+dbm
+extraversion
+downloading
+lbk
+72.16
+extra-time
+davoodi
+dormagen
+becquerel
+thurmaston
+sjarifuddin
+inzimam
+zakir
+gaku
+diwani
+nyondo
+12-5
+chekov
+delling
+25.43
+sed
+monarchists
+spiceworld
+stobbe
+tring
+1.162
+lowlander
+kuerten
+savigliano
+doron
+75.12
+madgulkar
+beeby
+galesville
+beynon
+dunkeld
+scallion
+tekulve
+soulfulness
+uhrmann
+mulvaneys
+seacraft
+asperger
+ruffino
+starday
+re-accreditation
+baaj
+nepalgunj
+gunto
+shemonah
+mosso
+lérida
+dp01
+parur
+bloss
+clube
+alpha-numeric
+kardashian
+audacious
+16:27
+moayyed
+botwinov
+assassin
+kirovsk
+konstfack
+clarinets
+overhears
+mydans
+storni
+miraa
+tearful
+dagen
+obnoxious
+well-preserved
+mackessy
+nishihara
+cream-coloured
+panjwaii
+best-of-three
+transforming
+bathetic
+shinda
+peking
+echenique
+jehoash
+giscard
+eramet
+toa
+oleksiy
+enormity
+52-day
+weist
+spillover
+soechting
+tumultuous
+burka
+tillakaratne
+mct
+μmol
+gesellschaft
+hmccoy
+sensory
+gravitated
+lssu
+apiary
+shlapak
+orans
+squee
+atapattu
+ashworth
+lebow
+coar
+momčilo
+effendy
+varangians
+face-down
+bett
+polskich
+picosecond
+goaled
+retentive
+66-day
+follicle
+caesarea
+period_none
+imayev
+orographic
+brightlingsea
+jatra
+eschbach
+qāsem
+kotobukiya
+mbowe
+ruijin
+anisoptera
+mansouri
+nassau-weilburg
+173.3
+ashurbanipal
+dmx512
+jessie
+grankovskaya
+ordering
+hextall
+manawatu-wanganui
+intereference
+kukulkan
+kuito
+aiims
+chodron
+jhonson
+timina
+smead
+odetta
+bbw
+t&n
+mcmorran
+jebril
+asmundson
+extrovert
+germont
+peni
+fenn
+epipelagic
+rimshot
+clemency
+mined
+arland
+fishhooks
+alosi
+kidnaped
+carmike
+carteri
+slalomed
+gresini
+abin
+batjac
+noggin
+hydroponics
+56.39
+cyathus
+hafr
+karremans
+iscar
+ntimama
+ingleborough
+boneyard
+mato
+73,000
+hvac
+debbio
+cea
+two-round
+gorō
+marrero
+90.39
+bourriaud
+túpac
+kaido
+hengshui
+.89
+rededicate
+hubbards
+1-minute
+crataegus
+guilmant
+lett
+bluecross
+indulging
+12-hour
+sputum
+41.78
+maidenhair
+lipsman
+gantemirov
+gorillas
+shamsābād
+roets
+górne
+56.0
+biodegradability
+longshanks
+radka
+capcities
+commote
+kluttz
+sulejmani
+low-temperature
+hara-kiri
+teles
+gravelles
+1,831
+shamli
+scandale
+kover
+nikolce
+kervin
+1.62
+algis
+mantega
+mingyang
+hitchcockian
+haploid
+arithmetica
+pacolli
+wintringham
+ciechanowiec
+ablow
+tazelaar
+motsuenyane
+bagpipe
+mascarpone
+pawpaw
+salcedo
+pesma
+21-19
+volcanoes
+mcelman
+3,949
+mair
+926,000
+20-screen
+cccf
+x8
+4,305
+năm
+westfalica
+serm
+grandtravel
+microblog
+238-year
+mvp.com
+pathos
+electromechanical
+beograd
+bastiat
+marine
+worthiest
+edlin
+serranidae
+joara
+boyda
+lawmaker
+lighter-skinned
+txw
+goverment
+portis
+rosily
+interrogations
+khamzat
+c21
+yarnell
+rasputia
+skyship
+vero
+dissensions
+admire
+wigo
+lala.com
+41.5
+hockersmith
+cuticles
+kabc
+panela
+troughton
+celular
+warsameh
+1880-81
+ryan
+summands
+muhammadan
+293.5
+ifct
+metso
+two-bay
+fulcrum
+peacham
+holomisa
+suchard
+ventidius
+nooyi
+93.25
+leonean
+mocedades
+overexpose
+bores
+amarela
+overpaid
+liljegren
+saltier
+zoffinger
+metasedimentary
+ferrocyanide
+nandalal
+softballs
+gabriola
+77-57
+kolahun
+heroism
+uda
+darr
+lusts
+matron
+partem
+bodykit
+nawfal
+41.27
+non-heterosexual
+hysterectomies
+dmytro
+1.050
+resnick
+taecyeon
+loben
+1989
+abscessed
+phrixus
+feinberg
+daniele
+gyi
+daqduq
+blendon
+69.84
+gyllenhammar
+etemadi
+bangko
+coupler
+reshad
+kandun
+rongen
+remixer
+emam
+heathwood
+wivina
+eboue
+shoal
+12-pounder
+cabral
+braathens
+mini-golf
+sansepolcro
+zhumadian
+catford
+al-haytham
+pegasystems
+ouvrieu
+155,000
+160-kilometer
+murrurundi
+convolutions
+reticulocyte
+early-18th
+tiomin
+67.86
+dragonet
+cornishman
+baskins
+vallabhbhai
+qaderzadeh
+virginia-highland
+potro
+vrdolyak
+lmo
+eppig
+zahray-ye
+multicanal
+29.28
+whiner
+499-3333
+hilger
+centred
+jdl
+saghder
+450
+sarbisheh
+gestural
+maridjan
+rallidae
+pallice
+greenfinch
+miravalle
+radler
+singye
+metonym
+amesha
+120.88
+nf-κb
+2903
+hillfort
+francisquito
+briúin
+underbelly
+intercepted
+kakakhel
+oshikoto
+margonin
+494
+simao
+janus
+barlonyo
+ruddick
+bianchetti
+interpretations
+jestrovic
+schweizer
+sini
+allender
+barrowman
+x-type
+mg/ml
+gbomo
+emphasizing
+2006-08
+devold
+crawfords
+enterpreneurs
+oly-2004-athletics
+nubs
+papa
+35.21
+delafosse
+prv
+wrongfooting
+piqua
+37.77
+totentanz
+animeigo
+sportwear
+fonz
+hurries
+window
+frigg
+40-piece
+e16
+boltanski
+120.00
+heggem
+livenza
+pairin
+libya
+cymer
+estadística
+mutton
+1,569
+tsuki
+kaulsdorf
+lewsey
+reacquainted
+3mp
+flayed
+kilonzo
+projectionist
+raxaul
+3.03
+sneezes
+hubbardston
+commends
+costo
+burbage
+hartley
+tchotchkes
+sarkari
+lenas
+mjib
+lueders
+sonor
+boulbars
+myślenice
+zaqzouq
+cplp
+kerlan
+pankhurst
+swedish-born
+slaine
+dealbata
+100.5
+emulsifier
+thylakoid
+forman
+shikar
+4/6
+chukwueke
+licht
+94.23
+fé
+elgeti
+ley
+wasilla
+synchrotrons
+saltus
+parters
+caño
+dybas
+syme
+turky
+tammany
+rayearth
+derwyn
+yawned
+biên
+silviculture
+hummocks
+2-27
+tosafot
+ruppe
+adheres
+kanai
+helming
+ivonne
+20.86
+wintersteller
+bradstreet
+sishen
+wouk
+nhf
+gazetteers
+galston
+annul
+4,3
+kamynin
+cedynia
+u.s.-imposed
+13-billion
+curculio
+119.6
+disassociate
+_____________________________
+9a
+aelian
+crayford
+lusty
+aguiar
+hape
+1868-69
+bubaris
+tartikoff
+intersil
+payn
+mohamoud
+3oh
+motorcades
+garmisch
+mesut
+derksen
+longlegs
+64.91
+utroque
+blackburne
+rüedi
+imbalance
+gl
+yahballaha
+distaff
+beroun
+unknowable
+estoyanoff
+haircut
+kynaston
+almondsbury
+parlby
+.567
+nandakumar
+saf
+semi-monthly
+gandra
+107.44
+tavurvur
+baarin
+yoshihide
+portentous
+1,055
+romanian-born
+pelecypods
+thirith
+tynan
+bathes
+odos
+willeford
+a300-600r
+pull-off
+clausewitz
+revivo
+fatness
+.345
+time-keeping
+jicarilla
+bartoloni
+alouf
+hyderabadi
+outshine
+hadary
+unburden
+wheen
+87.92
+bonard
+nasreddine
+disburse
+ductal
+crowell
+797
+scuttle
+tadmor
+maisons-alfort
+hammock
+mandelas
+bordercross
+zdenci
+epona
+vegetative
+mercalli
+mafeking
+górnik
+1940
+julis
+beida
+zwickel
+www.arlington.net
+11-city
+daubigny
+dexing
+halakic
+aeroporti
+nnw
+qais
+:2
+springwatch
+potoroo
+adrar
+lezignan
+nlu
+1-9
+chatsworth
+trowell
+burrs
+ishara
+navaira
+xlvii
+beeldenstorm
+everpresent
+plumlee
+ohev
+derozio
+delors
+shuriken
+sackboy
+deryabin
+plantings
+95.89
+cyprus
+carlita
+appropriation
+monetaria
+1.9-percent
+5,230
+interupted
+faculté
+pithapuram
+zeena
+inverkeithing
+fortitude
+subversiveness
+codice_2
+japan-exclusive
+pantene
+havat
+flex-fuel
+paschall
+jamón
+borriello
+garvan
+railfan
+shabbona
+boggis
+mamluks
+german-dutch
+y’
+48.9
+mobilise
+zbikowski
+37-18
+tofas
+cedarbaum
+torra
+platanthera
+thereza
+evacuate
+vieng
+offley
+threadlike
+sangdrol
+thom
+thals
+guisan
+naghi
+oboe
+korotayev
+wadih
+herpetofauna
+rafat
+stroebele
+mutates
+hairshirt
+heterosexual
+galvanic
+dtc
+beauchesne
+paleontology
+pwehr
+game
+terrazzo
+skala
+n.a.
+jialiang
+eppy
+guttman
+micropolitan
+onesource
+38.65
+mcaliskey
+co-heiresses
+panhard
+saldanha
+pundik
+ischl
+pepperdine
+miraflores
+linth
+collectibles
+takhisis
+houhai
+gotrek
+chenrezig
+duplication
+acuta
+razov
+labrang
+pro-european
+5-of-11
+nora
+hand-held
+1.2095
+illus
+olga
+carreon
+jordaens
+ichijo
+londell
+unpublishable
+106.5
+reconstituting
+catterick
+kamata
+østfold
+leaded
+syfy
+refurbishes
+tafilah
+depravation
+pagham
+radium
+penholders
+musch
+north-westerly
+strohal
+saints
+discoverable
+radomski
+beachfronts
+embellishes
+hollweg
+majnun
+sarafand
+three-cornered
+surg
+capitolium
+vinland
+haruhi
+2,409
+olds
+sō
+os-trov
+80-man
+daishowa
+zootaxa
+venkateswara
+lovi
+isoform
+two-manual
+cardamone
+dande
+daggar
+wallon
+sion
+ahrar
+dacron
+mwape
+.589
+kasumigaura
+camelus
+chalfant
+caylee
+unexecuted
+familiar
+1.82
+gaskell
+ega
+pandelis
+integrase
+bollywood
+penkovsky
+combat-capable
+shyla
+1992-2003
+osint
+kohler
+pacorus
+abos
+agmon
+1,783
+arosemena
+especial
+horenstein
+salbi
+endowed
+hollyhocks
+clouts
+blacked
+vaulted
+63.55
+9,000-member
+danniella
+sixx
+rule-breaking
+gosha
+bredbury
+portway
+3.125
+70.20
+culhwch
+bonnafont
+deasy
+wals
+metrojet
+redbuds
+hahndorf
+neuroanatomy
+afrobeat
+tilapia
+nonnuclear
+8,300
+caserio
+gatic
+sadequee
+braatz
+launfal
+swordswoman
+ameridata
+alraune
+toes
+concentrators
+laleham
+genma
+andronic
+loganiaceae
+lushan
+speedometer
+paris
+taba
+jellied
+shinri
+halter
+appendices
+analytes
+relvas
+avahi
+8.02
+ostracised
+poleska
+aspca
+tsuneyuki
+goshi
+mobilestar
+benningfield
+12:25
+brigman
+metrix
+faisalabad
+kuen
+biches
+lodwick
+100-story
+greiff
+borowe
+n.r.
+jazzwise
+cullercoats
+25-june
+translates
+floodplain
+yves
+ghajini
+self-sustainable
+krauss
+pepple
+gazidede
+socking
+gremio
+maceio
+23-2
+mods
+glycolic
+trevanion
+chunjiang
+collaring
+merredin
+saltville
+pornic
+2-9
+lončar
+84-million
+half-hourly
+discretization
+diophantine
+arbuthnot
+vegging
+padfield
+cgasper@globe.com
+fukue
+badenweiler
+bul
+eightieth
+timescape
+n78
+zakariah
+oriola
+vulkaneifel
+48.47
+yreka
+rod-like
+bounces
+hippolyta
+43.18
+leadbetter
+75-67
+benfold
+o'dell
+cabuyao
+pdi-p
+thelen
+lakhani
+3-29
+first-innings
+razors
+postive
+kaneb
+peschiera
+ars
+herdic
+andrusovo
+4,220
+hampering
+castlebar
+assonet
+llanera
+ravenstein
+solidness
+telford
+wornick
+907,000
+xandria
+50.00
+kekionga
+panchayaths
+gastón
+pbxs
+ōshima
+puertorriqueña
+contemplacion
+merriment
+repington
+headphones
+onigiri
+drily
+hasanov
+frankpledge
+neerja
+lifehacker
+misogyny
+griseus
+roth
+136.7
+ochre
+compacta
+eaglescliffe
+fortis
+mononym
+đakovo
+saluva
+cotinis
+59-14
+ciminelli
+dragnet
+xanthan
+baranda
+vračar
+deter
+monteleone
+oulart
+anti-terrorist
+duyên
+1,568
+recrystallization
+npas
+m.f.
+sub-contracted
+milyukov
+mrfm
+khiari
+88.33
+lados
+lightweight
+boyzone
+offender
+bortnikov
+songea
+jfl
+41-gun
+pug
+harbiye
+hejlik
+flourens
+daglica
+164.6
+122.32
+aaaa
+mesoscopic
+serbedzija
+teegardin
+bayerischer
+51.2
+venne
+.494
+pedigree
+burnum
+rrf
+angwenyi
+bendheim
+oviraptorosaurs
+two-season
+i̇dmanyurdu
+l'heureux
+ulivo
+kallstrom
+lingbao
+guttie
+carabineros
+bún
+archæologia
+berths
+whouley
+panax
+railyard
+parodist
+provida
+kpperkins
+diavik
+shakira
+katzover
+ehrhardt
+14-cylinder
+gryfino
+sushruta
+nukualofa
+uds
+hatcham
+4-42
+tweeters
+pinhole
+borkum
+materialscience
+cardioprotective
+hiscock
+hemo
+nicco
+f-22a
+cobbler
+yichang
+moscona
+fellow
+haemorrhaging
+elcoteq
+gant
+trzebiatów
+jeppesen
+spouting
+yeht
+purna
+bxe4
+rm65
+shaoting
+imss
+authorisation
+gi-tae
+elouise
+damasio
+sossamon
+perche
+bassar
+bracer
+wisam
+md-80
+trohn
+nachrowi
+zulficar
+andiamo
+veloza
+panamsat
+furosemide
+samaj
+10.59
+coaker
+goroka
+solnhofen
+fhl
+pontianak
+enteropathy
+rajwade
+placidly
+summerside
+cisticolidae
+bussche
+jordi
+gainsco
+spring-like
+50-37
+dryden
+srec
+île-à-la-crosse
+dececco
+kaizers
+rhones
+late-victorian
+rapps
+shildon
+tardio
+94-92
+yuyao
+stormbringer
+centromere
+buryan
+77.56
+puckey
+30-ton
+starbuck
+103.5-fm
+ilarion
+ebershoff
+musher
+7-billion
+rathi
+mortify
+dredges
+dronning
+2:21
+watermarks
+tburr@globe.com
+stalagmites
+lyricists
+lt-col
+jawar
+pgn
+kwit
+senegambia
+ovs
+forbs
+2.5-meter
+calleva
+occult
+mezrich
+alberg
+gorell
+komati
+ez-link
+unbuckle
+chitrali
+arizal
+zener
+abutted
+yik
+ristorante
+guingouin
+sickler
+cyberpunks
+34,063
+hagop
+easiness
+hussain
+truncate
+eyewall
+karamojong
+kish
+fibres
+janabi
+beary
+subroutines
+cywinski
+laet
+award-winner
+uzair
+magus
+dolná
+viru
+autopsied
+current-affairs
+knabe
+spoliation
+tuhoe
+19th-20th
+villas
+6,000-member
+six-minute
+rurikid
+pogor
+glshs
+berani
+llanrwst
+maeena
+anticipation
+nasaa
+40.88
+hellenist
+rockbridge
+rahmani
+euro11
+kaolin
+hard-driving
+berezin
+semanales
+121.6
+winkel
+pervious
+foxborough
+rowdier
+defaming
+'ll
+readopted
+shinnecocks
+1:0
+27.35
+95.24
+farmall
+7n
+purana
+aniwa
+reticulocytes
+rajohnson
+krishnadas
+115-horsepower
+bonariensis
+fasilides
+3,529
+.393
+dxc4
+prisma
+pulangi
+kiwa
+catalysis
+morel
+rscm
+rosbaud
+carrillo
+sodden
+becaming
+tr2
+detaching
+dewees
+salve
+114-114
+mccoist
+fanad
+bullheaded
+olimbos
+changeups
+opisthosoma
+thiruvalla
+cordelia
+aviron
+léopold
+caponier
+acclimatise
+deek
+engelstad
+crl
+utc-7
+unsent
+frenzen
+flamingos
+thawil
+68-59
+bolcina
+kaminsky
+sanlih
+vakulenko
+sarus
+49.17
+neukirchner
+bpmn
+glennon
+9999
+dishneau
+garzoni
+dom
+restructuring
+herrenberg
+tebidaba
+8/5
+jablanica
+paper-thin
+tmartinez
+baharuddin
+kabayeva
+r8
+thirty-eight
+supersecret
+brylawski
+meekly
+burnishing
+14:01
+tawfeeq
+cetin
+percent
+pilicą
+master-classes
+cuyp
+p’urhépecha
+self-published
+wolframalpha
+towey
+fgv
+trainability
+cheatle
+relly
+jizerou
+esparragos
+apóstol
+playpens
+starley
+gorki-9
+paulhan
+1,761
+30.00
+closeout
+gauld
+6,830
+tinned
+institutionalisation
+unfeeling
+biretta
+dewon
+garran
+patru
+disastrous
+mcfadyen
+1.5810
+daizong
+extrajudicial
+papst
+madhoo
+bassée
+boileau
+rioja
+pritzker
+hauri
+takapuna
+negrin
+artal
+infastructure
+mýa
+thackery
+agjobs
+târnava
+individuals
+poloniae
+sarrusophone
+inmobiliarios
+gravesen
+haerter
+topknot
+inking
+nicolasa
+paperwhite
+depressurizing
+stele
+huaiyin
+halley
+0.21
+rejuvenation
+146
+s.africa
+.731
+aseel
+deforms
+credifinance
+seau
+t5
+x300
+suchitepequez
+gauhar
+inquisition
+lindum
+churchy
+mootness
+refuel
+guu
+responsa
+nc5
+obermann
+wiechert
+jiggers
+9,820
+12.1-inch
+couderc
+personel
+daschner
+cajanus
+cavalese
+capiz
+bareilly
+llamada
+41.61
+bilge
+obreros
+home-owners
+chalaco
+kume
+mihok
+infinitesimal
+kālachakra
+indiscreetly
+erinaceus
+yorba
+404-582-7282
+gatins
+eeurope
+m14
+crin
+coloso
+exhibit
+ferromagnetism
+stratocasters
+rivals
+orange-bellied
+yumurtalik
+schefter
+8lb
+salles
+marasigan
+borowa
+doctorate
+dweller
+6-footer
+laurent
+sharecroppers
+accenture
+shouyi
+saito
+10,000-man
+ank101
+regionalize
+storrington
+imette
+pelagic
+gallinger
+35.87
+overcome
+reilly
+rexel
+athanasia
+kukup
+capability-based
+3,990
+froebel
+panteg
+promise
+embody
+retarding
+melker
+52.48
+fundador
+murat
+aerosols
+dunsinane
+girdlestone
+rasheed
+goal-line
+qf1
+jochimsen
+ghe
+pnt
+mov
+kleinburg
+hafsat
+lipolysis
+beihang
+wolferman
+futuresex
+l.l.bean
+midi
+semprini
+235.1
+banesto
+.000663
+achter
+calling
+nandita
+harkavy
+1093
+purwakarta
+mrs.
+tulunids
+muttahida
+alv
+pfannenstiel
+canarium
+rawboned
+cliffy
+bucegi
+emigrating
+altcar
+dotel
+virgilius
+ivon
+ribosome
+120.40
+euro566
+gekhi
+71-62
+joeri
+carmouche
+kimora
+snagov
+slim
+gelsenkirchen
+recibir
+gerstle
+alrewas
+forestville
+roomba
+529
+adolf
+t.i.
+canpotex
+enka
+mandelieu
+chlorination
+northpoint
+deregistration
+caylor
+carbone
+foulard
+says
+times-herald
+non-nuclear
+flibanserin
+zedong
+six-member
+jubilate
+swathe
+pancreases
+cognomina
+burgruine
+valleywag
+bulog
+chiltan
+venlafaxine
+bigorre
+pagcor
+knister
+vaus
+frelimo
+pellam
+vocalist/bassist
+buyback
+400px
+rambin
+double-barrel
+metheny
+-96
+esphigmenou
+actio
+celic
+119.96
+1.6375
+general-in-chief
+vssc
+krog
+heroics
+flashlight
+lomartire
+mitanni
+lnr
+caputo
+leontius
+diopter
+trubar
+becketts
+postulate
+moayed
+benzodiazepine
+pont-à-mousson
+x22
+viète
+coris
+self-destructing
+nyungar
+pbx
+2:17
+despaigne
+tongyeong
+coenzyme
+158.7
+rin0
+barrere
+intra
+shortcoming
+sársfield
+chainsaw
+mindbender
+semolina
+intervale
+munshi
+mccloughan
+outside-left
+icssr
+antagonistic
+sissle
+apoe
+neuvirth
+midcentury
+kumaraswamy
+rexene
+meigle
+komsomolskoye
+will.i.am
+tapa
+interclan
+jungo
+kadia
+opperman
+tjan
+one-woman
+1983-1987
+geranios
+numbskull
+usatoday
+aeron
+sly
+lifeguard
+natera
+faà
+heraldtribune.com
+euro369
+tri-band
+northerner
+32.02
+takshashila
+siswanto
+tubewells
+wah
+adaptions
+yuchengco
+berenstain
+cco
+flapping
+aeolic
+djia
+347.5
+giant-killing
+kwang
+soroti
+broomsticks
+katanga
+bastam
+ousia
+blue-gray
+59-run
+localize
+ouagadougou
+mehdīābād
+complexation
+bunjevci
+solntsevo
+thankfulness
+burgoyne
+projek
+seabl
+blefary
+cannabinoid
+12,135
+jeffy
+prafulla
+ufology
+wenxiu
+acad
+calmer
+1-212-499-3382
+222.00
+malesh
+steigman
+5g
+interborough
+11.83
+musokotwane
+slaidburn
+hairpin
+318.2
+bharathiar
+raggio
+gangnim
+sebald
+octahedra
+ignoring
+tabarly
+chippers
+fender
+benkovac
+circuitously
+14.86
+gougeres
+saved
+płock
+castaigne
+lightkeeper
+mria
+azhwar
+xixe
+stacom
+nea
+baatout
+externus
+capping
+unesco
+beaulieu
+koronowo
+cognisant
+ahsh
+sumptuously
+3-57
+tasmagambetov
+117.63
+nesting
+rivoli
+1.2962
+summarization
+trifunović
+spaciousness
+jazzist
+coakley
+8.26
+youngs
+scheunemann
+huzar
+berakas
+58.89
+pierse
+ramekin
+borno
+ardan
+anodic
+agriprocessors
+direct-to-consumer
+four-part
+rheinhausen
+harpsichordist
+creteil
+partum
+artois
+brickey
+nanango
+hourn
+pastured
+writer/director
+kilombero
+dungeons
+re-unite
+fengji
+2,994
+egin
+pickaxes
+barchfield
+kevlar
+8.74
+norm
+kizzuwatna
+masino
+betul
+ehret
+miljkovic
+apalis
+erebidae
+bookmarked
+bieler
+ac/dc
+snotty
+tubercular
+brahmananda
+fleed
+aann
+slang
+2,657
+spahiu
+ecoterra
+yotam
+27-july
+emptier
+(020)
+remedied
+johnis
+lismore
+counteroffers
+2,637
+chieftainship
+clearcuts
+primoz
+minhlong
+shami
+101.02
+1869-1870
+illiquidity
+giveback
+10:52
+.312
+-2006
+bidault
+muralist
+keagle
+hba
+densities
+vermentino
+overexpressed
+shudo
+aumont
+cigala
+javert
+moondogs
+konarski
+verdian
+gemeentemuseum
+liucheng
+neumes
+149.7
+minus-16
+privileging
+14-run
+procrastinated
+yuengling
+brodziak
+hais
+yeager
+tjaart
+beatz
+starsem
+dhanya
+bakehouse
+ueslei
+mousquetaires
+boukhari
+hawser
+delville
+nonobjective
+killefer
+brasileno
+hvd
+caliban
+ablasse
+starrer
+manoah
+saufley
+dobrescu
+bielsa
+helsingfors
+narino
+aggregation
+22mm
+javadov
+http://www.ustreas.gov/
+brüel
+gemex
+ems
+aanchal
+fariba
+28.9
+taça
+khann
+125m
+kingma
+drina
+reestablishment
+gruenigen
+megatokyo
+scavenges
+piperno
+schiebler
+dru.sefton
+euphonious
+grodner
+faceless
+renaudin
+vasil
+lemmens
+electrophile
+15-0
+thiersch
+sponsons
+devanāgarī
+nucci
+1,753
+chagrin
+mammut
+stumpy
+dicynodonts
+longstocking
+teodora
+miramare
+63rd
+florindo
+airways
+leghari
+fluffing
+90-centimeter
+quodlibet
+passings
+naresh
+hamayel
+nosedived
+ofo
+cybulski
+licensed
+allotrope
+ivanka
+ovules
+bhuyan
+nighthawks
+lopatkiewicz
+windrow
+reason
+roboticist
+grean
+high-pitched
+dethrones
+garmaï
+plusieurs
+frightening
+sithadthan
+sanem
+winch
+manjeet
+plundered
+aug
+3,285
+irpa
+wuthrich
+adelitas
+55
+falconara
+hartson
+sat-7
+cyclophora
+launchpad
+misdeeds
+jongewaard
+ndma
+etns
+counterclaim
+gadgets
+oyedeji
+u.s.-dominated
+ōnin
+luecke
+101.86
+tolerance
+gotfrid
+verbund
+disulfide
+montgomerys
+arslanagic
+waghorn
+murn
+self-adhesive
+thaxt
+incubator
+plympton
+balar
+1.4702
+dealmakers
+fleder
+basurto
+omegn
+yudhisthira
+atochem
+disapprobation
+51.98
+mindnich
+dewars
+linhai
+rosé
+yellowjackets
+mailings
+levkovich
+nisus
+locative
+on-call
+9.475
+single-parent
+bent
+hiiumaa
+416.00
+sacristies
+excimer
+amatil
+vardy
+ding
+jubaland
+querrey
+harapan
+buridan
+25.56
+clip
+coagulant
+unpacks
+separations
+27,292
+mercury-redstone
+debow
+wallen
+beria
+galligani
+107.75
+90,000
+finocchiaro
+gavit
+pfgbest
+commentator
+67.70
+mhòr
+parliament
+daishin
+catheter
+overemphasis
+fiamma
+andsnes
+stackable
+olarn
+26-member
+otahuhu
+resurvey
+35.2
+bonanza
+32-pounders
+trepanation
+björk
+eddins
+orley
+clique
+leana
+remanding
+galvao
+trotsky
+leites
+woolner
+muskerry
+leveller
+obando
+teslim
+breadboard
+portrayers
+nadiad
+ratisbonne
+hazleton
+shackleford
+noppadol
+maudie
+112.85
+basestar
+cis-trans
+13.15
+kulak
+27-meter
+hefford
+fye
+grebe
+saddle-tank
+whee
+kirori
+39.13
+vichitra
+headbanging
+lakernotes
+trevis
+reticulations
+decumbent
+crumbling
+self-organization
+reifsnyder
+lubetkin
+bild
+fdg
+karnata
+thugs
+sumire
+cronica
+moldavian
+lisleby
+feather
+omnisky
+rango
+byetta
+ableton
+moanalua
+hillerich
+ishikawajima
+thiomersal
+usry
+mcdermot
+raber
+autoplay
+issiar
+hindon
+disbarment
+surkh
+posing
+nemesio
+tiendas
+opo
+klunk
+suel
+csaid
+jinyang
+ebp
+plantu
+60.91
+lobotomy
+cordón
+brokering
+multitudinous
+self-support
+mitridate
+hillen
+rissman
+grazulis
+askeland
+banking
+jambox
+top-10s
+giuseppina
+seegar
+crewcuts
+etampes
+motru
+mccrimmon
+tecklenburg
+edziza
+hellebaut
+abdominis
+mornin
+constantino
+bese
+viloca
+lb10
+theinni
+cpds
+2:18
+minatofuji
+upenn
+aulaqi
+euro284
+orjen
+re-airing
+gutu
+32,000
+baskervilles
+matarazzo
+46m
+low-fi
+schertler
+caravanserais
+nagaa
+pabellon
+cameroonian
+1,935
+perun
+violacea
+californias
+abruzzese
+kazusa
+digel
+pogge
+aché
+42.48
+genzlinger
+cordle
+eddi
+narborough
+sharifuddin
+noncommunist
+formulaic
+bohua
+byung-hun
+1.805
+gakhars
+enyo
+8.06
+bjt
+appanoose
+i.o.o.f.
+syco
+subring
+deplete
+2,766
+toba-fushimi
+4200-meter
+satakunta
+owomoyela
+overview
+kayte
+arisan
+ruprecht
+aprendi
+flavianus
+self-reliant
+joking
+pfullendorf
+right-handers
+lactones
+arguin
+chere
+simango
+valbona
+bioshield
+barbecues
+mplm
+81.45
+hillenbrand
+alaia
+97-3
+bandmembers
+chelangat
+phytoseiidae
+badaber
+anthonie
+10a-11p
+manubrium
+handoffs
+stirlingshire
+costings
+stereospecific
+tussaud
+cristae
+chess960
+chilli
+sorsa
+490th
+lorca
+86.88
+berkhamsted
+gramm-leach-bliley
+gaudelli
+skam
+200-dollar
+nordby
+akimbo
+sherriff
+yene
+alimucaj
+kassell
+nymphalidae
+mott
+dsq
+vbn
+wks
+dykhuis
+crecente
+epub
+haudenosaunee
+leonids
+125.3
+manjur
+bundesministerium
+7.76
+vardon
+monasticism
+c.l.
+abjad
+breteuil
+eirini
+2,135
+caryatid
+fritze
+overmans
+wilda
+ruska
+viaţa
+forge
+rumble
+anguita
+orneta
+palaeographer
+lafi
+zivko
+lacie
+vojvoda
+kaaya
+cossey
+shaar
+scoliosis
+komo
+honghu
+leading-edge
+steinsson
+一
+malfunctioning
+sabeel
+quarrington
+hectare
+badrutt
+sonnet
+bootlegging
+nevermind
+drilling
+eke
+yakutia
+mridul
+pietsch
+nishan
+baac
+60.66
+douar
+kanoon
+gede
+trenck
+arbitral
+teres
+xenopol
+takács
+whibley
+116.0
+shughart
+counterinsurgents
+reteplase
+camera
+buehrle
+16-3
+jidong
+koot
+kromowidjojo
+guoqiang
+dhammakaya
+hooping
+chhatri
+euro467
+3,076
+wessex
+mohney
+kiit
+honghai
+100-euro
+yaojie
+aeroplanes
+26-april
+siupeli
+loopy
+sound
+casanovas
+1999-2004
+rádió
+somin
+viset
+gsdf
+deferred
+chicora
+byelection
+medel
+54.08
+20-game
+supremacists
+chalgrove
+6/7
+deregulate
+1983-1984
+cermis
+monsters
+stilgoe
+kavika
+persa
+molotov-ribbentrop
+lopatkina
+croshere
+chāy
+ug99
+pressed
+22-meter
+2,006
+ott
+temperament
+eiji
+aganzo
+izzadine
+somerhill
+12.08
+63.48
+znidaric
+nizar
+bloops
+vibra
+heary
+nubira
+0703
+bleaches
+a-game
+bangzhu
+55-page
+wineglasses
+1.5464
+poppier
+bares
+lemmas
+scheinman
+andalucía
+107.95
+1.5375
+unbelief
+milczanowski
+martikan
+toyon
+aphrodisiacs
+bionicle
+husayn
+majra
+méhul
+bergamasque
+perturbing
+ciao
+notate
+ashkenaz
+caipira
+117.28
+lileks
+sorum
+prasenjit
+arichat
+navvy
+about.com
+winterton
+yade
+ziadi
+leopoldo
+micu
+kazushige
+keltie
+dubose
+gaîté
+ledezma
+travous
+s-1
+rapcore
+suro
+clarita
+delancey
+parameswara
+niquet
+15:49
+minolta
+ignatiy
+euro48
+dietzenbach
+lubarsky
+prut
+stingo
+ophthalmological
+thoroughgood
+afge
+rybak
+71.6
+vatsa
+equalising
+16.72
+riffling
+skandhas
+uzeyir
+2,811
+tirsense
+interest-only
+cashion
+kiranti
+sasine
+juana
+bridgestones
+baiul
+seyne
+izembek
+ak-sar-ben
+illite
+bullis
+semite
+avoth
+pasaran
+25.5
+heavens
+blumenthal
+661,000
+occident
+djeparov
+microprinting
+wharram
+dgb
+traditions
+hawksnest
+coolly
+meni
+kohanim
+overwrought
+ardal
+ludowa
+jammed
+thevar
+headquaters
+parkanova
+confcommercio
+lemarque
+wbca
+seiya
+cheremnov
+v8-powered
+ooh
+kumuls
+bachri
+revamping
+rehung
+moonwatch
+muttur
+regret
+poy
+okagawa
+łańcut
+porbandar
+22nd
+provoost
+sarsa
+tjarnqvist
+mizuki
+telekinetic
+74.60
+safed
+brendon
+kooning
+dissipate
+dynamis
+logothete
+freij
+1584
+abdallah
+152.4
+1996-99
+counterpuncher
+790,000
+1,495
+salomón
+xuecheng
+anaheim
+celexa
+execution-style
+lyor
+paroisse
+crittall
+hanmer
+uruguaiana
+drass
+masamoto
+417
+aivd
+sgi
+lufttransport
+zantop
+mollenkopf
+puchi
+mahorn
+okryukwan
+http://www.lpga.or.jp
+mgm/ua
+dego
+cofa
+bromby
+underway
+beobachter
+caminhos
+jacobson
+functorial
+aronstein
+schmertz
+amercian
+vaduz
+margasak
+dardan
+plosser
+1.43
+250-person
+tskhovrebova
+ton
+bagosora
+ovata
+prego
+mława
+sub-culture
+bregović
+paygo
+português
+cugnot
+ilhwa
+eisenhauer
+1996-2001
+personalty
+8.0-magnitude
+dorot
+testu
+pierres
+symbiodinium
+large-flowered
+kottke
+piranesi
+roosmalen
+thrustmaster
+espagnole
+booksmith
+tourmalet
+kustova
+hitchner
+silly
+macondo
+alpes
+tienie
+katims
+dimant
+sadhna
+serjeant-at-arms
+jaatteenmaki
+fritchie
+theys
+hornblower
+bbundy
+fukang
+punctually
+brenham
+sheepherding
+kavalam
+omkara
+mckey
+locos
+facetiously
+allocative
+abandonment
+cams
+choltitz
+jagode
+bichon
+backhanded
+educare
+883,000
+irigaray
+straggled
+capsid
+katzenbach
+hankinson
+quadruples
+brunnea
+gripes
+cedres
+overgrown
+regeneron
+cognatic
+inlets
+tutte
+mistrusted
+afferents
+reality
+wirdheim
+devries
+luchas
+sinead
+35.91
+1.57
+90b
+55.09
+substitutions
+danelle
+meinhof
+superiority
+65.13
+mozartean
+desmodromic
+ledes
+yoyo
+hsl
+zipes
+radiation-induced
+welly
+nayed
+mentira
+tyson
+fayerweather
+kasarda
+karasjok
+chanae
+attn
+kochs
+pušenje
+amusements
+encuesta
+tnos
+odgers
+unversity
+aymon
+70-70
+aggravate
+polenghi
+play-off
+jenever
+visentini
+penthesilea
+unserer
+sliothar
+schwarzl
+marmolejo
+larval
+phonographique
+glycine
+reigen
+paolucci
+erde
+polices
+stuarda
+2,893
+kerasiotes
+laziness
+cosmo
+2,646
+2-of-9
+two-term
+fajer
+gallus
+nant
+racewalking
+caress
+ille
+voeckler
+mulege
+topix
+tsai
+argus
+suht
+grupos
+geostatistics
+balusters
+amir
+eroded
+describe
+nnr
+cowbells
+thirty-eighth
+hydroxybutyrate
+klickovic
+llandovery
+saiid
+oub
+genealogies
+fetishists
+myoot
+umr
+creep
+giraut
+250-point
+dalmiya
+cronquist
+schlauch
+6.8275
+cavernous
+nags
+34.33
+angarita
+ransdell
+pop-influenced
+molkho
+branched
+lightman
+13.14
+nélson
+1.9-2
+tantaquidgeon
+bajpai
+nwsc
+weitzenhoffer
+entretenimiento
+csms
+skk
+oratore
+uninstall
+seamers
+transuranium
+cockrell
+oldtimers
+trishaw
+trumansburg
+nacimiento
+pejman
+1,035
+ypenburg
+kahi
+50-car
+melodica
+palelei
+vitug
+litteratur
+dispenser
+lower-middle
+raeford
+goblet
+voltaggio
+northmore
+u270d
+zhukov
+overwintering
+bassus
+photodeluxe
+fta
+swed
+fluffier
+serap
+sons
+tex-mex
+hourslong
+1728
+dowse
+deandra
+parachini
+kiyani
+fugard
+epifani
+dunster
+picardi
+tulasne
+commencements
+ef-s
+mcsweeney
+electroluminescence
+sariputta
+1.247
+khaldei
+106,500
+fanfest
+bukharov
+sortied
+nudie
+326
+hopping
+guingona
+tepui
+chiari
+48.68
+democratic-leaning
+penelas
+www.state.gov
+floodwalls
+greka
+plr
+1,000-day
+gojo
+amnesty
+altantuya
+wells
+arellanos
+2,895
+chrétienne
+caveat
+amital
+absalon
+1,100-word
+hussites
+spindleshanks
+yung
+ubayd
+danby
+s.korea
+exactness
+seidell
+bernero
+lexx
+83.25
+lundu
+parmi
+lomazzo
+eight-volume
+repechage
+kaimuki
+mononuclear
+nambudiri
+midia
+mahaweel
+merchandises
+sinarinzi
+killeagh
+kibbey
+uisce
+disarray
+sigwart
+oulu
+duendes
+liaise
+durrance
+faked
+glimpsed
+dauphin
+shrillness
+untrue
+rosenkavalier
+203.4
+cái
+rasel
+connection
+pocket
+reductionism
+kruemmel
+paiboon
+aman
+2/5th
+otsego
+57.85
+nb10
+yellowing
+n.m.
+þorsteinn
+tri-state
+kh8
+8th-century
+carousing
+yozwiak
+dispose
+krugman
+103-90
+deductibility
+z0
+lambe
+reszke
+1.6950
+budiono
+hanisch
+0.6
+stout
+albertin
+qeshlāq-e
+tatev
+dubstep
+babreu
+ip-based
+subdisciplines
+reification
+khuzaie
+ethnomusicological
+magic-users
+epigram
+mcdonaldization
+đaković
+währing
+eight-bit
+gromer
+sivtsov
+eroski
+mamai
+cloverdale
+arcas
+one-armed
+murle
+screenshot
+stubbings
+clitics
+324.5
+pityana
+kuramochi
+malpighiales
+mounted
+severed
+haniwa
+katich
+chirundu
+1070s
+bagdogra
+texbudget
+superliner
+asaphocrita
+kuller
+readerman
+southgate
+yahad
+mallari
+grehan
+dolenja
+landowska
+3-series
+chimborazo
+abdelfettah
+chinnarat
+aligoté
+defazio
+mandarins
+krausert
+escapers
+142.2
+devastators
+coccyx
+jadunath
+formatting
+gakkai
+giardino
+hollister
+harivamsa
+goodhead
+105-103
+muzzatti
+moralia
+icm
+two-wheel
+thảo
+baert
+lenfant
+backburner
+crisco
+9.58
+evenimentul
+martarano
+ebell
+moonrise
+dorinda
+tofan
+polymerizes
+palumbi
+scotian
+loria
+davidovitch
+non-whites
+mathenge
+leatherface
+platinum-selling
+108.48
+sihanoukville
+gailey
+hertsgaard
+truls
+antitank
+zeami
+couverture
+116.44
+casualty
+pasaban
+halik
+sadguru
+confrerie
+glaphyra
+péri
+1276
+crashdown
+menai
+stereotype
+sheltered
+kharmato
+20-40
+gerbil
+2234
+salnikov
+1.5245
+3-4-5
+schloendorff
+autem
+gatka
+58.01
+5,533
+sunkist
+physiological
+nepi
+kressel
+chemmy
+svf
+approve
+101.37
+hacia
+bbtv
+montalto
+hands-off
+detsen
+dosunmu
+speedboat
+psychopharmacological
+867
+ubykh
+heusen
+6,010
+brownstown
+conducător
+68.13
+start/finish
+zaltman
+caic
+austereo
+sumter
+pop/contemporary
+roberval
+matsumae
+hotsprings
+wlwt
+mshd
+kidan
+non-proprietary
+saxby
+77.82
+siecle
+kui
+148.1
+198.1
+meta-analyses
+métiers
+dobb
+margarit
+canonica
+13.99
+troubleshooting
+booths
+stabilisation
+armor-piercing
+9:33
+tifinagh
+175-member
+oresund
+greylag
+innoventions
+helenae
+cyberpunk
+tongkonan
+curbs
+soundtrack
+maricel
+serinus
+viji
+heflin
+matthiessen
+kealing
+sacheverell
+hilb
+gvb
+tsintsadze
+bakersville
+zeroual
+núi
+silene
+sempill
+calluses
+bouteille
+retraining
+sosnik
+moyse
+oxford-educated
+kermis
+timboroa
+mairead
+minks
+kaiping
+poleo
+sharpay
+euro488
+hedgewar
+valliere
+stompie
+camerata
+298
+zambezia
+rolandis
+pavulon
+white-breasted
+mozaffar
+adige/s
+nadezda
+everytime
+pcl-r
+francophones
+aegypti
+frickley
+edged
+mwinkeljohn
+cobham
+walkoff
+wordie
+oddone
+frith
+homa
+lowlights
+177.4
+ballem
+thereby
+300.5
+privatized
+lhotse
+pašić
+sotelo
+642
+bulan
+validity
+schmidts
+formula_64
+leovigild
+sauble
+simhon
+countercultural
+hazim
+jammal
+horrem
+college-level
+daf
+underwhelming
+goldhammer
+jumbe
+harakiri
+snuggles
+269.8
+inspirationists
+tenderloin
+cia
+lache
+decurtis
+pohanka
+joffé
+ihk
+bordars
+dharampur
+thampi
+miyashita
+26-strong
+enlistees
+jarle
+tronchetti
+leggio
+loathing
+vora
+f-15s
+ooc
+habitacion
+mumme
+appendixes
+octavianus
+chatta
+criticial
+răzvan
+carbonate
+superimpose
+snaring
+3,506
+kwee
+leybourne
+spck
+ramgopal
+threepwood
+mcgraw
+objet
+electorate
+two-year
+1831
+tambunan
+teterin
+arnim
+fdu
+cypraeidae
+vikos
+melkweg
+128.75
+ehnert
+endometriosis
+giunta
+dussollier
+skoglund
+mutters
+bt49
+drilliidae
+żukowo
+gencer
+unclosed
+5,892
+hardball
+strongin
+palpable
+montalban
+mckeehan
+flavone
+momaday
+tolars
+so'oalo
+chuckh
+020
+226,000
+19.26
+400h
+mohapi
+wgl
+maon
+pacificor
+shadd
+3,991
+janda
+blitch
+frazzle
+greying
+ungodly
+privee
+yagüe
+ba
+munchy
+belaroussi
+cwc
+dender
+montcada
+nowick
+rusdi
+punishment
+maronites
+europan
+systemc
+111.20
+caru
+fengshui
+inexplicable
+polatsk
+lecale
+alexanders
+loungewear
+pre-existent
+rastaman
+salieri
+anthropology
+kingsborough
+bicycled
+dickler
+murasoli
+nixon
+kerrigan
+jubei
+navigation
+counsilman
+wenkang
+kelsi
+epperly
+kelco
+half-japanese
+dusenberry
+walheim
+2613
+poonlarp
+preah
+ellicott
+registro
+saxon
+hillal
+260
+fakhir
+biernacki
+allana
+fairbury
+lessing
+deayea
+10mm
+filigree
+yukie
+iwc
+fukunishi
+795
+convey
+firmenich
+crecen
+floribert
+harihar
+luepnitz
+cul
+hoteles
+sickling
+pcbs
+bangur
+dos-based
+dassin
+tarkett
+komarica
+vilaine
+mikan
+shingled
+lavy
+1,300-acre
+fuckers
+hadley
+amphoe
+tenango
+unreviewed
+arx
+headstream
+kek
+drenches
+crvenka
+torslanda
+basilides
+landler
+senka
+efax
+northrup
+pongala
+3-88
+slaloms
+steeples
+players-lasky
+jak
+collaboratory
+nuncios
+passenger-cargo
+tavish
+azis
+malvern
+unnerve
+ramdev
+brickyard
+giorgis
+geneticamente
+harshly
+cdcs
+novenas
+vnukovo-2
+nesomyidae
+hole
+118.74
+dugouts
+wu
+nbd7
+gawsworth
+chiral
+enriqueta
+2233
+hammon
+26.1
+reclaim
+guhs
+esto
+idzik
+21.96
+digestif
+eigner
+kaleo
+overvote
+wuzong
+hiroichi
+midwest
+gvt
+ankaraspor
+mrj
+ecia
+breeched
+120.98
+articulos
+pre-christian
+quickstep
+poppycock
+pre-2001
+kempthorn
+svetogorsk
+sarychev
+artaud
+shyster
+thakar
+swarns
+albemarle
+20min
+nabers
+ephrem
+conscience
+basionym
+102-100
+43-17
+sudbrook
+minnifield
+sunamerica
+undoes
+mouscron
+ambekar
+cockade
+359.58
+thanjavur
+milak
+smailes
+hinch
+sicheng
+emulsify
+near-record
+thering
+tverskoy
+frx
+trikala
+motor-paced
+lesh
+guggenheims
+calore
+gamecube
+1.5-acre
+issie
+rohter
+chowders
+destefano
+geste
+1618
+valat
+manningham-buller
+mahapatra
+preate
+teresia
+absconder
+sven-göran
+aippa
+showbox
+serape
+5,327
+ambra
+hebard
+9,409,073
+pinchback
+rodge
+archaeologists
+traceried
+swanberg
+grays
+strutt
+ivailo
+hanzo
+charikar
+dragic
+kordestani
+61.96
+penalizes
+tournon
+hotson
+rezendes
+steiners
+wur
+psycharis
+1292
+beebee
+daszyński
+abhyankar
+máxima
+ukhaider
+bischoff
+magreb
+india.the
+32-foot
+chandio
+lippman
+ariki
+quarter-wave
+960-1279
+jinglian
+chams
+expropriate
+bellovin
+45.42
+interlocks
+dayo
+lubawskie
+tugs
+kampinos
+coulby
+djallon
+gembrook
+taar1
+unceremonious
+harbor
+saidin
+emediamillworks
+marinich
+1941-45
+selinsgrove
+vatutin
+avu
+cois
+fernandomania
+chunky
+djetou
+kjr
+deford
+parappa
+displacer
+vedemosti
+roache
+teye
+40.12
+plahnsh
+anděl
+pettijohn
+conception
+8601
+nilgai
+hmh
+grm
+f.c.
+ryckaert
+europabio
+kronprinz
+luxuriousness
+refunding
+pirandello
+59-55
+tearfully
+439
+1.750
+physiologie
+tennstedt
+polic
+ardennes-alsace
+merleni
+reintroduction
+1308
+2,399
+3,562
+ventforet
+leadership
+izdeliye
+munjal
+lagg-3
+kdnp
+786,000
+dithmarschen
+bjørvika
+273.8
+rzehak
+garaventa
+110.0
+bishopsbourne
+botello
+301-996-3036
+generalists
+aldrete
+tetrodotoxin
+glyphs
+looy
+kalpi
+4-45
+higher-resolution
+25.97
+itso
+andreasberg
+cs4
+fulica
+aeros
+hatherleigh
+d'adda
+fallah
+crennel
+echinacea
+bindery
+frantically
+affiliating
+faurisson
+grevenmacher
+laxmi
+3-43
+rosmer
+rellstab
+karpen
+ill-suited
+easterbrook
+mommy
+mikawa
+400-horsepower
+tattooists
+bawn
+polygons
+rodal
+madoffs
+die-off
+resided
+re-shot
+jusqu
+webroot
+scolex
+5in
+113.79
+ensembles
+vorarlberg
+paltan
+pennsy
+dogtown
+oriente
+prescriptivism
+orlov
+schlussel
+lazarev
+24-pounder
+aureliano
+giantkillers
+atn-7
+selenia
+scrubber
+poseidon
+carbapenems
+festivalbar
+sekimoto
+deathgrind
+nebi
+triay
+eradication
+mlilo
+corex
+gulab
+whaam
+epiphytic
+acris
+powerbook
+bacterial
+depakote
+yagua
+bonds
+1987-1991
+kristyn
+volendam
+swearer
+kangri
+ohlendorf
+vierzon
+lindane
+sachenbacher
+hygiene
+leinbach
+pancrase
+giora
+avci
+u-10
+ustashi
+saez
+thunderdome
+digna
+analaysts
+grown-up
+woldemar
+tankers
+dosso
+hawise
+benkler
+kashihara
+12,000
+mind-body
+joseph-marie
+deux
+madeline
+quintino
+vadims
+duris
+mircorp
+grünerløkka
+gaultheria
+caruso
+rennyo
+bellboys
+greenhalgh
+pops
+toriola
+moko
+10,000-acre
+iconoscope
+reuleaux
+underripe
+mailand
+affability
+kumpf
+uriminzokkiri
+territoriality
+fadam
+nonreaders
+weighing
+gatling
+morriston
+euphorically
+against
+leshon
+116.9
+rakish
+stoloff
+shilu
+period2
+96.58
+unabomb
+modder
+7-zip
+panet
+n7
+nought
+hawkinson
+oyepitan
+gongmin
+500-seat
+nmk
+katznelson
+nervo
+hesitations
+renk
+dulla
+f-111f
+cyclonic
+uml
+rewrite
+bathos
+deadest
+amylin
+29,375
+j-pop
+akathist
+ki-moon
+iraizoz
+roughed
+bonser
+facebuster
+bitterman
+bondeson
+107.03
+armament
+alfond
+eternit
+t.j.
+tigris
+indiscipline
+semi-empirical
+gentianella
+jewry
+aerodynamically
+1969-71
+prarthana
+goannas
+cutten
+mulvey
+biomechanist
+73.30
+spodnje
+marksmen
+2,095
+194.1
+ewry
+servitudes
+charango
+lowfat
+kruegernytimes.com
+sunmonu
+single-cell
+nastasya
+taborites
+evolutionist
+72.28
+ick
+dukuly
+borchin
+woicke
+tuguegarao
+gwageo
+rionegro
+jackboots
+baqeran
+creditreform
+5-87
+daishoho
+mediating
+zionists
+bennink
+naïve
+bitterroots
+chelsie
+mccorkle
+11-11
+hysterics
+inclining
+il-1β
+canton
+möller
+syndrome
+tsahal
+87,500
+ickler
+bertier
+madail
+bejar
+medfield
+udet
+1.5415
+protohumans
+57.99
+flouring
+p6
+silpat
+catapult
+singur
+mobley
+28,881
+matiba
+mcgeorge
+mail/express
+59.13
+ascochyta
+nonconformist
+prodigiously
+citycat
+10-k
+markievicz
+skislock
+katrineholm
+47.50
+pakpahan
++50
+8,325
+down-turned
+novakovic
+rs/6000
+spontaneity
+sheehy
+mendis
+santostefano
+pardonable
+havlik
+ayso
+ornithoptera
+khokhrapar
+daylilies
+dileo
+automatically
+11,953
+sirtuins
+yaegashi
+vamana
+.80
+omission
+dilbeck
+meccas
+blandishments
+muvo
+stora
+mandhata
+jelutong
+mdct
+subscale
+vileness
+perlan
+associação
+r.o.b.
+barnetson
+yongyut
+402b
+joyandet
+biters
+sekine
+caratacus
+presupposing
+bungaran
+pinkus
+kensit
+208.1
+92.72
+airwest
+attarabulsi
+q-school
+7e7
+generalitat
+permitir
+neoclassical
+68.7
+berlin.de
+dreamgirls
+meditating
+hits_aurilia
+nafia
+suva
+américo
+miscenco
+seisyll
+byock
+tac
+greenfingers
+dondrup
+divito
+hønefoss
+deadball
+gribov
+braincase
+paragould
+salu
+bava
+haqaba
+dislike
+poa
+forfeits
+goil
+f.d.r.
+ballestas
+gradiva
+emiliano
+pause
+rundown
+landsmen
+multi-tracked
+27.27
+schrieber
+briesemeister
+sweeny
+ajamu
+noono
+quilty
+nemat
+yamamaru
+fitzgeralds
+wang
+klug
+39-foot
+drenner
+phonograph
+phoenicians
+dorotkova
+primrose
+explorer
+16-74
+fawell
+atout
+bill-clattering
+were/are
+ato
+unsystematic
+zwerin
+poe
+gyurcsány
+needlestick
+bcbs
+dishmok
+finley
+stroll
+naumkeag
+builders
+ording
+duloxetine
+bogumił
+volcan
+basa
+84.76
+pasaribu
+tornberg
+1404
+ba875
+acquirers
+party-state
+sebastião
+sister-ships
+bovina
+filipinas
+minkus
+kokkonen
+unreturned
+superfly
+bettino
+ghadhban
+ister
+mkhwanazi
+molefe
+raytown
+gynoid
+996
+sproul
+lípa
+50.89
+kuan
+dhuni
+hsupa
+sojourner
+8.01
+rockcastle
+krzyżanowski
+tiilikainen
+juban
+icepack
+sommersby
+naming
+majorana
+217.2
+mulattoes
+8,000-seat
+gros
+valvoline
+michu
+tyler
+fruition
+frinton
+intranet
+greville
+futon
+gretz
+euro
+concretely
+vaporizing
+strap-on
+pantyhose
+69.78
+balki
+t-il
+levitra
+truncatula
+bidu
+martowardojo
+23.38
+complaining
+hackley
+manimekalai
+sambre
+associative
+overseen
+distributive
+481
+belyakov
+13:1
+manex
+eurico
+chiweshe
+garraty
+lugged
+ionic
+embalmers
+organelle
+comoro
+perini
+adne
+thorp
+aswang
+sendashonga
+hibel
+karnas
+steuben
+wardha
+kubo
+purslane
+o'conner
+devotional
+1403
+transcriptome
+papermaster
+frumkes
+three-song
+64gb
+pkn
+tumbes
+silvstedt
+oker
+emitting
+41-3
+4-2-4
+41.2
+juab
+mitica
+brainiac
+carbaryl
+elbaum
+rattigan
+krav
+krotz
+murphey
+akhnoor
+ptu
+148-member
+sharp-edged
+kathia
+braccio
+bardas
+thallium
+ganascia
+headress
+farang
+alpher
+intestate
+faragher
+woollard
+tongatapu
+4-2-2
+worthiness
+nimby
+1,674
+feitosa
+chantecler
+gesto
+zixing
+tempietto
+co-generation
+roguish
+auriemma
+counterespionage
+myon
+jumpgate
+warthogs
+free-swimming
+albritton
+scalps
+kashmoula
+13-inning
+l-410
+torhout
+oaten
+tomtom
+radonezh
+fottorino
+avanzada
+ostiense
+franchell
+bloodwood
+leszek
+hipple
+λ2
+undomesticated
+scordatura
+trepagnier
+13:06
+353,000
+augury
+tasuj
+;p
+unvarying
+reichenhall
+kasaravalli
+bumiputeras
+ybor
+sandiego
+advest
+51.14
+oakland-based
+sandler
+steinfeld
+961-2689
+ztv
+forkner
+0634
+tert-butyl
+shahnameh
+útgarða-loki
+zama
+purview
+boneham
+7.00
+tucson
+righty
+wkef
+alee
+zeitschrift
+39.19
+egomaniacal
+hyperreality
+6,171
+ramonense
+hypergeometric
+besnik
+1.06
+scarabaeidae
+___
+tailleferre
+neigbouring
+kan.-based
+clouet
+68-68
+girls
+anti-alcohol
+8-footer
+picocuries
+lalu
+remainder
+tome
+tobagan
+5,300
+mehtarlam
+maxmara
+419
+all-steel
+tsar
+calamai
+mattson
+mg-520
+ziyuan
+110.3
+angelology
+foulis
+3,115
+17:26
+dxf
+rsm
+prorate
+clublike
+woode
+miho
+gwb
+galbally
+railtour
+1416
+elements
+mazzi
+vågå
+ibm-compatible
+mystify
+24-hour
+ethnomusicologist
+roudhan
+al-maqrizi
+minu
+goudarzi
+mcclave
+saona
+palanan
+molik
+agunbiade
+demolishes
+7.96
+crimps
+145-member
+pilote
+apocryphon
+discomfort
+greenmarket
+originary
+unfound
+jian-10
+otara
+alexio
+trapero
+500.000
+reflectors
+18a
+battlemented
+baril
+damascius
+armgard
+cross-harbour
+fructidor
+previa
+agnostida
+komische
+mendacity
+1,758
+quốc
+fahl
+jyoung@wacotrib.com
+transactional
+anguiano
+vibo
+presidental
+mountnorris
+10-digit
+miert
+selenites
+courtships
+individually
+hramirez
+caramagna
+sundergarh
+kanat
+64-57
+shqipe
+superiorly
+xandar
+9.725
+racine
+veritas
+129.99
+4-up
+helmshore
+rajcevic
+331,000
+division
+samory
+nls
+glances
+schiegl
+pyrgos
+barfoed
+cochet
+bruges
+corse-du-sud
+socially
+anniesland
+longstanding
+zembei
+abused
+2,553
+mcneice
+jockeys
+anibal
+javad
+larke
+4.4-million
+sanger
+eject
+brod-posavina
+giese
+barbro
+127.1
+quarts
+355.9
+bulgars
+breaking-up
+shi
+leisen
+81.20
+töv
+1,655
+tuns
+giftrust
+tolerating
+thrifty
+tiang
+700-strong
+444
+pomorski
+lisfranc
+rocco
+francisville
+hildreth
+utj
+hallig
+jowell
+neptuno
+3,864
+leopards
+deonte
+everding
+mizban
+sameness
+auli
+zelinski
+tunesmiths
+decoded
+verklin
+probabilities
+neuffer
+stepmothers
+thessalians
+caldecote
+tve
+dod
+gas-electric
+callinan
+pouteria
+pumpin
+kopparberg
+humberstone
+beaufoy
+lesley
+two-out
+jneid
+3,158
+121.80
+baneh
+stunticons
+reliability
+shaanxi
+49,300
+ştefănescu
+njs
+neferhotep
+hijackers
+143.2
+mcilveen
+k-19
+mna
+2-2-0
+escucha
+gotti
+thermocouple
+4.17
+entonces
+0225
+ersin
+government-funded
+osam
+stirrup
+mantegazza
+philanderers
+holifield
+jsda
+kaushansky
+usinas
+kungayev
+seawater
+atrazine
+arquitectos
+island
+afp.the
+reappear
+39-19
+yanacocha
+legon
+waterston
+schultheiss
+vesperia
+huckleberries
+oseas
+polyomavirus
+greyfriars
+zotz
+aladura
+pillaging
+huettel
+defoliated
+.641
+omt
+quepos
+neuchâtel
+6,123
+105th
+superalloys
+putschist
+aksys
+ekiden
+norifumi
+66-62
+scrovegni
+28,200
+scolavino
+75.35
+bacteriologists
+netsuke
+kyaing
+ncku
+amidon
+honeyguides
+depatie
+oud-heverlee
+sacrificing
+riegels
+excomm
+coard
+2306
+tiantan
+rich
+wreak
+páirc
+adh
+4-48
+arvinmeritor
+medicaments
+andrewsi
+agam
+double-handed
+yam
+impassive
+enduro
+milanovich
+shtokavian
+cofounded
+montélimar
+pge
+kultury
+calaway
+stm
+pre-service
+stroumboulopoulos
+capitulary
+embroiderers
+meffert
+brown-grey
+sammer
+revengeful
+rennerod
+samastipur
+professionals
+ffynnon
+sub-post
+suso
+7.4
+junji
+intercut
+nerang
+confucians
+castelldefels
+open-heart
+ryczywół
+1-56
+tagliavini
+58-member
+equitilink
+kalaleh
+eighteen-year
+atreides
+mtw
+tennie
+zamir
+cable-stayed
+uematsu
+2-64
+4.9-percent
+1.4175
+renounced
+equina
+laughter
+34.29
+renata
+scale-invariant
+yousuke
+yalcin
+ulchi
+munro
+loretto
+astrophysical
+falke
+cameras
+147.4
+whalemeat
+schremp
+eno
+utility-scale
+gilmerton
+interacts
+hilden
+allegiance
+soberon
+92.65
+all-wheel-drive
+usap
+sagay
+ransacking
+shuttles
+57.83
+elsing
+muehlegg
+postimees
+legs
+overpowers
+podkopayeva
+dragger
+yudh
+wimille
+galvarino
+phaen
+cullberg
+photocopiers
+sejour
+lampf
+hoedown
+155.3
+comers
+ghaggar
+yalcinbayir
+suntanning
+tadeo
+denominação
+vesela
+753,000
+competent
+ayoob
+printery
+enwezor
+renesse
+lettres
+spamchk
+al-hadith
+illustrating
+1,744
+france-3
+siddhars
+vosţá
+secaucus
+kweller
+deorbited
+beinecke
+mayo
+glamazon
+4,480
+korzen
+gelida
+klingon
+avogadro
+karabekir
+metapolitefsi
+e60
+corkboard
+19,758
+gustavson
+finacial
+ali
+expelled
+hefti
+tubiana
+comaroff
+capitanes
+hass
+covens
+cristie
+juvisy
+geest
+pickiness
+euro246
+nothstein
+kadı
+374th
+1.3500
+watmore
+cevaer
+82.60
+brickhouse
+aitzol
+freeze-frame
+euro364
+3-38
+ecdc
+waimakariri
+akola
+cevers
+raita
+pereiopods
+detests
+midnite
+ncse
+demetra
+kadhmiyah
+jurisdiction
+barth
+soinam
+cadwalader
+off-seasons
+3,047
+kruesi
+jks
+vidhana
+uncodified
+general-purpose
+pisarn
+goerges
+jega
+maintainence
+grossmann
+1-for-15
+tarchdeacon
+freinet
+sabeeh
+alhadeff
+chembai
+deray
+fugh
+expedients
+gude
+alat
+rolfo
+cgx
+montpelier
+1_3
+preferring
+spada
+merve
+yanomami
+solida
+structural
+suchinda
+hourly
+awapuni
+convertase
+jantzen
+predacon
+1.2-kilometer
+spy
+pinegar
+incarcerated
+34.42
+holthus
+3,068
+lucasarts
+lacklustre
+kentmere
+xiangtang
+uncalibrated
+37.25
+soliloquy
+800-million
+wilful
+forty-eighters
+3,051
+chuckers
+monopolar
+saguenay
+narek
+edmonds
+cremeans
+gandersheim
+daradas
+trekkers
+abbate
+profit-sharing
+sayeeda
+ibu
+biologists
+loram
+mesas
+farzana
+warraich
+diepreye
+dahlonega
+retro-style
+perjuring
+cert
+macomber
+boscawen
+#ff
+ust-kamenogorsk
+rapf
+didst
+genderqueer
+56.83
+22-game
+boozman
+sicari
+loss-of-function
+prinia
+seapoint
+biopharmaceuticals
+moje
+tataurangi
+stupendously
+triassic
+97-85
+szekeres
+chimène
+thoroton
+1.156
+lomellina
+.710
+bhasker
+sandefur
+black-red-gold
+sobrevivir
+kammer
+829,000
+peruana
+brawner
+categoric
+vtc
+leidschendam
+reticulatus
+adalah
+ukrd
+sunstone
+katsuta
+conehead
+vladimir
+turion
+colorada
+exhume
+appallingly
+talukdar
+3,300-kilometre
+enkhbold
+2,067
+unimagined
+gilberton
+awartani
+linx
+seag
+langoliers
+zender
+gurak
+blazek
+all-up
+foh
+wachtel
+5-htp
+snornas
+demetrious
+stow
+artistica
+bieżuń
+plessy
+niemeier
+50.38
+zaporozhie
+collieries
+kleban
+veerapol
+80000
+imperatore
+thurles
+51.05
+yeth
+18,400
+denouncement
+grammophon
+rajapaksha
+exalted
+totemism
+ferroviário
+07:40
+xandred
+saulet
+powered-up
+phifer
+100.18
+p-9p
+fondiaria
+catamount
+canelo
+atlan
+serzone
+mustache
+kerrville
+damin
+slingshots
+matchbooks
+seaports
+crosskeys
+unrestored
+3,792
+diprose
+psychophysical
+cedric
+kouadio
+pentasulfide
+foshay
+trimbakeshwar
+fishwife
+microtubules
+10,050
+x-37b
+traffic-free
+well-executed
+palash
+enkhuizen
+remold
+bikeshare
+eighty-three
+ridgley
+ayala
+weissflog
+spriggan
+conservador
+eastridge
+ardincaple
+ironclad
+mcconville
+henwood
+haan
+má
+herbrand
+ectoparasite
+1-c
+esmeralda
+jawdat
+esomeprazole
+vandy
+well-received
+movilă
+lazuli
+rathnure
+multimeter
+245,000
+igf2
+s-37
+bolkestein
+sex-selective
+handguns
+garand
+mousterian
+bloodsuckers
+thed
+ukf
+telerate
+45.69
+vasques
+dange
+burndy
+rogalski
+basílio
+lilium
+ocotal
+tilth
+ar-raqqah
+vishnevski
+archegonia
+trarza
+us2
+moisi
+88.72
+vvv
+non-legal
+yasuf
+disciples
+tibetans
+109.46
+historian
+cheboiboch
+tianling
+pontyclun
+coahuila
+housego
+yablonsky
+jingū
+u23s
+adenhart
+lon
+dmrc
+eliminationist
+kool-aid
+azulai
+matta
+thsr
+jilani
+swallowing
+raped
+jordanus
+hezb-i
+etlis
+colostethus
+skeen
+asr
+abracadabra
+scharwenka
+caryville
+gyngell
+burliuk
+frati
+veris
+host
+semicolons
+nikitas
+pivonka
+jacklyn
+pamp-e
+sapar
+hth
+caló
+nasril
+invoke
+headcount
+imclone
+pawpaws
+posturing
+dmitrov
+nagauta
+syntel
+perissodactyls
+delectables
+vxe-6
+trei
+kučera
+interbay
+vahsel
+170.1
+cowpens
+tienmu
+barack
+tarda
+collectables
+reverted
+poddar
+18,422
+sariang
+60.3
+kanha
+underlie
+angelico
+brindavan
+euro69
+talhelm
+landfalling
+coledale
+7:52
+addresses
+stomata
+202-737-4215
+avicii
+larkhall
+redstockings
+bhangi
+prljavo
+bracelets
+forager
+vigoro
+example
+brdo
+nasda
+brenz
+protetch
+styrian
+alon
+75-basis
+almarabh
+millán
+basher
+shinjitai
+kcac
+exosomes
+424,000
+quartiere
+leflore
+shimono
+goeldi
+anshutz
+piedrahita
+lipsticks
+djinns
+hetlage
+sacrée
+arbatsko-pokrovskaya
+clavain
+malmborg
+nolans
+n.n.
+acquistion
+10-song
+flashover
+lusitano
+terminado
+lennox
+30-19
+yonemura
+yanbing
+247,500
+24,400
+kinsella
+flowstations
+celadon
+aliou
+villainess
+burfeind
+cricklewood
+matheus
+whippets
+garsson
+50.5
+prospectively
+dilatation
+oxymoron
+monya
+k-159
+shuger
+futurists
+megagames
+keeling
+interferometer
+sembach
+scalawag
+1943-44
+euro3
+affoltern
+kota
+violetta
+mokaba
+5,072
+21:10
+syncretic
+gytheio
+israëls
+kling
+phughes
+unionizing
+nguessan
+mieske
+dinghy
+right
+trickle
+stebnar
+guairá
+ordo
+icasualties
+higer
+shootaround
+half-human
+39
+sucher
+ulugbek
+incising
+6
+ibagaza
+45-pound
+anti-german
+zarrineh
+d'aquila
+gold-plated
+madala
+winbond
+exocytosis
+2,468
+rics
+bravo
+interorbital
+perevoznaya
+proll
+tuhan
+non-breaking
+armie
+lisc
+mcdean
+kerrang
+võru
+mania
+blackfin
+aimed
+unseat
+onna
+defilement
+leiskalns
+glistened
+,106
+derosario
+weizhen
+counselled
+tbb
+ozment
+siazon
+tecbud
+irbit
+karbalai
+squabbling
+tinctoria
+waukon
+ishayev
+1,024-by-768
+djenne
+fillion
+mammy
+gasca
+rayah
+mcdavitt
+bedtime
+10:46
+bratu
+taurus
+adenomas
+kgi
+67.14
+aspin
+rivaz
+bitrates
+miedema
+extensively
+1,000-bed
+agudo
+kaptur
+haddon
+liquid-cooled
+llansantffraid
+laudor
+gymnothorax
+kutteles
+awdeh
+hotwire
+gep
+deviations
+dikshit
+1981-1986
+portcullis
+overhauling
+duralumin
+beavan
+whannell
+carità
+immunized
+wijngaarden
+vortis
+1,663
+helmsmen
+naila
+shind
+charat
+zone-based
+misusing
+anzali
+well-being
+macro-economic
+attorney
+seafarers
+54.60
+eleven-minute
+korthals
+insec
+caza
+clansmen
+31-jan
+sumptuary
+190.8
+91.08
+carinus
+ganache
+pichegru
+7.6254
+malmi
+lusaka
+eichman
+raymar
+amyema
+madhva
+5,980
+tomar
+yuezhi
+teleglobe
+gmrs
+hybridized
+daba
+rajar
+willendorf
+degetau
+67.15
+m67
+abidal
+hiked
+oly-2004-gymnastics
+highlighted
+brusilov
+salehi
+clásica
+jumaa
+balsa
+blaugrana
+opstal
+52.05
+refleeting
+krathong
+imanyara
+daunting
+marteinsson
+ambulette
+aviatik
+toothpaste
+hallmarks
+apfsds
+firehose
+chlumec
+lazzo
+buxtorf
+zeni
+7:2
+corresponsales
+vinery
+asclepiadaceae
+manuputty
+dorte
+decriminalize
+202.4
+anglo-ashanti
+reverting
+kira
+küsnacht
+4-for-6
+mascherano
+1.127
+maphrian
+,190
+jedediah
+bauwens
+physica
+magoo
+richview
+turhan
+29.30
+hicham
+aq
+usufruct
+valdeorras
+wqew
+dobriskey
+pitt
+sellecca
+comix
+seiberg
+spire
+boynes
+deveney
+2001-05
+sonnleitner
+kavkaz.org
+aegilops
+8-11
+calderbank
+39.47
+palagi
+drôme
+35.000
+30.41
+nunn
+vcos
+3,996
+victimized
+ahi
+višnja
+dual-sport
+attenders
+gurjars
+guarnaschelli
+bolaño
+conejos
+mashhur
+abélard
+colombes
+meghdoot
+federspiel
+pantaloons
+wojska
+e46
+capoeta
+rokeach
+cuff
+2,301
+satian
+darkstar
+al-sultan
+papillomatosis
+single-elimination
+a-weighting
+playoffs
+menil
+post-crash
+peebler
+lifts
+baftas
+gained
+lechwe
+anodizing
+underreported
+meimarakis
+acclaimedmusic.net
+westendorf
+asl
+dekosky
+sebokeng
+shoeprint
+dottore
+murillo
+parivartan
+siev
+tschopp
+gundicha
+tssa
+pricey
+matheran
+newmont
+pih
+ciric
+kelton
+daniil
+podolia
+preki
+24.14
+fna
+lichine
+zncc
+wspu
+corazón
+grand-niece
+waists
+3-68
+pandalam
+ridicules
+ramesseum
+borghese
+f7
+82.31
+80-75
+bubanza
+inconveniencing
+1940-42
+navka
+morano
+unconscionability
+templepatrick
+barbi
+joerger
+papyrology
+railed
+drp
+recommissioned
+fhimah
+27.7
+juticalpa
+krafl
+cocco
+microcirculation
+major-thirds
+latin-rite
+lechery
+directo
+restorationist
+cautín
+pozon
+tetrahydrofuran
+reinforcer
+over-expression
+rosenker
+aiai
+untruths
+huyton
+koziegłowy
+ora
+neuborne
+oast
+loanword
+gowanda
+weimarer
+schönhausen
+coma
+predrag
+93-86
+ballen
+horror-comics
+obscures
+tirkel
+shinjiro
+leoluca
+gau
+secchi
+genos
+deseronto
+bolanos
+beste
+zhui
+musharaf
+co-organised
+colautti
+2.415
+yuanshi
+hypena
+golz
+cantores
+manora
+progenitors
+bathyal
+12a
+transpt
+897,000
+fasciola
+rutted
+gustine
+stably
+alphington
+jianning
+lusardi
+taejo
+90.93
+montblanc
+ancholme
+industrialising
+nieuwpoort
+dustup
+123d
+loader
+sant
+kincardineshire
+jacquin
+3,389
+tamini
+good-natured
+6-orthoplex
+santapaola
+ghalibaf
+tayna
+reconnection
+connery
+rienda
+matchwinning
+makor
+jablonowski
+roentgen
+beamon
+mbw
+e36
+conceeded
+agreeably
+adhoc
+0-for-8
+patineurs
+kbs2
+laeisz
+patroclus
+kiick
+grinning
+kelby
+grzimek
+suenos
+königgrätz
+kortright
+order-in-council
+lattices
+ciancaglini
+awew18a
+posey
+rubicon
+fritzsche
+totaro
+kalish
+stumme
+cda
+maximum
+maiden
+psaltery
+aborigine
+kandhar
+yasukazu
+erinvale
+foix
+bettws
+croisset
+biogas
+d.g.
+eaglehawk
+taliaferro
+morrigan
+sunroofs
+businesman
+sint-niklaas
+yuyuan
+750-mile
+12-yard
+dika
+squarer
+anacapri
+storagenetworks
+tuscany
+maneouvres
+eduarda
+salia
+graymail
+hilario
+13:11
+midsomer
+stoch
+amauris
+bitang
+succinate
+emr
+naac
+irbe
+uhlich
+prosecco
+hassania
+sts
+darron
+gravion
+suwałki
+maalouf
+http://www.oklahomacitynationalmemorial.org
+514,000
+tatasciore
+josceline
+daub
+teruhisa
+tvtonight
+linkin
+meskill
+15mm
+crunchier
+chojecka
+rearviewmirror
+selvaggio
+.244
+mamuju
+wintgens
+80-65
+inn.com
+dantan
+14-9
+up-to-the-minute
+animae
+keckley
+whole-hearted
+kikki
+tira
+margarites
+brickwork
+capriciousness
+greimel
+kokkinos
+poke
+stahlman
+lasnik
+offner
+6-feet-5
+cornacchia
+3:5
+yayati
+shimabukuro
+penn
+germania
+symonenko
+3f
+bernstorff
+52.88
+klanarong
+junos
+euro348
+sheerwater
+antonov-12
+consular
+perris
+auman
+uams
+teleprompter
+sherrod
+semmering
+foulsham
+jingming
+nakhlestan
+knuth
+rackspace
+schöne
+rowden
+53.72
+1999-2008
+rectus
+inflames
+assembled
+whch
+chocking
+topinka
+horiuchi
+kilometre-long
+bats
+11-23
+stoics
+nyt1
+several
+unroadworthy
+kurds
+lōihi
+pellumbi
+mortemer
+larkana
+southerain
+e.h.
+jeweller
+jt
+solovyeva
+emphatically
+morrison
+sandoval
+atotonilco
+bannockburn
+llantarnam
+mccarthyism
+starting-point
+risk-averse
+martiny
+hyperventilated
+9.575
+uar
+villafana
+tawny
+etorofu
+best-practice
+barrosa
+modisett
+prosoma
+11.73
+cassiobury
+sambanthan
+rhine-westphalia
+affray
+x-2
+westcliff-on-sea
+singnet
+heydt
+mckillip
+gienger
+ballenas
+udk
+niccum
+105.25
+bahujan
+corder
+cupids
+kerch
+tyube
+pyrolytic
+micronations
+të
+3,746
+bleeped
+68040
+virpi
+eslamabad-e
+spoorbek
+britvic
+méthode
+sibir-2
+nearsighted
+intimidations
+impulso
+unassertive
+ь
+hennesey
+anbari
+l-bahá
+isnad
+paunović
+rating/share
+paraćin
+bathroom
+metaphors
+meliaceae
+farrugia
+sarasaviya
+medalling
+dp
+yorg
+hoshina
+kapela
+dissent
+strecker
+hancocks
+mariann
+rasoul
+karli
+soddy
+marks/100kg
+galloway
+160-pound
+affadavit
+tillet
+vivitar
+tegla
+kiragu
+scholarship
+15/8
+ezenwa
+timan
+fundulus
+73.69
+gajah
+19.8
+munhak
+tewolde
+qf7
+sub-70
+o'mahoney
+zibri
+62-run
+183-member
+gozzano
+sialic
+kuss
+multipolar
+immune
+cocopah
+33-match
+esperaba
+joyriders
+lunt-fontanne
+efficiencies
+glycan
+friedrich-wilhelm
+calcavecchia
+variegated
+supermodels
+calke
+greswell
+kainan
+full-spectrum
+ultrasonics
+arboreal
+qaisrani
+phaistos
+5:32
+temecula
+naletilic
+obi
+mandarić
+barcău
+2005a
+balanus
+euro184
+bioassay
+catholics
+birnin
+jesselyn
+froistad
+lotor
+preventively
+contruction
+years.the
+canid
+regulations
+baginda
+acronicta
+hippies
+siargao
+goalkeepers
+hesar
+k-league
+5-for-9
+pscs
+manifestly
+sign-off
+hiroyasu
+zonda
+nonie
+3,070
+caked
+shuichi
+foxen
+electrochromic
+lyotard
+westerly
+amanat
+alatus
+rowand
+acie
+raichur
+12g
+o'farrill
+chuckling
+eboutou
+shiek
+hamu
+amitava
+textiles
+kirkup
+galeazzi
+huffington
+welshman
+dadford
+3800
+livernois
+yasemin
+impuestos
+duplications
+odrowąż
+nassau-dietz
+vinculum
+katan
+carmarthen
+pediments
+enys
+elnashra
+davon
+artcraft
+klimmt
+saceur
+year-to-year
+anspaugh
+peruzzi
+pippo
+attacks
+katowice
+evander
+rogner
+seyed
+wausau
+tmnotot
+rtnda
+32-match
+consus
+manring
+xxi
+roldan
+soudas
+beovizija
+blamires
+1983-89
+co-extensive
+participants
+jewellers
+deuteride
+polyesters
+482,000
+cordingley
+in-app
+ginyard
+dullards
+ineligible
+inboxes
+aguas
+kiandra
+atc
+deplorable
+gherardi
+mcchicken
+yossef
+mayflies
+mackerels
+self
+inongo
+equidistant
+petrovski
+delaye
+maks
+waldie
+kombi
+psion
+inching
+shijie
+guli
+seifert
+görges
+scnt
+daoudi
+geomembrane
+caucasoids
+daniela
+ehrlich
+marinoff
+837
+cohl
+fredericka
+shadayid
+desultory
+113.50
+irsyad
+onuoha
+brea
+namphy
+underbase
+jerkin
+queensgate
+41-game
+nervousness
+uncircumcised
+hoerni
+tdrss
+bore
+39-month
+passow
+nwfb
+brezigar
+20m
+goodyear
+orlin
+47-37
+206.3
+nina
+55.4
+geonim
+donell
+poiana
+junia
+10:36
+c1
+b-52d
+current-voltage
+borgetti
+blanding
+nufarm
+wombats
+resins
+takanyi
+missouri
+limos
+cinematic
+tcherkasskaia
+tartessos
+shatters
+undertail
+colao
+dalkey
+atj
+mpeg
+cadrez
+renu
+tolgoi
+merda
+450-ton
+hezarjarib
+abashidze
+luoma
+temuka
+comita
+acn
+hellbender
+liberace
+urbon
+351.3
+enfilading
+starkville
+pythium
+myeongseong
+burlsworth
+tampopo
+penry-jones
+expeed
+26,100
+six-season
+kout
+3-2-0
+makil
+droz
+huntin
+shui
+schleiden
+macalintal
+4150
+oui
+twaron
+ex-navy
+gimeno
+momenabad
+harnett
+2,867
+co-chairman
+inedito
+sethu
+munninghoff
+gautam
+presidente
+apv
+keteyian
+zelenin
+ucv
+kahlenberg
+calee
+zumalacárregui
+1.2823
+pidgeon
+thahane
+lumholtz
+battle-ready
+jpg
+e.p
+desolation
+parsa
+c.s.a.
+hegra
+49.91
+d’art
+msh
+tornadoes
+bacteriocins
+adoram
+kazembe
+camair
+etsu
+http://www.bridgestone
+cipsco
+valentinos
+lucilius
+5-card
+danilidou
+statue
+237.2
+037
+mcondo
+64.41
+derai
+sehorn
+roadrunners
+fwcw
+ghalyoun
+malakar
+preševo
+votkinsk
+2371
+colick
+mohicans
+phases
+nineties
+hulun
+mid-line
+nyang
+harpers
+zealously
+low-price
+bauchard
+faramarz
+maximum-likelihood
+pamirs
+51.62
+chinense
+returnable
+quickturn
+firuz
+antos
+shangshu
+sticked
+millhaven
+seders
+htut
+splash
+charmed
+rza
+ipsilateral
+cynodont
+audion
+gouffran
+98.06
+bovender
+valençay
+19-car
+17.93
+adailton
+skint
+139.6
+venatici
+serbian-american
+binet
+fbr
+innerrhoden
+coridon
+0420
+overages
+anthroposophical
+lin0
+barnabas
+cmd
+tnf
+66.5
+slusher
+secreted
+hibernating
+hardinge
+betina
+ajc.com
+raducioiu
+28.89
+13.13
+within
+juei
+haplotype
+silphium
+taiyo
+broadbased
+auffray
+projectile
+ofgem
+optics
+three-fifths
+methoni
+pptys
+eloquent
+broomhead
+hecate
+gouraud
+bieri
+onychomycosis
+alternately
+colocasia
+euro340
+optix
+konner
+schallplatten
+wheezed
+gullo
+bajío
+limbuwan
+jhunjhunwala
+bingo
+bectu
+senec
+fushigi
+khalfan
+idlib
+gtl
+aurobindo
+gräfin
+karesh
+renteria
+bluemel
+jambyl
+philanthropist
+short-period
+organgn
+hamdia
+uncomplainingly
+3048
+spoken
+meta-analysis
+apexes
+condemned
+rsst5
+triumvirs
+timander
+8:59
+moulin
+teun
+bartholomay
+vitaly
+sayano
+3-for-18
+45-game
+sparrows
+51-46
+nizam
+gtv
+b-body
+atif
+silwamba
+dundies
+sueing
+beauties
+sheepshanks
+dz
+perisher
+exume
+leghorn
+cklw
+half-uncle
+aeroclub
+1:35
+estess
+klivans
+lerg
+sleng
+kochhar
+adarand
+listwin
+homophobia
+sror
+l2
+học
+feather-like
+kamhi
+nationally-recognized
+arwu
+flab
+mladi
+canella
+art-form
+hiroaki
+crocuses
+neuburg
+ratios
+sylla
+esham
+yeniseysk
+machig
+hijabs
+suxamethonium
+heignere
+tamarindo
+londis
+batgirl
+oan
+keightley
+moravcova
+adecco
+borloo
+ae86
+plautia
+slamming
+archelaus
+whereas
+kajkavian
+mdmk
+abdu
+.000001
+guana
+euro513
+1334
+spears
+wismoyo
+langkloof
+campaspe
+ogham
+bertucci
+matra
+souayah
+skousen
+burris
+kempthorne
+vitry
+happenstance
+eps
+chiefland
+catholica
+borsalino
+metlar
+2075
+sibu
+quno
+20-euro
+fusty
+amniote
+urbanna
+roed
+serwa
+chettri
+gaana
+honeymooner
+fumin
+differentiability
+anticosti
+isna
+yuku
+photolysis
+nacional
+sahibzada
+8.2771
+2,744
+shiva
+propylene
+preamplifier
+close-mid
+43-4
+pynn
+civically
+40,200
+baphiq
+insectivores
+modularization
+e-t
+improvers
+bukola
+regard
+nights
+araya
+cannavino
+bielany
+weepy
+sshepard@coxnews.com
+theydon
+rashba
+theatresports
+97.82
+plant
+stipulations
+tillerson
+5.0-billion
+impart
+debian
+leached
+sfx
+maulik
+everbody
+loharu
+outweek
+burrows
+geneville
+exubera
+mathey
+ghirga
+ribes
+natashquan
+indosiar
+drench
+icsid
+oksiuta
+ostell
+wud
+ullian
+asthma
+jernej
+antimalarials
+d.j.
+chik
+foolishly
+abhor
+woodville-west
+vinces
+porcel
+alcaine
+kinyanjui
+charlotta
+xiling
+ody
+zra
+foreshadowing
+sphingosine
+unboiled
+centura
+aic
+thủ
+carolina-based
+maksudov
+gongguan
+2,185
+kainai
+zahf
+al-muntasir
+tana
+céspedes
+oberammergau
+luohe
+cpy
+lindmania
+geddings
+mid-1968
+fairness
+kadaň
+discodermolide
+roy
+aldeia
+ahl-e
+overstepping
+wyrm
+dyadic
+circumstance
+laufenberg
+yabuta
+kitenge
+wanfang
+241.8
+tejaji
+narodni
+raccoon
+floatation
+poupaud
+administrates
+eclogues
+wiślica
+šafárik
+apparent
+elder
+phenomenologists
+stripers
+listens
+hamartoma
+niedermeier
+competitive
+fightin
+70.11
+s-wave
+partin
+rsm03
+feinting
+steeldogs
+d'oran
+tressler
+bzö
+andaya
+saranya
+aerogel
+candiotti
+stz
+byman
+paterson
+gidada
+gadgetry
+borlase
+schaap
+hajjar
+conclaves
+espacios
+reginato
+rokiah
+net
+grinding
+gandhar
+sproles
+378.5
+etla
+gde
+superbad
+matsuyama
+zelenovic
+moef
+tungawan
+obie
+gwinn
+49-match
+jmy
+17.56
+afshari
+mantelpiece
+3,339
+veria
+49,030
+spfl
+toffs
+1,706
+votre
+froyo
+junkins
+lacework
+africanized
+1,449
+smetana
+karimullah
+perfectly
+earthman
+cupped
+sqq
+kollman
+handbook
+transacting
+eurolines
+46-43
+shukur
+park-like
+setchell
+župan
+thach
+retractable
+mandamento
+minesweeping
+stanczak
+glauco
+top-mounted
+96.38
+archange
+ingle
+laranjeiras
+mattila
+superintending
+bukovyna
+copd
+weas
+puisne
+114.6
+porpoise
+4,368
+richton
+weinheim
+eurocup
+doddering
+smocks
+tiggy-winkle
+microtransactions
+tupolev
+ramblers
+détournement
+3,890
+amination
+holi
+mihaljevic
+w.b.
+sirajul
+otjiwarongo
+102-97
+1887-1888
+1990-93
+scheiner
+bsirske
+buckpasser
+178.50
+moretonhampstead
+kupper
+dakshin
+cr-z
+madrasas
+ballpoint
+xuanzang
+bodies
+qurna-2
+stemme
+shipka
+m0
+spenser
+haeng
+four-book
+thistlethwaite
+kızılırmak
+revanchist
+brunner
+erection
+hotels.com
+zueva
+knanaya
+sharpley
+internet-connected
+aim-7
+wensheng
+kewanee
+378.4
+rakha
+roloff
+damascus
+force10
+ivermectin
+joinder
+twisted-pair
+départ
+kretzmer
+marzel
+leslye
+thep
+varenne
+splenetic
+excavated
+lush
+mabrouk
+margas
+pramarn
+sarepta
+357th
+yasunori
+capehart
+risca
+unr
+carnforth
+hallucinated
+1763
+vénus
+nightmask
+acid
+sarira
+saint-marc
+arthrodire
+malki
+soran
+joines
+wint
+22.06
+fore
+saras
+honghui
+guominjun
+transocean
+multi-point
+haapamäki
+179,000
+rs-422
+likley
+kanō
+radovanović
+pistol
+califano
+klarjeti
+floy
+sindicato
+dardai
+farstad
+conemaugh
+1991-2002
+hägglund
+divisionist
+farmhand
+multiprocessor
+rügenwalde
+macrame
+axels
+titters
+tire
+physican
+safeguards
+dipper
+chermside
+qew
+heitinga
+centavo
+tatman
+demolitions
+natriuretic
+throughs
+223.9
+entitled
+gopalapuram
+unallocated
+platyninae
+gorelova
+1,181
+whelihan
+liebkind
+jewel
+belber
+4-door
+husum
+silvagni
+omea
+tinieblas
+behram
+healthiest
+blassie
+cagrici
+keyrates
+30-some
+32.13
+sørkapp
+zip
+chmielnicki
+forgotten
+logographic
+measureless
+60.0
+airwolf
+bossing
+aburi
+petherton
+flashfloods
+1213
+109.71
+flamininus
+666
+355
+irie
+aramburu
+inevitable
+hendaye
+kalemba
+inepar
+xanthogaleruca
+sco
+paediatrics
+raggett
+rivière-à-pierre
+lazovic
+dialogus
+ribaudo
+charging
+sighting
+mischievous
+efficacy
+pacemaking
+langton
+30-plus
+assiniboine
+uttlesford
+justyna
+charli
+deaderick
+fifa
+crewmate
+bogost
+laptop
+428th
+1,000-megawatt
+evite
+ureter
+prioridad
+jorgensen
+rothsay
+ringler
+sanctus
+hlatshwayo
+duhesme
+65.86
+gutters
+yunhe
+kma
+khomutovsky
+okello
+pedrag
+youth-team
+vredefort
+aruppukottai
+akari
+jóvenes
+robotti
+hawing
+throes
+tamala
+1645
+comac
+plagne
+schwieterman
+54-hole
+1.085
+http://www.ap
+talty
+mosb104
+bughra
+arrogant
++2.0
+2011-2012
+head-to-head
+petoskey
+genauer
+thereto
+yanni
+mtsensk
+barfoot
+brigden
+ratae
+fwc
+bessa
+mōri
+lrg
+growls
+kulp
+117.86
+neo-impressionism
+thundera
+yanes
+daesung
+sunquest
+cryme
+aeronáutica
+morgen
+.440
+wistert
+wmorrisglobe.com
+reeking
+shinier
+r11
+fraternized
+sharen
+lighter-than-air
+prioritized
+zamenhof
+somnolent
+decemviri
+uitp
+acerbo
+orleanist
+kfyi
+gheg
+9.06
+gil
+fbt
+chech
+orzel
+mid-90s
+digitizes
+varosha
+05
+crafar
+bassler
+gemdale
+pwd
+rasharkin
+temples
+avtozaz
+ponmudi
+10,950
+kuck
+leijer
+!?
+fichaud
+carner
+christa
+lavasoft
+3,000-hit
+gumi
+yid
+.456
+nitra
+maghera
+antiga
+blizzards
+d-link
+7.36
+re-acquired
+cnnfn
+yakushi
+hkamti
+family-based
+anti-diabetic
+vartiainen
+ulua
+mans
+shc
+6.5-7
+reaper
+all-americans
+evgeni
+yamma
+gerti
+aes
+1.635
+strongman
+strelnikov
+inconceivably
+everts
+ruffles
+activation
+76,500
+fasold
+cannito
+gemologists
+grushko
+mantic
+gigante
+frac14
+micronutrients
+ceranae
+1.048
+thirdly
+janofsky
+kellys
+stokan
+blowflies
+lifeson
+tejano
+22.34
+46.6
+jantsch
+brodbeck
+instable
+tabaro
+vop
+volkes
+ungulate
+obd
+crisscrossed
+2,343
+atma
+childebert
+generalises
+eapen
+defillo
+foredeck
+mcquesten
+piscataquis
+armstong
+oly-2004-tennis
+utrs
+keansburg
+mammary
+glsen
+'07
+hamiltons
+patou
+clementine
+underscored
+mirak
+lidman
+anabad
+60mm
+natrun
+tric
+iancu
+d-20
+unalterably
+skobrev
+streeton
+fernando
+trantino
+ichthyosis
+changning
+izola
+wepner
+lertcheewakarn
+engst
+masasu
+2,526
+zeier
+67.9
+veez
+siriano
+kilis
+lustige
+yermak
+pravin
+ixtlilxochitl
+brücke
+boosting
+muscularis
+soaked
+bellacosa
+planas
+outsprinting
+5-31
+xian
+garbarnia
+planeload
+slippages
+microage
+rnli
+bishnoi
+lynford
+achl
+capless
+bunyan
+52-7
+lifted
+.647
+aripov
+hutcheon
+859
+1162
+hedges
+zawadzki
+vladamir
+arbenz
+agribusinesses
+pseudoephedrine
+bobi
+nusayr
+bellport
+comandos
+mladen
+quadruple
+multi-lingual
+rupf
+:43
+raddon
+zaido
+campomar
+guntur
+synar
+83-77
+gleek
+cantones
+western-most
+advantix
+awu
+manufactura
+dherinia
+headscarves
+feofanova
+olduvai
+rikrok
+vonetta
+goellner
+llotja
+azadi
+neuros
+15.39
+mangahas
+vesi
+913,000
+landlords
+châteaux
+phytophthora
+ngungu
+atak
+selvam
+sclerophyllous
+clitoridectomy
+diced
+kotakadeniya
+bicultural
+fit
+short-listed
+gujiao
+ntungamo
+gloaming
+unrepentent
+inchi
+menteris
+corncobs
+jaichand
+woodyard
+sinofsky
+tippers
+mckendry
+thorns
+deric
+matthes
+mapunda
+catskills
+crite
+93.40
+armajani
+impartially
+foundation-stone
+mirbag-e
+sub-par
+.504
+chernomorets
+mitchelson
+unserious
+disputable
+belmadi
+x32
+articulate
+planked
+independently-produced
+retreating
+life-affirming
+vaishnavas
+gnlf
+twtc
+uragan
+minard
+polytech
+rasset
+113.3
+flood-prone
+artificer
+quinctilius
+bobbitt
+yaroslavsky
+recreate
+1940-44
+paki
+juanele
+parvovirus
+adiseshiah
+bronnitsy
+charitha
+creeks
+1954-56
+stepan
+lieutenant
+thermogenic
+12-17
+mehari
+mccutcheon
+playbill
+vosloo
+keffiyehs
+rennich
+kingson
+210-horsepower
+42-page
+18h00
+digital-only
+14:50
+aloud
+frets
+guernica
+relapsing
+netminders
+pressures
+thermostatic
+stance
+rawnsley
+peltasts
+15-lap
+muto
+bosporus
+ficedula
+jenei
+khalfani
+allah
+magdy
+-9
+automatik
+thorup
+legitimization
+keough
+suwaidi
+roer
+33:14
+boijmans
+fredman
+aztlán
+masaki
+data-intensive
+jacques
+evaporator
+windlesham
+prebiotic
+ehi
+stavrou
+jokhtaberidze
+trawniki
+operasi
+documental
+oddballs
+pollett
+flynt
+profanity-laced
+104-102
+dendrobatidis
+tany
+falacci
+chch-tv
+oasys
+cholecalciferol
+amick
+rationalized
+escenas
+unus
+youngarts
+lancashire
+bayleaf
+businesspeople
+maesteg
+rečica
+copepods
+semi-open
+circular
+683
+swilly
+insulated
+slusser
+qiangtang
+americanizing
+tacrolimus
+remunerations
+roasting
+philippou
+inline
+talton
+feklisov
+.75
+quotas
+practicing
+geophones
+omb
+scharoun
+disinformation
+inlier
+ddos
+niederman
+ballyclare
+oddi
+31.53
+dovizioso
+unannounced
+9300
+euro560
+conglomerations
+genre
+helotiaceae
+xpath
+vestron
+twort
+idiotic
+103.52
+flunked
+brockelman
+leul
+trautman
+winslet
+calil
+guggenheim
+300-degree
+disconcerted
+bertrando
+pruss
+servo
+gravier
+dinant
+bushmaster
+etonian
+cuentos
+heybridge
+48-50
+predacons
+captial
+rangda
+dobriant
+nuon
+109.61
+roq
+rethink
+staleys
+3,758
+vallieres
+mainit
+1963-64
+najihah
+skyscrapers
+chalukyan
+anti-israeli
+co-axial
+norman
+cerci
+104.64
+small-unit
+hasmah
+chandia
+yaqobi
+countersurveillance
+hay-on-wye
+shannen
+kilgo
+rooi
+ibookstore
+krylov
+aranxta
+hallowed
+put-upon
+zoque
+2,638
+bottling
+bedene
+tangling
+ledwith
+verolme
+olympics
+longest-serving
+yack
+crustose
+semi-permanently
+ephedrine
+mccalman
+comitan
+operands
+tragedia
+28-july
+kitchener-waterloo
+lidberg
+lukabu
+pedroso
+expat
+fwe
+rapiers
+integrally
+deysel
+velez
+prohibitory
+þeyr
+michalopoulos
+shirvan
+vivia
+6,640
+pac
+oyster
+63.07
+guatemalensis
+faulhaber
+netcord
+4-volume
+mercal
+donolo
+sagacity
+starleague
+manito
+engravers
+demeanor
+p.o.v.
+kalinda
+innerhofer
+busiris
+splinting
+naldo
+nemasket
+danda
+kellett
+govs.
+fideuram
+lairs
+‘’
+orgy
+khc
+adamske
+17s
+blaupunkt
+tokelauans
+glasses
+dimmed
+hyakutake
+wappocomo
+petit-breton
+pyongan
+4:43
+bookchin
+necta
+12.93
+197.7
+jaedicke
+splott
+hiden
+kawabata
+cockeysville
+borremans
+nikitin
+93.01
+own-goal
+t-18
+ept
+schnittke
+georgette
+blitzers
+simec
+tahseen
+risdon
+qemal
+ruesselsheim
+arnsberg
+geometrical
+mackeown
+asunder
+shoulder-launched
+816,000
+priscillian
+pixy
+fantasized
+lisbonne
+poppy
+10w
+ferrovie
+bfn
+marchi
+dust
+extant
+fausta
+zalla
+smallbone
+tunkhannock
+floridan
+calidris
+hear
+surface-mount
+mới
+expressjet
+zahraa
+fitchie
+stadthaus
+quintel
+fougere
+wahhabis
+zasiadko
+jamalabad
+langsat
+genelia
+archaically
+yelena
+-45
+kasha
+massoud
+ejiofor
+xbla
+djalili
+buckby
+i-635
+ganatra
+bajado
+montagnier
+2,441
+nyapj
+4437
+edenbridge
+cif
+korfanty
+woodchip
+begala
+espectacular
+dehra
+6,870
+calibration
+keila
+jefferson-morgan
+2mb
+ferrier
+emancipated
+agi
+61.30
+set-50
+sabhnanis
+counterprogram
+krainik
+gozdowo
+navodaya
+acap
+winterbottom
+phya
+expressionistic
+bh6
+starbright
+margery
+flatterer
+resumes
+birden
+coolbrith
+romina
+shb
+woaa
+miamians
+braco
++.03
+4x5
+graal
+leonowens
+eorl
+giba
+cypermethrin
+greedy
+wilhemina
+32.48
+hojeilan
+misallocation
+vashakidze
+all-talk
+undistributed
+nyenati
+sugrue
+ourique
+aliyu
+veridian
+karatancheva
+-6.5
+riko
+experiencia
+bunji
+whoop
+1.5590
+fetac
+l4
+ramond
+congming
+donze
+asadollah
+microcode
+riohacha
+bendectin
+blotches
+carhartt
+colesberry
+tehz
+prvoslav
+dumel
+c&t
+chunhong
+phetchabun
+preposterousness
+manú
+alward
+country-wide
+industrielle
+inkjets
+86.05
+quinine
+agrichemical
+frenais
+italy
+g.biffle
+hayling
+cristero
+40-story
+eurest
+6:58
+outlands
+katyusha
+27000
+henryetta
+carabelli
+touma
+pongthep
+meringolo
+lotuses
+loubert
+wholly
+swerved
+hegde
+kirmani
+cvid
+1970-1975
+martyring
+bankole
+tuxedo
+agathis
+ojanen
+hezuo
+g/cm3
+gnss
+zoot
+drogin
+minamino
+på
+gasteyer
+hoppin
+overpumping
+recognizable
+abdera
+supraspinatus
+opposed
+pinneberg
+surreys
+quintals
+hasi
+mycelia
+l&c
+scobee
+cross-ratio
+herrings
+florentino
+kumasi
+helal
+unspecialized
+sines
+ponferrada
+fibak
+windus
+die
+conceiving
+ebbert
+tripodi
+lapresse
+77-63
+comprehensions
+chukwu
+jazzercise
+orcl
+vroman
+guffey
+2:54
+flamenco
+1.5400
+devgan
+89.50
+fronto
+myriophyllum
+quinenco
+plumier
+herkie
+macchiarola
+101-83
+tawfiq
+autoworkers
+abrogating
+andrianarivo
+457.5
+waialua
+toasts
+anti-americanism
+97.88
+givat
+county-wide
+dancelike
+amrutha
+yuzana
+1991-2000
+enugu
+bigpond
+pocklington
+escapology
+milvus
++1.25
+32.5
+homestretch
+lugogo
+10-horse
+southeastwardly
+eudaimonia
+raup
+sundew
+streambanks
+eiríkr
+thala
+goebbels
+pollution-free
+675,000
+942
+danoff
+86.74
+morlaix
+imad
+?????
+cannet
+370,000
+cheran
+pinged
+ciri
+defenseless
+lower-ranked
+ramaya
+songtsän
+.351
+leak
+96.87
+decnet
+taikang
+shrake
+kusanagi
+cluley
+100.21
+51-33
+shtee
+east/west
+25-27
+banked
+alveolus
+qiongzhou
+ringle
+apiaries
+flyover
+outmanned
+longchuan
+leila
+interlingua
+quidam
+kabbah
+childbearing
+bestrides
+malcontent
+downsizers
+beatifying
+senufo
+framemaker
+wps
+non-financial
+α-ketoglutarate
+lukavica
+regenerator
+1.91-meter
+ichneumon
+bardo
+halesworth
+sdku
+temer
+freq
+swazis
+friedheim
+lva
+sided
+pretended
+nyongbyon
+fernery
+junfeng
+aestheticians
+taulava
+schappert
+chunlu
+tenants
+comptuex
+nejla
+mukilteo
+yongyuth
+neutralising
+hudek
+vallat
+riady
+draba
+143.6
+37-member
+kamp
+-10
+nicias
+paleomagnetic
+ireland
+schistosoma
+hausen
+rosario
+weye
+ba6
+pay-as-you-go
+gołańcz
+71.60
+rive-de-gier
+septuagesima
+piercings
+assistive
+ibo
+petley
+hanae
+euro33
+54-year-old
+banatski
+amban
+exhange
+recognition
+muroto
+morgante
+knaves
+leibner
+lendrum
+95.31
+pongal
+deviates
+bacigalupo
+mooning
+1:00.60
+charlot
+datacomm
+palestinan
+semi-legendary
+capponi
+40,000-ton
+mwalimu
+demented
+lapu-lapu
+karlsbad
+hayrunisa
+neugebauer
+100-mark
+near-infrared
+d4l
+hill-wood
+shadow
+dacitic
+midcontinent
+173.6
+duperval
+sediments
+stroppa
+9.812
+zgierz
+zaldy
+pangani
+brainiacs
+gillo
+qolqol
+scrimshaw
+sub-leased
+206th
+0-2-3
+uic
+1423
+băsescu
+maiming
+garneau
+taplin
+œuvre
+multi-component
+84-kilogram
+brioches
+bargeboards
+marshalland
+gopichand
+intelligence
+plessix
+2-0-12-0
+b2b
+nanzheng
+lsquo
+basestars
+conyers
+arris
+nexans
+86-run
+ladybrand
+kaszuba
+14.65
+kcci
+rm100
+polygram
+conundrum
+raverat
+reauthorize
+formula_80
+breau
+jamelia
+69.31
+temerko
+high-angle
+amoung
+5,511
+pict
+barkindo
+14:08
+56.4
+96-93
+amoria
+kieler
+vukojevic
+gürsel
+88-minute
+glazers
+colonized
+embowed
+mikhailichenko
+saint-ours
+pionki
+vinci
+syla
+thais
+irrigating
+ladera
+incisively
+bookshelves
+biomatrix
+916,000
+trier-saarburg
+zinsmeister
+predict
+learmonth
+1-rated
+mudslinging
+o-320
+five-foot
+k.
+ikawa
+36-year
+schexnayder
+bipedal
+usulután
+lilienfeld
+kaman
+mucocutaneous
+rythm
+poes
+zurmat
+shynd
+player-character
+chimango
+phibun
+colorguard
+six-issue
+locutions
+lowenfeld
+courten
+panathinaikon
+ergativity
+italian-americans
+yundi
+44.64
+64.14
+dudi
+sixty-seven
+yamaichi
+kuz
+salcete
+.181
+velež
+pran
+wiltern
+grueling
+marmite
+kandu
+muqdadiyah
+berganio
+:39
+dharam
+paste
+consciously
+bergstresser
+thomasian
+fifty-seventh
+fiyero
+refitted
+rebel
+axumite
+motor-racing
+liang
+ivanna
+antalaha
+kale
+33,600
+weinert
+vainsteins
+lewdly
+yidong
+kzn
+91.20
+mukhina
+changing
+coweta
+velimir
+ushkowitz
+goldi
+transpires
+godderz
+digicash
+adjustor
+kupfer
+impermeable
+maxim
+khomich
+vanitha
+bukovac
+sam-6
+qr
+lassar
+federal-state
+radames
+86-71
+demps
+gushan
+neuenkirchen
+carnew
+nemunas
+macoupin
+sambia
+selvaraj
+guinea-bissau
+4600
+wifu
+shong
+lamizana
+aucklander
+taran
+antifungal
+cornetts
+ohg
+dalbello
+biscan
+kedem
+wjlb
+kleihues
+joann
+okolona
+facelessness
+superspace
+cazadero
+l.c.
+celtiksuyu
+northmoor
+bundamba
+aurelia
+leef
+fulke
+novoselic
+grandia
+kuning
+karlsruhe
+badmouthed
+marzipan
+hansika
+donovin
+3-for-8
+then-congressman
+jokester
+phra
+abdülaziz
+777-8444
+melone
+wickenheiser
+parivar
+nadesico
+popsters
+22.39
+infectiously
+esfandiari
+non-aggression
+motul
+coachwork
+xinye
+hairpins
+kotwica
+dongguan
+asbjorn
+asjha
+6.375
+shammgod
+susanti
+esposito
+phraates
+tumorous
+kdlh
+i.grieve
+committing
+nλ
+azalina
+ölvir
+norvelt
+ciorbea
+rotary-wing
+132.7
+mutinied
+kalombo
+urging
+322.9
+inuvialuit
+claes
+siluriformes
+tiranë
+yaxchilan
+calvario
+kufah
+qubadli
+1.4890
+kaliwo
+kuong
+mosad
+profanity
+corpsman
+leonhart
+shindo
+unda
+odiferous
+sidcup
+birthname
+habesh
+jiroft
+shenuda
+wansbeck
+morrisania
+dc10
+weiers
+mudguard
+torremolinos
+liposomes
+arkush
+isotherm
+253rd
+semiotics
+epivir
+delphi
+khokhar
+u.s.-patrolled
+teenage
+martagov
+peregrina
+leykis
+sarran
+goossen
+descender
+stoutmire
+senopati
+bassani
+nuseibeh
+tobol
+jardine
+leiothrichidae
+atias
+database
+packy
+bavaria
+redlines
+gilgo
+uralkali
+6,660
+acala
+angerstein
+rahho
+khangai
+touchpads
+mediadefender
+ai-ai
+ehmke
+pelagius
+20.37
+whiggish
+1-march
+40ish
+adhyaksa
+taiana
+clegg
+huaxia
+kvænangen
+,430
+ordsall
+3-in-1
+esteghlal
+23.16
+raffaello
+philomathean
+9,375
+magny-cours
+spellings
+194.2
+pellets
+superstock
+berasrama
+endlich
+hatfill
+134.9
+seckel
+1,892
+matthieu
+tojo
+modulators
+7.37
+ailsa
+gunt
+morville
+placer
+svartvadet
+heselden
+101-87
+malmierca
+besòs
+jackaman
+melleray
+bourgoin-jallieu
+152.1
+node
+hoteling
+55.39
+mohtashami
+fatra
+morcilla
+dangdut
+71-52
+koumei
+6c
+sanjō
+dvorin
+generalization
+nacif
+comedians
+’80s
+xh
+thomist
+demurin
+andrianov
+1,525
+contest
+tsundue
+pietrzak
+balder
+duenas
+bangaru
+privateer
+guzheng
+hinky
+guibert
+semi-main
+bronzewing
+pendular
+shalini
+thousands
+brihadaranyaka
+3,618
+covered
+laar
+eny
+two-electron
+zyad
+9.98
+electroscope
+36.05
+treasure
+banxico
+snagglepuss
+weiping
+pinega
+knoche
+nyclu
+proudfoot
+mici
+darbar
+bpk
+dexin
+landbirds
+iocs
+herbin
+1080s
+adalid
+brooks
+dulli
+yamani
+madresfield
+defended
+gancheng
+castelfranco
+mune
+grapheme
+50-company
+giwa
+schooner-rigged
+margret
+mendelssohn
+harriton
+dublin
+simian
+3,893
+maalox
+tapajós
+10.4
+osasuna
+pipridae
+1929-1932
+actinvest
+scott.orr
+flor
+kontopoulos
+koelsch
+30.48
+3-of-12
+hydroboration
+drawdowns
+torsello
+costumed
+adipose
+graterol
+adonia
+xiangqi
+vitaphone
+kabir
+182,000
+shmuger
+einstürzende
+piaf
+jenkintown
+susilo
+nagashima
+pentiums
+melosh
+nechayev
+sugarplum
+kutuzova
+ichthyologist
+enchilada
+wollert
+piemontese
+besmirched
+valent
+tieck
+neco
+white-hot
+masetti
+1,998
+bc5
+solid-fuel
+kollel
+maestrazgo
+unmethylated
+adygea
+cardioverter
+hirschhorn
+fichera
+1.2600
+sagu
+amtstidende
+41.35
+bayardo
+weimann
+phonetician
+pyrethrin
+lpi
+wghp
+165.1
+tokofsky
+rugaber
+57.49
+.431
+motahar
+agajanian
+isobel
+beheading
+canelas
+bauchau
+mimes
+fleabag
+phife
+upper-right
+laghari
+pbec
+genge
+ernst
+lutterworth
+bazarov
+squelching
+benabdallah
+malesani
+cöln
+stanlee
+hennagan
+amitri
+nobels
+113,000
+olympiads
+kokernag
+véra
+50,000-square
+drees
+kmara
+krzywda
+cering
+1,500-acre
+60e
+middays
+atypical
+minasyan
+capillaris
+2cd
+pigneau
+messiria
+léopard
+prema
+macsyma
+47,600
+aba
+kilkenny
+9lb
+delanghe
+v-2s
+carlike
+archive
+romea
+kilometres
+toolbox
+oligopoly
+ii-era
+wuerffel
+swallet
+3,685
+spätzle
+mccurn
+trengganu
+motoric
+mid-west
+16-under
+jagat
+homeruns
+flick
+findings
+preconscious
+mělník
+benzo
+elp
+wpht
+granulata
+araxes
+digital-to-analog
+amt
+vankleek
+bachet
+enfeoffment
+amadablam
+panegyric
+dragset
+scali
+gazipaşa
+95.10
+toreador
+c.m.g.
+fly-in
+molinelli
+'ve
+high-rise
+idiots
+pillai
+keiyo
+caecidae
+backstairs
+dronka
+matsudaira
+fathead
+gladewater
+nab
+kompas
+small-caliber
+ballplayer
+kladanj
+andorian
+5,642
+secrete
+www.sec.gov
+barby
+yandarbiyev
+1,600-meter
+sitges
+centurione
+ft2
+viener
+rajnagar
+chaka
+unindicted
+sures
+29,792
+morros
+kapudan
+homeward
+attie
+soninke
+mountain
+eyeballs
+beranek
+15.70
+unselected
+lilia
+3-15
+titulo
+terpenoids
+huaorani
+polish-jewish
+requirements
+ramose
+1683
+tumkur
+illuminator
+boutiette
+loges
+ejnar
+e-business
+wfts
+mooroolbark
+kheda
+chenghua
+bachillerato
+replenishing
+ohmygod
+efectos
+accommodative
+photo-reconnaissance
+illarion
+mon.
+melnick
+omai
+salgo
+progrès
+navenby
+44-man
+kobi
+ludden
+dilshod
+nobiz
+etiology
+de-merged
+jodrell
+qat
+mekhi
+tawan
+nickelback
+fran?ois
+barkerville
+billionths
+burdisso
+pasupathy
+clawson
+intertwined
+gentlemen
+bmxer
+helvétius
+beneficia
+yifu
+sacramone
+foppe
+reitzes
+pueblos
+bary
+nitroglycerin
+townhomes
+verlin
+mambilla
+stefanopoulos
+alushta
+saray
+wehz
+oil-on-canvas
+felts
+fórmula
+damschroder
+usila
+72.80
+pauken
+kranidiotis
+elysees
+meanwell
+lemprière
+family.com
+142nd
+qu'appelle
+mones
+cohesin
+distracting
+poplawski
+aleck
+2,032
+hegemonist
+wildes
+abn-amro
+lappe
+buddleia
+transbaikal
+dedmon
+ninety-three
+uvalde
+koffi
+salyut
+16.08
+excusable
+upbraiding
+starhemberg
+shuffleboard
+déu
+blueline
+education
+flemish
+daventry
+domesday
+wirthlin
+1,801
+vajna
+07/08
+murdac
+calaveras
+mokhzani
+bregman
+www.dell.com
+cosm
+ewoks
+kodanyov
+seduce
+level
+pulsatile
+katimavik
+tindley
+gooks
+procne
+príncipe
+well-funded
+subbing
+81.35
+chaldea
+fructus
+outnumbering
+beeches
+zsombor
+stanić
+sarge
+triwizard
+jianli
+mullingar
+palar
+vus
+footlong
+velvelettes
+spe
+indexicality
+lellis
+selecting
+eruygur
+19-11
+o'neale
+paynor
+comeuppance
+sdx
+kovals
+preservationists
+stashes
+kromme
+powergrid
+xxxiv
+halcon
+sties
+architectes
+www.nejm.org
+billboard.com
+pentothal
+evli
+papageorge
+50,100
+incentive
+life-force
+inova
+axa
+deconstructive
+eyeholes
+pirri
+abr
+briseis
+roncador
+2,800
+petrović-njegoš
+mante
+hyperbolas
+dissipates
+sandefjord
+afuera
+swimmable
+fianc
+lieto
+urquidi
+konnan
+nicola
+74-year
+neuroethics
+eurythmy
+air-dried
+catley
+hookeriana
+kint
+time.the
+taepodong
+majar
+glynis
+titel
+1822
+tube-type
+kecskeméti
+doung
+kilogram
+bombardiers
+heraclides
+percle
+shirwa
+29-feb
+hassouneh
+41-20
+wren
+urk
+rtty
+hashagen
+ustashe
+47.93
+director/writer
+jōmon
+fruticosus
+sankyo
+npi
+65-63
+dvd-rw
+nbdl
+chahi
+modchips
+taijiquan
+ahenobarbus
+geomagnetic
+monroes
+oulun
+françois-henri
+dustour
+teahouses
+impertinence
+347
+bettman
+hiroji
+amando
+tentpole
+integer-valued
+400-year-old
+religioso
+racisme
+valinskas
+californicus
+rieker
+ergodicity
+0.34
+rupprath
+dapple
+d'urfé
+ntsb
+jag
+pichel
+105-95
+diyya
+pentlandite
+reciting
+marchio
+bhag
+yoshisada
+mid-2008
+family-run
+sevele
+faulding
+trap
+gregorio
+rainn
+anglicana
+demberel
+ethambutol
+mompremier
+yovani
+walland
+edelsten
+gentes
+kandyans
+euro65
+orekhov
+thailands
+humankind
+overtax
+kapono
+catie
+cinram
+uiaa
+delapidated
+repository
+illustré
+66-59
+munster
+kahraman
+boer
+zaloom
+heinsbroek
+haiba
+whiti
+95.95
+bulgy
+naide
+shekels
+quoits
+rpg-7
+76-77
+kangayam
+thundersley
+1375
+descent
+zippier
+västergötland
+onix
+strabena
+149
+chamber
+guesses
+off-target
+d-boys
+a-grade
+40.24
+34-day
+herri
+mision
+aunger
+striae
+software-based
+ahr
+casteix
+granth
+dikmen
+destine
+carboxy-lyase
+59.23
+patches
+bytes
+widi
+transdisciplinary
+gambero
+naydenov
+milc
+dakotan
+nutritional
+headcoach
+hugger
+sekeras
+settimana
+glenmullen
+middlegame
+levine
+lamson
+cocos
+misjudging
+lotfian
+engiadina
+separovic
+vignetting
+jauch
+bpd
+celeriac
+glaucoma
+separating
+musovic
+urwin
+sarko
+brooklynites
+loizides
+birgitte
+journaling
+101-seat
+stoli
+houtman
+18,333
+raulini
+compartmentalizing
+darnedest
+off-color
+g14
+barère
+daubs
+saqlain
+rhodes
+shemen
+foul-mouthed
+nobleza
+rosano
+ichimura
+kudryashov
+droschak
+synthesizers
+gome
+jlitke@ap.org
+créquy
+sicherheitspolizei
+pre-pubescent
+nouman
+malhi
+86.1
+jubal
+emea
+raconteurs
+pugno
+peress
+ofce
+fenny
+gilles
+alvar
+nyjer
+3,401
+mädchen
+a-film
+detention
+eung
+kokoro
+monchengladbach
+deathstalker
+guinée
+g/day
+coercion
+teburoro
+geldrop
+chance
+cm3
+arbnori
+90.75
+vandenberg
+steinitz
+yugoimport
+american-built
+icam-1
+willingdon
+gerbert
+zvecan
+plasterwork
+ratification
+huguenard
+'20
+imsai
+miguel
+102,500
+sea-level
+miloslav
+bt-13
+yêu
+cae
+church-affiliated
+pase
+geta
+lawan
+jonte
+raviolis
+thalwil
+trialled
+105.02
+sepia
+smathers
+parlacen
+reasearch
+finnan
+ft/min
+kurnool
+hotard
+triple-double
+warrington
+nimmanhaeminda
+leebron
+0-4-2
+gymnich
+favell
+aqim
+78.32
+keyport
+mugabi
+spitaliere
+uri
+moriori
+lancets
+amerindo
+74.22
+ingrates
+thematics
+ugo.com
+kraushaar
+lijia
+degraffenreid
+absorbing
+slipcased
+u.s.military
+gartner
+l-hasan
+klopstock
+turan
+pramodya
+faunce
+pen/faulkner
+o’keefe
+pins
+mlp
+sawrey
+antasari
+covariant
+commissioned
+operationalize
+yeavering
+ninawa
+klopfenstein
+razanakolona
+manipay
+twenty-first
+fatico
+apm
+kamco
+seedheads
+dextrous
+babubhai
+dumka
+103.05
+rinsing
+678,000
+rebounds
+diadochi
+demello
+gulalai
+erol
+1986-1996
+moelis
+cherno
+cosmi
+thermidor
+crysis
+skimpiest
+piperovic
+maccabaeus
+mezze
+46.59
+oleander
+flowstone
+figner
+18-2
+67kg
+holiday-themed
+matviyenko
+sensationalism
+thermostat
+tuileries
+casein
+gillam
+sakiewicz
+pantaleo
+technician
+hamis
+oaklyn
+renovo
+demidova
+vibol
+sheremetyevo-1
+nacionais
+sulfatase
+substellar
+doresia
+plra
+tripplehorn
+punchihewa
+gnep
+mispricing
+hiatuses
+gopalan
+maquoketa
+sachets
+karren
+tiberium
+zuidlaren
+tilly
+knxt
+lerida
+shimer
+smart
+well-supplied
+entr
+falle
+simply
+sumerians
+mashego
+wrecker
+robi
+intimidators
+nemeroff
+bossed
+warschauer
+lawner
+lilco
+sabzi
+bruceville
+hora
+level-2
+bacskiskuncounty.gif
+flats
+hellings
+exogenous
+394th
+eastern
+vandeveld
+transalpina
+camsell
+grootegoed
+statistically
+micronet
+haer
+hillblom
+3,004
+beecher
+ministers
+31-story
+malkoc
+clothiers
+butzel
+ethnological
+sackman
+ibovespa
+kitazawa
+magistracy
+alinghi
+frontally
+93.89
+candlepin
+cosslett
+donka
+parasitize
+schleiff
+arbo
+queueing
+czerniaków
+dementiev
+pohjola
+rowayton
+zm
+harrop
+tyagi
+dynon
+mivart
+vesnin
+tosu
+touretsky
+nilsen
+dispossession
+siegler
+4-4-2
+mattresses
+kraven
+wykeham
+friji
+douste
+faraday
+newuniversal
+sheraton
+spider-island
+halifa
+panus
+300-foot
+jazzmen
+i.g.
+bleeping
+iskander
+amortization
+wva
+7-time
+bolzaneto
+predisposed
+collot
+rlds
+ophüls
+kapetanos
+1,827
+barmawi
+macrobius
+voronova
+conyngham
+tricorn
+adiwinoto
+placar
+garibay
+frehley
+barcelone
+expanse
+printemps
+cubillo
+mẹ
+efcc
+randt
+heartfield
+kahal
+vlahd
+8.33
+overgaard
+abdikadir
+berkelium
+shoshanna
+wields
+narváez
+mouw
+corsages
+wormleighton
+tenderly
+cellier
+satoya
+vilma
+marguerite
+weinbach
+bkv
+gamache
+avocet
+eral
+primadonna
+lucci
+ahistorical
+bill-e
+malherbe
+orchestrating
+nankan
+bol
+landru
+420-million
+writ
+7.7360
+non-religious
+37.20
+concetti
+rothdeutsch
+slaveholding
+fluviatilis
+coloradas
+impossibles
+härtel
+alkins
+34.53
+kahle
+pupating
+206.6
+dangles
+horrified
+46
+prefixed
+jalaipour
+iordanescu
+marienlyst
+maatschappij
+brochtrup
+1-888
+dali
+derbies
+chthonic
+zonghuai
+zalingei
+amstutz
+suryo
+annemieke
+calorimetric
+93.3
+reconciliations
+saft
+lacor
+metavolcanic
+crcc
+antiseptics
+dock
+slavic-speaking
+puchu
+clabecq
+relatedly
+teques
+decapitated
+depaola
+wyd
+archeology
+1,500-member
+wackerman
+yuganskneftegaz
+usfa
+live
+khateeb
+bereted
+wengen
+roundworms
+ganglionic
+5-67
+kastor
+auld
+m&gn
+172.00
+kōgen
+205.0
+gls
+symmetric
+admissibility
+nebesar
+vannucci
+oldsmar
+judgeship
+lappeenranta
+silao
+dumanis
+atco
+paradip
+rc4
+givati
+empathizes
+ujazdów
+14.27
+nazdratenko
+reliable
+mawhood
+vursh
+community-driven
+nazeer
+haflinger
+camulos
+oled
+unbuttoned
+hansol
+6sec
+moy
+captain-general
+psychoanalyst
+lillee
+lincecum
+dbase
+vinified
+marchment
+mep
+juq
+varhaug
+oser
+grevemberg
+anthracene
+flint
+romanowski
+hueter
+whiteouts
+hounded
+moravcik
+candaba
+usfsa
+oprandi
+edgemont
+mutare
+nafez
+xience
+102-member
+westamerica
+enlisted
+phb
+secretary-treasurer
+verbitsky
+crookers
+charvet
+d'administration
+balewa
+travelport
+él
+savir
+maline
+ahali
+szeliga
+drechsel
+littlejohn
+meitner
+roekke
+good-time
+ointments
+adriaan
+whomped
+105.9
+kutta
+manifolds
+5:47
+nachtigal
+đoàn
+nearco
+crafters
+90.2
+bardejov
+kirpa
+eurosceptic
+cultivations
+blackmer
+ameridebt
+atami
+feist
+binaries
+upfield
+siudek
+weller
+mullinax
+desiccating
+ochan
+notification
+49.13
+nickel-plated
+pahud
+padmanabhaiah
+ignota
+nightime
+good-for-nothing
+raggamuffin
+major
+hiss
+seongjong
+montclair-boonton
+12:27
+36.60
+pre-medical
+2,368
+zenobia
+serjani
+reformist
+rights-based
+flat-screen
+kataeb
+caryocolum
+dareus
+subwoofers
+insalaco
+23.7
+72-75
+livnat
+sanner
+pit-houses
+icelandic
+.320
+quarterfinalists
+reportages
+nooteboom
+remaking
+mahar
+juz
+b.b.
+myden
+elvina
+weans
+talpur
+propagated
+lilladher
+panagoulis
+cottee
+4,461
+man-power
+horseheads
+capi
+hutzel
+gautier
+stampede
+disqualifications
+festspielhaus
+11.25
+strife
+pleasing
+pradyumna
+smash-hit
+kupang
+biotin
+chamaecyparis
+dogmatix
+saddened
+cottontails
+krępa
+rubio
+pupilla
+eying
+iboga
+balogun
+régie
+offspring
+gullwing
+brakhage
+candelabra
+gwili
+zhemchuzhina
+sire
+8-track
+newsgroup
+motion-capture
+bourget
+rostenberg
+knightswood
+foreing
+spd
+woodvine
+tonen
+raavan
+interoperability
+wanjin
+l'indépendance
+7,400
+krstić
+barbini
+junya
+hosteling
+reilley
+muhajer
+rasht
+jadavpur
+14-year
+ilan
+.19
+minga
+dinorwic
+flouncy
+jjj
+2,234
+g.l.
+rhoda
+faegre
+senada
+u.s.-afghan
+kni
+splinter-group
+dangane
+californian
+mcingvale
+kulmbach
+bildt
+sepidar
+ammunitions
+restyled
+keesha
+spiderman
+rusland
+azeredo
+montalbano
+portales
+roraback
+shanthakumaran
+6th-7th
+crucifying
+tupac
+unladen
+petronas
+murúa
+waldenses
+odile
+georgias
+meditates
+ursprache
+catalyst
+bhojraj
+clarify
+necrophilia
+sochua
+pão
+ingeborg
+whips
+formula_127
+bialya
+democrática
+san-duo
+delanco
+iden
+1.98-meter
+tagoloan
+2,184
+abducted
+kosheib
+monde
+huijun
+angled
+manmade
+gm
+accavitti
+260.5
+agaist
+synodical
+high-king
+paladins
+franz-josef
+tiltman
+most-viewed
+tennō
+caliche
+49.24
+schwarcz
+rossby
+jeannette
+windless
+beijing-based
+laelius
+mataskelekele
+4-of-6
+cassava
+recur
+woomera
+payin
+divisione
+guenter
+comayagua
+ástor
+valença
+tyrel
+mohun
+5,195
+fahrettin
+anodina
+abdeh
+keebler
+moosa
+caters
+santen
+handrail
+couturier
+calamian
+:42
+bridewealth
+138th
+almshouse
+piazzale
+hopley
+female-line
+luther
+lenzerheide
+artashes
+selkirks
+schiemer
+cruchaga
+age-group
+regain
+guantánamo
+screeners
+spacewatch
+protrusions
+clearout
+scw
+mpanda
+deangelis
+amap
+chenega
+yenice
+filonov
+envious
+webinar
+bottles
+goris
+konduz
+19-24
+comment
+curtailed
+oviraptor
+wissenschaftskolleg
+oporto
+nanguneri
+kursh
+vesterbro
+cathrine
+rikk
+dad
+seyyedabad
+promotional
+subcontracting
+benguet
+mutley
+zingarelli
+marciulionis
+dubbel
+crissey
+record-holding
+anp
+cachalot
+crouched
+grievances
+kael
+rulers
+tercel
+hydrogeologist
+pinfold
+faarooq
+segodnya
+mccullers
+coffeepot
+two-faced
+tarnów
+jo-ann
+ruentex
+119.76
+saligrama
+brush-footed
+maud
+closter
+briefly
+maastrichtian
+mirassol
+04:00
+to-10
+kiffer
+distinguish
+shurab
+brignoni
+eurosceptics
+brandts
+foord
+e-1
+27.49
+tadahito
+ignorant
+pasteleria
+mayama
+lezama
+847
+rachidia
+hamarneh
+competizione
+peschke
+1,999
+youlia
+redcap
+torn
+qorei
+cakobau
+pankration
+roll
+krush
+willemsen
+glachant
+centrioles
+electricians
+mcmoran
+mckeon
+al-aqsa
+kumin
+aalen
+troodontids
+pequea
+surcharges
+luzier
+zuccarini
+henares
+one-legged
+689,000
+ruyter
+oleoresin
+(239)
+mesta
+raptorial
+chalice
+72.97
+inventec
+inerrancy
+parolin
+puzzlement
+superstores
+http://www.berkshirehathaway.com
+stricto
+nery
+7-of-10
+sason
+pop-up
+dongola
+dexue
+overdressed
+357.2
+silkscreen
+trabalho
+lauck
+despoliation
+sagger
+p-type
+sabhai
+widmer
+tsankov
+werber
+funday
+gilmartin
+yonggang
+swooshes
+minibar
+1977-1999
+norias
+105m
+rickel
+20-episode
+spider-ham
+xiuyun
+jussi
+arvense
+acacius
+movember
+golubovci
+rq
+montorio
+bokaro
+koloff
+brochstein
+defarges
+voith
+palatalization
+abuna
+bejan
+co-creators
+cross-dressing
+autobiographer
+breisgau-hochschwarzwald
+naughtiness
+delbello
+assunpink
+36.96
+whad
+nwfu
+dissections
+copernicium
+concluded
+harburger
+elcomsoft
+iniciar
+unenthusiastically
+indochina
+balkars
+calamari
+jodhaa
+fahie
+kushwaha
+marathoners
+compulsion
+tczew
+sofa
+karatas
+mazumder
+minhas
+mykonos
+highest-earning
+almalki
+n-series
+stigand
+businesswomen
+1948-1949
+annaberg-buchholz
+ferencvaros
+dotson
+bluefly
+boxford
+0625
+bezhetsky
+180-member
+jōban
+aurangazeb
+rutbah
+co-wrote
+tañada
+oxe
+thessalonika
+funar
+virji
+thabet
+belfair
+rothbury
+tibidabo
+cas
+wrestling
+melun
+whirlwinds
+eprlf
+hartsop
+isabelle
+tullibody
+chindamo
+chordates
+amyas
+cultism
+harping
+26.86
+observation
+aaron
+golfe
+mirka
+andon
+i.b.m.
+scribbling
+wargrave
+niedere
+evacuees
+listenership
+joleen
+saperstein
+progresso
+lardin
+hooley
+warisan
+franzese
+sawantwadi
+highstein
+dbv
+balletic
+trabant
+holum
+wading
+cflp
+ballu
+biltine
+565,000
+rigdzin
+reichsbahn
+118.86
+renominate
+targum
+plavix
+soloing
+virals
+0555
+cowbird
+galveston
+simple
+65.65
+seymore
+morrible
+modrikamen
+krawcheck
+constantinides
+positionally
+antec
+saucier
+grabbers
+enovy
+schörner
+delko
+banstetter
+25.033
+mametz
+hazlett
+rantoul
+c6.r
+4,246
+9,075
+moïse
+yuval
+mathus
+wenceslaus
+15-10
+10-by-10-foot
+dombeck
+subquadrate
+komnenos
+effectenbank
+remotest
+tarzana
+brandenburger
+almayer
+indentity
+macchiato
+mylor
+121.43
+pinget
+ivpp
+mulanje
+gramlich
+tandon
+verjus
+73.80
+oceanfront
+count-duke
+31-run
+yorktown
+weeden
+wallander
+12am
+debajo
+villegas
+laima
+seelos
+abbett
+pressburger
+batis
+kersabiec
+law-abiding
+algarves
+a71
+shillito
+52.3
+ska-punk
+43.76
+ciboney
+uhrich
+grp
+kiriya
+tkautz
+prising
+39.71
+whiffs
+ultrix
+fishergate
+99.75
+miloš
+successes
+eurodif
+her2-positive
+resurfacing
+insoles
+venkatagiri
+teairra
+umida
+kazan
+pro-roman
+psoe
+conner
+adware
+cheerwine
+antona
+britney
+kühn
+kumaris
+five-sixths
+keravnos
+pampas
+ötzi
+chappy
+struck
+unit
+mileposts
+ballinhassig
+pactor
+copperopolis
+gangapur
+mljet
+«
+maladministration
+valery
++
+jusen
+fetchit
+tetramers
+gearing
+60-kilometer
+hollinwood
+clinker
+4,077
+bortezomib
+outshining
+kisco
+taxation
+moratti
+weerasinghe
+baijiu
+yj
+cpms
+bartov
+romito
+britannicus
+46-yarder
+liutprand
+gunzburger
+jadeja
+minggu
+basketweave
+feoffees
+mib30
+privation
+guuam
+zaouia
+msft
+niebel
+oxaloacetate
+202-224-4751
+ionides
+iwas
+decision-making
+555
+alinsky
+kinheim
+1a
+quaver
+verghese
+botchan
+cholas
+decandido
+am94
+hyat
+tpt
+pruneda
+reflectivity
+adomnán
+decisioned
+dichand
+zannex
+ruedas
+18:57
+tulafono
+suranga
+38-11
+homen
+54-inch
+21-years
+itesm
+demetz
+lsg
+semi-structured
+misconducts
+enayatullah
+vereeniging
+walkovers
+loosehead
+re-instated
+maketu
+ecz
+sandcastle
+t13
+98-85
+134-year
+doré
+dotes
+kiosk
+cybernetics
+1995-2005
+cifg
+bapa
+then-fledgling
+militants
+11,600
+metrocall
+erdélyi
+deifying
+châteauguay
+levick
+zork
+cheonan
+1,926
+114.50
+amakhosi
+ddj
+koech
+gomułka
+leichtman
+luqman
+80.82
+breakdancers
+nuzvid
+pregnant
+spotting
+2-cylinder
+idah
+nomsa
+nomvethe
+first-sale
+disappear
+subsidize
+swoon
+panagopoulos
+14:46
+cepr
+buluan
+18.74
+farhana
+humsafar
+nypl
+.000
+cuneiform
+yongwei
+shashanka
+espartero
+cobie
+co-accused
+thongsing
+scliar
+merrie
+reworded
+agkistrodon
+indofood
+288.5
+khashan
+beenleigh
+nematandani
+cruising
+yiau
+sibson
+siku
+hillegas
+asbat
+sport1
+ranariddh
+formulates
+peats
+256mb
+n'kufo
+piero
+wakiso
+4.3-billion
+craigellachie
+potosi
+summerville
+belg
+quinns
+monkeybone
+alboran
+sukarnoputri
+khanduri
+0.66
+109,000
+manutea
+la-la
+reapplied
+albite
+saphenous
+unfroze
+présence
+faerie
+mudanjiang
+merrem
+chafee
+good-faith
+sorkheh
+1.4385
+m48
+walkuere
+strokes
+leftarm
+stanway
+dead-heat
+gelais
+onken
+nonstarter
+simpatico
+dinmont
+orr
+interregional
+xishan
+hujeilan
+dortmund
+gakayev
+mubin
+kvens
+1,257
+guijin
+barawa
+anvil
+overestimating
+18:33
+filk
+shortz
+jeetendra
+quinet
+hypostome
+unternehmen
+soedjono
+majda
+main-spessart
+althorp
+43-26
+alathur
+hutsuls
+vocalists
+shahanshah
+molls
+bockarie
+hh-65
+e23
+parsonsfield
+bedanova
+delirio
+weigh-in
+antwine
+cop
+second-run
+grotto
+coalgate
+shima
+93.5
+4-27
+magris
+robotman
+sedatives
+idle
+tembagapura
+blossom
+.97
+karyotypes
+4:51
+lauch
+elbit
+bedposts
+alt.religion.scientology
+67.2
+balkan
+waterwheels
+bennie
+bochk
+retro
+unmeasurable
+d'europe
+bastable
+wierzbicki
+fuk
+accrual
+interference
+roundway
+lemas
+1219
+boulin
+vetigastropoda
+unpractical
+pedantry
+berea
+rozhdestvensky
+himesh
+bioluminescence
+:8
+scalped
+milbourne
+spinet
+rictor
+caste
+unh
+thernstrom
+potentiality
+stormpay
+governable
+tryggve
+84.0
+mehrjui
+aphrodisiac
+benny
+thana
+a12
+201.6
+signficant
+six-page
+digby
+brookstreet
+melanoxylon
+entrance/exit
+abda
+placentation
+1619
+goliad
+atheros
+hoser
+chorley
+computationally
+truppe
+first-time
+nongovernmental
+wedgwood
+pitirim
+776,000
+tismăneanu
+eddyville
+jerzy
+kissimmee
+atambua
+nicols
+coswig
+jat
+snoehvit
+mecklin
+jeck
+cubs
+disfigure
+lessie
+1021
+thury
+euthanization
+mauritian
+277.5
+sunita
+treading
+sisler
+vinkovci
+ecks
+mpumelelo
+calliostomatidae
+krylova
+tailandia
+life-cycle
+n'ajjer
+retroactivity
+siguenza
+kemayan
+tsegaye
+romanticize
+elapses
+f6
+denha
+tu-95
+renin
+rangelands
+125-seat
+ushahidi
+nasib
+ura
+chỉ
+.316
+laffan
+mirabai
+kanhaiya
+mccolloch
+unflustered
+21-park
+bruemmer
+ladipo
+panaon
+period1
+circulars
+aspirin
+overacts
+morinaga
+gdansk
+ryan@globe.com
+talvela
+tetris
+xerfi
+commander-in-chief
+myobatrachidae
+wwoz
+m21
+badrah
+llao
+01:20
+delfan
+gardasil
+104.74
+dawes
+fayson
+candida
+1980-88
+scrotum
+nordbank
+towline
+akanishi
+’‘
+sébastien
+rashida
+garnaut
+1920s-era
+mahishasura
+wanderer
+hush
+gesualdo
+mintoo
+vujanovic
+mazari
+när
+suhair
+zhuk
+giaquinto
+150-200
+3:36
+steerforth
+flandern
+vaclav
+poacher
+indolent
+cressbrook
+repressing
+neah
+32-inch
+backswing
+jetta
+vache
+60-pound
+americaone
+nirguna
+forehead
+raynes
+mrta
+wuling
+h&e
+tata
+janakpur
+hodari
+isdb-t
+bomis
+khosrov
+nonstory
+downstroke
+niverville
+3,551
+decurved
+satb
+polyethylene
+langenberg
+long-extinct
+hartleys
+surbano
+mcvicker
+cesnola
+fck
+elegantissima
+twofold
+ubp
+spyridon
+sciuto
+shizue
+manises
+thyroidectomy
+émilie
+urbas
+six-digit
+latissimus
+akerman
+618
+munisteri
+fairywrens
+neururer
+craon
+zadok
+roundball
+daddy-o
+kust
+gsis
+bejo
+univ.
+60-acre
+languished
+mailbags
+sokolović
+elgood
+res
+rid
+janas
+hegelian
+top-scorer
+4,135
+weinhold
+bloons
+freymann
+uzbeks
+naim
+sivaraksa
+unethical
+yongzhi
+alaverdi
+hashanah
+yoriko
+lasse
+shippen
+thika
+openwork
+piaggio
+skete
+fhp
+pottery
+pigmentosum
+kezirian
+157.3
+d26
+afterall
+gunnison
+communiqu
+15-page
+rokossovsky
+dutchbat
+10.76
+decision
+marlie
+coyotepec
+tongkou
+linesmen_scott
+sigillum
+marol
+externalizing
+misspelling
+endorphin
+fawsley
+detriments
+yingxiu
+housemartins
+dvb-t2
+ashi
+3,854
+francona
+militaria
+41.03
+weighed
+wmi
+offshoring
+tomoyuki
+ifaw
+cfac
+cotler
+zaveri
+vashem
+fresnadillo
+casamassima
+ilir
+lokey
+2308
+arai
+47-34
+odhams
+buia
+gilboa
+bombings
+bersamin
+vncctot
+salti
+replaytv
+garinger
+cordonned
+ruffe
+proastiakos
+167.2
+orneriness
+bizkaia
+.523
+3,290
+e-tron
+lúcio
+hydrologically
+stand-alone
+ausaid
+spatiality
+zilina
+split-second
+sosuke
+coffins
+peirano
+berakhot
+scalaris
+rheinfelden
+martinů
+morn
+illegalities
+telramund
+nepticulidae
+badlapur
+riederer
+zlenko
+ssaa
+pilu
+street
+heterodera
+heraklion
+embarrasses
+2,157
+datatreasury
+bamaca
+mc-4
+sutent
+124.15
+sedaghaty
+workflow
+burdwan
+paddlewheel
+chodos
+natekar
+non-feature
+aironi
+milić
+tlacolula
+gigged
+ironical
+59.58
+8,032
+birdlike
+magan
+rices
+afw
+parten
+deliciously
+frautschi
+gaskins
+polding
+assim
+solotar
+barsanti
+lunde
+hittner
+low-quality
+masterson
+medullary
+0-100
+democratisation
+achterberg
+truncates
+hyun-soo
+shadowclan
+6-foot-10-inch
+nectaries
+9-of-13
+57a
+10e
+266-megahertz
+hollybush
+bommarito
+galvani
+dual-gauge
+refosco
+pulso
+fundacion
+michelson
+flaskas
+hildebrando
+impounded
+pleo
+söderberg
+mceachin
+shahwan
+servicing
+seigen
+aubigny
+s16
+oestrogen
+ekins
+elcho
+rodia
+rafiah
+nette
+mluleki
+k-line
+http://www.chesscenter.com
+tfg
+r0
+childwall
+pither
+imagen
+736-member
+clans
+arverni
+intensify
+siemaszko
+hmong
+sanne
+brovary
+msgr
+bridges
+examined
+convoluted
+kasser
+steane
+change.org
+citta
+depressurized
+horrorcore
+centanni
+riffe
+trinci
+severus
+panzer-division
+lyssarides
+penances
+buy-side
+ohlmeyer
+colter
+witheld
+bitove
+343.5
+netiquette
+photodetectors
+dula
+tegretol
+o’donovan
+decreed
+tulowitzki
+bohras
+catapulted
+anti-oxidant
+bluecoat
+ooooooooooooooooooooooooooooooooooooooo
+maoyuan
+halvdan
+4x7
+unusan
+m60
+mieczyslaw
+cortas
+galego
+eliphaz
+alto
+non-elected
+darrick
+37.21
+willington
+zeitoun
+bocom
+nonantola
+felonious
+labradors
+momah
+conserve
+soapberry
+boulby
+kulka
+reboots
+diathesis
+juco
+harifal
+duponchel
+1,296
+tungipara
+glow
+entice
+cooley
+sumaidaie
+under-22
+morfik
+espiritual
+wugu
+f2002
+trnc
+lampreys
+cyr
+radovljica
+ibushi
+tatopoulos
+rejoin
+mahlman
+interserie
+sagrera
+wörthersee
+pamal
+0.019
+trailbreaker
+20.22
+90.11
+lade
+espinete
+ark.
+60.24
+surakiat
+enshrine
+gangneung
+japan-only
+yajnavalkya
+oilmen
+jeffires
+byung
+murge
+mahbub
+pgas
+turkeys
+prolate
+rails-to-trails
+execrable
+jalal
+encrustation
+zhuravlev
+mazzacane
+christliche
+marquina
+syncronys
+monopolized
+cblt
+side-on
+pambos
+fire-support
+warlick
+15-23
+fretted
+matyas
+adonai
+cottington
+renyi
+uffizi
+asuni
+zavagnin
+euro356
+prioritize
+yohannes
+share
+superclass
+hank
+archness
+umlauts
+loans
+92.59
+siroky
+bäcklund
+birthers
+barrault
+mantra
+1.12
+waterspouts
+lecocq
+undereducated
+23.33
+sautoy
+savitr
+tateno
+nikkan
+gyllenhaal
+luli
+urowsky
+temescal
+fusen
+incontinence
+laureline
+ducking
+bastille
+morses
+svanetia
+petexbatún
+tupolev-154
+7:26
+deutz
+mrcp
+dimebag
+mig-21s
+bonnefous
+jumbolino
+bho
+nuber
+sorrow
+8-for-16
+zdx
+straightforward
+olfaction
+dithers
+brighthaupt
+friedrichsdorf
+circulate
+preassembled
+110.79
+eifel
+vytorin
+fan-created
+34.72
+qubing
+camporee
+horizon
+mezvinsky
+18-20
+kamaran
+hunslet
+gryce
+ilidza
+fidei
+cd-rs
+asala
+misapprehensions
+hydrofluorocarbons
+phlorotannins
+strike-slip
+talibanisation
+alit
+ü
+markdowns
+trances
+piil
+1040s
+seina
+puccinelli
+bandelier
+jarret
+lenco
+wicks
+perwaja
+yakumo
+decibels
+cts
+llr
+59-49
+cyberinfrastructure
+manche
+kitáb-i-aqdas
+lasix
+jinxing
+scinax
+sixshot
+neurobehavioral
+groven
+winair
+kilbirnie
+baqubah
+lukits
+rewind
+couperin
+teide
+nutten
+hidden
+18k
+onus
+self-serve
+thip
+jerilderie
+62.94
+figurine
+koshikawa
+self-declared
+photons
+1.184
+defeat
+transferred
+tomography
+windjammers
+skyrider
+42-day
+bivectors
+telegramme
+047
+tri-color
+jianyi
+marybeth
+egoists
+northcliffe
+purchaser
+harpenden
+moveable
+tsuzuki
+darmono
+rinds
+6,397
+djemba
+mahlathini
+ramtha
+paeniu
+milkweed
+70,000-square
+1,400,000
+sojourns
+koniecpol
+barnes
+girondins
+dibona
+sociopath
+radjavi
+maastricht
+marlatt
+valdivian
+bynoe
+buenrostro
+hst
+wine-growing
+sinkinson
+wtvs
+expungement
+fyshe
+2,935
+mtel
+multiculturalist
+84.51
+rissoa
+glowworm
+meydan
+overbanked
+swoosie
+shalin
+semanario
+2,037
+midflight
+kraul
+vengeur
+falanga
+lubaczów
+fegley
+dreadnaught
+holloways
+10-year
+3,006
+carnatic
+wedell
+grant
+roundels
+iras
+kalantari
+180-square
+zuko
+prewar
+sextant
+sirisak
+capillaries
+tatran
+jetstream
+davids
+polynucleotide
+tyree
+lafcadio
+1991-94
+gardin
+10th-12th
+larsa
+orbost
+bombeck
+shampooed
+archived
+midheaven
+cockfighter
+tamatoa
+kurosaki
+honore
+cinna
+baysox
+diviner
+grandeau
+wwwa
+wnuk
+teatre
+jobete
+sancy
+putrescine
+tenure
+bcs
+shastri
+sakellarios
+flanked
+brás
+unzueta
+nitriles
+11-12th
+vöcklabruck
+sagrario
+idomeneus
+remasters
+huarache
+tastebuds
+farsighted
+62
+exchange-traded
+shantadurga
+mutineer
+keeshan
+khandoba
+tista
+jezierski
+mazor
+coreldraw
+balbus
+224-page
+,8
+isbt
+luana
+doba
+paddock
+vierchowod
+guaporé
+u-156
+ortegas
+delocalized
+484,000
+tavarez
+apulian
+tatars
+dh-4
+91.94
+yukmouth
+*
+coining
+three-minute
+haisheng
+hongzheng
+calif.-based
+tiên
+distributing
+lausitzer
+nisko
+diplomatist
+qwartz
+haik
+formless
+28-26
+volvox
+enthralling
+manoeuvers
+13:43
+vbscript
+academy-award
+upmost
+vadamarachchi
+newcap
+karbon
+gainsborough
+http://twitter.com
+paper-based
+80-70
+monist
+dennings
+codesal
+kootenay
+dindane
+morganti
+marlis
+karkar
+parkade
+skittles
+blueliners
+thrissur
+shifts
+janvier
+jeanetta
+124.9
+chalco
+consistent
+adair
+fugitive
+sawarka
+filan
+herbstreit
+fairleigh
+beetle
+567,000
+2-15
+rushmore
+monicker
+tittle
+glory
+minmay
+krakow
+conic
+pompeya
+6-foot-9
+tjorhom
+cientificos
+teutons
+bejaoui
+teakwood
+higgin
+social-economic
+workshopping
+118.96
+geballe
+lawrie
+gq
+prioritising
+gartmore
+rothfeder
+cbs4
+jhood
+chessington
+leprechauns
+qali
+sparkled
+pippen
+microdermabrasion
+red-nosed
+jarabe
+alleviate
+abdoliyeh-ye
+haytham
+2-for-14
+kilowatt-hours
+kazmaier
+jell-o
+mhlaba
+balie
+4,625
+bustard
+nyborg
+non-associative
+applesauce
+cracklings
+arcology
+hailstorm
+190.4
+3-of-11
+subhumid
+vympel
+giaka
+dār
+rimbunan
+censuses
+hand-picked
+hija
+dieuze
+chrysander
+30-seat
+wrex
+uwa
+huynh
+exceller
+karaisalı
+laton
+aasbrink
+35-degree
+dpi
+swag
+re-done
+smederevo
+lucente
+0-for-20
+sags
+bikker
+129th
+kemner
+forgoes
+azofeifa
+hanky
+pre-civil
+pyramid-shaped
+nociception
+multi-week
+81.5
+salgari
+spinae
+refurbishing
+810
+tirona
+b.com
+fontbonne
+freedberg
+cuddling
+noaimi
+alejandre
+114.44
+sanni
+gorki
+expeditionary
+standby
+siquiera
+deathmatch
+freivalds
+23.29
+oposicion
+abridgements
+wamu
+fourth-highest
+124.6
+adap
+fac
+26.81
+cuo
+ellison
+urszulin
+manin
+1987-93
+literaturnaya
+chillon
+iron-based
+darß
+thiele
+pediatric
+givry
+collamer
+unceasing
+pijper
+ánh
+hoffmann
+bennettsbridge
+hyuck
+starkey
+mountlake
+5,625
+burgher
+sha-1
+garc?a
+mamerto
+pattimura
+infringer
+indomie
+aggressions
+trinomial
+trade-related
+fallersleben
+nouba
+weiming
+polytechnic
+kaweah
+sidran
+fcn
+wetangula
+namida
+58,300
+maentwrog
+masara
+makiri
+birdy
+rodri
+annealed
+camulodunum
+onchidium
+kaplicky
+shomali
+takahata
+jonzon
+chillington
+wacik
+ceryx
+wachuku
+1.188
+occlusion
+investigaciones
+101st
+122,500
+nuesslein
+folk-oriented
+anglo-french
+literalists
+schwalger
+landt
+bonna
+justesen
+larut
+mangalore
+aya
+macintyre
+anesthetic
+joong
+stoplights
+fmb
+23-25
+falstad
+mysłowice
+5.85
+tholos
+silver-white
+folan
+kilmaurs
+iuniverse
+motorized
+yzaga
+schuringa
+phippsburg
+stare
+tourondel
+verzosa
+prefigured
+monastery
+abhijeet
+encomenderos
+lothario
+goffs
+oresme
+romir
+sablikova
+nage
+salmiya
+arban
+streetz
+brahmapur
+tursun
+17-16
+turonian
+lutai
+balam
+gressly
+leatherstocking
+perchloric
+busier
+godschalk
+foibles
+syngas
+wect
+32.46
+lithuania
+cigar-smoking
+vardø
+stuf
+leonessa
+huayu
+kineo
+4,730
+mixed-up
+rebounds_new
+271
+171.5
+well-hidden
+hatzfeld
+vegetable
+reeb
+hegazy
+mavin
+hierro
+135.75
+114.24
+addison
+schrage
+breadon
+excipients
+ceremonious
+toting
+kutuzov
+ujc
+digenis
+roatta
+stahlschmidt
+copyright
+kaewkamnerd
+supervia
+randriantefy
+famenin
+kollupitiya
+natsios
+ryndam
+3:7
+seychellois
+blanton@globe.com
+bajocian
+bytham
+750-word
+45.43
+101-85
+papadoyiannakis
+farmacias
+ulvik
+1304
+m1903
+tamiya
+propagule
+kelabit
+gethers
+thoppigala
+kmtv
+frequent
+submatrix
+kelling
+jorma
+butterick
+hazy
+defra
+simocatta
+25-bed
+famagusta
+vachanas
+poitier
+barofsky
+kakata
+wtvh
+petch
+paulo
+vyugin
+dilo
+castrén
+2343
+whk
+cammer
+rupertus
+matjaz
+kontum
+zookeepers
+veneto
+grumbach
+transhydrogenase
+marchiano
+sacher
+sneers
+nestlé
+golovkin
+memin
+dollar
+asahel
+d.c.l.
+merzak
+wehr
+atkins
+leacock
+ingermanland
+phyllosilicate
+fairclough
+toning
+l&n
+pcmcia
+encalada
+reavey
+sax
+apolitical
+bangladeshi
+herberton
+105.2
+supplier
+oecussi
+tatsuma
+holotype
+kreta
+hippocratic
+rowhouse
+papier
+abenjamin@globe.com
+withnail
+balkanized
+débats
+staw
+weissenburg
+türi
+nuptials
+angloma
+chocolate-covered
+riverwind
+resler
+1975-1977
+6.76
+così
+doull
+underoath
+57.90
+pyhäjärvi
+barkha
+micoud
+rejectionism
+sindian
+oblate
+nasima
+ravensbourne
+self-respecting
+chilham
+mangyongbong-92
+iris
+smoothness
+diabolik
+titsworth
+near-field
+25,250
+pangelinan
+matijevic
+exude
+exemestane
+funicello
+cleverly
+extremism
+charlottetown
+carbonneau
+savit
+nuenen
+tufnel
+pompeia
+mulisch
+guanidinium
+suburgatory
+wager
+témiscamingue
+bentham
+consorte
+ghozi
+43.90
+rezai
+citizens
+murlitharan
+sukharev
+qullu
+gammas
+comotto
+16-19
+her-2
+chessbase
+quince
+zygomatic
+masuzoe
+aetolia-acarnania
+russias
+pavlek
+426
+0.060
+boob
+special-needs
+iłów
+riblet
+29.59
+thinning
+socialise
+sinosauropteryx
+frm
+jungmann
+pensa
+pppp
+oppermann
+gobernador
+chevron
+defense-related
+google.org
+trell
+benarbia
+non-carbonated
+piddle
+sililo
+papam
+fugitives
+t.e.
+64.09
+arbeiterpartei
+minnesota-based
+uncivilized
+piste
+karonga
+mssrs
+stix
+counterparty
+sayeda
+remap
+minang
+hygrocybe
+furbish
+plevris
+giorni
+34-year-old
+llangefni
+carnock
+mcghee
+gut-wrenching
+28,958
+mileti
+safarini
+frogmouth
+samaroh
+kouri
+fe/h
+pratfall
+1.5-ounce
+império
+737-400s
+planners
+turko
+comet
+2,876
+neuilly
+brown-forman
+dhoby
+huna
+mizi
+mousse
+flecked
+jorda
+seido
+ghosting
+hexane
+ursule
+basson
+supermac
+pirs
+81,400
+garsse
+always
+wltv
+flavonols
+189-nation
+o-360
+carmela
+decumbens
+pura
+monotherapy
+riccioli
+104-83
+ultra-wideband
+gleevec
+isidora
+amaral
+fremantle
+mubiru
+rtk
+4,028
+dentinal
+messiahs
+jobseekers
+atrush
+shouter
+hv
+p&o
+hle
+cadarache
+rabbinic
+durbanville
+osaze
+treskilling
+1979
+resuscitate
+lowest-ranked
+mahipala
+potential
+kouprey
+kundara
+chalakudy
+damages
+all-southwest
+luzhin
+twardzik
+romilda
+hepsi
+kroq
+methacrylate
+leavesden
+leveraged
+butterwick
+hackneyed
+pandacan
+onek
+żegota
+darden
+luas
+6.42
+organometallic
+airwaves
+jan/feb
+arhats
+thair
+andreesen
+renat
+heinie
+namouh
+militiae
+2:23
+yanjiao
+ekornes
+father-daughter
+latenight
+hand-dug
+hppd
+gustafson
+seatrout
+amlwch
+haresh
+29-nation
+ossification
+6,155
+glassblower
+sihine
+actualidad
+constance
+slavisa
+lhuyd
+sojka
+ilaria
+varadaraja
+paxton
+strikebreaker
+dbkom
+co-currently
+64.54
+playboys
+rockit
+bandundu
+zpp
+teruel
+jenis
+persing
+decompressing
+meldrim
+bosom
+maguid
+megat
+pages
+penbe
+5,175
+quarashi
+forsake
+councilwoman
+ecofin
+dybbøl
+21.79
+bie
+nalbone
+canemah
+zane
+kawthar
+scrappers
+2,902
+35-yarder
+(208)
+hausknecht
+gantu
+unlatch
+kf-16
+chandrasekar
+crary
+pétange
+bjornson
+69.68
+48.96
+silverman
+precios
+467
+olgovichi
+drin
+boobook
+705
+rcms
+14:30
+standi
+sinfield
+ctf
+abstention
+playsets
+80-pound
+repaired
+chartley
+guested
+texas-based
+democratizing
+wardwell
+videoclip
+anti-corporate
+111.39
+wannous
+116.20
+cacique
+karađorđević
+conai
+hanby
+cpu
+acylation
+seraing
+liatsos
+buffs
+vane
+self-pollinating
+uner
+shankaran
+tenny
+chatterton
+tjc
+orszagh
+renshaw
+técnicos
+mensural
+mobipocket
+aounit
+dejado
+remixing
+mmx
+animaniacs
+8,510
+drg
+1194
+28-march
+tuljapur
+duplass
+velocidad
+europeanization
+gronkiewicz
+alameh
+kutesa
+garhbeta
+unshakable
+immanent
+stempfferia
+busche
+shukria
+rossetti
+falaise
+anastos
+chhang
+bellfield
+manor-house
+walkersville
+photosynth
+117,000
+pus
+stricklin
+grillz
+840,000
+daimlers
+cherusci
+fape
+liniers
+sanoh
+ricochets
+soviets
+flips
+3201-8950
+imro
+15.63
+uhd
+fluctuate
+venardos
+senior-most
+takings
+vineberg
+making-of
+reformatories
+umhlanga
+steadfast
+langworthy
+rideout
+halldórsson
+stampfel
+influential
+roundabout
+nonsedating
+chorsu
+pyrotechnic
+drapkin
+unwritten
+cybersquatter
+thies
+anabela
+amylase
+tiësto
+korr
+oudtshoorn
+post-byzantine
+mengistu
+vihar
+tagua
+schoolfriend
+15.5
+recevied
+76101
+jayo
+gateshead
+amie
+zelic
+retentions
+kacher
+darvon
+brimhall
+siuc
+sludges
+roly
+reiterations
+palmeiro
+701/2
+bij
+pujiono
+fallowfield
+icecaps
+amerind
+nebelwerfer
+purrs
+tuning
+cyphers
+tamou
+macewen
+clivia
+savonarola
+corporatism
+alay
+hovey
+adeyemo
+trawsfynydd
+ceia
+mazreku
+coffi
+finrand
+westlands
+ornda
+nolan
+nonsexual
+caparros
+jivin
+conchobhair
+506
+subleasing
+televizija
+osotimehin
+endothelial
+shum
+62.30
+wakai
+w14
+pretension
+euro87
+1916-1918
+hing
+zantzinger
+somehow
+biggs
+padlock
+antiderivatives
+stairway
+orontid
+layo
+sfs
+quirk
+chaikin
+alltime
+ikramullah
+vibius
+gavric
+ilse
+baths
+orzabal
+superordinate
+tandragee
+43.97
+extrasensory
+15.04
+landesmuseum
+i-39
+shangdi
+nienor
+30.60
+cheapies
+15-april
+bowties
+presidencies
+34-14
+caday
+bonnano
+conventions
+garnering
+utara
+conk
+lejon
+denitrification
+all-tournament
+tadaaki
+restore
+roasts
+nationa
+erythropoiesis
+polish
+navion
+cerrah
+slacker
+132d
+tule
+lubomira
+gibraltar
+nôm
+gisha
+blueefficiency
+mcshann
+ukas
+perennis
+nycomed
+u-20s
+bulaq
+macro
+mirrorball
+encinal
+trus
+uchino
+s.o.s.
+æthelweard
+kjær
+hillgruber
+loosestrife
+us-mexico
+50.83
+taizong
+a-300
+1911
+paok
+qualm
+salience
+lunchtimes
+télécom
+-68
+vickerson
+slayter
+petey
+2701
+roschmann
+andresito
+janiak
+madhhab
+beruwala
+osthoff
+liliom
+elvia
+outpatients
+euro16
+breedlove
+sinetron
+nytnews
+traxxas
+nvi
+thongchai
+hinesburg
+clemm
+rims
+singara
+money-making
+darcey
+dangun
+lavelanet
+shivered
+happily
+evangelista
+houlgate
+1,846
+off-key
+12.375
+mbasogo
+hocked
+heidrek
+dokić
+dairen
+caeiro
+gavotte
+horseflesh
+conjured
+foum
+samho
+creel
+labem
+ulverston
+vanoise
+bovine
+armaan
+lefthanded
+berlanti
+toroitich
+8,231
+metalized
+1950
+kanina
+allegan
+disassociated
+suoi
+principia
+baskett
+sarayu
+26.98
+fuertes
+dominis
+sheepdog
+52d
+dowlatābād
+terminal
+achnas
+107.54
+bustos
+kennel
+roomie
+215-mile
+pyrzyce
+dsge
+vereniging
+dvp
+bernanke
+continents
+86.66
+puroresu
+development
+poorly
+up-river
+abshir
+:51
+slackens
+reregister
+placentas
+aldhelm
+holinshed
+leggy
+grup
+playtime
+50.26
+bridgeford
+nicholaus
+heironeous
+atabay
+petronilla
+barbey
+desna
+grunsven
+shanter
+dilton
+chickahominy
+quarter-comma
+weathersfield
+younha
+rikimaru
+lobera
+37-13
+10-8
+dedman
+sử
+pharoahs
+legisladores
+adriyanti
+harpersanfrancisco
+100.93
+bradfords
+syngnathidae
+borrel
+sympatric
+rhadamanthus
+ravenloft
+96.3
+non-trinitarian
+lior
+hoberg
+bigan
+kankowski
+heterotrophs
+1942-1943
+hanno
+107.45
+conjurers
+watashi
+tingley
+jović
+jóhannsson
+ac-47
+pagarusa
+malade
+mishaan
+schalkwyk
+emergent
+saadian
+kyoon
+2,951
+4,008
+svindal
+ravich
+alleged
+122.90
+deraz
+djoser
+58.87
+underworlds
+awg
+lehota
+kazerooni
+goal-kicking
+stead
+keiran
+manoeuvres
+ostin
+ljubodrag
+teneycke
+partij
+loincloth
+denatured
+abjuration
+long-dead
+kasa-vubu
+voglio
+corresponding
+niggle
+soups
+laity
+3,456
+umair
+imbrium
+piaski
+m.a.s.l.
+f-5a
+ciuc
+hetherington
+chatmon
+pogoda
+774,000
+2000/01
+martini
+valediction
+suweirky
+83.74
+believers
+smog
+kulu
+headspace
+stoll
+igadd
+109.89
+yelabuga
+آباد
+phaleron
+revolver
+52.06
+26-6
+romanée-conti
+kohner
+phr
+quito
+garfunkel
+neurobiological
+zehl
+60,500
+torbjörn
+hinterrhein
+mangu
+aesthetician
+1,266
+yefimova
+coolheaded
+formspring
+khamerernebty
+furner
+zounds
+harrisii
+hochfeld
+403,000
+toekes
+isto
+redds
+gamine
+specialisations
+flåm
+dombe
+1,966
+houlder
+intramural
+confiscates
+wgy
+bettis
+boneta
+jesi
+2.16-meter
+wodiczko
+urhobo
+kingsport
+tani
+entertainment.ie
+wittekind
+bashe
+hibbertia
+om
+dero
+launcher
+warsteiner
+cinisi
+cornero
+tripos
+world-known
+paguia
+pia
+kacl
+brimacombe
+jellicle
+klamer
+jihong
+begum
+moates
+backstabbing
+podemos
+34:48
+plesiosaurus
+bassolino
+rioter
+ambushers
+emp
+surrealists
+pieman
+shivpuri
+5,245
+1/200
+nutt
+9-13
+76.49
+nissl
+wase
+tomoji
+andrie
+oland
+yvert
+shinzon
+mchugh
+6b
+abrogate
+voyvoda
+prabang
+moteurs
+1801
+patroled
+clopas
+valleyfair
+66-year-old
+blackbuck
+eyecatching
+pochana
+widmann
+tigranes
+hoeck
+quavered
+mcdowall
+hablan
+junk
+elkie
+ghidorah
+knowle
+judiciousness
+kpb
+lt.
+ciac
+thrombolysis
+cassibile
+kukk
+sagd
+l'authentique
+miike
+madey
+kilodaltons
+tsekov
+11-style
+helmond
+ncsy
+fb-111a
+barthe
+irascibility
+timeline
+singalong
+archibald
+xenotransplantation
+bad-tempered
+buschbacher
+b'av
+ossetians
+tikkanen
+ahenakew
+bearup
+qax
+azipod
+84-72
+lanterns
+cheapskate
+katona
+rap/hip
+langdon
+weisberger
+1,100-pound
+zox
+inishmore
+reyer
+impish
+mccrie
+cainta
+johnnes
+alls
+brussel
+separability
+clelland
+bisher
+phere
+rusts
+d'andorra
+magnitude-9
+evarist
+poblado
+doab
+reporter
+bednarik
+batz
+quanyou
+enriques
+wildeshausen
+fairtest
+laybourne
+1926-1928
+108.62
+geis
+417th
+classifieds
+fixed-income
+loris
+ramidus
+elna
+northerain
+remesy
+sambhu
+orda
+joik
+demirtas
+1995-2007
+rangiroa
+rambourg
+1497
+2,542
+cloncurry
+broberg
+fathoms
+kelong
+echarte
+112.5
+łaski
+agonizingly
+berlind
+ravinder
+markus
+kwip
+adores
+navajos
+sompo
+rezo
+generators
+jamalul
+erroneous
+arizmendi
+righteous
+knute
+highpoints
+co-receptor
+tăriceanu
+senalan
+kapitan
+marand
+wasan
+wrottesley
+lakshmipathy
+lbf
+kempas
+kanji
+besought
+timmie
+pavlas
+kepahiang
+26-second
+30-24
+irbs
+tanacross
+myn
+aishah
+savalas
+patah
+ajc
+chaenopsid
+rizer
+deshpande
+grimme
+illustrate
+pyzdry
+altezza
+selzer
+palice
+playford
+9-ball
+122.4
+jschwartzcoxnews.com
+kerzhakov
+284.4
+jpp
+periódico
+bhattathiri
+malvasia
+airlocks
+vallecano
+22/32
+senhouse
+impellitteri
+0.6-meter
+voluntarily
+4a
+raymon
+newswriters
+hmaruc
+leritz
+wister
+calvino
+alianza
+gouaches
+abdil
+shortlands
+batfish
+noorani
+bywords
+heterochromia
+adana
+lookups
+lettow-vorbeck
+n.k.
+woodturning
+forstall
+deacetylation
+tarmey
+43.06
+leaderless
+lochgoilhead
+edition
+sławno
+rufaro
+salita
+95.70
+loches
+myeloma
+chala
+pre-released
+ripened
+innerste
+30.40
+koernke
+21:00
+bywell
+stotts
+2666
+京兆
+elbowing
+henricks
+scholes
+15-7
+tider
+http://www.oracle.com
+boreal
+waltzed
+horseracing
+anyways
+ridolfi
+hertrich
+pirouettes
+formula_14
+fcic
+llaneza
+shuying
+berna
+newscaster
+neofolk
+baya
+grouard
+mallarmé
+recognize
+abundance
+moyano
+cross-canada
+lacrimosa
+arcor
+anorthosite
+161.05
+roussanne
+demin
+sealed
+4-95
+talal
+ruchill
+lml
+acadians
+a66
+woolsthorpe
+colotti
+flightplan
+jacksonport
+korzeniowski
+georgiyevich
+177
+llamas
+airbags
+ablan
+luns
+coder
+starhill
+potestas
+pachuco
+tawdriness
+nr02
+nesson
+sabirin
+3:49
+bremanger
+sheni
+d-alanine
+flirtatiously
+baumannii
+artarmon
+macedonia
+edelin
+norwegian
+vichada
+stockholm
+majorcan
+preedy
+fpeco
+kanyabayonga
+vrinda
+kxta
+cosey
+film/tv
+nockels
+doubtfully
+falsifiable
+kolodziejczyk
+postnominal
+paech
+volcanologists
+61.43
+mikal
+112.90
+makybe
+determiner
+f-86a
+insurances
+ayew
+airdrieonians
+ascheberg
+centris
+100.7
+diammonium
+greensboro
+proverb
+rusticus
+segi
+dundon
+unteroffizier
+yunfu
+oralist
+abbiati
+broncs
+60.68
+segues
+lancome
+ocelots
+tessmer
+semi-dry
+plumelec
+gebhardt
+kyats
+2036
+fabasoft
+lautner
+emoting
+etxeberria
+terroso
+gidari
+lanois
+aboutrika
+sidi
+bargsten
+boq
+53.74
+sba
+bezirksliga
+kapfenberger
+resource-poor
+1:34
+sporleder
+pluralist
+usfs
+tromeo
+gadhvi
+dysert
+faunal
+jvrb
+teamtalk
+silat
+zennström
+612
+changdu
+315-pound
+stylesheets
+risco
+o'gara
+54.62
+tenderfoot
+giganotosaurus
+peralta
+zemer
+teymur
+eisenhofer
+x25
+victims
+tumorigenesis
+roseborough
+amatuer
+jaci
+6,333
+petillius
+medically
+torstar
+provance
+clouston
+ksani
+macdonald-cartier
+laborie
+gunshots
+anil
+maravilla
+previti
+pdp-10
+telematic
+divides
+bantamweight
+janeane
+madai
+readjusting
+dan
+hossa
+montaño
+tawara
+khwarazm
+ogomudia
+petchey
+astara
+kitona
+109.87
+banik
+82.61
+pamukbank
+hits_bichette
+pzpn
+alabamian
+alibi
+infections
+glorious
+dolar
+cáech
+scenting
+pandita
+internus
+hermione
+whittle
+599
+spacehab
+stoudenmire
+beige
+canford
+178.00
+gomme
+posole
+know
+mughal
+marwar
+ziri
+gyalo
+quasimodo
+nordlys
+mariama
+indie
+amputees
+swaney
+strepponi
+aragão
+moniaive
+deadpans
+avignon
+patriotic
+roanne
+soliev
+cahoon
+aricept
+urban
+bowels
+70-64
+museumgoers
+funkiest
+raboy
+anne-marie
+tirrell
+cpaffc
+rehovot
+refrigerate
+ufrj
+anatase
+olimpio
+multiform
+511,000
+biberman
+220.4
+disproportionation
+siddhis
+37.49
+jomini
+lefty
+bio-energy
+m65
+fudged
+televisão
+brigaded
+eyschen
+1,245
+symplocos
+powerslam
+shiberghan
+fynes
+dixton
+high-value
+buthe
+questlove
+hosannas
+gasela
+307th
+meloney
+referendum
+27-sept
+heliocentric
+bundoora
+einige
+mckusick
+meanjin
+fullilove
+kandhamal
+9a-9p
+courtois
+ghodse
+15-cent
+marrese
+louch
+pios
+babille
+secures
+zylbersztajn
+1,307
+42.43
+ganlu
+34-33
+wetter
+muffing
+pineda
+cnmv
+dicicco
+millidge
+jeru
+brisket
+abancay
+slack
+il-8
+smap
+aps
+luit
+netherlands
+boots
+midwicket
+rulfo
+oyewole
+shandor
+fallibility
+soldier
+warith
+3,096
+carysfort
+zduny
+system/38
+audigy
+fiskerton
+i-65
+castleman
+bolla
+1449
+64.08
+jabra
+ahcccs
+scios
+132.1
+hawley
+inluding
+bulu
+sandiford
+infierno
+waititi
+92.15
+czekaj
+besoin
+mtv.com
+tianyou
+redirect
+unitals
+debolt
+ordubad
+trigauxsptimes.com
+d'irlande
+3.589
+ozgur
+bács-kiskun
+komai
+daudzai
+vittori
+hite
+baldo
+sharfstein
+unconscionably
+itzik
+patiala
+dressler
+relaxin
+mahaz
+mittagong
+royalle
+aliis
+hurlstone
+gerrie
+kirghizia
+oberursel
+mitsuhiro
+wizard
+menuet
+46,900
+monospecific
+select
+chacarita
+al-karim
+qualifying
+mouthful
+salkey
+wwe
+faruqi
+condoled
+refiling
+nivens
+east-european
+gehlen
+qingnian
+amenorrhea
+leffler
+femforce
+jdm
+askwith
+hubley
+gatt
+rul
+2,500-member
+gasparyan
+maundy
+verdell
+nahr-e
+mitev
+5,906
+l-l
+kreutzer
+marionnaud
+overbridges
+eccellenza
+undergrad
+mirchi
+brosque
+explicate
+heathkit
+kenzo
+pawłowice
+peprah
+s/pdif
+sneed
+dingxi
+narconon
+center
+adjoint
+virtuosos
+ahmedzay
+nuez
+hepatobiliary
+mefraj
+13,400
+yanowitz
+matan
+weatherstone
+sourced
+episcopacy
+alcaldes
+ducktales
+diedtra
+reepicheep
+politico-military
+cammin
+serapes
+90.66
+csf
+loebs
+mylon
+leontia
+olentangy
+1.017-mile
+kahanamoku
+kohlmann
+golombek
+ghostriders
+hillah
+newin
+top-ranking
+yigit
+gunala
+p-80
+pipping
+scale-space
+sudar
+tpena
+payrolls
+codina
+anagarika
+phosphonate
+zayouna
+hannes
+primitivo
+polymath
+1-1-1
+navellier
+rockwilder
+totted
+oranit
+75.5
+3166-1
+vilafranca
+aneuploidy
+zaozhuang
+unflaggingly
+oka
+zompro
+jochebed
+63.75
+bugeaud
+kopy
+shawna
+spoelstra
+liben
+mouillot
+squalid
+košice
+1.9-million
+watandar
+karvelas
+gianmaria
+past-president
+legalize
+almsick
+dematteis
+overrules
+božič
+d'aujourd
+52-percent
+lennartsson
+sylejman
+reinterpretation
+ibot
+clik
+pous
+bader
+dyestuffs
+humalog
+matthei
+uit
+yalom
+syntactic
+fachtna
+yunnanensis
+plessinger
+ghilzai
+avenues
+shatat
+5-for-13
+nightstands
+617-929-2902
+1.3860
+sarde
+euro57
+roderic
+383.40
+matveev
+ikela
+sting
+domash
+alaotra-mangoro
+15:20
+eguavoen
+shafiee
+ou
+blea
+friended
+saikei
+ferdi
+fluorescent
+77.95
+cableace
+ganesa
+parsia
+gruwell
+tuxtlas
+espie
+sihon
+18-inch
+nondairy
+yoshimune
+mudguards
+corretja
+mollie
+foxy
+plumley
+tsien
+day-to-day
+sérgio
+eigenspace
+fshinzawa@globe.com
+45-meter
+chamo
+stay-behind
+momotaro
+kotchman
+placeholder
+oriflame
+krouse
+jirō
+nassa
+rubinfeld
+point-contact
+1993-2004
+crumbles
+2121
+1248
+jafr
+makueni
+zigo
+1665
+clear-channel
+105.95
+pukke
+vyv
+ojokolo
+attachments
+exacts
+lochs
+pekinese
+untamable
+álvarez
+xiaochun
+bryony
+ifl
+9,315
+5.60
+dibrugarh
+maroussi
+nullifying
+mlongino
+cumulants
+genootschap
+banisadr
+boleslavsky
+mordington
+primatologist
+worman
+3com
+chemically
+single-engine
+fregosi
+bounce
+halff
+bnz
+conger/garden
+longnose
+cygnes
+14.50
+myelodysplasia
+reduced-cost
+smullen
+coggi
+colinas
+mastretta
+l'après-midi
+player/assistant
+10,000-kilometer
+dyachenko
+assyriology
+carrola
+shunt
+supergroups
+footstep
+exhorts
+sapolsky
+castigates
+soullessness
+sweeper
+telemann
+shi'a
+juin
+fateh-110
+vanderbijlpark
+12.01
+50.82
+teeb
+noun
+swordsman
+majeure
+gigandet
+assemby
+sârbu
+huapan
+erythrae
+timekeeper
+winnicott
+umi
+cabanel
+327
+neo-hittite
+bequelin
+dipole-dipole
+lannion
+lipsic
+bobroff
+rishtey
+fien
+consuelo
+perko
+hasdai
+karoshi
+costal
+290.2
+gamespot
+everson
+martial
+goycochea
+intech
+28-20
+perls
+faribault
+pervomayskoye
+client/server
+matić
+rosolino
+skor
+zarephath
+25.26
+ilave
+waihi
+counter-earth
+daytondailynews.com
+34.96
+stapleton@pbpost.com
+reedsport
+luss
+grofé
+bakar
+suben
+dambadeniya
+7.62
+rythme
+top-16
+lips
+marcelhino
+suhakam
+discordian
+angello
+siega
+overdevelopment
+docile
+nieuwegein
+zonked
+chengli
+e-40
+aranesp
+breitkopf
+asanuma
+marischal
+tier
+handzlik
+euro462
+umcor
+7900
+cavett
+tomasello
+mezzanines
+kahak
+senge
+română
+rabot
+zeamer
+oscilloscopes
+holmbury
+nadp
+seagrass
+glumac
+chaunac
+janke
+hesson
+vulcania
+kloiber
+oloibiri
+taleh
+embroil
+intl.
+obeng
+pleaser
+ercoli
+vencemos
+longdon
+matroid
+houseplants
+subtilis
+skl
+nuttiness
+sternwheeler
+kodansha
+spilsby
+centrifugation
+sabinanigo
+al-jamri
+thot
+undeservedly
+fall-out
+mid-wales
+434th
+tsushin
+eugène
+1133
+bartel
+shuafat
+baumhauer
+koval
+online.com
+harriott
+1968-1970
+schip
+hornbook
+dissolvable
+estrich
+53.93
+życie
+sarov
+bxe5
+peixoto
+kreh
+hofstra
+iwmi
+parel
+murrells
+courroye
+1,951
+minh
+dilkusha
+wistfulness
+pithoragarh
+1,135
+pleurisy
+miglia
+vldlr
+mahadik
+32.14
+compactification
+lomov
+shiller
+formula_137
+jampress
+unsurprising
+pretax
+metrica
+crambe
+marius
+lünen
+15,800
+4,890
+trefoils
+3-39
+streller
+ovar
+kiang
+brashares
+tresses
+acth
+lustrilanang
+lmos
+persistent
+fuchsias
+sabido
+yushkevich
+holmenkollen
+long-ago
+buettner
+acuras
+straberg
+fuimos
+euro470
+atlee
+kinematograph
+piguet
+souterrain
+callinectes
+foetus
+mauroy
+jinshui
+abendanon
+1099s
+phonotactics
+maitham
+bankinter
+capellan
+branjevo
+linguarum
+ilai
+broomhall
+entrepreneur
+rosebank
+'81
+intolerance
+closed-door
+scbwi
+sportiv
+madrassahs
+pindari
+67.73
+starzz
+bimes
+slit
+3:47
+pmf
+cefalu
+helli
+pittidae
+lpd-17
+ruef
+eav
+riedmatten
+17:47
+bossa
+sufferance
+kudi
+countertrade
+al-mukhtar
+torgersen
+1.264
+cajanek
+lyde
+copei
+knyaz
+iphigenie
+school-age
+muirkirk
+83-day
+brugmansia
+scanpoints
+margeotes
+mcgrath
+sub-genre
+saltman
+56.04
+zeno
+56.22
+vamp
+magnussen
+90.14
+u.s.-style
+ferriz
+conquered
+28-13
+rampantly
+arnet
+gibney
+duathlon
+unhappiness
+bustan
+mcdull
+spheres
+tlds
+felted
+shakha
+madoguchi
+mashrafee
+d14
+daitō-ryū
+srinath
+caedmon
+nametag
+iplayer
+newyear
+31.55
+sur
+dohmann
+jeremih
+ridding
+aziza
+movses
+cherlin
+t-norm
+996-0075
+faleomavaega
+historiographers
+pegge
+tropical/salsa
+esmée
+stat3
+moldering
+outsider
+50-kilometer
+sonrisa
+spartathlon
+hort
+recien
+halachic
+diferente
+hasina
+siolim
+exploiting
+260-million
+comex
+artola
+bulldozing
+howmeh
+depo
+kernen
+krish
+balarama
+fremontii
+yabbies
+cstv
+seven-hour
+172.5
+lanternfish
+bluish-green
+36-19
+lb8
+queerness
+8-12
+rcn
+chunchon
+rev
+huba
+polities
+22.66
+shibuya
+ezln
+spoilsports
+somyot
+effortlessly
+impoil
+polidori
+skjelbreid
+3,731
+protus
+odjick
+lavallée
+mule
+parlan
+wezel
+sibeko
+fukuura
+1989-1997
+aculeata
+goalies_florida
+quansah
+mohsin
+briceville
+buccinidae
+kiowas
+fdn
+goyl
+commentating
+5-wicket
+.491
+subba
+driem
+lowest-scoring
+trinidadians
+co-present
+bainite
+vf
+bendt
+rockwood
+skittle
+goygol
+gilreath
+courvoisier
+whitmire
+krld
+volle
+stupp
+deploring
+hags
+tritan
+ahlu
+sullana
+levingston
+lamarche
+fii
+brison
+donoho
+totally
+morwell
+ehab
+tollini
+scheldt
+istomin
+jadwiga
+414th
+25-0
+96.31
+crumm
+lechantre
+epicurean
+liet
+saigō
+videographers
+edan
+krasimir
+subdivides
+turci
+giant-size
+rāgas
+virgos
+girders
+hommer
+suffuses
+lasota
+subraces
+kabhi
+tecnicos
+lalah
+hajjah
+re-sale
+velimirović
+meshkov
+marquess
+pchs
+azumi
+eyewitnesses
+fruto
+sunyer
+cayer
+teimour
+buzzonetti
+fatback
+duisenberg
+moussawi
+ð
+irix
+1200m
+cardoen
+you
+42.79
+lemons
+42.29
+100.55
+suginami
+situating
+chiayi
+straussian
+nishtar
+baycorp
+18q
+synthpop
+lisheron
+punishes
+six-fold
+3,553
+1915/16
+temasek
+corners
+schorsch
+kuhna
+pinking
+khulna
+varietal
+novgorodians
+41-21
+leota
+ashwin
+lobanov
+unoaked
+fister
+backfiring
+chw
+sane
+naranjeros
+1-800
+klimley
+manhattans
+post-polio
+black-spotted
+1745
+thoughts
+gastronomes
+novalee
+kapiolani
+distribution
+tortuga
+edenfield
+diplegia
+corroboration
+0:3
+armonico
+weyded
+sudarso
+timex
+kulasekara
+hauberg
+tandan
+slye
+tradeoffs
+homeodomain
+purcari
+kristopans
+plopped
+tanny
+begrudges
+hamiltonian
+barranquitas
+halie
+5,495
+infestation
+hiv-positive
+schiffer
+100-a
+1,012
+uhf
+cuncolim
+satyricon
+stupa
+sawsan
+shiru
+finland-swedish
+flac
+ramly
+ptdc
+t23
+backspacer
+fawaz
+popi
+http://www.nobel.no
+squeaky
+kentland
+108.31
+aswell
+tungri
+untypical
+porpoises
+green-white-checkered
+white-fronted
+bounded
+foglia
+ogino
+straub
+droberts
+nordquist
+steamer
+fredericksen
+whyman
+vaidya
+fideles
+atones
+goldkette
+arabah
+japanese-occupied
+ellet
+de-emphasis
+ibragimov
+tirard
+2,937
+trichy
+ishoʿyahb
+eavis
+diepsloot
+27-jan
+osswald
+maras
+flnr
+n't
+haifa
+gamper
+wednesdayite
+pro-peace
+toponymy
+aulakh
+gracechurch
+natsuno
+komijan
+nirupam
+synthetase
+merveldt
+keyt
+asunción
+boya
+experimental
+rajnikanth
+turnell
+quick-tempered
+hereafter
+centuria
+calagna
+3,988
+annang
+dominicana
+multibus
+sepultura
+slinky
+fujifilm
+deprecating
+guerreros
+contrastingly
+raczyński
+kruder
+trier
+1298
+opening-round
+pre-race
+schuld
+82-81
+33-2
+rashomon
+bywaters
+k-12
+p5-plus
+neleus
+jaeggi
+linneman
+braingate
+semaphores
+napolitan
+primitivists
+monahan
+choua
+3/0
+ncis
+zichroni
+bamboozled
+giacoma
+mahiga
+viser
+parisian
+tualatin
+linnie
+arxiv
+lipski
+milady
+abrenica
+english-language
+adv26
+faumuina
+nativity
+halmarick
+teb
+viharn
+legler
+francop
+0.3
+rock
+saxman
+schmidgall
+brusatte
+wilhelmi
+steel-frame
+rajgród
+33,800
+errict
+gunshot
+persons/km
+(847)
+millz
+highest-ranked
+shibata
+harriss
+civello
+aftermarket
+coexist
+monkhouse
+7.57
+romainville
+fingered
+klauss
+bested
+mustofa
+khānī
+zauderer
+n.s.w.
+jenoptik
+wfaa-tv
+1,378
+stromme
+vascularized
+steel-making
+wine-producing
+corbridge
+enjoy
+purloin
+extravasation
+callebaut
+chrysotile
+kalinago
+sportsbooks
+seit
+repurchase
+horribly
+19.05
+ak-47
+katydid
+zohrab
+palpa
+praeger
+whipsnade
+habel
+mvsn
+down-curved
+unhappy
+nightsticks
+disemboweled
+belediyesi
+curassow
+2_2
+flute
+3,374
+getxo
+dainton
+pavletic
+tiberian
+bellos
+doble
+laricina
+tuxpan
+bonal
+4,330
+fof
+ransoms
+ceka
+chadwick
+332.4
+procuratorate
+dukinfield
+16:05
+arkalyk
+pycnonotidae
+arsu
+baliani
+tubay
+rumo
+mzuzu
+lc3
+fritas
+ankleshwar
+ożarów
+wadgaon
+dirigisme
+skyraiders
+summering
+wingas
+ornette
+16-point
+nato
+mussomeli
+snrnp
+snorna
+prasarana
+osseiran
+jinfeng
+dumpy
+kozina
+stingiest
+pleasantness
+ontarians
+shchekotin
+earthiness
+hanse
+crichton-browne
+72.5
+varda
+charterer
+netbeans
+troikas
+ddi
+http://www.tdcj.state.tx.us
+bóris
+teniente
+5-star
+biju
+oceanos
+-5.00
+jostedalsbreen
+plexi
+d'avranches
+bifid
+regenesis
+invalidation
+calibrated
+57.65
+naxxar
+ticl4
+dy
+atorino
+kermanshah
+30,000-strong
+fumed
+haydari
+sub-system
+1malaysia
+116.78
+pre-internet
+corneille
+dinon
+2,498
+7-ounce
+deluded
+bharathanatyam
+33.2
+a1c
+itasy
+npn
+maloo
+salceda
+phosphorus-containing
+novermber
+alemany
+prosper
+wapentakes
+yazawa
+defraye
+s.t.d.
+byran
+sinnemahoning
+noorullah
+ravidas
+5,590
+66.81
+mitford
+rapoport
+baqeri
+ashari
+barraging
+sportsradio
+vautrain
+nef
+gcb
+opv
+liars
+juchitán
+now-standard
+kabbara
+five-year-old
+107.4
+heartstrings
+16-month
+draftee
+core
+non-avian
+pinballs
+moliro
+stipends
+kemang
+refit
+dpic
+plasmids
+97.07
+galleasses
+482d
+170.5
+estação
+podeswa
+sprayed
+noxzema
+fantasy-adventure
+hygrometer
+moneybox
+overfunded
+sandpoint
+naus
+chacha
+indulged
+justify
+sledged
+mixed-traffic
+rhye
+aandahl
+10-kilogram
+sokhom
+racetracks
+sežana
+maternus
+mohamedi
+harroun
+interbank
+mousebirds
+poitevint
+reply
+spontaneous
+scharf
+rosca
+khora
+national-level
+kalash
+grue
+conciliar
+pienaar
+petering
+jaakkola
+kibby
+delivers
+93-80
+england
+3634
+mistakes
+obedient
+hakko
+sauder
+alviss
+sandmann
+saccone
+imaret
+hackworth
+caterina
+aires
+hohenzollern
+insulza
+pereskia
+sewers
+franklyn
+steams
+monals
+sonesta
+argumentum
+muffuletta
+qe7
+kofta
+wollheim
+stomatitis
+sędziszów
+darmstadt
+95.18
+taize
+barnevik
+rockerduck
+monastic
+carotid
+bayang
+800-number
+urbanistic
+o'neals
+shjon
+carby
+gynaecology
+mecum
+limbata
+ous
+kirkpatrick
+tvbs
+cartwheeled
+trelawney
+leterme
+myners
+masturbates
+bcd
+ibárruri
+attackman
+gresko
+septuagenarian
+braggs
+matey
+yeates
+dunkle
+babbacombe
+existance
+ceasing
+atriplex
+.438
+non-ferrous
+svartholm
+ayloush
+winkworth
+npy
+balpa
+holanda
+demonstrating
+’
+anorexics
+non-nato
+sarao
+1960-1961
+feichtinger
+rapley
+cs-1
+gonin
+76-68
+vaks
+bakuriani
+116.63
+lockdown
+loik
+milivoje
+husson
+unamed
+bril
+agarwood
+subgrade
+renowed
+hasely
+400-person
+thondup
+falkner
+villon
+saline
+cribbed
+playgear
+2,323
+preservers
+unnikrishnan
+kyemon
+dačić
+skegness
+303.5
+defendants
+stokers
+klik
+y.l.
+wehd
+sinking
+auc
+23.07
+koivuranta
+micromuse
+bulbuls
+lambs
+louis-ferdinand
+nealy
+homedepot
+townsites
+kazakhastan
+cloke
+bivalent
+62.69
+mufi
+hungrily
+wathen
+failing
+peterson
+closeted
+theatric
+6.4
+moved.testdrive
+utaybi
+harnai
+voraciousness
+occidentalis
+europride
+sr111
+devault
+kday
+110,000-seat
+swasey
+realigning
+llamo
+xiaojun
+mutwa
+completing
+obame
+9-by-5-inch
+concertgoer
+anecdotal
+photoworks
+tabbing
+subsystems
+cognates
+longoria
+neotame
+gossamer
+eq
+tamanrasset
+75.32
+non-lgbt
+unorganised
+lazarists
+burgard
+bagno
+promnok
+fith
+goupil
+cing
+rm8
+ashoke
+m103
+peronne
+stomper
+27.54
+noglows
+18mm
+syzran
+denting
+constituency-based
+waaaf
+atrocities
+alces
+batcave
+shiro
+glazes
+1.3970
+ferroviario
+kopu
+architectonic
+elyashiv
+azorean
+euro595
+__
+hanta
+fedorovich
+4.6-meter
+parrotheads
+mirman
+glasshouse
+aton
+radiated
+prurience
+ihs
+ifilm
+klemas
+się
+th04
+strekalov
+sơn
+tailor-made
+pehr
+performance-enhancing
+boumtje
+dagogo
+lysias
+15.50
+soemadi
+motonobu
+medium-security
+enterprises
+tachycardia
+1k
+grammys
+94.48
+bich
+ikuko
+kuldip
+nedda
+libelling
+20-km
+millwrights
+intelect
+nogales
+tastier
+non-core
+1,669
+aviculture
+gamze
+baluchis
+re-assert
+2ne1
+42.2
+l'afrique
+ufs
+colanders
+chinook
+74.85
+11:00
+iac
+mctell
+priscila
+aritonang
+jd03
+lethargically
+cameco
+birsay
+bosasso
+ilijas
+neverending
+navarone
+putna
+4.89
+gwendolynne
+warped
+penaanytimes.com
+knee
+granulation
+manouevre
+faiola
+oro
+parisien
+vendettas
+newedge
+call-in
+37th
+haith
+hammerless
+sahiba
+arizaga
+mitsukuni
+atcross
+sector-specific
+neodesha
+1975-1976
+kydland
+eyadema
+zaha
+kalyanpur
+62-year-old
+1,823
+euro206
+uvd
+double-teamed
+aena
+ogata
+sinusoid
+narratives
+operators
+pluta
+otorhinolaryngology
+2,339
+burkle
+holbert
+creative
+toontown
+dornford
+ok
+gare
+nasdr
+panter
+19.21
+cyanescens
+sierra
+pīr
+quench
+guza
+incurables
+bop
+udgir
+hydra-matic
+yokosuka
+cathie
+1up
+18-plus
+dimiter
+z3
+mandya
+lochcarron
+feeley
+yil
+universale
+janerio
+hassidim
+portholes
+hkcee
+grantley
+xiguan
+cacak
+stromata
+accorded
+454-seat
+,108
+bolaq
+infiltrate
+moshood
+gašparovič
+manea
+1,200-1
+baronies
+obrador
+75-71
+95.20
+ordain
+duing
+charton
+indescribable
+soulama
+medhin
+bevelled
+heliodoro
+kuči
+3,034
+homiletics
+skyfire
+flat-topped
+10-11
+nehardea
+linowitz
+photomask
+gaurus
+104.50
+armlock
+ōtsuka
+yugra
+oyun
+subsumes
+nuno
+carré
+fatuha
+leadbeater
+attac
+2,013
+taik
+mitteleuropa
+o'cahan
+blackening
+resellers
+1,523
+loughton
+pmdc
+yaponchik
+polyatomic
+encamping
+repse
+sweltered
+holmquist
+drazi
+brazoban
+hawkman
+overstate
+maiano
+1,100-member
+sushil
+neet
+moocs
+pdb
+proscribes
+chiavari
+farebox
+chilla
+linearized
+caracol
+yone
+kulik
+leeson
+permissibility
+roccella
+2.77
+prrs
+1979-89
+ostuni
+prešeren
+wolitzer
+psoralea
+mduduzi
+aldersley
+kingii
+euro1
+dryads
+definately
+pensively
+counteroffensives
+adalat
+demona
+pohorje
+paape
+84.44
+ethnarch
+confraternities
+cangelosi
+blazoned
+1.4495
+freezers
+alcopops
+ands
+dsw
+tuamotu
+kg/m2
+aerating
+update
+fazlullah
+tabulates
+ć
+d’honneur
+stopnica
+zicam
+daswani
+hoult
+chastises
+amoo
+flagbearers
+bolch
+043
+sabato
+soglio
+al-zawahiri
+jaymes
+andruw
+19-billion
+precomposed
+wons
+mycroft
+ermenault
+dolmabahce
+fibbing
+jordanaires
+hardees
+grieder
+ubu
+saltsburg
+haury
+shoulder-length
+850-meter
+regifting
+rakshas
+mpca
+stafa
+heinonen
+formula_122
+aalberg
+indebted
+berengar
+kundt
+sedai
+tír
+autre
+moco
+francileudo
+lvt
+hiawassee
+kronor
+cauchon
+ifem
+altron
+12:10
+cox-1
+phylloscopus
+gusher
+shakespearean
+clonfert
+mccance
+sutanovac
+17:05
+zoia
+100-seater
+shingler
+waganiec
+fourteenth
+1.4375
+buscando
+xinli
+listy
+palazzina
+jallikattu
+9v
+123.03
+deeda
+smbat
+traci
+kalter
+oscillators
+rm350
+brentrup
+categorises
+2480
+bischof
+do
+498th
+kushana
+crossguard
+lederer
+handloom
+kinsley
+apa
+narco
+vaugirard
+93.58
+vogtland
+hotbird
+amnon
+liedtke
+67th
+tsingy
+twice
+plotter
+klann
+stimulus
+krays
+two-laned
+nonsupervisory
+1.7
+sydney-based
+dzung
+22.70
+takakazu
+toshiharu
+superlatives
+56.11
+kaikohe
+senatore
+40.79
+manjolai
+landplanes
+xisco
+sacha
+yongsheng
+mtac
+kapok
+eynesbury
+nintendo64
+leucocephala
+veronis
+neurath
+bergey
+massif
+tieup
+flèche
+unprimed
+190.7
+e-mu
+.638
+1,354
+bardem
+titanis
+limit
+kuruba
+interconnecting
+shenfu
+menc
+amherst
+zamacona
+foran
+marini
+navarro
+overblown
+rokoszewski
+ambuscade
+chirico
+1180s
+anti-soviet
+imbalances
+reaganite
+mizz
+lategan
+bucay
+wishing
+108-page
+70-percent
+shovelers
+ratiopharm
+materialistic
+console
+retribution
+thanagarian
+14:05
+bakana
+implanon
+koprowski
+sansern
+dax-30
+broo
+moledet
+scates
+6-0
+impermissible
+morganwg
+ungrammatical
+fruitcakes
+dynham
+papez
+stfc
+tulchin
+15.33
+volek
+antiferromagnetic
+chatu
+azhagiri
+états
+212-621-5449
+kalady
+electra
+mnemosyne
+ingenieros
+conwy
+ghandour
+khalidiya
+coko
+americold
+196,000
+anthropologie
+i-wahdat
+isleton
+chisum
+20-overs
+themistocles
+kallas
+arduino
+cabinda
+man-bat
+discriminatory
+sancar
+masol
+llamazares
+gurjara
+thermohaline
+mihalcea
+97.65
+ionuţ
+fennell
+ocic
+107.68
+cabimas
+new7wonders
+vatican
+pkwy
+daigoro
+torro
+bridgmohan
+lively
+arktika
+cabinetmaker
+benefield
+kinyua
+chasma
+hartings
+recitations
+airmailed
+tsukada
+28,571
+buth
+462,000
+1-44
+45-54
+pissarides
+albertazzi
+ona
+ascertained
+vissing
+2:6
+verifier
+palmquist
+oddparents
+dendrochronological
+4,800-pound
+turow
+111.3
+namadi
+data.gov
+scratcher
+incurious
+gog.com
+cryogenic
+argyl
+dandenault
+golomb
+cosmogonic
+gothard
+cattani
+nunc
+chagnon
+valdis
+lainshaw
+manisha
+reorder
+reglas
+.698
+orkhon
+hawkins
+farm
+liaoning
+hadiyanto
+29-kilometer
+ceased
+pietà
+evariste
+sankaracharya
+nonliving
+bhumidhar
+nordyke
+yourselfer
+rockwall
+35.72
+amable
+snežana
+loiseau
+23.89
+osterode
+w.a.c.
+terenzio
+ouds
+arhavi
+1980-1982
+fergana
+perkily
+colonial
+hayats
+s&dr
+rudimentary
+rudaineh
+lorrin
+zaiyi
+1,374
+vvc
+mitică
+bale
+commonsensical
+casola
+harrybnytimes.com
+manx
+iwao
+wrixon
+incongruence
+rico
+delbridge
+f14
+kigoda
+kanju
+1847
+marimo
+neustadt
+1.126
+bostons
+shadrick
+139
+untouchability
+el-kebir
+itaewon
+samppa
+millimeter-wave
+amphibious
+colibri
+fifth-grade
+polonsky
+stockmeyer
+warp
+bleicher
+neeru
+systra
+thornaby-on-tees
+allium
+kinnard
+franzoni
+godt
+re-inaugurated
+candidiasis
+lpd
+94.50
+bolgar
+dug-outs
+13:03
+5-for-16
+candlebox
+lukavac
+flensing
+all-party
+hussan
+hongtu
+auricularia
+reservoir
+ofosu
+failures
+sloughed
+dahlias
+gauck
+orestias
+rituals
+balbuena
+kuduro
+jarod
+postulants
+actuarial
+güell
+basadre
+worrell
+humored
+us-k
+debio
+lavoe
+parata
+donnellan
+time-travelling
+downturns
+behn
+odeen
+whooshed
+,082,500
+gajdosova
+irani
+speech-language
+nunthorpe
+tute
+podnieks
+eyeballed
+54-40
+tejedor
+massequality
+5.4375
+religionists
+palmitate
+mehriz
+zodiak
+icefjord
+finkelstein
+illogical
+vict
+freezepop
+ncee
+ilustrado
+70
+steveston
+ricciardone
+luxford
+deitrich
+nabokov
+dietze
+ariff
+yingling
+treacherous
+provincial
+65,000-square
+birnbaum
+blaikie
+alvaro
+124.42
+opennet
+ganzes
+apuestas
+boggle
+jeffs
+alliancebernstein
+humidifier
+118.52
+maksum
+vulgarities
+ignatik
+anisette
+hazlitt
+blindside
+píc
+w.k.
+non-figurative
+vaessen
+yoshio
+liebenau
+tân
+cambusnethan
+agrevo
+bertola
+alí
+27:49
+lituya
+soljic
+tanno
+heracleum
+loquaciousness
+xylitol
+prucha
+griffon
+thyra
+sullom
+wattles
+centurion
+zuyev
+pagus
+nordin
+hellmann
+ladas
+aelia
+typographic
+leed-certified
+tanimura
+2,721
+440,000
+leurs
+84,537
+süleyman
+threads
+proximus
+pining
+sofitel
+znaniecki
+risch
+29.45
+31.31
+29-november
+tropea
+tayos
+unida
+landais
+anxieties
+diffie
+grandinetti
+alatini
+ignachenko
+balletomanes
+34.55
+mompesson
+makeshift
+apatow
+formularies
+castes
+cotelo
+82.15
+eurotrain
+janovitz
+aquisition
+panamian
+randal
+hearthrob
+cinematographers
+zisa
+vecina
+alida
+1978/79
+filangieri
+bashirullah
+clammed
+renovation
+lavric
+pastrano
+parkroyal
+elvir
+malmquist
+kacem
+euro62
+bleaching
+fccla
+shears
+uncle
+jastrzębie
+sealing
+bramber
+single-engined
+subranges
+minke
+10,200
+pul
+jkt48
+steinbrenner
+beauforts
+cermeno
+ibf
+crima
+bukowski
+adélaïde
+conkling
+nguni
+wanding
+early-warning
+ma'asi
+48.85
+time-consuming
+jamali
+dhss
+destabilizes
+bravada
+sinito
+60,000-capacity
+euro499
+fatt
+1928
+1656
+luxuria
+raqib
+theia
+69.95
+chilwell
+mont-blanc
+shikuku
+dajie
+rota
+shimura
+khalayleh
+citoyen
+sanada
+develope
+model/actress
+edamaruku
+moskvina
+soothsaying
+beforehand
+fluctuated
+1740
+zero-fare
+noor
+mouada
+harring
+wader
+schlemmer
+separators
+456
+glbtq
+.306
+600-million
+crikvenica
+zorach
+short-toed
+medio
+ouled
+mexico
+tdp
+anisur
+6,599
+khorat
+sighthound
+silversmith
+hhc
+helipads
+knoke
+mest
+shang-chi
+lepley
+xizang
+tellep
+ll.m
+tanita
+0725
+jazz-fusion
+auberon
+montjuic
+daikatana
+cherrelle
+mahdist
+uto-aztecan
+winecoff
+gorenje
+summerslam
+tatu
+guardsmark
+distributorships
+yelle
+meurer
+copyrighted
+trusteeships
+sinestro
+sawtooth
+liquids
+migliorato
+cherrie
+krone
+edicion
+burrito
+evil
+massa
+0427
+tzvi
+araxos
+hamdan
+technorati
+ortube
+frolik
+polan
+3/4-inch
+hattin
+2,518
+suryana
+schomburg
+jaxx
+mechanix
+scalf
+małogoszcz
+emusic.com
+valiantly
+stonemasonry
+truslow
+10.40
+964
+iit-jee
+southam
+nns7
+cofferdams
+burleson
+rahmat
+0.038
+maverick
+churchills
+ra2
+56-17
+walkerton
+cíosóig
+astrum
+fiachrach
+basri
+henfield
+berhampore
+tsubomi
+18min
+vao
+guanghui
+4.3-cent
+33.61
+collateral
+chiren
+concessionary
+gölpazarı
+copper-plated
+two-page
+crisler
+extraordinarius
+cullompton
+rahl
+tarxien
+peso
+subbasal
+wiggling
+kusturica
+21-4
+sjödin
+moneda
+vosa
+273.3
+amalek
+wyld
+ophiusa
+mednick
+perrachon
+kinsler
+hats
+alkaloids
+seventy-ninth
+vidya
+bretz
+finnish-language
+mottram
+campane
+joseph-françois
+empathy
+agonistes
+egnot
+jellybeans
+squarepants
+clouthier
+saathiya
+65.36
+clancey
+pasc
+5-foot-6
+esteban
+haipe
+crusades
+caernarfon
+calderas
+weeding
+formula_81
+1992/1993
+velasco
+1791
+symptom
+ghazipur
+minella
+tomboyish
+campari
+elsas
+inputting
+kljestan
+bullrich
+opprobrium
+wantok
+rendang
+barlovento
+parrack
+cổ
+vidy
+maeotae
+bluejeans
+samadhi
+18:40
+zuria
+lewinski
+helgason
+abogo
+β-carotene
+hikam
+autographing
+yaling
+reconstitute
+finch-hatton
+o'hanlon
+nonrenewable
+gastrotheca
+beddoe
+hydrostatic
+almoloya
+pnds
+aeoi
+winterlude
+decoy
+yesterday
+sprouts
+74,000
+plt
+stylebook
+avus
+anthology
+41.88
+13.24
+euro498
+staffer
+solovyev
+mindo
+ascaride
+hyslop
+0-10
+91-yard
+polygrapher
+bebi
+pamphile
+laffoon
+amcha
+macartney
+70.21
+190-yard
+shoreside
+nejd
+18-gun
+divalent
+fuga
+strobus
+leleu
+ravalomanana
+mediterranean
+116.34
+shakra
+cabrera
+glodeni
+forgues
+30-all
+nimmo
+incinerator
+valsalva
+lochan
+bujol
+12-state
+waybill
+salame
+aunt
+haston
+symbioses
+pendants
+c.j.
+cornelio
+softy
+airfare
+guerlain
+rongshui
+britishness
+loku
+alleluia
+assn.
+1,468
+westphalia
+rollo
+alway
+131.3
+redound
+knebel
+silting
+yulian
+pallet
+albans
+humanity
+kurisu
+kippen
+nukak
+03-07-07
+tersely
+rephrasing
+igoumenitsa
+daphnella
+uwilingiyimana
+atiga
+wingrove
+hoopoes
+channar
+zifu
+hil
+,420
+lansingburgh
+brancker
+regranted
+fleetstreet
+unimproved
+babying
+chislehurst
+oap
+harrap
+balzer
+straight-sided
+1874-75
+haboush
+electrico
+waretown
+linguae
+vitaris
+ceilinged
+greatcoat
+hollerith
+babcock
+3200m
+merits
+nobis
+umberto
+tacchinardi
+tongkah
+148.8
+zaydeh
+vikarby
+jasem
+nmaa
+university-wide
+navaja
+adonal
+byer
+pilin
+fasciculata
+mikki
+rebt
+10-part
+meixner
+macgillivray
+satomi
+doonside
+withdraws
+nebe
+homered
+entomology
+004
+cantiere
+granularity
+snatcher
+nonstate
+17-yard
+ruizong
+mavelikara
+huckabay
+cik
+bonjean
+yachimovich
+paragons
+mahieu
+righini
+6-33
+spoonbill
+xxxv
+mcmellon
+grigorov
+succinctly
+falaschi
+taoism
+autoroute
+tłuszcz
+dabblers
+200.2
+tijuca
+mirabad
+overconfidence
+unobjectionable
+bennifer
+accountant
+80-dollar
+1973-74
+mattan
+slanging
+proteinase
+melos
+8-tugay
+papagos
+normandie
+crestone
+amaravati
+bowlsby
+xerxes
+vignoles
+schwartzkopff
+orientations
+gogar
+malwa
+pictorials
+sulfation
+x-1
+33.13
+rondo
+vote
+zauberflöte
+puńsk
+tapsell
+250h
+ppi
+e-tayyaba
+ajatasatru
+roellinger
+crockford
+medley
+eu-wide
+disenrollment
+unfurls
+plasmons
+sobelman
+georgiev
+harith
+huntersville
+figura
+stocklasa
+eremophila
+luevano
+100million
+determinant
+loueke
+steets
+vincennes
+đurđević
+stup
+9,140
+fécamp
+applix
+costanera
+sabinus
+tephritidae
+90a
+godec
+rj45
+congrès
+igf
+socialismo
+ocurrido
+jintsu
+65.34
+azizollah
+hecker
+gonds
+coats-of-arms
+aquatic
+josephite
+redistributions
+quileute
+iñárritu
+fanaticism
+lived
+kalumba
+serviceability
+bamdev
+metron
+pottengal
+beauteous
+sgx
+shewa
+godowns
+topoľčany
+196.6
+mussina
+11:51
+stiklestad
+gamebirds
+trace
+bider
+stopford
+.266
+112-110
+54.99
+27.6
+pourable
+sawang
+lyd
+membranacea
+caprivi
+katari
+limacina
+epitomizing
+adalbero
+ockeghem
+awes
+predigested
+www.consumerreports.org
+kharrazi
+nebel
+baltimore-washington
+plying
+500/1
+phosphodiesterase
+dolman
+straume
+preysing
+hinshelwood
+kyūshū
+deliverance
+margaritas
+cavel
+tuanthong
+79.19
+troyanovsky
+shop
+kekauoha
+dentils
+sisyphus
+18.01
+conferred
+ebbe
+7:50
+sunlight
+56-47
+crotch
+deviant
+oldstone
+iits
+gennai
+watney
+fiancée
+diggings
+onasa
+representant
+haring
+39.79
+prh
+borivoje
+põlva
+spottswood
+zoth
+lovito
+saucers
+phonemically
+verrecchia
+mingachevir
+3,090
+telaga
+k.g.b.
+magal
+foucauld
+quintin
+overestimates
+kayaker
+dahamshe
+borculo
+brammo
+852
+cheviron
+slurps
+transregional
+distributism
+try-scoring
+acara
+anterior
+yuchen
+younessi
+70.66
+hassinger
+rakkiat
+ispán
+orzo
+surcouf
+hulin
+baiyue
+kaolinite
+overcooking
+erlandsson
+chheang
+kientz
+boardwalks
+post-tensioned
+zingiberaceae
+.41
+beltane
+hyomin
+deji
+watersport
+brattle
+urbicide
+c8
+ganging
+resistencia
+4,120
+18.82
+disley
+winklevosses
+khara
+azab
+stockinged
+laber
+697,000
+indirectly
+gary
+invasive
+swelled
+parlors
+tanskaya
+oooooooooooooo
+nejame
+massen
+euro621
+barfly
+suetsugu
+cichlid
+erebor
+paemen
+markakis
+9,020
+terregles
+colubrina
+kugel
+ribston
+baldus
+worldview
+stl
+ahg
+cayo
+330th
+calero
+mihrimah
+ganci
+84.88
+polillo
+polari
+gonyea
+well-built
+dulles
+referable
+nadejda
+crawshaw
+viola
+http://bit.ly
+2.155
+kornitzer
+macquarrie
+benedick
+montdidier
+glum
+monograph
+poker
+shimali
+mantzios
+reszel
+cheula
+denture
+98.34
+15,600
+stijn
+5,614
+mir-hossein
+11:46
+ulufa'alu
+lashkargah
+318-2300
+ican
+estee
+liversedge
+chessboards
+youmei
+volatilization
+91.39
+sulle
+pieniężno
+pl/i
+categorial
+platoon
+twitty
+surmise
+wenman
+mitsuo
+mária
+peu
+yaha
+p.r.c.
+lindor
+crosetti
+cubists
+muste
+lakeville
+-200
+dharmavaram
+551,000
+shahzaib
+tbsps
+falda
+alamar
+17.65
+capricornia
+lichtenberg
+verdelho
+obeida
+chandru
+overpressure
+neua
+makara
+112.20
+e-books
+sanctuaries
+kion
+i-215
+dungeness
+korbut
+70.41
+three-album
+dehradun
+downslope
+unmistakeable
+epik
+clarence
+synercid
+c31
+bubur
+golitsyn
+landbank
+4zzz
+elata
+duddies
+qarah
+strassberger
+walger
+17,000-point
+metopes
+hortons
+missões
+3e
+opeongo
+kirkii
+ownes
+subsaharan
+meanest
+200-watt
+d'cunha
+guillemots
+heber
+speeders
+valsecchi
+woodcroft
+volubilis
+webelos
+889
+3,848
+westworld
+kff
+munn
+yokogawa
+jaena
+odette
+baldwinsville
+1016
+myopathies
+examinations
+3:00
+0920
+'20s
+husvik
+mantha
+luxuriated
+metathorax
+32.57
+doorway
+pemberley
+ml
+drucilla
+reznik
+blotchy
+huckleberry
+ayloffe
+rspt
+costless
+janakantha
+42.31
+dolgen
+baseketball
+roughest
+adiel
+songliao
+6-thomas
+galilei
+liaising
+nirma
+sarovar
+hamate
+phages
+santalaceae
+austin
+nowruz
+peyo
+fledgling
+ffk
+micic
+malevolence
+raybon
+mobarez
+entombed
+budućnost
+vermeil
+kayfabe
+colchester
+swirlgirls
+anabella
+wholistic
+gambol
+horwich
+brome
+rua
+fathomable
+pushkino
+tubb
+bellingham
+cpsu
+cowman
+boccie
+mariem
+dartington
+mystra
+mazanec
+angewandte
+du
+shaolin
+a&b
+gamemasters
+euro2
+oberholser
+burqin
+snoods
+t6
+antrim
+enforcing
+dadkhoda
+aham
+shoebridge
+jenapharm
+wairarapa
+baerlein
+parboil
+saint-germain-des-prés
+machinability
+http://www.pbs.org
+schule
+labin
+horoscopes
+marie-christine
+aata
+repairs
+kabala
+saylan
+almere
+totalfinaelf
+balkin
+tatishvili
+waterbody
+chiotis
+isikoff
+ngoyi
+ilinden
+preble
+celicas
+6-of-11
+culls
+ju-52
+videoboard
+chauhan
+procida
+floppies
+worldspan
+triggers
+nyad
+tomm
+5:14
+community-focused
+2092
+ein
+schettler
+lovettsville
+list
+yulo
+nitromed
+potions
+hydroperoxide
+popjustice
+bova
+mandab
+excelle
+cavalries
+mfg.
+kmaw
+protozoan
+farmingville
+bilu
+wcw
+kailahun
+autonomously
+sevenoaks
+61.86
+cha-cha
+clínica
+zygaenidae
+schannep
+moussavou
+tamta
+qutayba
+clutton
+daycare
+gorgie
+cougars
+braai
+احمد
+voynov
+wolfberg
+dominica
+nemegt
+nonhumans
+khafaf
+frankton
+nuder
+tube-shaped
+1873
+saudan
+1824
+diff
+l'elysee
+baguio
+producer/songwriter
+repelling
+1854
+samdhong
+43.36
+salient
+lapalme
+šiauliai
+machuka
+2231
+saja
+nechako
+leviathan
+manus
+wayl
+eliane
+cassivellaunus
+taff
+kisses
+purifiers
+summitville
+a
+aenea
+dong-a
+queensborough
+saleha
+herasimenia
+unhooked
+swierczynski
+3-14
+denucci
+guapo
+aromatica
+bilharzia
+succession
+hillcrest
+wessling
+14:02
+rififi
+lazer
+angliss
+saso
+cullasaja
+courrent
+tawachiche
+ursino
+skorts
+icai
+fatal
+masahiko
+scalloped
+misirkov
+clouzot
+manj
+mercosur
+belayneh
+representatives
+57
+91.63
+takalani
+felli
+sprenger
+ixtapan
+placers
+6.57
+guennec
+goodall
+temptations
+tgf-β
+setsu
+2199
+anfa
+senryū
+kataoka
+lucked
+scuola
+restrains
+zymogen
+cluj-napoca
+sisak
+tikhvin
+blowouts
+hoeyer
+5,084
+mssa
+3:09
+findhorn
+informationist
+bib
+cupholders
+dupnitsa
+presion
+erast
+ghayeb
+rickitt
+elene
+seijo
+qalamuddin
+prokurorov
+bomberman
+tidiest
+ehlvest
+mapungubwe
+u22
+ozenfant
+bodstroem
+mol1
+grouch
+high-street
+101.1
+grushow
+homerton
+unguja
+mikk
+bossier
+marzen
+guttler
+wilusa
+romaios
+fleecing
+poljana
+treatises
+imaginable
+recantations
+kaminer
++15
+picks
+nejmeh
+béranger
+inglot
+law-related
+armbands
+6.8
+eller
+ganglion
+krzęcin
+jach
+saby
+taonan
+paymasters
+unsatisfiable
+apapa
+hinson
+input
+complicated
+coachwhip
+550th
+nitsch
+crassness
+colts
+siglo
+coldest
+1.316
+orientate
+interliga
+kommer
+marimar
+deppler
+binya
+shirebrook
+childrearing
+hydrochlorofluorocarbons
+petz
+4,644
+fatuma
+c.o.p.s.
+skip
+postino
+yingli
+turpitude
+seismograph
+crumitie
+hominick
+tarquini
+aliyeva
+hydrometeorology
+riano
+flexibile
+2.0
+well-formed
+númenor
+turandot
+98.76
+anogenital
+gadahn
+topological
+right-arm
+rengong
+giambra
+166-seat
+70.68
+concomitantly
+fifty-fifth
+dual-code
+dagvadorj
+lyoness
+keeseville
+morton
+quiero
+kaelin
+4-inch
+intermediary
+negasso
+fiallos
+schattner
+suspenseful
+xianyang
+buchla
+hokusai
+104.92
+somprasong
+mayor-elect
+tagebuch
+subtended
+84.53
+bessus
+stonyhurst
+hadas
+licensable
+izzie
+timsbury
+gibsonburg
+chehalis
+rosewater
+montană
+jacksoni
+implacably
+gonzalez
+negroes
+clemmons
+12-million
+whipped
+giya
+mckie
+binzhou
+studholme
+83.98
+pairgain
+kaliber
+tamra
+fédération
+dzgoyev
+factor-1
+barkat
+oscilloscope
+shōshū
+1,250-mile
+millgrove
+radullan
+antiparasitic
+thomson
+magical
+ards
+amn
+limonite
+hagupit
+greceanii
+14-acre
+bori
+manolo
+zweifel
+3,000-room
+ground-launched
+chukiat
+cd+dvd
+53.10
+uncg
+cautions
+duelist
+apostrophe
+keming
+famiglietti
+tma
+palliata
+tendril
+esch
+dayton
+gilvonio
+värttinä
+b-17s
+sublette
+long-cherished
+siic
+y1
+ringa
+90012
+henriksen
+venustus
+bolted-together
+tht
+hodgins
+meehan
+pre-operative
+civils
+gonzales
+nyarlathotep
+crisafulli
+proven
+gandhism
+roeser
+rolet
+a-life
+al-anfal
+l&h
+el-sayed
+casti
+2001-2005
+soestdijk
+kjbrown
+maxentius
+sigmon
+witteveen
+manager/producer
+turing
+itanium
+crüxshadows
+fluting
+120.35
+nonwhite
+yadollah
+krua
+peewee
+unigenitus
+wwi
+dosimetry
+ceh
+polityka
+taymour
+albrighton
+huur
+văcărescu
+fumbled
+renjie
+reker
+vicina
+crimmins
+hapoalim
+berlin-kreuzberg
+transcend
+yuke
+zirid
+yrjö
+hanthawaddy
+stagnating
+voser
+sonically
+demokrat
+prelate
+v70
+popliteal
+teret
+lucerne
+ossian
+grammy-award
+ambassadeurs
+griffeth
+titokowaru
+yanovsky
+punctual
+manganaro
+tagaloa
+blackbelly
+pulawy
+44.41
+karjala
+zhaotong
+mexican-born
+sagnol
+alde
+sheilla
+feasibly
+doyon
+chlordiazepoxide
+indiscretions
+172,500
+alasdair
+highly
+incompressible
+nokomis
+samis
+agustini
+zinging
+brosnihan
+freeze-dried
+dermabrasion
+selfe
+hace
+cut-through
+adirondack
+osteoblasts
+shamberg
+2,948
+self-ownership
+doujinshi
+amadou
+37.07
+mua
+onehunga
+nera
+wavefront
+cardholders
+samms
+shalka
+kamuzu
+stucki
+10a-10
+platonically
+sociable
+m69
+pulli
+panmure
+sugarlands
+coqui
+hamouda
+barça
+saltires
+imac
+tyrannical
+airborn
+brzeziny
+electroacoustic
+filleting
+psychokinetic
+qas
+underlines
+tplf
+odds
+ovc
+hingle
+degni
+konjaku
+budding
+reynolds
+blasphemed
+betcha
+.720
+judyann
+petrick
+mirkin
+ameline
+mutarelli
+hymie
+schopman
+barzaga
+hubli-dharwad
+fforde
+136-year
+pead
+hashed
+jmc
+sanskrit
+216.6
+brislington
+eisenach
+kogon
+flechas
+ruhi
+notices
+rightly
+11-6
+roush
+enucleation
+relaunching
+coaxed
+methylamine
+hibic
+whitrow
+laha
+alk
+menoyo
+tecumseh
+leray
+swindley
+kamakura
+173.4
+jacl
+assuage
+t15
+shahdara
+2-oxoglutarate
+cloves
+dones
+11/21
+erp
+fradkov
+cerbone
+costain
+saburo
+xforms
+123.79
+run-down
+sorjaturong
+silversmithing
+ied
+thessalian
+komi-permyak
+lishi
+yefimov
+eroğlu
+niang
+s.d.
+sittang
+zamani
+sitek
+mortons
+arghezi
+abductee
+cenote
+3,242
+abdullaev
+memorial
+adolfas
+81.07
+devnya
+efp
+frates
+run-length
+chrism
+marlies
+vidrine
+bwo
+puzzle-solving
+millstreet
+runners
+autostick
+conspiring
+mobilization
+qemali
+cozen
+bacliff
+novotna
+(415)
+28-yarder
+st.peter
+step-down
+dushkin
+melodeon
+speechworks
+soghanalian
+detik.com
+masterclass
+abrego
+girnar
+166.75
+greenlands
+irven
+mulbagal
+tilke
+4-wheel
+bábí
+midlantic
+inula
+wltw
+1,907
+yahweh
+pricer
+comerford
+463rd
+heavy.com
+brion
+yasein
+mybb
+sœurs
+shyambazar
+investigadores
+hubba
+luethke
+telecomms
+vanuatu
+wörgl
+mci
+senay
+laçi
+chirwa
+asik
+muturi
+ulis
+slovik
+eremitic
+netrakona
+alpers
+nachtigall
+classifies
+juddmonte
+recruiting
+m-5
+kyodan
+whomp
+tupe
+jrm
+paleoecology
+kiboga
+sequin
+cose
+medical
+89.34
+questionings
+veluwe
+bickle
+jannetty
+syncope
+vvt
+mahaneh
+ordonez
+favorit
+ululations
+many-to-many
+lt.-colonel
+flavour
+nzema
+isinbaeva
+zeya
+wcal
+bushnell
+kubilay
+lein
+clausiliidae
+hiraga
+teledata
+weiyue
+rifki
+joyeux
+cabane
+tief
+canouan
+cronkhite
+plowed
+synch
+unflappably
+10-win
+discriminant
+1.4721
+foregoes
+ranveer
+postmenopausal
+ivette
+beddall
+arsenopyrite
+10.13
+msdn
+2010-2012
+heartaches
+picciotto
+2,000-word
+93.4
+abousamra
+wiborg
+sunstorm
+meselech
+nain
+ohlsdorf
+levator
+irig
+shootoff
+urbanus
+verschuren
+scenester
+social-scientific
+zinsou
+banfield
+jelenic
+starlings
+ferraz
+blatnick
+guindon
+haggadah
+yeun
+rahe
+ponorogo
+tdcj
+nemenhah
+kirishima
+69.7
+bonasso
+cavitation
+naotaka
+tusker
+b.w.
+reppan
+stooges
+trinucleotide
+lcdr
+medcalf
+ducati
+islamization
+rizo
+matassa
+ordronaux
+mushaima
+cabibbo
+gollum
+863,000
+nuria
+ponce
+intensifier
+psap
+herrero
+vltava
+willcock
+baheer
+backlights
+kecoughtan
+rivergate
+humam
+.192
+piroplasmosis
+invertido
+minorista
+overcompensating
+michailidis
+decommissionings
+2,143
+municipales
+minehead
+12.41
+revivified
+ambracia
+betjeman
+kobudo
+darold
+uk-based
+secas
+luchon
+australe
+barrès
+30,000-pound
+yeh
+sidefooted
+hymer
+stanger
+delocalization
+berryman
+bnfl
+noren
+seatbacks
+temnospondyl
+igcc
+aquib
+skyscape
+edgy
+1962-64
+,109
+117.35
+deathrow
+treating
+inverlochy
+76.65
+ashvamedha
+villaine
+bière
+amberg
+croel
+blackmoor
+saugatuck
+bishop-elect
+gutteres
+rany
+8,130
+hyperterminal
+182-nation
+ḩājjī
+ahmar
+wjr
+vampirella
+tzuke
+81/2
+gračanica
+huckaby
+poachers
+data-link
+lieberfarb
+rachtman
+górka
+macaca
+63.53
+suaudeau
+caernarvonshire
+1.023
+1,792
+nürnberger
+newsletters
+.999
+lászló
+4-43
+zalapski
+arsayev
+huancavelica
+hryvna
+trilby
+winterburn
+troje
+34-22
+loudon
+hairless
+betterman
+spokemsan
+blare
+filiform
+garmisch-partenkirchen
+kuralt
+an/prc
+certainty
+bielski
+15p
+emidio
+supermini
+congress-led
+leonty
+yeshivat
+69-61
+siberia
+anti-handling
+hiko
+frequentist
+isett
+baptismal
+bahnhofstraße
+gurgling
+khenthong
+pitié
+phytophagous
+chambered
+breitenfeld
+b&a
+terraform
+sangfroid
+berthollet
+sickens
+gregori
+kip
+tukey
+hagey
+swerve
+winfield
+vanderburgh
+nmbs
+119.59
+1/8th
+90.43
+82-80
+astrologically
+zolotow
+bjornebye
+brendl
+20,320-foot
+nassariidae
+niebla
+crowned
+karnam
+re-connect
+pragmatist
+triantafyllides
+drevin
+amyrlin
+loganair
+152.00
+yolie
+4:31
+incluso
+r-4
+notion
+lüdenscheid
+arbre
+dignidad
+rotie
+deterrence
+khj-tv
+lesperance
+thiruchendur
+chorines
+arsanov
+shunyao
+a/b
+kostoff
+intestinal
+seosan
+chitragupta
+sader
+hoping
+selami
+personification
+ringback
+eschaton
+bubka
+dislocated
+u-21
+sastha
+missioner
+cotto
+tirap
+hanq
+ahmidam
+thornleigh
+ammonius
+theodolite
+petruchio
+chipperfield
+nikolic
+orban
+poarch
+shanley
+31-12
+nanophotonics
+21-day
+1:36
+iipm
+wainscoting
+sile
+a420
+flat-lying
+neritic
+hodulik
+273.15
+oga
+bmc
+95.72
+rotel
+charyapada
+19.06
+mercuri
+freewheel
+'29
+periya
+rockhold
+beheira
+1,578
+three-decade
+extrastriate
+20.85
+putrefying
+jabuka
+barbarically
+mrf
+workings
+marroquín
+dobie
+undrafted
+milstein
+14.77
+leme
+108.15
+.333
+botafogo
+trustor
+vranjes
+revi
+low-noise
+low-flow
+hufstedler
+counter-revolutionaries
+ceresole
+backgrounds
+yeast
+flatbed
+cromartie
+trigon
+cross-strait
+coutances
+obrinje
+108-100
+valandovo
+proletarian
+marketers
+venus
+tarma
+diferencias
+4,986
+kilday
+seriocomic
+fahoum
+flyhalf
+sobell
+12-chapter
+leanza
+10/km
+chadrel
+40.40
+cholesterol
+hamudi
+hispaniae
+kolache
+sholeh
+55-member
+khela
+32gb
+heian
+brauchitsch
+saragih
+narseh
+reckons
+reconnoitering
+jaworowski
+23.77
+katheer
+allow
+sarbadars
+chongzhi
+fingaz
+ijet
+nivet
+paraglider
+chiba
+stanimir
+35-pound
+cubic-inch
+songandaprayer
+mic.smith
+brahman
+nanur
+recruits
+carlitos
+yous
+druzhinin
+azlan
+malé
+flails
+ghezo
+soma
+transcendentalist
+econit
+promotes
+internal
+ionizing
+rippingtons
+sergerie
+hamze
+830,000
+nutting
+mularkey
+seldane
+takfiri
+quico
+chop
+deritend
+79.89
+70000
+38.07
+2.84
+pasqualino
+horridus
+disks
+samoyeds
+españoles
+figueredo
+1,766
+zale
+olañeta
+declarer
+arlene
+nogueras
+igor
+:(
+massoum
+amanecer
+glucose-6-phosphate
+alli
+11.56
+racon
+squeezable
+hallaq
+atmospheres
+michavila
+59.21
+evangelischen
+dumbo
+counterattacked
+102.1
+nottingham
+bibracte
+marzocchi
+mendilibar
+karyn
+virostko
+mopes
+guily
+reichmarks
+mawapanga
+21,200
+holograph
+kaštela
+1,486
+dà
+frontenac
+alloudi
+marcellina
+1,925
+narayana
+salivates
+whirligig
+oshawa
+ida-viru
+smeshko
+steckel
+league-leading
+trofimov
+danish-born
+poch
+khouli
+elend
+mahadev
+1,409
+purevolume
+oenologists
+settlor
+succeeds
+reciprocals
+condesa
+satu
+unboxed
+kellye
+airyaman
+zhenfeng
+tuscia
+habbani
+(804)
+moorehouse
+1502
+rhodia
+28.7
+hev
+mankiewicz
+antenor
+shover
+pleblanc
+steerable
+klanwatch
+tillage
+walkom
+brazilian
+23,300
+mrcs
+bresnihan
+pârâul
+lenovo
+awwa
+lieberthal
+auxin
+superconductivity
+khreisheh
+lighterage
+stojan
+inkheart
+shuan
+narrogin
+yuwen
+110.26
+nikolaievich
+unamsil
+rives
+scd
+glashow
+ornithocheirus
+landour
+73-66
+busher
+bamm
+touchingly
+sigmatel
+aspiras
+havis
+1bn
+sfwa
+lydus
+kissy
+wahler
+creased
+26.52
+mbp
+immagine
+aragonés
+19.80
+pedometer
+yusefi
+milanesa
+gitte
+hugh
+ampere
+takawira
+hakuta
+ösel
+58,000
+d’etat
+post-doctoral
+katsav
+counterfeited
+telekom
+beitenu
+experiencer
+babayan
+nuremberg
+aycliffe
+zhongzhou
+thinker
+ω
+sasi
+numantia
+dakinis
+madumarov
+yaquis
+german-led
+sastra
+49-33
+rosenheim
+pinney
+multi-specialty
+lumidee
+greil
+bloodier
+saleh
+lita
+idr
+mozarteum
+third-team
+1956-1960
+51-7
+preparer
+aubervilliers
+kreidenko
+9600
+dreads
+canadian-american
+deben
+buspirone
+pj
+bellaart
+preljocaj
+clairton
+telemetry
+kaloogian
+hafed
+kleinmann
+crum
+autogrill
+madu
+ergonomically
+multiseat
+ducky
+awe-inspiring
+121.00
+fyre
+mycotoxins
+submitting
+50.36
+pccs
+habs
+kap
+gopika
+criticos
+daraga
+09:10
+hofu
+amboinensis
+bindler
+horse-breeding
+leuciscus
+dibos
+betchworth
+contraband
+stockpot
+3,080
+bottomley
+policias
+lawrences
+transplants
+volosts
+nonworking
+athamas
+http://www.bop.gov
+orochi
+320-page
+ramapo
+absolutepunk.net
+significance
+li-ion
+vuuren
+traversa
+nelsen
+ammendments
+haouch
+dragonetti
+apeiron
+65.8
+wrcf87a
+3,078
+gameness
+honiball
+106.71
+handkerchief
+retransmitting
+rayno
+jub
+proximos
+largish
+nellcor
+lightblue
+state-certified
+formula_17
+30,800
+intiatives
+materially
+barramundi
+musici
+taleqani
+asansol-durgapur
+euro292
+kosala
+16-room
+silverchair
+twitters
+estyle.com
+rosolska
+iboc
+salad
+jayewardene
+ergen
+kpö
+carnaud
+furon
+keyhole
+fabiola
+fulin
+undervote
+intourist
+bárcena
+zsc
+19-14
+peniche
+qinglian
+ghent
+kazuhiro
+wallahs
+samaraweera
+86.60
+megs
+euro695
+yorath
+jillian
+quaye
+isomorphism
+akpatason
+holmblad
+fugs
+lamsam
+exposures
+1.183
+berris
+m249
+outloud
+vre
+dedicated
+quetzales
+barabbas
+laudatory
+mademoiselle
+starseed
+wassel
+macroevolution
+gmpte
+schlopy
+cancer-related
+boddie
+portet
+kpbs
+jenkner
+shuldham
+malm
+antunez
+scandinavia
+25.42
+kranich
+y'
+ascherman
+sedaka
+100.92
+vatthana
+outhitting
+escritora
+zenair
+dubravac
+petrography
+chosun
+pushbutton
+kealoha
+crystallizes
+salutatorian
+phonecall
+solexa
+leistikow
+single-page
+joschka
+14:1
+brazaitis
+tornados
+tc3
+duhon
+karkarashvili
+vizzini
+116-run
+hard-edge
+sirl
+lederman
+ingen
+al-nafis
+109-page
+luaba
+incubation
+artless
+reconfigured
+andreini
+blandish
+télé
+giannulli
+thế
+http://www.worldbank.org/
+g-7
+extricating
+persnickety
+giesbert
+kifl
+hammerstein
+sobha
+hermelin
+kingibe
+whitelaw
+fascitelli
+hindwing
+tunnell
+sorokobi
+title-winning
+commonplaces
+hodoyan
+trackway
+newbuild
+botrytis
+afridis
+farakka
+re-opening
+barye
+hongfeng
+98.48
+mihrab
+zoar
+ropar
+do-right
+keala
+severn
+buloh
+seventeenth
+tomio
+1287
+amblyopia
+brière
+maxillary
+kutsher
+threat
+weatherly
+jeter
+culic
+plural
+elián
+miseries
+2-ball
+neamţ
+acceleration
+scholar-official
+varshney
+2280
+djourou
+toll
+corri
+jay-jay
+faler
+rupees
+pezzulo
+shefket
+sailmakers
+johny
+raimo
+bvpsi
+öbb
+iip
+puputti
+dualistic
+krk
+novia
+castroville
+210-mile
+zvezde
+omf
+ochakov
+seashores
+promiscuous
+therapeutical
+studentenverbindungen
+harlaxton
+impersonated
+meki
+3.0-billion
+robotech
+ksh
+eaps
+kévin
+plotted
+1,000-person
+stamford
+guglielmi
+balanzino
+hausner
+110.27
+puxian
+taufiq
+stablise
+gandalf
+azagra
+camelid
+nighthawk
+salable
+buchet
+outpourings
+mckimson
+over-optimistic
+servile
+bursch
+avenged
+covel
+marlin
+izetbegović
+duško
+1867
+325-seat
+weiqing
+aflpa
+janpath
+kamenskaya
+baffles
+rotolo
+honnavar
+religieuses
+and-12
+vava
+fitschen
+provideniya
+106.9
+uncontrolled
+30-pound
+cowdog
+bergen
+astaman
+peruanos
+big-hearted
+pence
+konar
+chandola
+psychoactive
+errey
+junny
+rejects
+myzomela
+tyr
+matlock
+kinnaird
+smolder
+preventer
+regnault
+robledo
+19d
+ssh
+dwight
+876
+berte
+68-71
+kanggye
+dasu
+ogrizovic
+zondeki
+23.58
+armco
+paladino
+poolman
+55.36
+ultrahigh
+chasms
+1507.50
+savy
+am/fm
+politz
+jikiri
+17-story
+encanta
+liveris
+infusion
+al-azm
+jiantang
+centripetal
+30.18
+lillenas
+lienchiang
+rivalling
+ryberg
+brownies
+kills
+sulzbach
+propagules
+qos
+resko
+steadier
+mildness
+servis
+pedicularis
+arnotts
+stanback
+zehi
+113.82
+kerr-mcgee
+preciosa
+butterfields
+jawlensky
+set-piece
+sendaula
+2.835
+jalut
+service
+claimed
+moeti
+205-pound
+giganteus
+mainbrace
+multi-year
+craf
+josie
+2d6
+hooah
+panko
+kombëtar
+protected
+madhav
+summation
+ipecac
+phono-semantic
+lowman
+ring-like
+ndung
+usgs
+spook
+electives
+davalos
+guangbi
+malouf
+miniaturist
+sovkhoz
+stenson
+1,350
+a3d
+mhd
+supernet
+bmnh
+athboy
+nthu
+fall
+expire
+glf
+kirkush
+nasaf
+wnbt
+sepp
+3:19
+m72
+teseo
+naypyidaw
+longmont
+cosponsored
+karpenisi
+zima
+phường
+195.1
+2,702
+andesitic
+meddlers
+2,803
+tumbarumba
+4/2
+lobed
+orthocomotis
+datsakorn
+fritos
+tdy
+nadiri
+röhrl
+microenterprises
+fluxions
+.348
+lunardi
+timidria
+doj
+rupicola
+breznica
+sadda
+ingmar
+chandon
+guillot
+modulo
+67.51
+chakmas
+czarnowo
+rereleases
+co-creating
+suriano
+etzion
+contiguglia
+2,651
+nabua
+contant
+montt
+artrocker
+zoop
+indeterminate
+velenje
+bergamaschi
+aksumite
+borgens
+flinches
+neoproterozoic
+¼
+myrddin
+1234
+cohre
+engelmannii
+soroka
+westgarth
+vortexes
+maleki
+cutest
+nzl-82
+fourth-oldest
+50-75
+tomescu
+eyedea
+disinvested
+mohibullah
+checkerboard
+fix-up
+haak
+kobets
+reworkings
+mamede
+jagamohana
+taccetta
+mouring
+nalo
+burtonsville
+easings
+sheet
+l'eglise
+petrochina
+ianthe
+193.1
+lefauve
+lignite
+tarawa
+hesebeck
+parākramabāhu
+cynic
+kindergarten
+peronism
+sydne
+tunisair
+epigenesis
+2.6
+buenos
+sampi
+mutaib
+24.76
+009704
+30,000-capacity
+nanbu
+phl
+djsi
+myklebost
+treichl
+29.09
+rastorguyev
+''
+chromolithography
+kbjr
+nykvist
+gerb
+nonprofits
+foree
+rohsh
+espers
+tbms
+iisi
+gainax
+yatchenko
+kholm
+oxalic
+furniss
+batavier
+muteesa
+larentowicz
+glycated
+adventures
+khairallah
+marto
+polyols
+twichell
+hadzhi
+iix
+mkz
+oconto
+cernuda
+gyurme
+smolin
+conflict-of-interest
+hibernation
+kangal
+kibira
+kmatsui
+switched-on
+solvation
+velde
+leaf-sheaths
+enga
+imara
+22p
+soubirous
+baryalai
+nogaro
+euro506
+prickliness
+97.73
+premsak
+eshowe
+edwardian
+shilon
+bundaberg
+dysmorphic
+tailwater
+katchen
+holecek
+http://www.tse.or.jp
+naka-ku
+d'aspin
+fgarcia
+boso
+cagily
+gomastapur
+hitman
+nariva
+and-4
+bartol
+second-story
+2-75
+lundstrom
+navsari
+34-minute
+fitawrari
+paaske
+fardus
+grapeshot
+aganist
+2-56
+korjus
+emirsyah
+vučedol
+compass
+serigraphs
+sarfaryab
+limnonectes
+fábio
+twerk
+vryzas
+pyare
+30.12
+ashy
+ladki
+single-class
+lunzer
+time-honoured
+ivaylovgrad
+estrone
+regularizing
+redstone
+2,188
+zakareya
+ardsley
+pound-for-pound
+healthier
+uabf
+cgpm
+limassol
+ecozones
+severen
+earlham
+teena
+mouchel
+tu-22
+meilhac
+bonzai
+99.85
+bensonhurst
+40-yard
+situates
+waterstreet
+rowshan
+dchowesdetnews.com
+wedbush
+duffie
+updegrove
+ardant
+metzner
+synergie
+selenge
+truncatus
+tifft
+iffa
+lowu
+sealift
+defections
+hutten
+jianjie
+aragvi
+ephrin
+maban
+annabella
+tonnage
+padmabhushan
+booby-trap
+cikarang
+vespasiano
+haghi
+heparin
+incb
+asters
+cie.
+benefit
+117.20
+reublin
+faryd
+govindan
+naturwissenschaften
+scrutineers
+ev-71
+tussauds
+wishful
+sibello
+lucite
+končar
+zhibao
+.558
+dhobley
+kiambu
+spiking
+zerubbabel
+epinephelus
+dombeya
+monro
+candesartan
+vjesnik
+erthal
+ofshe
+yanina
+64.1
+entidad
+michelet
+simla
+peaked
+mamés
+patroness
+chengyi
+trifolium
+pequannock
+1569
+copala
+coly
+mazar-i-sharif
+brizan
+scenthound
+azueta
+nysac
+mycology
+3,882
+valk
+supinya
+hyoscyamine
+pocked
+fredda
+noem
+nacelles
+comp
+gulia
+primaries
+sentiment
+soler
+üsküdar
+avasin
+pelage
+paps
+101.84
+gemplus
+noisemakers
+cranwell
+tenth-place
+parot
+panmunjom
+snuffleupagus
+uraga
+al-islami
+reiber
+landay
+blairon
+tenuousness
+populations
+frozone
+scinde
+mélanie
+monica
+chêne
+buschmann
+batmobile
+liebler
+thorium
+0.500
+off-road
+kredi
+roozen
+manichean
+pitesti
+remapping
+skymark
+pneuma
+energised
+220-280
+99.73
+borghi
+linum
+22-25
+sufjan
+maybury
+atas
+19-gun
+wolfsangel
+sonbong
+melnichenko
+fighters
+mcv
+294,000
+flipped
+grangeville
+5m
+3,541
+mdw
+christmas
+725-mile
+north-eastern
+simulcast
+14-night
+spelljammer
+kurram
+mmm
+dreamlife
+kabakov
+ghapur
+enimont
+extraconstitutional
+ucles
+69-58
+202-887-8307
+akhtar
+artistico
+juarbe
+kienast
+homoeopathy
+seng
+bollin
+symphysis
+stoychev
+righter
+sciquest
+mantella
+saude
+jcs
+yacine
+unattractiveness
+vignali
+solid-state
+plesner
+nauplia
+mythmakers
+niterói
+assegaf
+waeckerle
+64.13
+spintronics
+bartering
+volcae
+rosander
+mascha
+29.03
+birdal
+politial
+colombino
+chilenas
+toder
+máirtín
+68.09
+kono
+tiss
+ambrosino
+euro252
+42.32
+wyeth
+paquette
+26.49
+jab
+78.13
+scholae
+maxixe
+lauersen
+haslum
+vitaliano
+kerlin
+physalis
+farmleigh
+negate
+bgng
+watchorn
+capeside
+listin
+trapster
+38.99
+dutrow
+non-serbs
+jiashi
+bee
+900-year
+bouvard
+tormé
+dalham
+nmea
+alignment
+lustrous
+hazazi
+starns
+yush
+sabdarat
+blanchot
+colourists
+alexandrians
+luxembourgers
+tasting
+zegart
+shayla
+epitomized
+neighborhoods
+mountebank
+chenchen
+orthodontist
+-77
+nayarit
+glazyev
+alyssum
+gemalto
+rondón
++0.8
+2,700-strong
+u7
+telecom
+berkley
+eviscerate
+condado
+pronouncement
+sarhadi
+laozi
+vickrey
+siboniso
+kakiasvilis
+106.10
+cairncross
+havelid
+juntendo
+accelerators
+raghzai
+pern
+symbolizing
+reconstructionist
+neo-colonialism
+klenk
+santora
+straker
+tugrik
+bilineatus
+hef
+croz
+3,209
+odontoblasts
+paired
+beanball
+(907)
+caucuses
+4,177
+1-aug
+'re
+shaha
+nyali
+clermont-tonnerre
+lete
+cell-mediated
+ramlila
+hiwassee
+peigan
+pickup14thgraf
+nexgen
+aziakou
+cityhopper
+bridgestone
+varma
+standifer
+gannibal
+villae
+70-60
+loick
+bookland
+tinubu
+grabber
+suncheon
+colkitt
+bossangoa
+nonstops
+wroc
+scotoma
+associated
+montfermeil
+7-8
+cydney
+topanga
+pacioli
+o'daniel
+sampil
+tcog
+b.wallace
+saltzberg
+deafening
+5,057
+ihenacho
+nilüfer
+zaanstad
+sadomasochism
+šventoji
+paba
+prasidh
+2,999
+cassileth
+1306
+henss
+cockettes
+nakaima
+majdic
+ba'athism
+lecroy
+first-run
+payables
+p700
+aube
+cuerpos
+wz
+90.45
+113.12
+mboya
+jallah
+tobiasen
+maman
+frankenfish
+peb
+kalaile
+freemasonry
+kunjali
+simvastatin
+koebi
+169,000
+oxime
+unceded
+frankenstadion
+pamyu
+ingos
+coiffed
+tagbanwa
+trindade
+alberts
+abdurahim
+vivid
+saltwell
+100e
+ballman
+overbury
+sportswriting
+foulston
+reconnoitring
+tinnevelly
+maneuvers
+annuitants
+curates
+cesi
+munlo
+topsails
+itarsi
+cdcp
+internecine
+yeu
+shestakov
+sonship
+all-nfc
+20-race
+okresek
+piu
+rathskeller
+corona
+adem
+.397
+kene
+kermia
+skydiver
+hi-five
+state-supported
+grindhouse
+saatly
+michiru
+(787)
+redwan
+chakari
+7-10
+fig
+bioprocessing
+eddingtons
+30-21
+mfis
+boondocks
+malum
+athulathmudali
+http://www.scottbaker
+sgro
+apertures
+sportski
+qualcomm
+wolmer
+squibb
+vietor
+hoster
+meigh
+grotta
+japanese
+117.9
+codron
+country-style
+muricopsis
+munhwa
+-11
+trenchantly
+karwan
+margules
+4kids
+yagnik
+bernalillo
+reasoner
+rentrak
+strokeplayer
+staton
+fracking
+saroma
+whiffed
+anthill
+lamjung
+82-ball
+targus
+entrekin
+democratica
+tishkovskaya
+lombardic
+anner
+hydrocarbons
+ooltewah
+leonis
+bilik
+r-type
+rationed
+platnick
+ampex
+3:54
+16.1
+hunchun
+ujpest
+builtin
+trikus
+pieta
+sukhum
+diann
+encouraged
+vugrinec
+tateo
+moyenne
+sanetomo
+āgama
+tomic
+1-1/2
+bedi
+banipal
+cryptonomicon
+deliberate
+neitzel
+anstrom
+preeclampsia
+dsap
+gemas
+2,711
+naidan
+1.4803
+intelligentsia
+beerling
+talkington
+co-writing
+bhagavad
+9,275
+rodda
+kubby
+reconciling
+churrascaria
+ramyers
+7,085
+tumon
+rybarikova
+bursary
+obelisco
+freedoms
+mycoskie
+azai
+vidmark
+sasina
+48.00
+pilled
+sensitivities
+vpaf
+mcgarvey
+gigg
+bemoan
+1724
+kifah
+rurik
+cgc
+kaleri
+tianguang
+flannigan
+washbrook
+inky
+siradze
+biomineralization
+post-1997
+killorglin
+jouet
+cathey
+skippy
+osinski
+diegetic
+ugc
+hoeve
+jefferey
+niacinamide
+uhry
+labelmate
+pectins
+glassco
+pere
+velký
+isacks
+reichsführer
+tanglin
+slumdog
+tamsa
+aprils
+dysprosium
+34,900
+1894
+under-funded
+litas
+downfalls
+palmiero
+grounder
+tunbridge
+sulistyo
+sanchita
+krasny
+deetman
+leafgreen
+tons
+battleships
+amati
+vojo
+bandurski
+sophistication
+onder
+116.26
+howse
+versioning
+ibsen
+racines
+observer/gunner
+masumi
+well-fortified
+68.72
+bleeker
+durrës
+wachsman
+30-180
+euro290
+byrnes
+journalnews
+zia
+coronations
+dozy
+blackboard
+rigidly
+haiden
+redlined
+absecon
+72.66
+inchon
+rizzotti
+prefect
+peur
+e-a
+agha
+serviços
+churchly
+federale
+cms
+susana
+preserve
+gaur
+arvedson
+injun
+iswar
+310-785-9613
+jacobite
+300,000-square
+rabson
+lobar
+jao
+serdyukov
+incapacitation
+nityanand
+brzeźnica
+mansurov
+lapdog
+graille
+web-series
+geometric
+hallward
+mildert
+salhi
+gnosr
+madding
+miloud
+wickwire
+dioramas
+stack
+disagrees
+renaudie
+gladius
+2230gmt
+smallworld
+0.625
+salw
+rukn
+directorate-general
+brine
+borovoi
+93.92
+coorg
+lachanze
+embarassing
+hemon
+stains
+symbology
+burgrave
+xcaret
+verrazzano
+wfmt
+vaslav
+vup
+cameral
+dykman
+virtanen
+1.8125
+cucumber
+geriatrics
+rollerblade
+chaos
+modus
+gale
+perani
+stoxx
+n.e.
+skeens
+hondo
+mohican
+xabier
+tdcs
+shutt
+zhangsun
+doucoure
+wickman
+grap
+cancuen
+lemur
+halsted
+error-prone
+gemfibrozil
+amci
+sioux
+1542
+u.k.-based
+15.91
+1972-74
+joc
+samuray
+21.33
+bagaudae
+pynchon
+euro564
+susanville
+mathon
+cardington
+zither
+hepburn
+undertreatment
+hydrophilic
+hsan
+reproachful
+agda
+pandeiro
+occluded
+moribund
+splittists
+gabela
+jiggy
+18:26
+money-coutts
+oculina
+beygi
+crowley
+kamba
+4:42
+488
+simunek
+kamol
+marlo
+nekkid
+noginsk
+boccieri
+9.67
+nischan
+shellacking
+27-acre
+capixaba
+penological
+25-march
+okoto
+72.71
+44,400
+kōnan
+klak
+hielscher
+71.81
+hosted
+commonly
+stemcell
+spammed
+puzha
+g.c.b.
+painesville
+keōua
+grindle
+anorectal
+slavens
+u-19s
+salzlandkreis
+ammersee
+acanthurus
+31-nov
+1.2750
+body-on-frame
+bailer
+brass
+716
+tabish
+elderton
+itagüí
+vertes
+cuts
+livelier
+gwahd
+jagannath
+fti
+espagne
+undertown
+so-hee
+half-a-mile
+balabanov
++7
+averin
+asia-pacific
+couchsurfing
+antiprisms
+polkas
+kalenjins
+grandell
+valvo
+potenza
+wakiihuri
+hepler
+half-empty
+tiziana
+anti-vietnam
+sevgi
+سید
+halama
+ritchey
+goosebumps
+diaw
+chessman
+armatrading
+mapledurham
+tango
+domain
+ikettes
+28-27
+oeystein
+alpa
+garrin
+neckar
+113.94
+gossec
+upolu
+baltimoresun.com
+khaznawi
+manteca
+beachheads
+ngarrindjeri
+tzipi
+fans
+2,661
+yellow-orange
+coronis
+.995
+o'haver
+fennoscandia
+negura
+uwic
+epauletted
+hearkens
+36.14
+payneham
+58.20
+swb
+maggette
+koumoutsakos
+trs
+nehi
+leftwing
+inviolability
+make-up
+bombers
+co-manager
+weaved
+robidoux
+sikdar
+nuriyev
+theoneste
+94.52
+heartlessness
+appearence
+cacho
+29,518
+chellsie
+ctas
+linnaeus
+seaplane
+torruella
+geg
+antiflu
+260-mile
+brial
+mauno
+singrauli
+guillotines
+zarrar
+andhra
+overtreatment
+magnus
+1,728
+dissention
+nadan
+reassures
+lop-sided
+anti-fascists
+traille
+346,000
+3,444
+speculating
+flagella
+fould
+fuxing
+huina
+40.66
+dora
+whitey
+349.5
+tehelka
+jobling
+terrestre
+yearley
+cliffhanger
+dulmatin
+edra
+supergravity
+bāgh-e
+azogues
+ventana
+rottweilers
+sevak
+fhlbb
+1974-79
+huracan
+murphys
+radim
+2477
+siamo
+49.34
+rodzinski
+banff
+bbmp
+zurek
+disneyesque
+panamá
+gumbos
+cadenet
+valencianes
+flyby
+amon
+visualizer
+beni
+transversus
+moutinho
+soo-jung
+3-0-12-0
+samaritaine
+narnia
+lows
+geno
+backward-compatible
+oxytocin
+meetup
+regidor
+finlay
+al-tikriti
+bishu
+sulfurated
+platformers
+kemmy
+agrosciences
+hedonic
+dessy
+koumas
+espousal
+radłów
+aguon
+experimento
+unavailing
+2,178
+62.37
+articulately
+unbranded
+sides
+timman
+eight-issue
+oxygene
+wreath-laying
+dogras
+gunasegaran
+four-bay
+namie
+xiaojie
+145,300
+pastiches
+fuel-injection
+crogers
+68.3
+unseaworthiness
+seith
+16.04
+boxborough
+fasulo
+wastebaskets
+thereabouts
+petronila
+yeom
+sidebands
+superrich
+berserkers
+meris
+voth
+recluses
+126.90
+asmus
+1,000-hectare
+rafelson
+lorraine-dietrich
+sabbeth
+minny
+frac34
+atsf
+dostler
+34-second
+al-qa
+jianwen
+murrough
+85-84
+llrc
+samways
+saint-séverin
+5-meo-dmt
+mogridge
+immunodeficiency
+orko
+corna
+diagnoses
+b-c
+taroom
+brakeman
+youngstown
+gronlund
+moraz
+hotheads
+tuczno
+justin.tv
+triathlons
+kearns
+350
+actualisation
+chagall
+kimberlites
+soldaten
+opportunities_anaheim
+brazhnikov
+bursaspor
+latina
+prins
+dizaj
+romanzo
+shotgunned
+gillen
+rummery
+263rd
+schley
+dictyostelium
+fingerling
+veil
+much
+milkwort
+2004-2005
+avalokiteshvara
+robelo
+300-ton
+patentees
+indorama
+jumbotrons
+1.59
+hryvnya
+re-iterated
+mokanji
+odolanów
+unprejudiced
+vanska
+71.92
+reassuming
+after-life
+majorette
+malallah
+udorn
+stockland
+dulcimers
+phthalocyanine
+sakow
+yeong
+infamous
+hinckle
+budiyanto
+soderbergh
+18,850
+marconi
+consulships
+bbwaa
+dadkan
+inzko
+oricon
+bizonal
+monthey
+teschen
+1041
+l.l.
+blueback
+sisman
+oedekerk
+goju-ryu
+surmountable
+nicomedia
+buy-back
+artistes
+pfoutch
+player-of-the-year
+auta
+wlac
+boldness
+qudah
+woodpecker
+possum
+szudziałowo
+dengie
+cwru
+carboniferous
+trailhead
+200,000
+256-bit
+sodders
+lacki
+venad
+berlinski
+iuds
+2,464
+indianness
+lestrade
+seeger
+hambrecht
+ksiazek
+ackerman
+microorganism
+antauro
+erion
+blushi
+cosvn
+satmex
+muara
+3,557
+mauney
+rotha
+okumu
+ātman
+inyambo
+procureur
+schoolyard
+olami
+unep
+pointed
+sattel
+gubbay
+schenkenberg
+childbed
+oboko
+denigrated
+sandhill
+20:40
+garlicky
+gaoli
+wagdi
+sinikka
+batonishvili
+kopeck
+sulfur-containing
+2,834
+homomorphism
+coulis
+frontier
+sakio
+panevėžys
+zillah
+sts-122
+dramatizing
+n.w.
+chimeric
+afroasiatic
+ehingen
+rm28
+euro427
+tair
+108-96
+drafthouse
+kampfgeschwader
+dongjing
+jinmen
+kamandi
+exoatmospheric
+casteism
+stoeckl
+rawood
+brichet
+900-strong
+rionda
+10500
+sefi
+co-organizer
+tanada
+bergenfield
+hadrianus
+söğüt
+assests
+yukes
+60-50
+cariocas
+euphrasia
+2077
+scuppers
+viação
+hierarchy
+102.8
+skunked
+hory
+97-93
+racs
+obss
+47-1
+remineralization
+maupintour
+nctm
+viscous
+mühldorf
+pondering
+megadeals
+trips
+rape
+grzegorz
+srimanta
+marti
+antonian
+893-8751
+1959-62
+nacra
+delgaudio
+manterola
+cafod
+breakdowns
+cicutoxin
+obscurely
+cricketarchive
+unfruitful
+lange
+89.15
+trigger-happy
+removers
+66.36
+spartakiad
+hyundai
+penryn
+kustok
+leisurely
+82.54
+so4
+fukuda
+tncs
+idibia
+mushier
+lothal
+64.39
+trinder
+ofari
+carmelites
+orsay
+miniaturists
+kongsvinger
+mancos
+pufa
+lenient
+dbe
+military-style
+satit
+honour
+ogrean
+micheltorena
+1993-95
+,320
+loja
+amasis
+in-10
+nacio
+1,929
+twenty-two
+predicable
+jerweaver
+cntc
+certiorari
+double-hulled
+737-800s
+roading
+cohabiting
+sebha
+badin
+v-j
+visanthe
+indexes
+moretti
+neuropathies
+stambolic
+hürrem
+game-play
+bergquist
+kubasik
+kurt
+mačva
+loda
+tacuary
+consenting
+shatin
+firoozi
+kidspace
+nyah
+showt
+timpson
+atea
+booba
+avnery
+3,226
+relinquished
+polishers
+marxism-leninism
+auchan
+science-fiction
+(212)
+62.49
+riets
+yearenders
+weissenborn
+guatamala
+inspired
+processionals
+hounsell
+eagleswood
+tejon
+toch
+bandish
+1.003
+kowalski
+akhtachi-ye
+allure
+woldegiorgis
+rondon
+7.7435
+neo-orthodox
+nushagak
+apostolates
+hulbig
+bayne
+83.78
+118.75
+tigay
+liptena
+polskiej
+berlevåg
+xlr8r
+copps
+laciner
+yayasan
+supercarriers
+poisoning
+poland
+aliki
+booms
+ouadda
+boerse
+postgate
+buzzell
+todde
+drive
+ryko
+122.51
+piggot
+detert
+enslaves
+ows
+parthasarathy
+pyridoxal
+kawahara
+54-kg
+three-months
+ramanujacharya
+dibnah
+zechner
+damaged
+gō
+tromsø
+tononi
+god
+kavtaradze
+blockhouses
+shapinsay
+hss
+pericos
+bouda
+gerstner
+clunies
+londoners
+bassmaster
+heaney
+baliga
+sebti
+vasilievich
+csurka
+43.35
+energize
+73.15
+period3
+nicastro
+inconspicuous
+nagaur
+hiki
+kunstakademie
+mockingbirds
+pitlane
+77-78
+montenegrins
+waytha
+sisk
+gayndah
+billvirginseattlepi.com
+perrigo
+holcocera
+huebel
+inha
+towergroup
+gallart
+muhn
+tirza
+bmet
+karpman
+24,150
+st.
+lcfs
+metalworking
+nine-inning
+soltys
+lemelson
+mairesse
+vennochi
+congest
+transfers
+zemlyansky
+step-brother
+hossam
+1978-81
+liceu
+dkk
+loyalsock
+meliphagidae
+niedenfuer
+nonylphenol
+ibovi
+揚州
+bhanpura
+216.1
+hoofing
+balaklava
+toshiba-emi
+urban-type
+32.34
+svizzera
+starmania
+bopomofo
+taito
+m4s
+snorkeling
+universités
+breathe
+triggerman
+zinter
+,140
+treacheries
+nessel
+mayawati
+barna
+katuna
+gallbladders
+bolek
+undependable
+1,146
+picart
+selsberg
+globalized
+102-91
+autorities
+cock
+remic
+hondas
+ш
+oup
+priistas
+faltered
+radici
+nizhyn
+birach
+detecting
+spinulosa
+nordstern
+polyploid
+nadhmi
+wonderland
+90210
+amante
+sampanis
+koryaks
+mariemont
+wermuth
+kelemen
+volunteerism
+guei
+balašević
+grating
+jingxuan
+appu
+exhort
+misia
+corocoro
+1.4700
+artyomov
+43.1
+zagorodniuk
+pre-2003
+cleves
+siddhas
+robinson
+genlis
+ayin
+white-owned
+v-rock
+kiyosato
+rhiw
+68-pounder
+323,000
+schaerbeek
+kariz
+biaou
+timesheet
+sobrarbe
+pehrsson
+28.4
+socialiste
+3-on-1
+faraj
+30-pin
+muscovite
+pontarddulais
+medium-lift
+micronation
+wampanoag
+np-hard
+time-saving
+1,475
+svv
+adagio
+protectees
+psychiatrists
+tugay
+yarwood
+corrie
+raziel
+roget
+6.9-magnitude
+bogied
+stedeford
+pre-agreed
+frontzeck
+troy
+wake
+cb&q
+ob.-hooking
+wongan
+redrafting
+azizulhasni
+posbank
+oinousses
+ornate
+bonafini
+schnall
+matfield
+pipilotti
+50-ish
+coyoacán
+klebsiella
+scaramella
+costigan
+mysis
+creditos
+p.strang
+h-19
+canisius
+mccook
+kenway
+dargin
+tri-valley
+kalfan
+carraway
+schneiderman
+mouldings
+adjudicates
+fichandler
+utc
+gardener
+brainwashed
+glug
+arnow
+nocht
+amicale
+200-ton
+16-story
+kibria
+34.17
+lizardfolk
+73-61
+1995-2001
+derision
+mondt
+circumspection
+700-pound
+amorosi
+boskoff
+artzeinu
+fura
+marichuy
+richlands
+13-28
+leupp
+procures
+kharja
+markas
+nige
+atlatl
+9e9e9
+radič
+fundeni
+kibwana
+younis
+congolaise
+topbas
+deathly
+2007-08
+guthega
+abdulrazak
+bordenave
+junior/senior
+potlatch
+sql
+matalon
+borken
+heynes
+stoick
+pattiz
+allam
+prefaced
+arli
+baez
+percolated
+osmose
+levain
+qalamoun
+hln
+hanada
+self-governed
+despina
+popolari
+61-minute
+go-daigo
+galvanising
+kleeck
+youghal
+geochronology
+havanese
+worsted
+kilohertz
+throated
+russian-controlled
+nzama
+abydos
+azz
+m-18
+phevs
+400-metres
+pentandra
+362
+04-05
+aluminium
+co-national
+как
+tasaka
+cuz
+carramerica
+chesler
+patillo
+57.39
+usef
+ecotoxicology
+1.6050
+assadourian
+čapljina
+mother-to-child
+incorruptibility
+trick
+prunum
+42.77
+aerosvit
+malnutrition
+cigi
+whiting
+filme
+airstrikes
+bursey
+sanche
+turtleneck
+sightline
+grunnet
+delran
+xylogics
+mekdad
+2k6
+florez
+sensormatic
+time-sensitive
+55.30
+hasakah
+7,450
+pathak
+carmo
+interleague
+kailash
+mckelvie
+forward-looking
+г
+loiza
+feitelson
+klec
+maker
+haridasa
+1960s-era
+iminium
+krasic
+ploo
+opinogóra
+bassim
+over-zealous
+beatniks
+jacobi
+(908)
+middlweight
+three-way
+troiano
+timewise
+blue-and-white
+atomics
+nazneen
+busload
+325-member
+conservationists
+oluwatosin
+moshavim
+borje
+solla
+misimović
+ecofeminism
+jowayin
+sonicstage
+potentiometer
+undocks
+1000-meter
+108.7
+gantcher
+velásquez
+laroy
+kearsage
+energising
+jõgeva
+rousselot
+povera
+mapushi
+leymus
+honken
+sarafin
+oops
+ortman
+abdiaziz
+nine-year-old
+racking
+225-pound
+combinatorics
+galliano
+pellegrino
+asian
+skrzypczak
+38,387
+seyit
+interest-bearing
+anglo-sikh
+wintun
+preventive
+pluralized
+pseudoscientific
+quitters
+grindlay
+poosh
+ornithischian
+euro483
+36-page
+50-meter
+fremad
+ktrk
+boutin
+suhl
+gellos
+bestows
+articulatory
+rasho
+2,120
+optimistic
+riario
+whirlpool
+goulbourn
+regionalised
+1.0-1
+80.2
+hohenzollerns
+toolchain
+hiromu
+37.33
+101.78
+kohle
+materiales
+voxel
+maniero
+ofs
+usages
+5-75
+zini
+espaço
+m.e.waugh
+azzarouq
+shastra
+525i
+emberton
+menevia
+tamiroff
+asquin
+ceremony
+woodend
+nuvolari
+kalliopi
+flatfooted
+specifications
+guerrilleros
+junkyard
+euro760
+22.05
+schaefer
+jerrycan
+vnukovo
+saddiq
+rc5
+ecclesia
+vassy
+suza
+social-liberal
+characterizations
+lapper
+madhvani
+cytosol
+gossard
+incredulity
+rotary
+naro-1
+bance
+sc-7
+ermua
+murasame
+gallarate
+wendee
+landen
+gph02
+vbac
+ammari
+place
+sobe
+sm
+non-thermal
+bloom
+vrhbosna
+tar
+gothom
+daerah
+fatialofa
+tardelli
+bellhops
+orumieh
+sketchfest
+thabit
+miftah
+tricholoma
+califf
+amaret
+wahlroos
+naturalness
+northman
+kbw
+perfumers
+idrc
+beineix
+sandberger
+whorehouses
+nirav
+lalane
+tersk
+behavoir
+srem
+perseus
+giorgetto
+pinckney
+unadorned
+esselte
+kumbakonam
+beat
+gatty
+stieltjes
+turz
+250-a
+chandamama
+daallo
+upped
+au
+zsuzsa
+infraestructura
+rco
+antiandrogens
+governemnt
+urziceni
+atim
+geimer
+07:15
+erichs
+revalidation
+tazawa
+golek
+finishers
+farrukhabad
+cross-dressers
+thừa
+572,000
+fagans
+23,000-strong
+celentano
+walkout
+engendering
+4,795
+melancholy
+tuhv
+divertido
+9-20
+obelisks
+mosasaurs
+.9
+factuality
+yepp
+bauge
+temptresses
+713-3752
+oputa
+10-gun
+hellriegel
+headshield
+28,438
+exfiltration
+74.32
+sharples
+baroda
+schiliro
+tewa
+unbalances
+wallonne
+rajshri
+serine
+www.cnet.com
+δ13c
+crawls
+lauter
+103d
+thawley
+wakaluk
+bocchetti
+emly
+5.66
+takehisa
+ōtori
+brainstorm
+carmencita
+munsan
+brazoria
+gardaí
+humano
+4,112
+merletti
+euro436
+heckart
+leauge
+circumcision
+saller
+singstar
+blahniks
+bertuzzi
+humerus
+matru
+tecro
+caodong
+taean
+bandid
+bozhidar
+insitute
+loori
+isf
+high-tension
+magtanggol
+chlorinate
+veteris
+lathom
+ivl
+teleajen
+douw
+alii
+harro
+cinar
+varicella
+kohen
+collegeinsider.com
+rdram
+siebengebirge
+upsall
+hjelmeset
+riffles
+burling
+masheder
+absolves
+zeelandic
+91.52
+longitarsus
+rohch
+teichert
+ishvara
+submandibular
+annuli
+boucha
+unabom
+herpetological
+interrupts
+vaisseau
+boletales
+sickle-shaped
+flosadottir
+ghanshyam
+gonorrhoea
+sigmar
+barberà
+b-sides
+hiken
+u9
+idg
+watertight
+ganso
+(650)
+sensemaking
+metamorphosis
+soldevilla
+detaining
+accosted
+schnitzel
+smithii
+willsher
+vandeveer
+animator
+petumenos
+nevarez
+imbecility
+schieder
+loo
+graze
+hulls
+nipah
+90.8
+schorno
+rockiest
+proton-proton
+ezrin
+bronze-age
+stickiest
+postmortem
+nonperformance
+nicarico
+65-70
+17-5
+38-34
+mariuccia
+haminu
+eponym
+workforce
+krokowa
+victorian-style
+lyran
+matmos
+groovy
+olhovskiy
+enquiring
+sens
+pohamba
+school-leaving
+sarony
+co-efficient
+par-5s
+19.90
+académico
+y-chromosome
+bhandari
+lessons
+malankara
+länder
+shikoh
+gaw
+attal
+netcruiser
+emerges
+radioisotope
+sullen
+anales
+bessemer
+popel
+colona
+tignish
+overhearing
+isesaki
+dete
+goofily
+bolinder
+1.785
+boullion
+ryerson
+reoccupies
+grenchen
+swissotel
+musker
+baney
+telz
+rasna
+303
+orenco
+varvarin
+robdal
+12:30
+köslin
+physiography
+uluru
+third-parties
+62.72
+71-72
+sívori
+maikel
+ephedra
+administraton
+atrax
+iain
+kanak
+gounaris
+spendthrifts
+headband
+contendere
+menjou
+leng
+karpas
+denonville
+jolfa
+montezemolo
+prokop
+włodawa
+française
+schwarzenberger
+feed
+tremblay
+anying
+josefa
+day-day
+max
+rokk
+pre-negro
+f-14a
+khampa
+wiktorin
+depreciation
+vandalise
+richboro
+cheilletz
+traditional
+hotspur
+pelops
+firor
+stepsisters
+rpalmeiro
+vassiliki
+environ
+downgrade
+hartsell
+wickrematunge
+stefy
+noncentral
+1,132
+ape-man
+183d
+mccuistion
+putti
+cantatas
+georgelin
+tantalized
+lukowski
+gorey
+nsk
+spatha
+diel
+webgl
+re-styled
+galagos
+charfreitag
+rocket-propelled
+rishonim
+lucayan
+listkiewicz
+torte
+mauá
+waster
+padme
+blouin
+demagogued
+checchi
+vechi
+canrong
+kaliopate
+cubits
+remolded
+manau
+honked
+spacegodzilla
+kadiogo
+flori
+panin
+powershell
+ete
+seventy-eighth
+madrona
+nine-hour
+penser
+gerekou
+snowville
+gamarra
+formby
+karcher
+nutzfahrzeuge
+thome
+buprenorphine
+widescale
+fingal
+addou
+arvey
+jetfighter
+deepavali
+oceanus
+zakki
+tylos
+57.53
+majdalawi
+sridharan
+amerasians
+13.36
+kofa
+valdemar
+anasagasti
+jayaraman
+geochemical
+.724
+(
+78.60
+salesperson
+2,600-year
+inmost
+brzozów
+bundu
+director-producer
+nyaga
+caltabilota
+lsv
+offish
+klimek
+flockhart
+548,000
+fürstenberg
+benched
+hluhluwe
+magdalene
+pellegrina
+šťastný
+calmund
+grossen
+kotal
+shamva
+self-winding
+dsds
+bearcat
+supremacy
+savua
+dublins
+vasculitis
+secessionists
+perverted
+713-3470
+roadbuilding
+iraqiyah
+beji
+viesturs
+mantled
+menna
+irq
+objectivity
+yahoo
+14-man
+1.4633
+ameriquest
+elissalde
+websense
+aif
+pauperum
+modi'in
+chocolate
+27-15
+artkraft
+tabb
+hon
+valdemoro
+narayanaswamy
+predilection
+fundraisers
+muter
+fools
+checkmated
+planus
+pegboard
+tu-2
+mustering
+73-77
+shuaib
+version
+antiquary
+scooter
+lohar
+yawuri
+injo
+fractal
+everhart
+52.69
+dunked
+nim
+emphasises
+sinha
+erg
+mayas
+galardi
+dynever
+amistad
+auctor
+two-factor
+nabaoui
+siems
+battuta
+cyb
+verily
+bakiyev
+tudung
+supriyadi
+antifraud
+wxx
+finish
+18.97
+euro-mediterranean
+kurfürstendamm
+1.3775
+fagrskinna
+yngling
+jahra
+darja
+hermana
+slee
+millipore
+5,452
+duodenal
+300-odd
+phebus
+sljeme
+loftis
+lieblich
+impersonating
+keyblade
+attorneys
+ballhandlers
+khd
+pillowtex
+24.42
+logos
+gassner
+repulse
+navab
+438th
+fierz
+ietsuna
+knotted
+gun-brigs
+heimlich
+liezel
+bricklin
+hlukhiv
+inj
+gorkhali
+muqataa
+emulation
+200-acre
+refinery
+jakopič
+confusing
+ljudevit
+msrc
+beza
+tuscola
+vandervell
+kohno
+forcella
+premade
+planinc
+meanwhile
+anti-bacterial
+kalousek
+treptow-köpenick
+lavista
+chilbolton
+cale
+henkle
+confey
+heddon
+no-name
+richardson
+retellings
+winegrape
+leckrone
+okita
+aapc
+liberă
+harrold
+1:01
+patrizia
+alistar
+engles
+regularisation
+corkery
+folgers
+armindo
+523
+benaglio
+charlyne
+after-action
+funner
+maheu
+chesney
+anniston
+salvadori
+narcotraficantes
+ogwumike
+ayot
+domènech
+trails
+chisso
+ullico
+doretti
+nsz
+thunell
+bufotenin
+mutunga
+lankester
+honeybees
+11.8
+decca
+calyx
+salvado
+5.98
+scudetto
+2.13
+folin
+venditte
+siqing
+pulley
+conceição
+corncob
+blowout
+quelli
+pyr
+don
+kriel
+delbrück
+bernett
+alexeyevich
+zambos
+mallery
+steenwinckel
+short-circuiting
+ipt
+bollée
+gasi
+showered
+self-fertilization
+patrollers
+protegees
+steel-framed
+arrivederci
+wailed
+youmans
+cristofaro
+churu
+sheohar
+polytechnics
+ficus
+mysterion
+bokator
+vsd
+strucker
+morwood
+full-sized
+24.61
+tosco
+landor
+båstad
+4,806
+blonde
+humadi
+tanju
+crm
+finsler
+j-league
+sher-e-bangla
+wht
+15-kilometer
+arrillaga
+daugava
+fehr
+sumeth
+seconde
+inamul
+jailani
+papaverine
+sidus
+research-oriented
+basquete
+607-633-3275
+seisint
+gadret
+1955-56
+šmarje
+arbuscula
+swiftmud
+dxm
+gadhra
+humpbacks
+cyclicals
+fahrenthold
+george
+fenninger
+veverka
+mahur
+intermissions
+b14
+mch
+182d
+zus
+minchey
+jendrzejczyk
+baden-wuerttemberg
+incommensurable
+portguese
+astros
+k.l.
+enharmonically
+syvret
+cheun
+yakoub
+teranishi
+helveg
+boucetta
+wacc
+chwat
+thorney
+leeuwin
+deauville
+155.1
+869,000
+4,193
+eluted
+linslade
+maize
+α2
+innamorato
+cobranded
+circolo
+komilov
+2/6
+goal_edmonton
+newberg
+xerocrassa
+christenunie
+niño
+84.62
+birectified
+lanshan
+aviation-related
+ginsberg
+pacifiers
+multi-color
+1373
+refreshes
+ballingarry
+torresola
+aquivaldo
+magnificient
+riso
+clocked
+ambles
+blanked
+jaqueline
+kajima
+lopeti
+follow
+wojtyla
+jolie
+soapy
+rasila
+crac
+prime-1
+balchik
+brillouin
+isoelectric
+bulbar
+barm
+fpv
+m11
+nelonen
+fewsmith
+yourselfers
+editio
+suthep
+rhyodacite
+lexington
+sunsilk
+14.54
+savacentre
+wanka
+apothecia
+shorter-lived
+15000
+castrovalva
+marbley
+tightwads
+rebroadcast
+carrig
+anahi
+ansys
+lsl
+seddon
+pronovost
+chevaux
+roda
+twist
+emmendingen
+teaneck
+dentimargo
+memos
+menara
+suada
+trackmania
+winnowed
+euell
+pennsylvanian
+daggatt
+macula
+mushers
+saint-hyacinthe
+cutrale
+8-mile
+intercollegiate
+controladora
+đukić
+integrating
+minkler
+122.68
+nqakula
+wieber
+gardini
+hindi-language
+117.06
+gauss
+lumpish
+interviews
+kairelis
+newsgathering
+high-grade
+ankvab
+hebbel
+bureaux
+111.38
+syncopations
+ardeche
+200.4
+cyproterone
+ehe
+ibm
+sippin
+huldra
+i-o
+vidyapeeth
+vocables
+azes
+harverson
+middlesboro
+morris-jones
+solemnis
+shoved
+30.90
+discala
+zta
+panayiotopoulos
+gianfranco
+meanings
+baserunners
+seigel
+fouch
+bichsel
+bennu
+corporate-owned
+sinkwich
+thibodeau
+rarities
+luego
+85-foot
+guangchang
+9-3-1
+bajio
+hubbardton
+transgender-related
+aklan
+grossness
+kimono
+hajaj
+vaulters
+solms-laubach
+wadala
+sargsian
+7-a
+mingzong
+73-76
+1.21
+salvinorin
+schneider
+lakshadweep
+richens
+jwa
+tenderized
+trialling
+impediments
+france-presse
+j.f.
+arrears
+22.53
+3,500-strong
+komol
+izz
+17,400
+.411
+bopolu
+niedenthal
+mcfarlane
+200,000-square
+tiesheng
+bensusan
+isai
+yamaguchi-gumi
+patron
+sbrowndenverpost.com
+firebombings
+cavea
+bardakoglu
+29-2
+sahn
+kmita
+tg1
+beauclerk
+smyril
+67,700
+andheri
+perwira
+jiri
+surrealism
+mazzariol
+taeger
+poire
+over-the-top
+hoegh
+veselý
+firesign
+andahazi
+288.8
+easybeats
+netherfield
+fuscus
+48.73
+44.93
+274.5
+beranbaum
+tarahumaras
+logi
+hwange
+lambro
+flaine
+galeries
+poljine
+18.88
+27.89
+munnabhai
+unwound
+porton
+tynwald
+chiquito
+7-oliver
+blasdell
+kappen
+dextran
+hunzinger
+anterolateral
+shirish
+mcaffrey
+disruptor
+incorporators
+rummaging
+egils
+reunifying
+shakhter
+a59
+tapioca
+mosaicist
+whoo
+taweret
+holocene
+marzorati
+cosmetology
+wyższa
+burschenschaft
+romanian
+i.t
+seamer
+100g
+fielding
+deleon
+47.20
+myllykoski
+cybercasts
+mingzhi
+yawovi
+stirling
+kilts
+conze
+zusman
+lepchenko
+chacun
+câmara
+cantera
+picota
+66-0
+bures
+tromping
+intraductal
+2.80
+poshard
+speed
+kdaf
+frisby
+cham-e
+94.22
+spalter
+all-mountain
+interclub
+tariff
+hannam
+b&p
+ambuja
+fêted
+94.21
+medium-term
+captaincies
+grep
+2,366
+sickos
+broderick
+eyn
+dharun
+encroach
+chelang
+cunnilingus
+dharamsala
+wastrel
+fences
+172.6
+ozbolt
+30-14
+destructions
+worldpublicopinion.org
+3-month
+fondling
+bakhyt
+sawat
+alarm
+rafia
+arvier
+krs
+monsod
+stewarthearstdc.com
+56-percent
+allstars
+habima
+ntca
+kinn
+suggestibility
+cross-trained
+dickau
+12:58
+stroudsptimes.com
+mancunians
+reclining
+harrowby
+bubbled
+lorene
+qun
+svrljig
+ringless
+thruston
+outmost
+ecclesiatical
+1,709
+michelangeli
+torun
+sentences
+dual-clutch
+coenagrionidae
+tru
+trocadero
+voracek
+starlet
+memel
+pinnately
+slumbering
+mordellistena
+singlaub
+refiner
+albtelecom
+trianguli
+grabez
+caillou
+coworkers
+mizuko
+marrett
+tetraplegic
+polynesians
+1-800-flowers
+trainable
+734,000
+high-mass
+nerchinsk
+219.6
+micael
+sredin
+habitat
+opalev
+hämeenlinna
+inuvik
+nachum
+dalmine
+purchases
+ti
+crowchild
+co-infection
+arth
+bean
+112-page
+weirich
+carlsbad
+clove
+nihz
+thandi
+andermanglobe.com
+1971-1975
+105.68
+shipbuilder
+soejima
+joanette
+sussangkarn
+bulic
+prakrit
+uspi
+keserwan
+prosecuting
+wardak
+yorgos
+tulua
+drug-induced
+nowen
+49.31
+majapahit
+k9
+knowledgeably
+80/100
+ayerza
+kanamori
+gunnarsdottir
+sjahril
+79-ball
+churchill
+l'un
+bonifay
+yuzhin
+ormara
++1.7
+factly
+entine
+senegal
+fusible
+kahneman
+nördlingen
+outpost.com
+21.92
+two-minute
+stogie
+48.05
+zurab
+45.14
+llaima
+itchiness
+leibel
+101.07
+fairways
+wiligut
+yawp
+masculinized
+marasmius
+cyrille
+umbarger
+stickered
+gafcon
+augmenting
+ochraceous
+ipea
+teeples
+janesville
+girault
+roir
+dønna
+15.88
+koulamallah
+batavian
+converted
+hafod
+voca
+dutton
+terrel
+helfenstein
+overloading
+lewers
+pasquarelli
+sixty
+rakes
+http://www.people
+sulzenbacher
+swayamsevak
+wieners
+joske
+javani
+kganyago
+naheed
+tripolitan
+all-stations
+kimpton
+babich
+profumo
+hampstead
+erased
+wads
+metzingen
+bukem
+ujazdowski
+briefs
+cable-braced
+roundtop
+115-115
+ailin
+bhogle
+faber
+15:14
+trunnion
+maximises
+psalm
+kotze
+mishael
+sterculia
+picco
+10-gallon
+500-degree
+lzs
+admi
+sephardic
+roscoe
+eharmony.com
+zazi
+tothill
+jakarta
+neyland
+tirupati
+skandar
+2k8
+badru
+gautreau
+jazze
+2023
+karachay
+hohokam
+amnesiacs
+tuathal
+comedie
+bros.
+college-aged
+thrasea
+finnane
+qa4
+torpor
+kukje
+designates
+flatwoods
+gangbuster
+hmccoy@daytondailynews.com
+bophuthatswana
+reincorporation
+kospi
+smock
+ascents
+inure
+akram
+floury
+hyperextended
+minister-counselor
+keewatin
+wawayanda
+hadnott
+1986-89
+bratstvo
+derogations
+m78
+leech
+2,837
+40-50
+kark
+lǐ
+hemingway
+cardiotoxicity
+ejiri
+hoopoe
+albinoleffe
+mod
+battle-field
+enervating
+na'abba
+aeschylus
+hanneken
+conaire
+heatproof
+fluttery
+szalinski
+jum
+mutantes
+dernell
+zehra
+unauthentic
+246.9
+qaissi
+jalapenos
+l993
+sensibility
+crathie
+32-day
+bloomquist
+offense
+arabella
+helissio
+typos
+prestressing
+criminalization
+2,058
+quolls
+6.4375
+baze
+derogatorily
+1,369.70
+183-run
+mtr
+worker
+intervene
+theatro
+fréchette
+crosswise
+mugison
+spaceplanes
+rashtrapati
+bremse
+12.0
+euphemisms
+wilhelms
+stellwagen
+decease
+cornellà
+quintessential
+polyak
+adultos
+trios
+ussouthcom
+panarion
+brigus
+kescobar
+ambepitiya
+eurofly
+apsell
+muhlegg
+imprensa
+bulking
+doodlebug
+mikaël
+bihan
+kiyosu
+pleat
+versace
+salzberg
+topalian
+saarbruecken
+passman
+bookbuilding
+usher
+daleks
+wahlert
+83.65
+busboy
+86.21
+defied
+f-101
+ognyan
+underlies
+reclamations
+ziegel
+marie-laure
+backhander
+irin
+corm
+cloths
+ljn
+prominence
+taiwu
+lipan
+dubem
+wizards
+juves
+birchfield
+shajarian
+tavernier
+swai
+santopietro
+terrorise
+janessa
+olivero
+milea
+telediffusion
+ditadura
+twinings
+sacking
+jumblatt
+27-2
+housemaster
+pontier
+dolgarrog
+hradcany
+1.5430
+nycha
+abiquiu
+swaziland
+deluxe
+warf
+rier
+zavos
+longhu
+ten-wicket
+48,700
+washers
+katsuhisa
+boteju
+newspaperman
+mariani
+sherilyn
+mahachon
+nonhybrid
+qaddumi
+polye
+stairmasters
+hansell
+kolmar
+1,218
+2.02
+varadarajan
+lacedaemonians
+120.99
+lavenu
+madjid
+archvillain
+206
+edginess
+erecta
+santoor
+3,836
+hudec
+stirner
+mayersohn
+kazuto
+guardhouse
+off-screen
+rebeca
+backdate
+blüdhaven
+prelevic
+mid-life
+conform
+130.75
+aremissoft
+lurid
+skandia
+extremist
+massachussets
+km
+smoosh
+kumagaya
+clench
+blurr
+well-worn
+fujisankei
+electro-shock
+urmas
+assaults
+afrique
+ema
+eriugena
+gayageum
+badgerys
+rina
+securitas
+winner-take-all
+rubinow
+wcau
+complaint
+wepn
+solarz
+.404
+birdbath
+gremillion
+hydes
+chalvey
+ssri
+alumbrera
+stommelen
+triamcinolone
+25
+chevy
+velo
+polunin
+p.j
+almo
+bắc
+jesner
+boghossian
+gaborone
+ormandy
+blocks
+anti-nazi
+isoflavone
+xinpeng
+earthlings
+truthiness
+54.23
+legitimises
+realnetworks
+sensu
+meents
+grunge
+mariadb
+punctate
+sepah
+blacksad
+villianur
+tarlev
+columnist
+dakara
+pittura
+prickles
+kanone
+slavic
+chulalongkorn
+catnaps
+verchères
+manoeuvrings
+cholent
+m-13
+non-tournament
+30-10
+teeuw
+sandisk
+whitish
+maxson
+mahābhārata
+re-enrolled
+biotransformation
+radolfzell
+matvienko
+isoroku
+(540)
+eljuri
+msn.com
+alhurra
+huma
+oeri
+duboce
+andreu
+schineller
+82.98
+danzón
+kaddish
+multi-album
+800-billion
+pakistan
+elephantmen
+moving
+matanzima
+sagahutu
+hdx
+coriantumr
+moncao
+claasen
+lusatian
+supermax
+1.6400
+fracture
+2.705
+sphingidae
+vasilije
+hizbullah
+cybertronians
+qixian
+fipa
+tarragon
+excising
+www.ritzcarlton.com
+ivor
+dishy
+nagano
+edac
+blouse
+nashar
+creole
+sterna
+children
+sandon
+calgene
+midstage
+namp
+.0207
+wiek
+pomors
+proença
+fud
+hearnes
+taekema
+enumerations
+aquash
+sparking
+35,000-word
+riksmål
+unsaid
+76.26
+gautama
+low-key
+moullet
+chom
+kelenna
+digbeth
+baliol
+grudging
+kaoru
+274,000
+liberación
+acidulated
+97.68
+grafs
+costing
+light-hearted
+zammar
+motor-cycles
+hempstead
+fragos
+tamazawa
+entenza
+daft
+49-minute
+multipolarization
+oyens
+mägi
+faerûn
+armas
+mantapa
+qiwei
+pro-communist
+pipher
+hesiodic
+argentine-born
+høybråten
+phạm
+tsarskoye
+metabotropic
+segye
+time-period
+skvortsova
+joun
+doka
+mabardi
+patrika
+34-billion
+damavand
+hillebrand
+pmid
+1973
+gutbucket
+duliajan
+thoroughly
+rm600
+buijs
+ihrer
+tibiae
+infancia
+jdg
+kegs
+founder
+untraceable
+wakata
+crews
+rathenow
+theorising
+iliad
+semicircle
+384.70
+verdean
+wavefronts
+delicatessen
+yaumati
+muscarinic
+commedia
+eugeny
+spieler
+gniewino
+behler
+sirajuddin
+commercial
+non-professionals
+likins
+debby
+duguid
+pinder
+edessaikos
+bohem
+44.31
+nigeria
+kitezh
+woolf
+vacillate
+qazvin
+3,061
+gelugor
+2001/2002
+patuakhali
+116.06
+kibbutz
+histrionics
+578,000
+vigano
+achates
+beattyville
+twitching
+fuzion
+ninnart
+hinterland
+monotypic
+keisel
+mgeewaxcoxnews.com
+isinbayeva
+zahlé
+gajanan
+7-1-2
+qeis
+7:4
+aviz
+post-nuclear
+bushland
+tohk
+vidhan
+9,650
+dual-enrollment
+luck
+pandurevic
+taxonomically
+goutam
+3-28
+mcrobbie
+5s
+riskier
+papajohns.com
+zayatte
+circumvent
+alveoli
+hampered
+druglords
+lobola
+manuitt
+greets
+rectifying
+covic
+kurilla
+22-33
+meana
+ghinwa
+klingenstein
+hideaways
+leporidae
+ardoz
+chetniks
+eskers
+ketches
+indictments
+50-50
+tetragonoderus
+cresaptown
+2,818
+black-box
+seiroku
+hre
+goodbye
+neem
+breyten
+mucheru
+75.56
+fossil-bearing
+kuge
+caber
+beijerinck
+ayyoub
+temporao
+studebaker-packard
+2x2
+anastasis
+crookneck
+dhirubhai
+raymont
+swafford
+citylife
+sollett
+ultra-short
+4:04
+adjuvant
+goya
+megaresorts
+kmr
+trot
+1592
+frontin
+p3
+29-year-old
+zuiderzee
+inupiaq
+agate
+93.8
+shatpadi
+mxn
+cius
+featherbed
+117.46
+irish-american
+techsavvy
+insecticon
+stators
+1e
+hiu
+otan
+semidefinite
+gec
+urokinase
+sesame
+tubular
+remingtons
+boulahrouz
+c&nw
+28.44
+heroides
+novemeber
+117-111
+craignish
+365-day
+quinby
+atsc
+beanpole
+flysch
+sriperumbudur
+hensperger
+talamasca
+placental
+chayr
+roon
+pitying
+silveria
+tragedies
+wolffian
+nortec
+ftas
+bellary
+jaberi
+deduction
+sugaya
+mijatovic
+orson
+mcdavid
+krouge
+xvth
+surmised
+mulam
+candied
+satozaki
+reiffel
+bioinformatics
+ufot
+gjr
+viewer
+heterotrimeric
+creativity
+jointly
+spangled
+98.60
+débutante
+notarius
+arnon
+falta
+nvidia
+nahalal
+boian
+letov
+a-half
+nemov
+prenton
+broadbent
+denigration
+ravin
+tubmex
+64.60
+contravened
+parducci
+juragua
+water-tight
+winners
+50.21
+jaded
+desdiv
+quadroon
+playe
+subspace
+hakin
+biostratigraphic
+community-led
+morphisms
+stroble
+single-nave
+www.startext.net:www.arlington.net
+foo
+broccoli
+coetzer
+studbook
+furuholmen
+guzzle
+chiclayo
+iba
+nwbl
+86-85
+unaudited
+tranquilized
+armoire
+shimadzu
+,19
+gorriz
+harpsichord
+63.17
+uther
+ofisa
+scalabrini
+qmail
+apar
+parkes
+birdcages
+pogany
+plesser
+kef
+ifeanyi
+motshabi
+39.37
+remón
+barrenjoey
+324.2
+maladies
+parabolas
+lunev
+sudhir
+emblazoned
+dark-haired
+albertsen
+hichens
+14:00
+1,240
+arsdale
+chinguacousy
+moesha
+kisw
+edgeworth
+hymns
+oxenberg
+rafales
+apex
+1.815
+dáil
+decter
+toupée
+neurokinin
+fund-raising
+9,215
+a.c.e.
+aidid
+subpopulation
+rajiv
+maiz
+ziro
+tikka
+alliance
+hartwood
+tectorum
+shellshock
+shriners
+greyhound
+malvo
+silted
+fesenko
+mukhlesur
+p220
+captains
+faux
+flemingsptimes.com
+xintiandi
+bhilwara
+pradel
+diagnosable
+madhouse
+tweel
+szamotuły
+bogdanov
+marife
+đuro
+belaga
+blamer
+uncelebrated
+maillot
+khvoreh
+chen
+49-49
+dissipation
+4,134
+rocafuerte
+propofol
+spun-off
+titletown
+70.85
+paku
+tigra
+racas
+namak
+508-481-6400
+interschool
+sauerbraten
+tolomei
+ecclesiological
+ikangaa
+blastocystis
+qiang
+chod
+instalments
+laghmani
+astern
+muhummed
+balakrishna
+cioppino
+ramifications
+electrocuting
+nyingmapa
+faustina
+boracay
+hasyim
+sobrante
+fatherless
+kriva
+mid-february
+non-confidence
+face
+shaer
+murisi
+2,6
+boadilla
+moabit
+scalas
+19.28
+tnt
+splashes
+naushad
+scan
+jue
+geth
+m.phil.
+caelius
+wiredu
+reproduction
+27.12
+darth
+kolkhoz
+d'aimer
+liuzzo
+steyl
+dohr
+coregency
+sangala
+misprint
+parganas
+talx
+liikanen
+ludovisi
+prokofiev
+vician
+czi
+paultre
+womblike
+11-a-side
+neglected
+,230
+hboc
+latinvest
+ebitda
+palladium
+lasagna
+hagberg
+5,566
+risotto
+1587
+jamna
+adelboden
+fleurian
+copulations
+griselda
+lighthearted
+questioned
+colonoscopies
+many-sided
+c-tran
+nagua
+27.29
+swami
+thion
+labarre
+orathanadu
+dai-ichi
+nazare
+unauthenticated
+hemodynamics
+9,850
+sonik
+drivin
+goofier
+0.020
+krispy
+peltz
+lionore
+lightings
+modelers
+fn
+pimpama
+greatest
+charaxes
+alleg
+furor
+targe
+concertinas
+holopainen
+lesourd
+1/4
+295-pound
+57s
+3-26
+vienne
+lurton
+manually
+i-695
+chunichi
+mullerian
+worm
+cides
+shameka
+gane
+21.73
+osprey
+2-1-1-0
+siim
+ionut
+gullickson
+siemer
+cogeca
+yahoos
+unilever
+bouazza
+delftware
+euromir
+2118
+saturnine
+karlene
+svt
+hilaire
+rustom
+aem
+viatcheslav
+carmenere
+mindedly
+2127
+prohibitively
+hans-ulrich
+sumfest
+two-lane
+argetoianu
+coastguard
+o'bryant
+tonkin
+shyamnagar
+jigen
+cirilo
+spss
+15.37
+creamer
+inb
+medinilla
+tochigi
+1977-81
+wout
+bish
+kičme
+sahar
+pupates
+matsura
+013
+sle
+33.79
+loner
+elyssa
+heiltsuk
+tasia
+catanduanes
+cheesiness
+snopes.com
+luanda
+roskam
+moviehouse
+2.0-2
+dordogne
+interrogators
+idul
+hansens
+34-30
+blemishing
+riobamba
+dionysiou
+conwell
+harbingers
+kindertransport
+phakant
+hospitalists
+56.33
+kaurismaki
+57-year-old
+daendels
+waterson
+arse
+krejci
+40307
+everyone
+38.35
+lm.sixel
+spoljaric
+dhc-6
+asset-based
+juliec
+trần
+kolat
+beams
+1.51
+eiss
+ctea
+chiswick
+net-like
+martensite
+beowulf
+moravica
+saraswata
+nik
+25-kilometer
+i-490
+maniam
+depositors
+kokopelli
+.301
+agression
+laoag
+servicemaster
+dsk
+nelis
+vayu
+ehrenfeld
+kbb.com
+overmanned
+sagardighi
+lee-enfield
+comrade-in-arms
+91.45
+rajaonarivelo
+saver
+16.82
+coimbatore
+ehd
+(619)
+bird-watching
+newsome
+capill
+deader
+737,000
+inter-municipal
+bonder
+skalds
+stomatal
+harushige
+differently
+faubourg
+neuruppin
+boulangerie
+shakedowns
+socky
+svetozar
+tabard
+spycraft
+canny
+toumi
+gaffin
+nuneham
+hufton
+revering
+masconomet
+zings
+tihn
+fittkau
+rejiggering
+blinkx
+bahaa
+1,603
+fesco
+zamindari
+filippidis
+kprf
+herard
+victimizes
+gärtner
+diverse
+surpised
+investigador
+v-6-powered
+issarangkura
+no
+aggrandizing
+jintara
+uffa
+ostrogothic
+2004-2011
+seok
+ticha
+kilcoy
+lesli
+serpentinite
+kousky
+rebroadcasts
+pimpled
+partitioning
+rectifies
+bushbaby
+avcı
+celulose
+nitrox
+forests
+salp
+sunarko
+downforce
+koror
+konno
+alminova
+diovan
+4-64
+josemi
+lge
+underutilization
+73
+second-smallest
+bentos
+orduspor
+lapworth
+gett
+blunders
+bumpy
+skenderbeg
+sycamore
+neht
+rebbi
+ingargiola
+hous
+strikeouts_schilling
+guenael
+s4
+politburo
+rayón
+newars
+khánum
+bayview
+odoyo
+zombi
+krsto
+estrildid
+lunglei
+belle
+walcutt
+genotypic
+congratulation
+manujan
+emoted
+schwyz
+lipase
+been
+gunalan
+koura
+thrombolytic
+wno
+jci
+blagrave
+72.78
+basketmakers
+messias
+seaview
+giustizia
+45.02
+minuscules
+lorman
+shiism
+hemangiomas
+malisevo
+wongsuwon
+49-46
+merfeld
+usurious
+polylepis
+duzen
+addicted
+kalol
+janko
+linnea
+pezzotti
+occurrence
+alves
+33m
+attaché
+snodgress
+pep
+minicomic
+mamas
+masakadza
+latro
+kreymborg
+marinne
+monkeying
+óg
+liiga
+dullest
+non-recognition
+prodigene
+foscari
+л
+guptas
+marginalize
+sosnovsky
+akerson
+misetic
+rodhe
+flimflam
+krusty
+quiriguá
+__________________________________
+ana
+kirvesniemi
+wealdstone
+cooly
+mickelsen
+hunch
+qxe5
+schüttorf
+degrace
+reichsarbeitsdienst
+kreuziger
+sumaysim
+mcdougall
+kaczynskis
+lookers
+salanson
+rafe
+smelt
+3,286
+20:55
+troisgros
+mcnish
+dajuan
+leonardi
+bullhead
+rolandas
+scours
+petrocaribe
+flu
+montilla
+1715
+canadian-based
+inégales
+chicest
+tamasha
+zope
+billiard
+39.48
+d'aix
+muchelule
+genjac
+rachid
+gennes
+79.6
+euro544
+closeouts
+54.28
+semiconducting
+14:24
+renger
+ronny
+bcr-abl
+reimburse
+cloquet
+far-east
+ranko
+mayow
+sabelli
+gudalur
+well-aimed
+hommel
+folksy
+tiana
+brunansky
+encyclopaedic
+vivante
+moleleki
+millenium
+a.m.-noon
+sitiawan
+astur
+rewardingly
+grannis
+somerfield
+larin
+whb
+gevorgyan
+florakis
+dimerization
+tariki
+151.8
+hauptscharführer
+onnie
+hockin
+stab
+tlatilco
+nmap
+cabot
+bowell
+mukden
+weisbuch
+exhilaration
+rakić
+coalminers
+eifman
+gern
+throttled
+erazo
+fraternities
+zalloum
+transfixing
+duboef
+gametogenesis
+hukou
+azt
+anaerobes
+g1000
+lisitsyn
+denslow
+svinarov
+10,000-mile
+mutlak
+assicurazioni
+marylou
+kamelot
+argue
+potocnik
+zerguini
+masinloc
+75.8
+carrizalez
+pipex
+cpd
+waszczykowski
+harissa
+non-school
+ayyar
+lazić
+toss-up
+lengyel
+fenin
+missense
+imparts
+clukey
+dalpat
+daning
+umemura
+generously
+kenitra
+frn
+hakuna
+sharma
+karalus
+subvocalization
+dispassion
+nanninga
+dumbwaiter
+granillo
+microbe
+nallet
+flandreau
+wsope
+mapmakers
+hitchhiked
+halla
+hoaxed
+kufuor
+elliptical
+mastracchio
+chebi
+bnai
+gasolin
+agresti
+mmc
+fallingbostel
+dbacks
+buyan
+mahoba
+8,770
+livni
+47.39
+battiston
+kopans
+pearcey
+analamanga
+gayman
+retools
+drude
+t-15
+bb
+idli
+11.12
+muddler
+gravina
+barber-surgeon
+skacel
+uspto
+atmospherics
+sbih
+mccollister
+kotsopoulos
+mountain-top
+rcw
+triples_offerman
+lifeflight
+interstate
+pitaka
+creutzfeldt
+re-sign
+chepstow
+adenauer
+coached
+post-colonial
+imerese
+beitou
+a-dope
+innocenzo
+nepotistic
+injuried
+re-organisation
+backpedalled
+ifrs
+nesuhi
+siaka
+transall
+dieback
+singkil
+rafail
+tares
+2,000,000
+1,731
+jugantar
+pef
+chain-smoking
+44-minute
+garretson
+bagis
+highnesses
+gatv
+bonetto
+3,101
+needed
+puumala
+yb
+bebeto
+irrevocable
+billed
+disused
+39.27
+sectoral
+handedly
+brookline
+mbonimpa
+s27a
+festubert
+frontside
+trioval
+jaxartes
+zagazig
+sacerdos
+drapers
+florencia
+szili
+re-using
+bermeo
+60.85
+nflpa
+fully-grown
+blogspot.com
+techs
+salada
+sabians
+warszawska
+mk
+mullewa
+millrace
+dioulasso
+statistics
+dropout
+piersall
+43-billion
+sylacauga
+jettisoning
+tstinson
+madden
+amalgamation
+sarwar
+cx
+pulpit
+ramiro
+replenishments
+galeras
+wavelengths
+hellmuth
+five-wicket
+x64
+test-taker
+dimwitted
+batuta
+kowloon-canton
+vaziani
+formula_149
+kliger
+underwritings
+bumpin
+minhe
+zhixùn
+bufalo
+mollusks
+http://www.nbc.com
+defalco
+girozentrale
+sag
+76.60
+rajhans
+35,700
+beachcomber
+hagfors
+laynce
+patterdale
+videoclips
+ysgol
+i-87
+al-muqaddasi
+spragge
+typographer
+belived
+segoe
+bayadère
+roboticists
+dunstone
+purdie
+hulwan
+hindupur
+fiance
+taverners
+cordia
+broodstock
+karte
+pascoli
+nässjö
+davi
+espo
+certosa
+parsippany-troy
+paynter
+zarein
+macanudo
+indanan
+---------------------
+jianhui
+lagunitas
+allingham
+twenty-something
+juru
+suenaga
+22.08
+3,267
+similarly-sized
+emasculate
+giske
+ă
+crozet
+bagnolet
+82.51
+tolka
+liturgics
+oppegard
+third-highest
+barleti
+features
+sigei
+56-51
+exhibitionistic
+tagata
+clockmakers
+mpa
+misfit
+raywood
+lmas
+proglacial
+16.67
+raëlians
+russwurm
+fleisig
+reacquired
+beaverdam
+nimatullah
+hauptplatz
+lafleche
+p.i.
+70-metre
+tharu
+hypoplastic
+francesc
+vuelo
+khater
+25-yards
+plugger
+conchata
+badeni
+5:9
+encyclopaedias
+stachelberg
+chozen
+tervuren
+mixdown
+raptis
+6,000-8
+banyo
+hsintien
+hongzhang
+1.755
+csáky
+libations
+piatkowski
+observatories
+crotts
+justis
+čitluk
+neoliberalism
+pritula
+mashaba
+cbr
+ampersand
+96.45
+euclid
+likouala
+azcona
+väyrynen
+euro343
+0300
+63-0
+goalies_montreal
+middleham
+5p
+messenger
+shkoder
+wheeler-nicholson
+olwen
+bible
+beekeeping
+anti-mafia
+intend
+kornél
+fromberg
+condemnatory
+prostějov
+labeobarbus
+dhindsa
+900,000
+pcaob
+naur
+salzedo
+bolillo
+groan
+conry
+gennaco
+progress
+imler
+hath
+untraditional
+zerpa
+kink
+benedictine
+cremates
+abrasive
+pingguo
+cdt
+kaffiyehs
+liwan
+telsim
+haeundae
+cryptanalytic
+regan
+bulos
+mirrored
+.609
+bilston
+telegraphic
+khui
+mantar
+karradah
+nestin
+llanbadarn
+faiyum
+tuohey
+shediac
+incidence
+zator
+shawneetown
+i-77
+kembang
+bboone
+thirty-minute
+trans-himalayan
+pacc
+leproux
+klasik
+berlaymont
+gingivalis
+jumble
+zemurray
+preparations
+hibernians
+enchant
+toensing
+sawi
+negruzzi
+21-18
+ryazan
+chaplow
+keynesians
+handsomer
+h-1b
+beitunya
+aim-120
+euro150
+bowfinger
+sitting
+tk
+19.01
+nux
+pdsa
+exerted
+stadtholders
+lepsius
+chouinard
+angrily
+abuts
+racewalker
+gutek
+’70s
+magdiwang
+kalaripayattu
+dazhao
+494,000
+flesh-eating
+76kg
+raciness
+shiji
+bully
+sudip
+punctuates
+whydah
+moivre
+elche
+v-type
+ellmann
+zaurus
+.0358
+nanticoke
+constitition
+ginny
+sasp
+non-users
+sandgate
+c-41
+icmi
+bses
+ethology
+misconstrue
+bhoodan
+375.7
+kal-e
+videotape
+judokas
+hasmonean
+marouane
+warentest
+marzena
+bulova
+counce
+micropterix
+kondratieva
+guston
+juried
+43.72
+brownmiller
+411
+bruce.alpert
+mirror
+tropism
+pandua
+cordierite
+57.66
+melton
+focht
+tambourine
+popova
+20.31
+answerable
+affordable
+solutia
+david
+prokopis
+kalvan
+halbertal
+alaya
+tilburg
+coraopolis
+sacroiliac
+kurkjian
+wundt
+subtler
+kopet
+martime
+soryan
+belldandy
+2,958
+mistic
+burzan
+dinkha
+dank
+tta
+cheerleaders
+otherworldliness
+bankcorp
+childrey
+durfey
+cavagnoud
+sprigs
+dyatchin
+350-bed
+wendl
+locke
+tawaraya
+sidelocks
+chart-toppers
+anido
+rsa
+zliten
+shunde
+cambanis
+jemaat
+corydoras
+souri
+rsst1
+sold
+zeitz
+advertisments
+kwak
+oreilles
+juno
+petrof
+71,953
+qh4
+fistful
+westboro
+jordison
+converges
+paraskevi
+dehumanize
+stroke
+2-pointer
+ප
+khosrowshahi
+autran
+sangster
+parus
+hooten
+polyamide
+ysaye
+advisor
+runner-up
+vitalyevich
+levitt
+ehrco
+northwestwards
+cuora
+asheri
+latgalian
+padé
+imperialistic
+gobbi
+105.12
+anti-guerrilla
+coren
+mugo
+66-57
+gorenjskem
+560-mile
+gurpegui
+imperilled
+boulle
+piobaireachd
+virgilia
+alfons
+22.50
+tamers
+guided
+sukkah
+yingying
+mousa
+919,000
+29.17
+planeta
+4-d
+pieve
+planters
+lengthier
+miranda
+kinematics
+vladivostok
+hrbek
+dunstan
+208.7
+15-million
+bagbazar
+bani
+wagenfeld
+ostracod
+bonamy
+chantha
+libano
+gorby
+suturing
+sico
+mugam
+133,600
+malaysians
+windstream
+kova
+samit
+campanas
+kniazkov
+holdin
+32.2
+lodgers
+175.50
+gahsh
+ailun
+ambled
+peekskill
+tondar
+zubrin
+ileal
+mortises
+en-masse
+lekhwiya
+criollo
+1992-1998
+sissela
+upson
+asmund
+araud
+gomphidae
+66.91
+aftenposten
+reiteration
+trevor-roper
+barasch
+kouyaté
+jibrin
+aquatics
+kunieda
+rezaul
+artix
+govts
+340b
+holczer
+akas
+beigh
+schüler
+psig
+papeete
+bosten
+ddo
+fazzini
+jaynes
+lower-surface
+selfishly
+yogscast
+indyk
+240,000
+paty
+6.2-million
+sintered
+constellations
+.110
+sixed
+salesmanship
+kahikatea
+beta-carotene
+pharisaic
+golconda
+seropian
+courtland
+wier
+lavera
+non-lawyers
+delhomme
+710-am
+borovo
+bungu
+officialy
+middleby
+63-percent
+palantír
+trucks
+habtoor
+a-vent
+18:24
+pre-cast
+snee
+diniyar
+milkers
+bahía
+selam
+s-21
+schelde
+amateurligas
+fadh2
+cementation
+núria
+dpw
+mcmurray
+tubes
+tshabalala
+khimki
+linera
+claves
+bulleri
+noerrebro
+91.22
+sixty-four
+dunno
+menschen
+tybalt
+patula
+pará
+pokój
+heinesen
+vicenza
+kannadasan
+pequenos
+ftd
+callison
+soaring
+70.73
+bayonnais
+ellett
+60-90
+monomania
+infalling
+yuri
+saxifrage
+fumarole
+turcica
+muhammadi
+'27
+73.10
+5-97
+futurism
+mythologist
+ctenophora
+salafranca
+textbooks
+đàm
+basualdo
+incinerates
+ibmxf
+eons
+no-decision
+akhaura
+shopko
+theodosius
+keeny
+gambira
+arletty
+etablissements
+5,248
+vokesimurex
+72-58
+therapists
+cheer
+85.58
+mixin
+superoxide
+wicksell
+rabri
+us-made
+closed-circuit
+coordination
+alternated
+ryūkyū
+goldschmid
+teron
+ameena
+macheyo
+ragone
+olano
+gumbinnen
+konza
+d60
+signature
+ethmoid
+constitutionalists
+sultana
+sf2
+reseller
+kutscher
+urechean
+war-surplus
+åland
+charismatics
+110.49
+kakadu
+hinault
+nukus
+kinzel
+smbc
+inspector
+representa
+monfalcone
+rower
+beckum
+rapalo
+big-headed
+centre-right
+shorinjiryu
+codie
+interrogatories
+hoola
+4-77
+24-10
+tesori
+piker
+42-10
+dagger
+łanięta
+waks
+jaffer
+juburi
+fellows
+stamps
+sxsw
+z-man
+2,934
+cybercafe
+disgusts
+reconquering
+12.16
+kammhuber
+k4
+boxsets
+15:56
+258.6
+asphyxiating
+sothern
+dabir
+rigmarole
+15-feet
+furcifer
+f/l
+olau
+manasieva
+pennell
+d'asti
+sse-30
+72.9
+smucker
+abyssal
+lco
+atca
+keratoconus
+bazar
+frensham
+ngọc
+mothballing
+63.88
+www.who.int
+stopover
+1967-71
+vocalised
+tecate
+honjin
+short-horned
+segregates
+maribel
+yuanjiang
+karolyi
+tienen
+ruimin
+wappler
+eyraud
+persuaded
+countermeasures
+yūko
+ryskamp
+zubak
+mcgoohan
+enzymatically
+langenthal
+157
+rosemeyer
+paratriathlon
+galeano
+diablo
+sav
+2,100,000
+sabbats
+all-school
+levinský
+weining
+gamlin
+2152
+oton
+spielbergian
+snowcat
+mangelsdorf
+wf
+hungrier
+ribbon-cutting
+essanay
+13.52
+parhamovich
+musaf
+harrying
+19-race
+tarata
+gonads
+machi
+debe
+evren
+filic
+lebesgue
+vaunting
+mcnatt
+kuijken
+lucinda
+kallakurichi
+collared
+panchita
+tablet
+kenyan-born
+atasoy
+asystole
+demopolis
+:30
+karponosov
+whippoorwill
+luray
+outputs
+rotimi
+workaday
+polyhedral
+roi
+moorabbin
+tacs
+tabassum
+trivializing
+võro
+ljusdal
+lieberbaum
+ink-jet
+clavaria
+deckhouse
+400-room
+sinno
+nahata
+grittiest
+galien
+henneberg
+outbox
+158th
+printing
+shenon
+keppler
+verrucosa
+trenet
+c-46s
+parsonage
+hettel
+dlsu
+tipoki
+kebon
+tamaela
+hambuechen
+faurot
+wassmer
+amsberg
+aileu
+unarticulated
+redonda
+2000d
+ajb
+shrill
+circlet
+ioi
+hergest
+designees
+st.john
+rip-offs
+didacticism
+jour
+mejillones
+49.43
+plastiras
+jz
+thodoros
+post-stroke
+whanau
+captain/coach
+movable
+bloodily
+parthenocissus
+rossington
+cedarwood
+cochineal
+instrumentalists
+sebaste
+dose-response
+autolatina
+mackinder
+5km
+46.66
+honved
+n6
+shevaun
+alesana
+emoryi
+alperton
+galiza
+towner
+schettewi
+medb
+1.2814
+reveller
+hooj
+businessday
+nowak
+mandel
+tilsley
+arp2/3
+landslide
+norian
+lkab
+arihant
+tapper
+ladyhawke
+ivoirians
+besides
+mithu
+portas
+barayev
+epm
+cq
+portfolio.com
+209.2
+hatano
+zwide
+115-mph
+hh
+30-1
+antiphon
+jamiri
+contesting
+tristate
+practising
+afaq
+4-bit
+public/private
+woyzeck
+sokółka
+pfdj
+calf
+gwcc
+nucleolar
+ellicottville
+misfiled
+raaga
+hadeln
+75,000
+co-editing
+greenland
+wlp
+nurturance
+hassium
+banjar
+arachosia
+zamloch
+abdomen
+gallaghers
+spectrometer
+careerbuilder.com
+vissel
+eidelman
+spital
+3480
+ierodiaconou
+sustainability
+8.13
+waiau
+21-2
+valcarcel
+showgoers
+felpham
+ciccone
+1,006
+crotalus
+deroche
+5.2
+volunteers
+eleven-year
+femenina
+priti
+1.294
+elfving
+55-40
+hanbali
+5-of-10
+wrongdoing
+isosceles
+16-strong
+longyuan
+sammie
+przemysl
+sare
+1805
+tallis
+bransby
+lyle
+malkov
+fascio
+046
+angeliki
+3:18
+manics
+carotene
+bridleway
+baverel
+arecibo
+27-second
+off-ramp
+hockeytown
+sh-3
+sępopol
+shortnose
+watchtower
+handwerker
+briny
+aosdána
+ramrodded
+wormley
+1975
+chael
+churston
+meddles
+carmilla
+sendak
+tunein
+class-a
+nikitina
+hte
+smidgen
+hangleton
+lakeway
+ostmark
+hagerstown
+psaltis
+haloid
+signatory
+35,833
+chubbier
+3,170
+djet
+midamerican
+075
+kcrw
+badshahs
+primis
+mirosternus
+estephan
+kahk
+brown-headed
+herrlin
+natsuki
+170,000
+pmdd
+13.31
+lokuge
+vehz
+natured
+pratapaditya
+naperville
+populum
+shotgun
+tamagotchi
+wannabes
+3,740
+3.84
+kur
+fallax
+urdaneta
+ramshaw
+confed
+dema
+60-strong
+chl
+vedda
+rondi
+frankhouser
+narahara
+corr
+well-earned
+materialize
+orgasmatron
+np
+4,845
+incrementally
+reds
+maintainability
+beuc
+alleghenies
+m.d.s
+110.57
+defrauded
+sakoda
+feild
+hirschi
+cdj
+vučković
+2251
+operator
+slander
+ground-control
+gailes
+keyuraphan
+ennobled
+matriculated
+31.37
+seaxburh
+hidekazu
+scriptable
+thage
+umoja
+custred
+wabamun
+1,371
+levinsohn
+silkscreened
+aiden
+trifu
+judeh
+story3d
+cska
+diacetate
+anw
+.800
+fengshen
+urw
+virilio
+kvant
+anatrachyntis
+sloppily
+unintentional
+100-yard
+sheared
+albena
+yatta
+woodcutting
+pedralbes
+apotex
+elmwood
+arij
+0:42
+dantewada
+narec
+vacated
+-0.6
+freaknik
+jbic
+3,646
+maglos
+skol
+haadyai
+al-balad
+19.3
+rogo
+job
+pluess
+kries
+outstrip
+repeatedly
+matanikau
+bitterlich
+regality
+coordinations
+antilles
+brey
+tutuila
+parenti
+2.14
+facials
+tansil
+soeharto
+u.n.-african
+launderer
+shaina
+playfair
+zhenyao
+activity-based
+logrones
+sowing
+50-49
+winship
+invitational
+bahg
+heterotic
+merrilees
+cystiscus
+nyarugabo
+prolifera
+jan.-oct
+20k
+asmodeus
+sandhurst
+jctv
+guay
+sutel
+ulyukayev
+petrokazakhstan
+celestini
+35.48
+wisconsin-madison
+needlework
+nontasters
+wb
+dakotah
+pounce
+mitre
+hiroki
+rachubka
+pavla
+flaten
+firemen
+vogue
+guaicaipuro
+heil
+piperia
+wncl
+public-school
+jarrico
+clawbacks
+cometti
+āgh
+teashops
+seether
+2,910
+62.60
+gladesville
+1986-1992
+55.79
+buyse
+d'orléans
+huuhtanen
+slave-owning
+conjugates
+1,116
+mirjan
+basílica
+reverberatory
+rappers
+luxembourgeoise
+digre
+scribners
+ceverha
+zhili
+saro
+tetley
+avalonia
+wangai
+proyecto
+spetsnaz
+247.5
+105-member
+emirate
+dshaughnessy
+bandari
+nister
+dash
+1969-1974
+pewsey
+droids
+chronic
+teleradio
+autoland
+2,005
+silmaril
+ganj
+12.73
+cp24
+family-friendly
+585,000-dollar
+illiopolis
+egidio
+ashooh
+colourless
+strogatz
+reassuring
+meuchner
+arousal
+delana
+inhalations
+polegate
+chhien
+greaseman
+propeller-driven
+farian
+pre-broadway
+kenfig
+degress
+henryk
+maalik
+hhi
+keepmoat
+ihh
+speedmaster
+ghanta
+counseled
+stiffer
+8:35
+rater
+b96
+prabu
+lpcm
+nrega
+dubilier
+declercq
+micon
+dhofar
+thornfield
+i-30
+ieyoub
+ståhlberg
+rivets
+fpo
+wildmoser
+puraskar
+cuckolding
+1-bit
+bisheh
+decomissioning
+avishka
+52-20
+hidajet
+subeh
+tough-minded
+pillau
+gimblett
+arresters
+southmoor
+samton
+compatibility
+g22
+scree
+qatargas
+dlazarus
+afgh
+triply
+ceausescus
+cuvilliés
+procrustes
+hoskinson
+qadar
+brucella
+call-ups
+godless
+pompa
+27.08
+chachere
+attendant
+cholla
+intereses
+hartog
+penoles
+rizman
+leipsic
+cynodon
+i30
+whitefriars
+hours
+sprayings
+127mm
+compositionality
+schuemann
+938
+gorier
+1028
+krisel
+vetere
+emoticons
+hydrocortisone
+60.21
+warnick
+burros
+thiazide
+murfin
+52.16
+khaldun
+ει
+shizuishan
+centriole
+hq
+rongo
+mangur-e
+cailleach
+vorobiev
+aim-54
+modaresi
+dingley
+(202)
+lathe
+gch
+pinez
+jonne
+waterfowl
+20-16
+tava
+descente
+10,450
+moon
+fujio
+scrawling
+sherard
+karkur
+untidy
+manjunatha
+holland
+staab
+5,440
+qingqing
+bankrate
+klever
+hunde
+31,500
+taner
+mackintoshes
+pench
+prenups
+18-match
+peeresses
+fertilisation
+karadassiou
+71.95
+nlaka
+79-78
+subculture
+64.40
+lululemon
+70.40
+minnesota-duluth
+ransik
+cavinti
+liholiho
+launching
+cordovero
+hagstrom
+enought
+adamski
+simpleminded
+robberies
+28.28
+90.46
+ndagijimana
+sunseri
+dragunov
+tdma
+hoehn
+moonstruck
+odysseas
+melanocortin
+delineate
+sør-varanger
+nidaros
+bkeefe
+4,044
+karwa
+grandclaude
+stamping
+3,825
+plavin
+zaynab
+peridium
+p2v
+sub-label
+113.15
+orosi
+tonawanda
+varden
+al-ghazali
+48.90
+micg
+emll
+transiting
+14-gun
+anomeric
+thays
+28-room
+fahad
+marazziti
+acclimating
+metesky
+deheer
+otw
+abegg
+vizcaino
+tejinder
+kalinic
+vapors
+haing
+gbowee
+kales
+meydavud
+muffin
+pollster
+d'zan
+tetteh
+food-related
+mandat
+luiss
+dakui
+unbolted
+retrofits
+venn
+iucn
+fascinatingly
+gagne
+gabaldon
+319
+pčinja
+tillich
+mg/l
+ciénaga
+zazzau
+vireonidae
+manilov
+batwa
+newsedge
+tegh
+standards-compliant
+hadi
+82.17
+walmart.com
+valiants
+fae
+ruge
+glareolidae
+cozad
+shrewd
+tumens
+rustaveli
+wainscott
+3,488
+gallinules
+antipodes
+metropolitano
+temmu
+slayer
+suomenlinna
+bocian
+ariz
+vbi
+shorbagi
+exaggerations
+273.2
+astraeus
+sánchez
+non-monetary
+luteus
+periodico
+vidosic
+gakuin
+-105
+kinmen
+orchestra
+mentorship
+helmreich
+mcmillen
+speedway
+sylke
+sgo
+gomez
+priapic
+ryryryryryryryryryryryryryryry
+creativeness
+telfort
+phalla
+dausa
+e420
+unswervingly
+toli
+parnes
+schweich
+2,276
+wafer
+surfactants
+shirayuki
+nate
+fewer
+281st
+d20
+lariviere
+fibrocystic
+gancayco
+periférico
+jamsil
+d&rg
+expose
+hotpants
+sainsburys
+eluana
+roseboro
+state-recognized
+dehydrogenases
+iala
+2-96
+buchner
+walgreen
+ponder
+standard-setting
+valcea
+nobili
+triboro
+hypermarket
+snort
+556-7652
+doctrina
+music-oriented
+dubler
+thamarai
+jogendra
+recordholder
+unlucky
+muskoxen
+decanter
+rajasinha
+cadee
+gozzi
+kp
+38.96
+trochidae
+59.97
+gynecomastia
+41.43
+silkwood
+b-6
+livas
+murcott
+glossary
+lynnhaven
+localise
+x-45
+judt
+milewicz
+lubeck
+humbly
+foxxx
+jcvd
+lend
+galactica
+aubers
+thatcherite
+manfield
+anglo-norman
+welegedara
+tab
+creating
+10-an
+celestina
+tenleytown
+satin
+comparsa
+matthewman
+elvish
+cryptographic
+decklid
+125-mile
+hansabank
+disengaging
+http://www.nhlbi.nih.gov
+ziggurats
+wanessa
+atchana
+misimovic
+janowska
+hakuseki
+wickramatunga
+darts
+obata
+fualaau
+willies
+qanat
+lite
+65
+jailings
+suchá
+kimanthi
+2,252
+suicidal
+völkischer
+rateb
+pangan
+booktrust
+four-episode
+obliviously
+protocols
+2,622
+saberhagen
+katarzyna
+40-19
+reprimanded
+sridhar
+duchesne
+1,520
+grassman
+terashima
+ruddiman
+teargas
+babylonica
+volya
+geriatrician
+geysers
+sa-3
+matriculation
+naturi
+pietramala
+mhr
+double-acting
+h.g.
+porsgrunn
+schwinger
+mahovlich
+creepier
+okulaja
+ansaldobreda
+itcz
+elderfield
+tánaiste
+easwaran
+manaoag
+meteora
+abhira
+encumber
+torigoe
+chukotsky
+eura
+savvis
+zenn
+qu'on
+junebug
+chaloupka
+skov
+yeldham
+adeli
+glagolitic
+stewarton
+ditlev
+kdd
+staub
+chiou
+lamentin
+arwal
+kd96
+163.1
+manistique
+stubing
+unintelligible
+tabio
+wanniski
+stockham
+35.69
+marilu
+umunna
+henryków
+59-kg
+matrade
+nano-scale
+1953-54
+grimethorpe
+johans
+infratest
+palestinian-american
+taprobane
+.077
+power-to-weight
+thrasymachus
+jades
+mias
+institutionalizing
+prosectors
+eadulf
+borujerd
+apsu
+emigrants
+siting
+transcribes
+lual
+ejf
+4,272
+smudging
+lactation
+novodvorskaya
+stylishness
+nierenberg
+1:00
+ekvall
+golub-dobrzyń
+borinquen
+tarek
+107-page
+65-58
+weirs
+orchid
+fractionation
+additionally
+houla
+bursfelde
+radiology
+misao
+rilla
+strontium-90
+coasted
+revolvers
+driftnets
+secureworks
+692,000
+wdsu
+greenlane
+turbe
+blithely
+mmt
+2200
+vasella
+huangyan
+post-office
+cardano
+nikolaidis
+horti
+kassum
+meerssen
+claye
+diarmait
+rotifers
+gestalt
+1,189
+tried
+79.43
+ismo
+aquaman
+momento
+decenas
+liston
+rahzel
+carrickmacross
+lobkowitz
+eielson
+gulager
+lebohang
+valdese
+majal
+puttanna
+mdv
+hermeler
+luks
+zelenskaja
+1930gmt
+insecurely
+4-martin
+othella
+commelina
+chaderton
+kyōto
+rotini
+scelfo
+malval
+justa
+patrona
+legalistic
+shimoon
+upadhyay
+saxophonists
+yeaworth
+cafs
+römer
+o'haire
+hla-dr
+andronikashvili
+madhvacharya
+eufaula
+jazar
+rentzias
+mp4
+gleaners
+tuckman
+aislinn
+coppiced
+batic
+gisèle
+siyam
+malotts
+novorossiisk
+serialism
+myrt
+brittany
+1950-1955
+magsi
+scagliola
+unquantifiable
+1930s-era
+mozambique
+.867
+chistov
+cheromei
+policing
+lausche
+salema
+bowyers
+semenovich
+bwia
+fibreglass
+skrang
+kopelman
+hiibel
+ripa
+elapids
+hefer
+filefish
+caledonians
+zeese
+howeidi
+abdulsamad
+grenvilles
+mid-60
+positon
+forsterite
+16.78
+baltic-german
+mí
+437th
+niveles
+oblasts
+one-stop
+2s
+meatworks
+shite
+deconstructionism
+parvenus
+l'alma
+graystripe
+pytheas
+c-100
+nordenskjöld
+widowers
+somberly
+22.52
+47.25
+chowk
+insulating
+isospin
+vcp
+arlinghaus
+duhn
+powering
+targums
+pineywoods
+1994/5
+oop
+solent
+silkworms
+krupke
+thicknesse
+sagamihara
+4od
+self-revelation
+2-0-3
+cüneyt
+assistants
+waymark
+tappet
+cavanaugh
+prowled
+btw
+vanja
+gile
+flavier
+chikako
+well-established
+multiuser
+forbes
+bagh
+eichler
+view
+4-19
+m-80
+ginzberg
+underarms
+odon
+lipshitz
+84.87
+azizullah
+al-razi
+manila-based
+cornerstone
+bocconi
+quackery
+banshees
+fadeyev
+bredo
+aqueducts
+kingside
+circling
+dagan
+eccleshall
+buchanon
+rasi
+1988-1989
+10-victory
+keas
+vautrin
+borophaginae
+recaptcha
+oswestry
+escwa
+gayden
+ngauamo
+irrationally
+amenaza
+pillars
+yezhov
+novica
+cgh
+yoshimatsu
+muzzio
+replayed
+uoif
+10-best
+thei
+syringomyelia
+,890
+tegmark
+imaging
+tuukka
+ryokan
+highrise
+cavafy
+22.98
+faid
+day-trippers
+krikor
+millenary
+kimia
+lutefisk
+yeongam
+telgheder
+macher
+microdistrict
+310.5
+refreshing
+29-18
+offloads
+microtome
+ermera
+dna-binding
+balerna
+nifl
+sonia
++30
+underskirt
+hargrove
+lobodzinski
+cimirotic
+capacity
+jahch
+pmc
+918,000
+co-invented
+chunghwa
+drumond
+scrummage
+yokozunas
+437
+atok
+shadi
+zaller
+kishi
+qadiriyya
+5-51
+grita
+burra
+viceroyal
+1.019
+pakhawaj
+havell
+icebreakers
+cienaga
+hrpp
+dialectics
+ōe-jī
+herodias
+hurtz
+pseudovector
+peverell
+handsprings
+schuette
+hlavackova
+malinalco
+feedlots
+warrenton
+70.18
+tschanz
+skied
+40.42
+gjirokastër
+consejos
+4.43
+nojpetén
+kaisen
+negative
+jennett
+49.18
+7.11
+d.min
+giron
+rebbie
+alarming
+ostinatos
+pedretti
+15:07
+tatooine
+linie
+fredesvindo
+lifecycles
+bar-le-duc
+bassa
+1409
+maslowski
+.259
+kretinga
+satiric
+grutter
+furtney
+24-hours
+thunderclouds
+kimbra
+seattle-area
+hotchkiss
+antu
+janneke
+senfronia
+ebene
+leopardskin
+kuma
+pasando
+diii
+batte
+torquata
+bisquick
+washngton
+4,460
+6.6875
+l'artiste
+digitalis
+breadth-first
+destructed
+jarjis
+miscalculated
+boult
+sobernheim
+gosforth
+birtwell
+ghassemlou
+46-4
+marzook
+monumentally
+kaimana
+matthiesen
+sirna
+redemption
+350th
+warhol
+1505
+atraer
+clifden
+pisgah
+zeltweg
+purchased
+28.33
+rathaus
+89.23
+waikiki
+phattiyakul
+11-13
+oxalates
+warshawsky
+hanaoka
+división
+a-lago
+cobra
+kretz
+heimskringla
+slimeball
+harsono
+cosplay
+tattle
+ultra-low
+principles
+nærøy
+suprematism
+dowding
+fortifying
+krusee
+glam-rock
+banovinas
+société
+boidin
+1528
+merima
+gangbusters
+pelorus
+107.2
+regionalne
+sagrada
+castlegar
+dalip
+stamey
+instructing
+daalen
+aet
+pichushkin
+tristania
+foresti
+lacolle
+dahanu
+ba‘al
+niagara
+fertilized
+cumbers
+patikul
+86.44
+proclaims
+jacobellis
+interlayer
+ndes
+calendarists
+theo
+rediscovered
+centrifugal
+microsomal
+hogarth
+embl
+alexandrovich
+marcellis
+shofar
+zakes
+marian
+valaam
+tatta
+malaconotidae
+illah
+harmel
+lassos
+screwup
+kübler
+maedhros
+klawonn
+kurd
+την
+stadtwerke
+vallop
+goeran
+niasse
+canonizations
+4,142
+gators
+norovirus
+156.6
+szent-györgyi
+tadjourah
+laffita
+kyōko
+euro185
+negroni
+headway
+monaca
+hohensee
+unstained
+denizlispor
+ragoussis
+ting
+iceland
+absinthium
+matano
+szulik
+spano
+rc2
+exoskeletons
+waged
+activos
+pelennor
+nayib
+2,019
+zajedno
+15-footer
+rilling
+18.47
+op.
+76.37
+butwal
+alkire
+compay
+generalize
+7:21
+abdiweli
+bungendore
+kpraf
+elie
+2-17
+fronts
+43.40
+cc-by-2
+adrift
+obfuscation
+tenter
+ergui
+biomanufacturing
+cinesound
+amb
+townscapes
+wondering
+friendless
+wesselingh
+alco
+padi
+polyamorous
+mirbach
+cals
+timilty
+striding
+transgender
+tokoroa
+zhitarenko
+lascivious
+marketability
+comradeship
+rapada
+alexius
+dzhakishev
+assay
+gajda
+vangas
+ochiai
+pondok
+malissa
+tregenza
+heartily
+buckee
+kadijk
+oq
+pfandbrief
+vahm
+yandina
+chp
+e39
+shivaree
+ungainly
+snobbery
+prehensile
+gizmondo
+kooi
+grimsey
+mellouli
+spankings
+64113
+wańkowicz
+21.0
+whorls
+narter
+koblin
+rintala
+whitepaper
+çatalhöyük
+chebet
+ericksen
+itzá
+5150
+laroque
+pcomp
+startline
+anaesthesiology
+spared
+katahdin
+chetwynd-talbot
+leeuw
+sorority
+gella
+500-watt
+pester
+codice_32
+poljica
+tburrglobe.com
+kadokura
+alatau
+festivus
+nivette
+requirement
+stakes
+daptomycin
+codelco
+anadol
+manawi
+hungerford
+dual-ignition
+24,500
+instituto
+germicidal
+violich
+100.8
+majles
+rooks
+overheads
+hulaiga
+3,814
+incorporation
+leuchars
+potamogeton
+calland
+sharin
+bharara
+bienestar
+nanami
+jaermann
+heartedly
+payday
+coyoacan
+saxe
+hede
+gunnhild
+clarifying
+docklands
+confluence
+concha
+yui
+bashung
+chipstead
+23.11
+comité
+folksinger
+1,876
+fund
+gawkers
+solver
+asw
+medef
+kamajor
+institute
+impregnable
+luzia
+hillard
+dangling
+webmd
+bonaparte
+concertmaster
+over-crowding
+dembo
+bríd
+pillette
+foveaux
+lanschot
+fuschillo
+gunpla
+gervais
+dragna
+ballanger
+bosnian
+deripaska
+earle
+ghatal
+ca3
+donets
+groovin
+sjoerd
+tern-like
+nineth
+ypsilanti
+kalyanji
+chimhini
+schemel
+pillet
+ratcatcher
+1.4350
+prefrontal
+19.61
+bi-level
+b-schools
+vayne
+moec
+karpinsky
+pupil
+outhouses
+belizean
+35-44
+brüggen
+farwell
+montashari
+eckhard
+baburam
+peterbilt
+granulomatous
+wvue
+orgueil
+mittelland
+e-6
+tabon
+68.55
+morla
+shamrock
+patching
+gongs
+llerena
+areopolis
+16-30
+sevdalinka
+50-billion
+survivable
+heve
+explusions
+aulisi
+giménez
+reprieves
+centrebus
+91.1
+asiedu
+ouster
+françois-xavier
+darder
+liberator
+orpheum
+wkls
+myrta
+flensburger
+cuscus
+shayevich
+nec
+dunmow
+vijayam
+skm
+psychopathy
+herbal
+ba'al
+ifoce
+majrooh
+1.3880
+syahrial
+ten-minute
+ghadafi
+boos
+rhine
+downfall
+styrofoam
+recreationally
+bhanja
+knutsen
+exorcisms
+fonda
+skovorodino
+kugyō
+superpositions
+logarithmic
+jebavy
+ostholstein
+burlin
+catholicate
+non-cooperative
+xiaodi
+b-26
+brouwer
+rockface
+thomastown
+aagaard
+crumbled
+aktobe
+dethronement
+vulgarity
+58.10
+tóth
+10.60
+beiteinu
+30.68
+ambassadorships
+anirban
+750il
+gutfeld
+4f
+dueted
+dongara
+coriolanus
+jock
+,104
+garamvoelgyi
+troublespots
+all-wooden
+laoghaire
+topolski
+demurred
+vanhanen
+100,000-plus
+barbarie
+unlearning
+kojak
+marni
+synchronized
+shamgar
+babenhausen
+malarchuk
+63-year-old
+inn
+23/24
+404-526-5429
+artaria
+vtb
+buttonquails
+uduvil
+kotb
+froberger
+mundy
+lobe
+vitiating
+aceptar
+17:02
+flatlanders
+sub-2
+kingussie
+latkes
+clamors
+saumlaki
+samson
+bellowed
+formula_103
+repertorio
+deafeningly
+capranica
+melghat
+sawdey
+conquistadors
+nonbiological
+gevorg
+stephenie
+qna
+kram
+unacknowledged
+413,000
+tryst
+mereological
+letzion
+kernels
+jarry
+talento
+dialed
+takesada
+.584
+air-launched
+echinodermata
+elmont
+dufay
+cedella
+coorey
+henchwoman
+ritts
+goeido
+llandeilo
+lilley
+spaceport
+failon
+eyeballing
+sheinwold
+ghgs
+kanara
+logistically
+lauria
+musicnet
+libagon
+raje
+cantillon
+men
+desjarlais
+washes
+people/km
+pruess
+shebab
+ilna
+fzs
+transbus
+shadowfax
+pernem
+capsular
+fehn
+hauger
+.8
+t.k.
+girouard
+bratwurst
+binyuan
+aquariums
+kosh
+cakey
+reichsbanner
+windbreaker
+genden
+ivcher
+godino
+s104
+turcinovic
+l994
+bennet
+ciera
+shahrzad
+saale-holzland
+100.23
+blows
+ruxandra
+golfwatch
+hadith
+goražde
+analistas
+almena
+2,752
+45,900
+buses
+maltodextrin
+paraprofessionals
+kondor
+momoiro
+crappy
+2,890
+granitoid
+promina
+shoop
+kragerø
+aureum
+macfarlan
+crickhowell
+tarbolton
+samtgemeinde
+r-tree
+seabra
+rhein-main-verkehrsverbund
+talkers
+malla
+scouted
+qatif
+jethmalani
+1,423
+kilgallen
+iwrg
+3,373
+hexagram
+rcga
+pi
+vlbi
+zbs
+ekiert
+jouini
+kaushal
+news/talk
+leitz
+danica
+abdelhalim
+mamallapuram
+chapelon
+kindersley
+61-yard
+antillon
+batlike
+earnest
+dfb-pokal
+bennitt
+pickets
+birbiglia
+particles
+11,200
+scrutineering
+seogwipo
+0728
+realises
+damaa
+kiyomi
+mcnicholas
+3-wood
+leeds/bradford
+4gb
+errs
+35w
+krimitsas
+e-m81
+pterostichinae
+befouled
+dj08
+paludomidae
+sublingual
+malleability
+crosscuts
+pasdaran
+topcoats
+kristy
+quelques
+attrocities
+avadh
+altered
+köpenick
+whybrow
+niggardly
+trackmasters
+delery
+chichimec
+noodling
+survives
+vahirua
+éluard
+shantytowns
+hutterite
+yangadou
+gianluca
+daidone
+laski
+monarchia
+zoff
+upali
+tanasi
+euro259
+jaredites
+110-mile
+jd02
+home.asp
+sezen
+anti-fascist
+alsea
+miesque
+duck-billed
+1,900-mile
+aligote
+poplin
+gombak
+combatted
+cupra
+castillos
+endate
+76.02
+jabburi
+pluralists
+dielectric
+89.17
+858,000
+significant
+picower
+vudu
+college-jewish
+réduit
+rushbrook
+bouchardeau
+tesh
+furthermore
+antinuclear
+hydrologists
+dur
+applicable
+strudels
+senda
+essm
+fasuba
+dulaimy
+ssj
+wallsend
+warren
+huot
+brankovic
+delphini
+vexed
+tirado
+eight-pointed
+anti-islam
+byng
+viennese
+claros
+gurbanguly
+54-page
+rassemblement
+ardeer
+grg
+enron
+polona
+melut
+borge
+allora
+acireale
+wakening
+5.7-magnitude
+al-khawaja
+conidiophores
+vilayanur
+pengő
+dnsbl
+rawhead
+eft
+bruggere
+timmermans
+blennidus
+doillon
+watter
+jonson
+99-year
+oystein
+dispensationalism
+mayen
+foreshadow
+abrasion
+synetic
+iifa
+ismoil
+bokel
+high-power
+merveille
+easler
+83-minute
+klinkerhoffen
+dfsa
+kfm
+chancel
+gaveling
+piggies
+peptic
+carling
+tb-303
+veysonnaz
+ikata
+unsuccesful
+1966/67
+knapps
+dakuten
+venkatraman
+salvajes
+jinda
+yash
+tanahun
+82.45
+amnesties
+telerecording
+ranabhat
+ngữ
+pointillism
+overbreadth
+jilt
+habsi
+reflexive
+neches
+9-5
+84.04
+opportunists
+fibro
+nestler
+dewayne
+cucuteni-trypillian
+veeco
+uspallata
+defensiveness
+kaguta
+supported
+shearin
+deschapelles
+foraminiferans
+abbeville
+circumstellar
+monegasques
+shurikens
+alkylated
+22-nation
+broody
+muehleisen
+coccimiglio
+goaltender
+co-producers
+aryans
+mid-1910s
+callide
+wehrmachtbericht
+monocotyledonous
+costus
+microworlds
+hibi
+misty
+tugendhat
+post-baccalaureate
+iino
+bebravou
+briefest
+47-yard
+chunma
+hbs
+lannin
+akp
+wicket-taker
+epbc
+alipore
+zennor
+locomotiv
+baylis
+1,899
+fustar
+japanologist
+50.97
+paddling
+moyle
+2,371
+cou
+abrir
+linck
+puasa
+shonan
+adductor
+jillion
+80-20
+nein
+davidge
+bushtucker
+awakened
+factory-built
+barsetshire
+doroshow
+brunskill
+fadm
+p-3
+eros
+89.80
+intersected
+lerach
+congruent
+graber
+xq28
+42-26
+mood
+5-56
+roundups
+ahnenerbe
+calang
+scrope
+vimla
+alphabets
+dvoracek
+trichoderma
+amongs
+wing-half
+shijiazhuang
+blowhard
+rightmost
+hegemonic
+lonza
+quirkiest
+constituences
+verlinde
+wmu
+zshops
+youthquake
+adventism
+shining
+herschaft
+astronomia
+sebat
+showoffs
+kisnorbo
+erjavec
+raffi
+thelwall
+zindani
+noriaki
+ministry
+ironware
+xiaowan
+corden
+skybolt
+verdecia
+106.84
+assoc
+lsat
+tihs
+heismans
+29.10
+non-vintage
+pc-9801
+nirukta
+rumormongers
+vishwanathan
+weise
+collage
+cymbeline
+plaz
+scepter
+elisions
+gund
+derval
+splenomegaly
+poole
+antonini
+östergötland
+251,000
+2010s
+zimmerberg
+partho
+m-59
+omiya
+shortbus
+niqabs
+muzzi
+lamichhane
+choker
+genao
+phantosmia
+50,200
+subtest
+ldd
+fluorescents
+fallbrook
+wedag
+humblest
+mesmerized
+liftoffs
+1-of-2
+ipmi
+shyama
+wörner
+syriana
+leaning
+lt-gen
+mojtahed
+steadfastly
+restrained
+piemsomboon
+tit
+64.15
+mahendranagar
+couleur
+shoshan
+driveline
+utah
+cataloochee
+oronsay
+kosasih
+perfusion
+jufer
+anthene
+milosevski
+50.79
+hoskote
+sanborn
+muscle
+mannerly
+spc.
+rayder
+cartography
+dephasing
+mustaine
+5fm
+fukatsu
+stancu
+arts
+mainstreamers
+hadlock
+fundamentally
+creeley
+squadra
+heegner
+khalim
+grassmannian
+69.44
+resentfully
+red-shirted
+puns
+vanuatuan
+kosuge
+lech
+23.69
+unicamp
+mccoun
+erla
+whsv
+reculver
+hyped
+chrb
+dicarlo
+50.81
+ripoll
+crenulated
+19-12
+nicholl
+shinnik
+schlais
+orior
+shirley
+knowledge-based
+inspec
+lowenfels
+aawu
+32-point
+___________________________________
+tomov
+hamiota
+reekers
+pagodas
+ziketan
+touchline
+twinkle
+spv
+ssp
+bucak
+geneseo
+pyrrhotite
+rals
+9-of-11
+corlin
+basoga
+wekt
+emmys
+heygate
+lasko
+fnp
+hybels
+petrović
+begiristain
+pioneerof
+klaić
+accrington
+wiles
+mazinkaiser
+montesino
+unfpa
+duster
+euro532
+pallens
+feelings
+sethe
+carrizosa
+nuuanu
+shaftsbury
+zutshi
+312th
+mashud
+nonrevolving
+qvt
+limmu
+6-year
+feetham
+breisach
+outfoxed
+galicians
+hingston
+cheiron
+alhaji
+chrisman
+bremerhaven
+lovász
+sirak
+arboreta
+124.4
+copses
+shortchanged
+kf2
+shulamit
+8-gun
+talbott
+ciobanu
+urszula
+falcón
+earthier
+paracatu
+0-for-15
+villazón
+kyung-min
+6801
+kuttab
+kvly
+poynting
+small-bodied
+brinegar
+lucasville
+unsustainability
+sinagua
+fyoo
+arizonarepublic.com
+vuhl
+expressionism
+hoshangabad
+ranipet
+castres
+credulity
+theba
+richilde
+chudzik
+stapes
+cranky
+desquamation
+401st
+whitwam
+isak
+strehl
+karlskrona
+paudie
+harkat
+77,738
+prefecture
+fantail
+biggerstaff
+hormiga
+al-muwaffaq
+buda
+tendulkar
+aylesworth
+30-fold
+tickled
+jorquera
+benecke
+cloudberry
+lops
+postmodernists
+volpini
+gästrikland
+hansman
+ropner
+representational
+120.14
+koike
+d940
+313.222.2738
+inara
+huling
+musandam
+80.87
+sealdah
+shahzada
+dajka
+coffee-house
+nycrr
+0.67
+uneasiness
+swinhoe
+tarki
+goldenrod
+pigford
+remu
+noneconomic
+320-kilometer
+elkton
+heerlen
+hand-numbered
+cybermedia
+kilmarnock
+43-33
+złotów
+rebolledo
+nogueira
+patente
+alvina
+inflammatory
+10.25
+howlin
+frampol
+stus
+utans
+gelid
+innergetic
+acrobatically
+aigcp
+flabbergasted
+pirooz
+tochinowaka
+breadwinner
+antiheroes
+possehl
+bhawanipur
+20.87
+oystermen
+cowritten
+ofw
+dentsply
+stakeknife
+6,900
+caraccioli
+ahom
+bektashi
+m.h.
+portezuelo
+stourton
+hand-to-hand
+stmicroelectronics
+wabanaki
+74.07
+miat
+swonk
+high-powered
+philosophize
+palaly
+kuchar
+yadu
+venezula
+vitter
+keon
+roudebush
+l'arte
+exploitations
+edolphus
+donors
+decarboxylated
+schlecks
+synonymous
+xoc
+prasa
+billerica
+176.6
+1.4310
+geostrategy
+fishlake
+homarus
+mcmenemy
+tarini
+seibold
+seiden
+nels
+sladek
+dumfriesshire
+macedonio
+quicktime
+steindamm
+re-edition
+isley
+ogled
+labicana
+blurred
+nightspots
+tosefta
+jokic
+caprino
+31.67
+intermittently
+dierkes
+tableful
+turistico
+al-hasa
+sociopathy
+monoester
+sissinghurst
+kranzler
+feodorovich
+taverns
+30-mph
+maunsel
+shere
+hughey
+485,000
+english-canadian
+bailen
+aitape
+self-parody
+bogging
+jetsam
+florin
+iffy
+mordaunt
+jewelry
+rachwalski
+crescentic
+wj
+micra
+verma
+vasilevich
+lamas
+pakenham
+lemgo
+xxxxxxx
+baybay
+1615
+karaikudi
+pkv
+tarasiuk
+l'abri
+scabrous
+morana
+siewierz
+abiertos
+pavlos
+alfonzo
+66.20
+yearning
+lepiota
+asie
+königstein
+ranade
+astroturfing
+hadapsar
+economicus
+mladá
+victorinox
+manarov
+bill.walsh
+kdka
+noire
+13:28
+mantz
+lars
+bioaccumulation
+elecciones
+kamiyama
+martie
+kinshasha
+nuyens
+acute-care
+33-34
+laso
+speakout.com
+ashtar
+nisr
+nosawa
+dunnan
+wbbh
+xrx
+rowett
+tuvimos
+plenel
+vani
+funeral
+iñupiat
+newsgroups
+viena
+17.61
+vizhinjam
+maurinho
+pykrete
+hoje
+segalot
+non-selective
+ushl
+2,275
+ionita
+79,500
+negotiatior
+farmstead
+followthrough
+nisporeni
+bangchak
+federman
+godforsaken
+sibley-ahlquist
+eddington
+wuppertal
+schwertner
+pacificare
+post-newsweek
+vegetables
+austenite
+patternmaker
+54.97
+charms
+baixas
+naics
+volaris
+three-in-a-row
+nirvikalpa
+grazzini
+anpilov
+well-proportioned
+b7
+manweb
+zippy
+rollier
+poptsov
+sarnia
+sympathizers
+intertie
+rockette
+breithaupt
+consolacion
+davidowitch
+wembley
+i-83
+branchlines
+heilpern
+necklace
+svoge
+nzsx50
+federalism
+ayresome
+lell
+jertz
+grabów
+1.5440
+kidnappers
+lt.-col
+stepanakert
+1,304
+wallcoverings
+caffaro
+66-minute
+goal-setting
+econobox
+herek
+apostolakis
+stoneking
+slips
+tomoda
+wug
+scruggs
+1956-60
+didenko
+12-match
+casiano
+61.74
+6,845
+4:40
+bayl
+cladogram
+inco
+piramal
+zaiter
+sounders
+99.62
+dinda
+6,510
+190-million
+cratons
+ny191
+baron-cohen
+tatsushi
+bó
+granting
+48-inch
+prodi
+gutkowski
+pecos
+jolgeh-e
+felin
+1983/1984
+51-40
+sarkuhi
+tadoussac
+rudradaman
+pascal
+46.14
+ryazanov
+best-of-3
+sacrilege
+sixty-five
+maisel
+gcurtright
+fulgear
+naqada
+marm
+tamme
+suchitra
+wolfram
+meurthe-et-moselle
+teenoso
+phung
+3,677
+divisions
+voli
+inquire
+montella
+longgang
+bourdin
+thirty-ninth
+x-shaped
+kawkaba
+torsten
+iwans
+islas
+4.175
+thrashing
+sop
+fuad
+rudman
+leavell
+snappier
+ramogi
+hollowed-out
+coldfusion
+rusanov
+anad
+tiru
+melikov
+newsletter
+aggressiveness
+molesworth
+updraft
+avascular
+fruit-bearing
+proposals
+untenured
+herpetologists
+cuter
+heuston
+likably
+objetos
+farnworth
+six-time
+laub
+shimron
+perryville
+lansdowne
+feuerstein
+sridevi
+locklin
+drunker
+seven-dimensional
+hart
+aarp
+mummers
+iilm
+cattaro
+harkins
+propagates
+frampton
+kenickie
+muslim-dominated
+treat
+eden
+wellford
+defaulted
+willebrand
+mdladlana
+lupins
+launer
+bohme
+tyron
+lorinczova
+proteus
+thamilselvan
+flettner
+petritsch
+mouna
+ostpolitik
+nanshi
+cleansweep
+fubon
+dunja
+runk
+emporis
+chevaline
+lanchile
+tréguier
+italicised
+yunost
+3-ton
+bhishma
+gayathri
+ombudsperson
+blenheim
+azucena
+ginninderra
+mcgartland
+kyiv-mohyla
+sudetenland
+okara
+geschwader
+gilberts
+320.5
+bsl-4
+realgar
+datums
+rudrapur
+okari
+figgs
+nouvelliste
+mpahlwa
+encyclopédie
+splc
+1h32
+aspirant
+olubayo
+veille
+hattori
+necklines
+4-2-5
+three-room
+l'incoronazione
+aeroshell
+dumeisi
+vorwärts
+lapidge
+deutschmarks
+bagler
+sportcoat
+foodways
+ampulla
+ecclesiastes
+educação
+sinabang
+pilo
+battle
+baklanov
+oocytes
+pgjdf
+gay/lesbian
+mauves
+rirkrit
+parzęczew
+mich.
+barnburner
+whin
+1.5422
+58.85
+abdelwahab
+keegstra
+ghawar
+chikuzen
+krajišnik
+chyorny
+venaria
+64.12
+valueless
+28.61
+blond
+87.81
+pawiak
+gentle
+pox
+empresarial
+009
+triticum
+44-8
+sahota
+alegrete
+keepsake
+kishiwada
+chendar
+zinaida
+sirs
+ducting
+marchetto
+črni
+335,000
+chelated
+macropus
+iacobelli
+matilde
+panikkar
+66.25
+ten-mile
+brainwave
+meirelles
+longest-reigning
+sthalekar
+74.5
+hammarberg
+paksut
+araña
+annexationist
+dečanski
+yanquis
+wildey
+kuchera
+archivists
+beaujeu
+jessen
+bicknor
+hydro-man
+lemieux
+kissingen
+sts-115
+floridians
+anglo-italian
+schwabacher
+5-ht2a
+norrena
+reliquary
+br-153
+allhiphop.com
+canaccord
+longin
+lookstein
+vaccinology
+full-size
diff --git a/imageprocessing/artemis/artemis/data/image-emotion-histogram.csv b/imageprocessing/artemis/artemis/data/image-emotion-histogram.csv
new file mode 100644
index 0000000000000000000000000000000000000000..944372e5046af8b8a7abc3ceee5f77a61d7f4d48
--- /dev/null
+++ b/imageprocessing/artemis/artemis/data/image-emotion-histogram.csv
@@ -0,0 +1,80032 @@
+art_style,painting,emotion_histogram
+Abstract_Expressionism,aaron-siskind_acolman-1-1955,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_chicago-1951,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_chicago-6-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,aaron-siskind_feet-102-1957,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,aaron-siskind_gloucester-16a-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,aaron-siskind_jerome-arizona-1949,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_kentucky-4-1951,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,aaron-siskind_new-york-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_new-york-2-1948,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_new-york-24-1988,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_new-york-40-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_new-york-city-w-1-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_per-400-1983,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,aaron-siskind_pleasures-and-terrors-of-levitation-25-1957,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,aaron-siskind_providence-92-1986,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,aaron-siskind_recife-olinda-8-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_rome-arch-of-constantine-10-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_the-tree-35-1973,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,aaron-siskind_uruapan-11-1955,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,aaron-siskind_utah-84-1976,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,aaron-siskind_vera-cruz-96-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,aaron-siskind_westport-10-1988,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,aaron-siskind_yuchitan-1-1955,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,abidin-dino_abstract-composition,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,abidin-dino_antibes-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,abidin-dino_antibes-1961-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,abidin-dino_saman-sar-s-illustration,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,abidin-dino_unknown-title-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,abidin-dino_unknown-title-8,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,ad-reinhardt_number-107-1950,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,ad-reinhardt_number-22-1949,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,ad-reinhardt_number-43-abstract-painting-yellow-1947,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ad-reinhardt_number-6-1946,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,ad-reinhardt_yellow-painting-1949,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,adnan-coker_unknown-title(10),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,adnan-coker_unknown-title(3),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,adnan-coker_untitled-1968,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,aki-kuroda_conti-nuit-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Abstract_Expressionism,aki-kuroda_first-night-i-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,aki-kuroda_midnight-spaghetti-2010,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,aki-kuroda_untitled-1987,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,aki-kuroda_untitled-1988,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,aki-kuroda_untitled-1988-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,aki-kuroda_untitled-1998,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,aki-kuroda_untitled-1998-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,aki-kuroda_untitled-2006,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,aki-kuroda_untitled-2008-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,al-held_taxi-cab-ii-1959,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,al-held_untitled-1954,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,al-held_untitled-1955,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alexander-calder_la-grande-vitesse-1969,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alexander-calder_man-1967,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,alexander-calder_maquette-for-flamingo-1972,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,alexander-calder_the-dog,"[4.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alexander-calder_the-x-and-its-tails-1967,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alexander-calder_three-bollards-1970,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,alexander-calder_two-discs-1965,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,alexander-liberman_erg-series-1977,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,alexander-liberman_gate-of-hope-1972,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alexander-liberman_stargazer-1983,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alexander-liberman_untitled-abstract-1975,"[0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alexander-liberman_untitled-abstract-1977,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,alfred-jensen_untitled-1961,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,alice-baber_abstract-composition-1969,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_abstract-composition-1969-1,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_before-songs-1962,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,alice-baber_golden-center-in-the-ladder-1970,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,alice-baber_green-swing,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alice-baber_lavender-high-1968,"[0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_lord-of-the-rainbow-1976,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_music-of-the-jaguar-1977,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alice-baber_night-of-the-res-wind-1978,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,alice-baber_noble-numbers-1965,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_piper-s-near-1965,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,alice-baber_red-passage-1966,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alice-baber_red-yellow-and-blue-1960,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alice-baber_seven-green-leagues-1967,"[1.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_the-light-in-the-depths-1975,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,alice-baber_the-way-of-the-wind-1977,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_through-sleep-to-orange-1968,"[0.0, 4.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alice-baber_wheel-of-day-1971,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,alma-woodsey-thomas_red-abstraction-1960,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,alma-woodsey-thomas_the-stormy-sea-1958,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,alma-woodsey-thomas_untitled-floral-abstraction-1970,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,andy-warhol_oxidation-painting-1978,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,andy-warhol_oxidation-painting-1978-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,andy-warhol_rorschach-1984,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Abstract_Expressionism,arshile-gorky_golden-brown-painting-1944,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,arshile-gorky_hitler-invades-poland,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,arshile-gorky_how-my-mother-s-embroidered-apron-unfolds-in-my-life,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,arshile-gorky_one-year-the-milkweed,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,arshile-gorky_soft-night,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,arshile-gorky_the-leaf-of-the-artichoke-is-an-owl,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,arshile-gorky_the-liver-is-the-cock-s-comb,"[2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,arshile-gorky_untitled-1948,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,arshile-gorky_water-of-the-flowery-mill,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,arshile-gorky_waterfall,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-1960,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-0001-1985,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-1042-1991,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-1137-1984,"[1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-1168-1984,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-224-1989,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-243-1984,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-256-1990,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-257-1987,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-347-1982,"[8.0, 7.0, 7.0, 15.0, 0.0, 1.0, 0.0, 1.0, 6.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-732-1992,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-bellport-no-942-1984,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-3876-1960,"[1.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-414-1964,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-42-1970,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-4398-1962,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,arthur-pinajian_untitled-landscape-woodstock-no-d153-1962,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,atsuko-tanaka_1980-d4-1980,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,atsuko-tanaka_77r-84-1984,"[0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,atsuko-tanaka_89a-1989,"[8.0, 1.0, 9.0, 12.0, 0.0, 3.0, 2.0, 0.0, 9.0]"
+Abstract_Expressionism,atsuko-tanaka_89m-1989,"[1.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,atsuko-tanaka_93e-1993,"[0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,atsuko-tanaka_to-new-york-vancouver-2002,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-1961,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-1963,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-1964,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-1976,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-1984,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-1999,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,atsuko-tanaka_untitled-painted-with-akira-kanayama-1993,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,atsuko-tanaka_work-1992,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,audrey-flack_abstract-expressionist-autumn-sky-1953,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,audrey-flack_abstract-force-homage-to-franz-kline-1952,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,audrey-flack_abstract-landscape-1950,"[5.0, 4.0, 11.0, 14.0, 1.0, 5.0, 3.0, 0.0, 4.0]"
+Abstract_Expressionism,audrey-flack_landscape-with-sky-1951,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,audrey-flack_still-life-with-grapefruits-1954,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,barnett-newman_abstract-composition-in-green-and-red,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,barnett-newman_the-blessing-1944,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,barnett-newman_untitled-1945,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,barnett-newman_untitled-1945-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,barnett-newman_untitled-1946,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,barnett-newman_untitled-red-yellow-and-green-forms-on-a-purple-ground,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,basil-beattie_cause-and-effect-iv-1973,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,basil-beattie_cause-and-effect-v-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,basil-beattie_circus-1984,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,basil-beattie_city-1986,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,basil-beattie_imagine-if-1993,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,basil-beattie_jarrow-wine-1985,"[1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,basil-beattie_loose-ends-1998,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,basil-beattie_never-before-2001,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,basil-beattie_picture-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,basil-beattie_present-bound-1990,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,basil-beattie_the-difference-between-ii-2005,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,basil-beattie_untitled-drawing-2000,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,basil-beattie_untitled-drawing-2000-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,basil-beattie_untitled-drawing-2002,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,basil-beattie_untitled-drawing-2002-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,basil-beattie_untitled-drawing-2002-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,basil-beattie_witness-v-1992,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,basuki-abdullah_abstract,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Abstract_Expressionism,basuki-abdullah_abstract-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,betty-parsons_aspen-colorado-1967,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_bright-day-1966,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,betty-parsons_eye-of-the-cross-1976,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_garden-in-saint-denis-1980,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_going-up-1978,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,betty-parsons_gold-stopple-moonshot-1972,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,betty-parsons_indian-writhing-1977,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_ladder-1968,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_moonlight-maine,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,betty-parsons_st-martin-s-eye-of-the-road-1976,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_summer-snow-1978,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_target-1981,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,betty-parsons_the-moth-1969,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_the-tower-1969,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_totem-materia,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,betty-parsons_totem-materia-r-1980,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,betty-parsons_untitled,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,betty-parsons_untitled(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,betty-parsons_untitled(2),"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-1950,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-1953,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-1970,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-1971,"[0.0, 0.0, 2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,betty-parsons_untitled-1978,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,betty-parsons_untitled-3,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-abstraction,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,betty-parsons_untitled-abstraction(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,betty-parsons_untitled-abstraction(2),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-abstraction(3),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,betty-parsons_untitled-abstraction(4),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-abstraction(5),"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_untitled-abstraction(6),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,betty-parsons_yield-1975,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,blinky-palermo_blau-auf-gr-n-1965,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,blinky-palermo_coney-island-ii-1975,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_fensterkreuz-ii-1966,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,blinky-palermo_komposition-blau-rot-auf-weiss-1965,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,blinky-palermo_komposition-mit-8-roten-rechtecken-composition-with-8-red-rectangles-1964,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_ohne-titel-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,blinky-palermo_ohne-titel-1964(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_ohne-titel-1977,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,blinky-palermo_ohne-titel-1977(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,blinky-palermo_ohne-titel-f-r-peter-dibke-1970,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_ohne-titel-f-r-thordes-1976,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_ohne-titel-mit-rotem-strich-1970,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_tablettenbild-1966,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_who-knows-the-beginning-and-who-knows-the-end-i-1976,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,blinky-palermo_who-knows-the-beginning-and-who-knows-the-end-ii-1976,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,bradley-walker-tomlin_all-souls-night-1947,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 4.0]"
+Abstract_Expressionism,bradley-walker-tomlin_green-1948,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,bradley-walker-tomlin_maneuver-for-position-1947,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,bradley-walker-tomlin_no-5-1952,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-1-1952,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-12-1949,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-13-1949,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-13-1952,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-14-1949,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-15-1953,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-2-1950,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-20-1949,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-20-1949-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-3-1948,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-3-1950,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-7-1953,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-9-in-praise-of-gertrude-stein-1950,"[1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,bradley-walker-tomlin_number-9-in-praise-of-gertrude-stein-1950-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,bradley-walker-tomlin_shapes-1950,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,bradley-walker-tomlin_untitled-1952,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,brett-whiteley_alchemy-1973,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brett-whiteley_american-dream-1969,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brett-whiteley_bathers-1963,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,brett-whiteley_listening-to-nature-1964,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,brett-whiteley_nude-at-basin-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Abstract_Expressionism,brett-whiteley_untitled-red-painting-1960,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,brett-whiteley_untitled-warm-painting-1961,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_10-2011,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,brice-marden_6-red-rock-1-2002,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_after-botticelli-3-1994,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,brice-marden_aphrodite-study-1993,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_attendant-5-1999,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,brice-marden_beyond-eagles-mere-2,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_bridge-study-1991,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_cold-mountain-i-path-1989,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,brice-marden_cold-mountain-series-zen-study-6-1991,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_couplet-iii-1989,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_cyprian-evocation,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,brice-marden_distant-muses-2000,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_don-t-bungle-the-jungle-1989,"[0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,brice-marden_dragons-2004,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,brice-marden_eagles-mere-set-5-1997,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_epitaph-painting-5-2001,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_etchings-to-rexroth-1-1986,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 3.0]"
+Abstract_Expressionism,brice-marden_first-letter-2009,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,brice-marden_forgery-2008,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,brice-marden_greece-summer-1974-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,brice-marden_greece-summer-1974-2,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_han-shan-exit-1992,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_joined-2011,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Abstract_Expressionism,brice-marden_letter-about-rocks-3-blue-ground-2010,"[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,brice-marden_letter-with-red-2009,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_long-letter-1-2009,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,brice-marden_mirabelle-addenda-2-1979,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Abstract_Expressionism,brice-marden_muses-and-meres-series-richard-s-muse-2001,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_nevis-rock-2008,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Abstract_Expressionism,brice-marden_nevisian-triptych-2008,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,brice-marden_polke-letter-2011,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,brice-marden_post-calligraphic-drawing-1998,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_red-ground-letter-2010,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,brice-marden_red-window-study,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,brice-marden_second-letter-zen-spring-2009,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_st-barts-1-1991,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,brice-marden_st-barts-10-1991,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,brice-marden_study-for-the-virgins-1990,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,brice-marden_suicide-note-1973,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,brice-marden_suicide-notes-1972,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,brice-marden_summer-scroll-8-five-kinds-of-hydra-trees-1986,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,brice-marden_the-attended-1999,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,brice-marden_the-studio-1990,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_third-letter-2009,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_untitled,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_untitled-1996,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,brice-marden_untitled-press-series-1972-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 4.0]"
+Abstract_Expressionism,brice-marden_untitled-with-green-1989,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,brice-marden_venus-1991,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,brice-marden_vine-1993,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,brice-marden_white-ground-letter-2010,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,brice-marden_workbook-hydra-tampere-n-y-c-bucks-co-1988,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,bui-xuan-phai_abstract,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,bui-xuan-phai_abstract(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,bui-xuan-phai_abstract(2),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,bui-xuan-phai_abstract(3),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,bui-xuan-phai_abstract(4),"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,bui-xuan-phai_abstract(5),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,bui-xuan-phai_abstract(6),"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,burhan-dogancay_cheerful-ribbons-1978,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,burhan-dogancay_saratoga-dreaming-1984,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,burhan-dogancay_the-great-breakthrough-1976,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,clyfford-still_1944-g-1944,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,clyfford-still_1944-n-no-1-1944,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,clyfford-still_1945-h-1945,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,clyfford-still_1947-h-no-3-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,clyfford-still_1947-r-no-1-1947,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,clyfford-still_1947-s-1947,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,clyfford-still_1947-y-no-2-1947,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,clyfford-still_1949-a-no-1-1949,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,clyfford-still_1949-no-1-1949,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,clyfford-still_ph-118-1947,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,clyfford-still_ph-385-1949-no-1-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,clyfford-still_untitled-1947,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,clyfford-still_untitled-1948,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,clyfford-still_untitled-1952-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_20-november-1959-1959,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_22-february-1960-1960,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_autumn-suite-a-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_autumn-suite-c-1970,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,conrad-marca-relli_cap-d-ail-1961,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_cargo-1958,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_f-s-6-59-1959,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_fortune-teller,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_image-no-9-1969,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_j-m-3-81-1981,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_ll-4-72-1972,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 5.0]"
+Abstract_Expressionism,conrad-marca-relli_m-4-66-1966,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 3.0, 3.0]"
+Abstract_Expressionism,conrad-marca-relli_mr-6-1958,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Abstract_Expressionism,conrad-marca-relli_multiple-d-1969,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 5.0]"
+Abstract_Expressionism,conrad-marca-relli_pamplona,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_s-4-62-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,conrad-marca-relli_sand-brown-l-a-2-82-1982,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,conrad-marca-relli_steel-grey-1959,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,conrad-marca-relli_summer-rain-j-l-11-1986,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_taos-2-1961,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,conrad-marca-relli_the-expendible-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,conrad-marca-relli_the-intrigue-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,conrad-marca-relli_the-surge-1958,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,conrad-marca-relli_the-woman-of-samura-1958,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1955,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1955-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1958,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1960,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1969,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 2.0, 4.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1973,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1974,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1978,"[5.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-1978-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,conrad-marca-relli_untitled-4,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,conrad-marca-relli_x-l-31-62-1962,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,craig-kauffman_caroline-s-rickets-1975,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,craig-kauffman_still-life-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Abstract_Expressionism,craig-kauffman_studio-1958,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,craig-kauffman_untitled-1958,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,craig-kauffman_untitled-number-drawing-1988,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_academy,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_camino-real-ii,"[0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_camino-real-iv,"[1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_cold-stream,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,cy-twombly_coronation-of-sesostris,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_coronation-of-sesostris-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,cy-twombly_ferragosto-iii,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_ferragosto-iv,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,cy-twombly_ferragosto-v,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_hero-and-leander-to-christopher-marlowe-rome,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_hero-and-leandro-a-painting-in-four-parts-part-i,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_hero-and-leandro-a-painting-in-four-parts-part-ii,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,cy-twombly_hero-and-leandro-a-painting-in-four-parts-part-iii,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_ides-of-march,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,cy-twombly_iii-notes-from-salalah-note-i-2007,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,cy-twombly_iii-notes-from-salalah-note-ii,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,cy-twombly_leda-and-the-swan,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_leda-and-the-swan-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,cy-twombly_min-oe,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_myo,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_panorama,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,cy-twombly_quarzeat,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,cy-twombly_quattro-stagioni-estate-1995,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,cy-twombly_quattro-stagioni-estate-1995-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_quattro-stagioni-part-i-primavera-1994,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,cy-twombly_quattro-stagioni-part-ii-estate-1994,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,cy-twombly_quattro-stagioni-part-iii-autunno-1994,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_quattro-stagioni-part-iv-inverno-1994,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,cy-twombly_quattro-stagioni-primavera-1995,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_ritual,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_school-of-athens,"[0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_school-of-athens-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_solon-i,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,cy-twombly_summer-madness,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_sunset,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_the-geeks,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_the-rose-i,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_the-rose-ii,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,cy-twombly_the-rose-iii,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,cy-twombly_the-rose-iv,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,cy-twombly_the-rose-v,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Abstract_Expressionism,cy-twombly_tiznit,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,cy-twombly_untitled,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-10,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_untitled-11,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_untitled-12,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-13,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-14,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,cy-twombly_untitled-15,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-16,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,cy-twombly_untitled-17,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_untitled-1956,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,cy-twombly_untitled-1956-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,cy-twombly_untitled-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,cy-twombly_untitled-4,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,cy-twombly_untitled-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-6,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-8,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_untitled-9,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_untitled-bastian-38,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_untitled-blooming-a-scattering-of-blossoms-other-things,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-blooming-a-scattering-of-blossoms-other-things-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-part-v,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-part-vi,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-part-vii,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-part-viii,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-peonias-series,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,cy-twombly_untitled-peony-blossom-painting,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,cy-twombly_untitled-rome,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,cy-twombly_zyig,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_american-archer-2001,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,dan-christensen_atlantic-champagne-1979,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,dan-christensen_bajo-sexto-1984,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_blue-baleen-1987,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,dan-christensen_chevade-1968,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_crayola-1982,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,dan-christensen_crossbreed-ii-1981,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,dan-christensen_dromos-1986,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,dan-christensen_grus-1968,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,dan-christensen_jivaro-i,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,dan-christensen_kings-point-2002,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_metal-yellow-1982,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,dan-christensen_pavo-1968,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,dan-christensen_pr-1967,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,dan-christensen_ray-2000,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_sabu-1980,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,dan-christensen_shale-1974,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Abstract_Expressionism,dan-christensen_shoxa-2000,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,dan-christensen_swing-low-1988,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,dan-christensen_swing-street-2001,"[2.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_tbd-1998,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,dan-christensen_torodoro-2004,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_tour-de-france-1989,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_tristan-2000,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,dan-christensen_tsara-2001,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,dan-christensen_untitled-1967,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,dan-christensen_untitled-iv-1979,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,dan-christensen_veeda,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,dan-flavin_juan-gris-in-paris-adieu-picabia-1960,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,david-smith_3-cubis-1964,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,david-smith_ancient-household-1945,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,david-smith_big-diamond-1952,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,david-smith_cubi-i-1963,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,david-smith_hudson-river-landscape-1951,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,david-smith_raven-iii-1959,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,david-smith_sentinel-ii-1957,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,david-smith_steel-drawing-i-1945,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,david-smith_untitled-1961,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,david-smith_untitled-1963,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,douglas-huebler_untitled-1959,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,edward-corbett_mt-holyoke-1956,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 4.0]"
+Abstract_Expressionism,edward-corbett_mt-holyoke-45-1956,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 8.0]"
+Abstract_Expressionism,edward-corbett_untitled-1945,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,edward-corbett_untitled-1950,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 8.0, 0.0, 1.0]"
+Abstract_Expressionism,edward-corbett_untitled-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Abstract_Expressionism,edward-corbett_untitled-black-painting-1950,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,edward-corbett_washington-d-c-1968-1968,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 6.0, 2.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_abstract-1970,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_abstraction-standing-bull-1958,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_al-lazar-man-in-a-hotel-room-1954,"[1.0, 1.0, 0.0, 1.0, 1.0, 5.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_bacchus-1983,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_bacchus-3-1978,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,elaine-de-kooning_bacchus-69-purple-and-green-1982,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_bull-matador-1960,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_cave-126-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_charging-bull-no-7-1959,"[1.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_fairfield-porter-1-1954,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 3.0]"
+Abstract_Expressionism,elaine-de-kooning_glass-wall-1987,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_harold-rosenberg-1956,"[1.0, 1.0, 1.0, 2.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_home-1953,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_italian-summer-28-1970,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_john-f-kennedy-1962,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Abstract_Expressionism,elaine-de-kooning_john-f-kennedy-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 7.0, 2.0]"
+Abstract_Expressionism,elaine-de-kooning_john-f-kennedy-1963-1,"[1.0, 3.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_magic-wall-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_portrait-of-jack-greenbaum-1959,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 5.0, 1.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_spring-1965,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_standing-bull-1957,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_sunday-afternoon-1957,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_thomas-b-hess-1956,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Abstract_Expressionism,elaine-de-kooning_torchlight-cave-drawing-i-1985,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_torchlight-cave-drawing-v-1985,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_untitled-1958,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_untitled-1965,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_untitled-1984,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,elaine-de-kooning_untitled-1984-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_untitled-bull-1973,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,elaine-de-kooning_untitled-collage-1960,"[0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,endre-balint_de-profundis-1978,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Abstract_Expressionism,endre-balint_in-memoriam-bart-k-1973,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,endre-balint_smoking-1969,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,esteban-vicente_antes-de-la-cosecha-1999,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_away-1964,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_azul-1994,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_balada-1959,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_blue-red-black-and-white-1961,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_canto-ii-1995,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_collage-with-yellow-blue-and-orange-1963,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,esteban-vicente_composition-1997,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_comstock-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_copla-1951,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_diptych-1987,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_divertimento-1995,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_divertimento-1995-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_divertimento-1997,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,esteban-vicente_faraway-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_harriet-1984,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,esteban-vicente_kalani-hawaii-1969,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_number-2-1967,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_number-6-1956,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_numero-10-1983,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_orange-red-black-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_primavera-1997,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_red-across-1996,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_ritmico-1995,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_the-garden-1984,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1958,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1959,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1977,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1978,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1980,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1980-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1982,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1985,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1985-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1986,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1988,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1990,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1996,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,esteban-vicente_untitled-1998,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,esteban-vicente_untitled-2000,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_untitled-8-1997,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,esteban-vicente_zarzuela-1982,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,eva-hesse_no-title-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,eva-hesse_no-title-1960-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Abstract_Expressionism,eva-hesse_no-title-1960-2,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,eva-hesse_spectres-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,eva-hesse_untitled,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,eva-hesse_untitled-1961,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,eva-hesse_untitled-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,forrest-bess_burning-bush-1953,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,forrest-bess_dedication-to-van-gogh-1946,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,forrest-bess_hieroglyphics-1950,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_it-fits-1955,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,forrest-bess_mind-crystal-1946,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,forrest-bess_night-flight-1959,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,forrest-bess_prophecy-1946,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,forrest-bess_red-rain-1967,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_spots-1967,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_symbol-of-flowers-1951,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,forrest-bess_tab-tied-to-the-moon-film-1957,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,forrest-bess_the-dicks-1946,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,forrest-bess_the-hermaphrodite-1957,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,forrest-bess_the-spider-1970,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_the-three-doors-1959,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,forrest-bess_untitled-1947,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_untitled-1948,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,forrest-bess_untitled-1957,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_untitled-1967,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_untitled-1970,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_untitled-39-1950,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,forrest-bess_untitled-no-21-1947,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,forrest-bess_untitled-no-5-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Abstract_Expressionism,forrest-bess_untitled-no-6-1957,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,forrest-bess_untitled-the-void-no-ii-1952,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,forrest-bess_view-of-maya-1951,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,frank-bowling_37528-2008,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-bowling_blue-trane-1992,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,frank-bowling_carriage-2006,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,frank-bowling_fishes-2011,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-bowling_greenacross-i-2009,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,frank-bowling_lemongrass-blackpepper-bush,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-bowling_oddysseus-s-footfalls-1982,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,frank-bowling_old-altar-piece-2010,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-bowling_pondlife-2010,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-bowling_rockintored-2011,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-bowling_rush-green-1977,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-bowling_sacha-jason-guyana-dreams-1989,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,frank-bowling_spreadout-ron-kitaj-1986,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,frank-lobdell_1-august-1948-1948,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-lobdell_1-january-1949-1949,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-lobdell_15-april-1962-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-lobdell_17-february-1948-1948,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,frank-lobdell_27-october-1949-1949,"[0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-lobdell_3-october-1962-1962,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-lobdell_black-edge-ii-1962,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-lobdell_dance-i-1969,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-lobdell_dance-iv-1970,"[0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-lobdell_dark-presence-iii-yellow-1963,"[3.0, 3.0, 9.0, 8.0, 2.0, 5.0, 6.0, 1.0, 8.0]"
+Abstract_Expressionism,frank-lobdell_december-1958-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-lobdell_july-1954-1954,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,frank-lobdell_summer-1962,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-lobdell_summer-1962-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,frank-lobdell_summer-in-memory-of-james-budd-dixon-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-lobdell_untitled-1971,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_and-the-holy-one-blessed-be-he-1984,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_brazilian-merganser,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_counterpane-from-the-waves-series-1989,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,frank-stella_eskimo-curlew-1976,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-stella_estoril-five-ii-from-the-circuits-series-1982,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,frank-stella_front-cover-from-had-gadya-series-1984,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_giuf-e-la-berretta-rossa-state-ii-1989,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_giuf-la-luna-i-ladri-e-le-guardie-1984,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_green-solitaire-1977,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_green-solitaire-1981,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,frank-stella_guadalupe-island-caracara-1979,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_hudson-river-valley-1996,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_inaccessible-island-rail-1977,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_la-scienza-della-pigrizia-the-science-of-laziness-1984,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_latah-2004,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,frank-stella_libertina-1995,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_limanora-1994,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_one-small-goat-papa-bought-for-two-zuzim-1984,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-stella_pegasus-three-double-1984,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-stella_prinz-friedrich-von-homburg-ein-schauspiel-3x-2001,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_riallaro-1995,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_salta-nel-mio-sacco-1984,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_shards-1982,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_shards-iii,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-stella_shards-variant-ia-1982,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_shoubeegi-1978,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,frank-stella_swan-engraving-circle-ii-state-iii-1983,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,frank-stella_talladega-1980,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_talladega-three-ii-from-the-circuits-series-1982,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-stella_the-butcher-came-and-slew-the-ox-1984,"[2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,frank-stella_the-fountain-1992,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_the-great-heidelburgh-tun-1988,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,frank-stella_the-mat-maker-1990,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_the-musket-1990,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,frank-stella_the-waves-i-hark-1989,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,frank-stella_untitled-green-1957,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,frank-stella_whale-watch-1994,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,frank-stella_yellow-journal-1982,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,friedel-dzubas_echo-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,friedel-dzubas_further-land,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_gtw-14,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,friedel-dzubas_gtw-fd-6-1987,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_hope-distant-1987,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_kay-s-travel-1959,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_moonhunt-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,friedel-dzubas_omen-1959,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_over-the-hill-1953,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_polaris-1959,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,friedel-dzubas_red-flight-1957,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,friedel-dzubas_rush,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,friedel-dzubas_spring-smell-1988,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,friedel-dzubas_untitled,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,friedel-dzubas_untitled(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,friedel-dzubas_untitled(2),"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_untitled-1953,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,friedel-dzubas_untitled-1959,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,friedel-dzubas_untitled-1959(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,friedel-dzubas_untitled-1981,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,friedel-dzubas_untitled-1982,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,friedel-dzubas_untitled-77-1954,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,gene-davis_angel-vine-1952,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,gene-davis_autumn-1955,"[5.0, 3.0, 4.0, 1.0, 1.0, 13.0, 8.0, 3.0, 12.0]"
+Abstract_Expressionism,gene-davis_bay-1958,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,gene-davis_bird-land-1952,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,gene-davis_blue-rectangle-ii-1958,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,gene-davis_bridge-1952,"[2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,gene-davis_christmas-tree-1956,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,gene-davis_composition-i-1949,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,gene-davis_dog-and-flowers-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Abstract_Expressionism,gene-davis_eskimo-map-1976,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,gene-davis_homage-to-dubuffet-i-1952,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,gene-davis_islam-1981,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,gene-davis_jumping-jack-1978,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,gene-davis_red-line-1952,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,gene-davis_saber-dance-1952,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,gene-davis_untitled-1979(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0]"
+Abstract_Expressionism,georgia-o'keeffe_green-yellow-and-orange,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,georgia-o'keeffe_it-was-yellow-and-pink-ii,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_abstract-bilding,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,gerhard-richter_abstract-painting-610-1,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_abstract-painting-780-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,gerhard-richter_abstract-painting-780-1-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,gerhard-richter_abstract-painting-805-4,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,gerhard-richter_abstract-painting-no-439,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,gerhard-richter_abstract-painting-no-809-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,gerhard-richter_abstract-picture,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_abstract-picture-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,gerhard-richter_abstraktes-bild-abstract-painting-1976,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_abstraktes-bild-abstract-picture-1994,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_clouds-1982,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,gerhard-richter_courbet,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,gerhard-richter_dark,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_farbschlieren-colour-streaks-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,gerhard-richter_grey,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,gerhard-richter_ice,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,gerhard-richter_ice-2,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_ice-4,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,gerhard-richter_korn,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,gerhard-richter_ludorff,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_mediation,"[1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_passage,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_red-blue-yellow,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_station,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,gerhard-richter_untitled,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,gerhard-richter_wallace-bournes,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,geta-bratescu_frontispice-for-unwritten-love-poem-1987,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-i-1981,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-ii-1981,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-iii-1981,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-iv-1981,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-v-1981,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,geta-bratescu_medeic-callisthetic-moves-vi-1981,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,geta-bratescu_spaces-2005(5),"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,geta-bratescu_spaces-2005(6),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,geta-bratescu_spaces-2005(7),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,geta-bratescu_spaces-2005(8),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,geta-bratescu_spaces-2005(9),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(10),"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(11),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(6),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(7),"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(8),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,geta-bratescu_the-rule-of-the-circle-the-rule-of-the-game-1985(9),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,gotthard-graubner_untitled-1964,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,gotthard-graubner_untitled-1971,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 5.0, 0.0]"
+Abstract_Expressionism,gotthard-graubner_untitled-1980,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,gotthard-graubner_untitled-1991,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,gotthard-graubner_untitled-2000,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,gotthard-graubner_untitled-2004,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,guido-molinari_a-next-amitie-1958,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,guido-molinari_untitled-1953-1,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,guido-molinari_untitled-1953-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,guido-molinari_untitled-1954,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,guido-molinari_untitled-1954-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_above-deep-waters-1959,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_abstract-euphony-1958,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_abstraction-in-white-1954,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_aquatic-garden-1960,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,hans-hofmann_art-like-love-is-dedication-1965,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_asklepois-1947,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_august-light-1957,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_bird-cage-variation-ii-1958,"[2.0, 3.0, 8.0, 7.0, 1.0, 11.0, 3.0, 0.0, 9.0]"
+Abstract_Expressionism,hans-hofmann_black-diamond-1961,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_cataclysm-1945,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_cathedral-1959,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_composition-no-1-1953,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_composition-no-v-1952,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_deep-within-the-ravine-1965,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_delirious-pink-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,hans-hofmann_dew-and-dusk-1957,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_ecstasy-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,hans-hofmann_equinox-1958,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_equipoise-1958,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_furioso-1963,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_genius-logic-1963,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_gloriamundi-1963,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_golden-autumn-1963,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_golden-splendor-1957,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_goliath-1960,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_heraldic-call-1965,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_idolatress-i-1963,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_indian-summer-1959,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_joy-sparks-of-the-gods-ii-1958,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_kaleidos-1958,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_legends-of-distant-past-days-1965,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_little-cherry-1965,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_lonely-journey-1965,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,hans-hofmann_love-poem-1962,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_lucidus-ordo-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_lust-and-delight-1965(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,hans-hofmann_magnum-opus-1962,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_maiden-dance-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_memoria-in-aeternum-1962,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_morning-mist-1958,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_nocturnal-splendor-1963,"[0.0, 3.0, 4.0, 2.0, 4.0, 4.0, 21.0, 5.0, 8.0]"
+Abstract_Expressionism,hans-hofmann_nulli-secundus-1964,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_olive-grove-1960,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_ora-pro-nobis-1964,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_pastorale-1958,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_polynesian-1950,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_pompeii-1959,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_profound-longing-1965,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_renate-s-nantucket-1965,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_rhapsody-1958,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,hans-hofmann_rising-moon-1964,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_sanctum-sanctorum-1962,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_shapes-in-black-1944,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_silent-night-1964,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,hans-hofmann_solstice-1946,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_song-of-the-nightingale-1964,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_summer-1965-1965,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_summer-night-s-bliss-1961,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_the-bouquet-1959,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_the-castle-1965,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_the-clash-1964,"[0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_the-conjurer-1959,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,hans-hofmann_the-garden-1956,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_the-gate-1960,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_the-lark-1960,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_the-mannequin-1946,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_the-third-hand-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_the-vanquished-1959,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_to-j-f-k-a-thousand-roots-did-die-with-thee-1963,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_to-miz-pax-vobiscum-1964,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_untitled-1943,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hans-hofmann_untitled-1950,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_veluti-in-speculum-1962,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hans-hofmann_wild-vine-1961,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hans-hofmann_yellow-predominance-1949,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hassel-smith_2-to-the-moon-1961,"[1.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hassel-smith_at-miss-webb-s-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,hassel-smith_psychoseismorama-ii-1960,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,hassel-smith_sebastopol-autumn-1961,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,hassel-smith_the-houston-scene-1959,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hassel-smith_untitled-10-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,hassel-smith_untitled-1959,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hassel-smith_untitled-1959-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,hassel-smith_untitled-1963,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 1.0]"
+Abstract_Expressionism,hassel-smith_untitled-1987,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,hassel-smith_untitled-1992,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hassel-smith_untitled-yellow-1960,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,hassel-smith_up-mousehole-1962,"[3.0, 0.0, 6.0, 5.0, 6.0, 8.0, 8.0, 1.0, 12.0]"
+Abstract_Expressionism,hedda-sterne_alaska-1-1958,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,hedda-sterne_further-i-1989,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hedda-sterne_ink-drawing,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,hedda-sterne_machine-5-1950,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,hedda-sterne_metaphores-and-metamorphoses-1967,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,hedda-sterne_n-y-1-road-4-1956,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,hedda-sterne_new-york-n-y-nox-1948,"[1.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,hedda-sterne_tondo-1973,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,hedda-sterne_tondo-22-1953,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,hedda-sterne_vertical-horizontal-i-1963,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_a-green-thought-in-a-green-shade-1981,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_acres-1959,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_adirondacks-1992,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_aerie-2009,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_all-about-blue-1994,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_april-iv-1960,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_august-deep-1978,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_basque-beach-1958,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_beginnings-2002,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_blue-form-in-a-scene-1961,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_bridges-1996,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_bronze-smoke-1978,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_buddha-s-court-1964,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_c-te-d-argent-1980,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_captain-s-watch-1986,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_connected-by-joy-1970,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_deep-sun-1983,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_desert-pass-1976,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_dream-walk-1977,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_eve-1995,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_flirt-1995,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_flotilla-2006,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_ganymede-1978,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_gateway-1988,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_grey-fireworks-2000,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_guadalupe-1989,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_harbinger-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_harvest-1976,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_interior-1957,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_interior-landscape-1964,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_madam-butterfly-2000,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_making-music-2000,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_mary-mary-1987,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_may-26th-backwards-1961(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,helen-frankenthaler_monotype-i-1981,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_mountains-and-sea-1962,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_moving-day-1961,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_painted-on-21st-street-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_playa-1950,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,helen-frankenthaler_provincetown-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_radius-1993,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_reflections-i-1995,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_reflections-iii-1995,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_reflections-iv-1995,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_reflections-v-1995,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,helen-frankenthaler_round-trip-1957,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_saturn-revisited-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_seascape-with-dunes-1962,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_seeing-the-moon-on-a-hot-summer-day-1987,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_snow-pines-2004,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_soho-dreams-1987,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_solar-imp-2001,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_square-one-1985,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_summerscene-provincetown-1961,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_sunshine-after-rain-1987,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_swan-lake-2-1961,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_tales-of-genji-i-1998,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_tales-of-genji-iii-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_tales-of-genji-iv-1998,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_tales-of-genji-vi-1998,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_the-other-side-of-the-moon-1995,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_the-red-sea-1982,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_tuscany-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_untitled-1951,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_untitled-1960,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_untitled-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,helen-frankenthaler_untitled-1978,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,helen-frankenthaler_untitled-1980,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,helen-frankenthaler_untitled-1984,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_viewpoint-ii-1979,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_west-wind-1997,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,helen-frankenthaler_yearning-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,henri-matisse_bather-in-the-reeds-1952,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,henri-matisse_bees-1948,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_blue-nude,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,henri-matisse_blue-nude-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_blue-nude-1952,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_blue-nude-iii-1952,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_blue-nude-iv-1952,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,henri-matisse_blue-nudes,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_creole-dancer(1),"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_cut-outs,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_cut-outs-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_cut-outs-2,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_cut-outs-3,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_cut-outs-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,henri-matisse_cut-outs-5,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_icarus-1944,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_japanese-mask-1950,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_jazz-book-1947,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,henri-matisse_la-gerbe-1953,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_la-perruche-et-la-sirene-1952,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_memory-of-oceania,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_not-identified-4,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_not-identified-5,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_panel-with-mask-1947,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,henri-matisse_papercut-1947,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,henri-matisse_polynesia-la-mer-1946,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_polynesia-the-sky-1946(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_stained-glass-window-window-of-the-abside-of-the-rosary-chapel-1949,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_the-beasts-of-the-sea-1950,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_the-circus-1943,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_the-circus-1947,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_the-clown-1943,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,henri-matisse_the-dancer-1949,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,henri-matisse_the-eschimo-1947,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,henri-matisse_the-flowing-hair-1952,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,henri-matisse_the-king-s-sadness-1952,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_the-knife-thrower-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,henri-matisse_the-lagoon-1947,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_the-maritime-wildlife-1950,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,henri-matisse_the-toboggan-1943,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,henri-matisse_tree-of-life-stained-glass-behind-the-altar-in-the-chapel-of-the-rosary-at-vence-1951,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,henri-matisse_vegetables-1952,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,henri-matisse_white-torso-and-blue-torso-1944,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,horia-bernea_prapor,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,horia-bernea_prapor(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,horia-bernea_prapor(2),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,horia-bernea_prapor-1982,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,horia-bernea_prapor-1987,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,horia-bernea_prapor-iv-1976,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,horia-bernea_praporele-florilor-1976,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,horia-bernea_simeze,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-hodgkin_all-alone-in-the-museum-of-art-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Abstract_Expressionism,howard-hodgkin_clean-sheets-1984,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,howard-hodgkin_dinner-at-smith-square-1979,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,howard-hodgkin_girl-at-night-1966,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-hodgkin_lotus-1980,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-hodgkin_night-and-day-1999,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,howard-hodgkin_patrick-caulfield-in-italy-1992,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-hodgkin_rain-1989,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,howard-hodgkin_seafood-2001,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-hodgkin_strictly-personal-2001,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,howard-hodgkin_untitled-1976,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,howard-hodgkin_venice-afternoon-1995,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,howard-mehring_all-green-1958,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,howard-mehring_amarillo-1958,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-mehring_black-1963,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,howard-mehring_japanese-composition-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-mehring_untitled-1958,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,howard-mehring_untitled-1958(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-mehring_untitled-1958(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,howard-mehring_untitled-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,howard-mehring_untitled-1960(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-mehring_untitled-1960(2),"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-mehring_untitled-1960(3),"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,howard-mehring_untitled-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jack-bush_abstraction,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jack-bush_blue-pyramid-1947,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-bush_childhood-1955,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,jack-bush_collage-for-christmas-1957,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,jack-bush_man-and-woman-1-1955,"[2.0, 1.0, 2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,jack-bush_may-1955,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-bush_november-19-oscar-s-death,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,jack-bush_summer-no-3-1956,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,jack-bush_three-greens-and-black-1958,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-bush_yellow-flower-1958,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_blue-note-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_brake-iii-1960,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_choir,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jack-tworkov_crossfield-i-1968,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_day-s-end-1959,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,jack-tworkov_flowering-white-1949,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jack-tworkov_indian-red-series-i-1979,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_june-21-1964,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_nightfall-1961,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,jack-tworkov_pink-mississippi-1954,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,jack-tworkov_q1-75-s-2-1977,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_red-robe-1947,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_rwb-2-1961,"[4.0, 4.0, 7.0, 5.0, 4.0, 5.0, 6.0, 2.0, 12.0]"
+Abstract_Expressionism,jack-tworkov_thursday-1960,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_trace-1966,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_untitled-1950,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,jack-tworkov_untitled-1954,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jack-tworkov_untitled-1955,"[0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jack-tworkov_weatherman,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,jack-youngerman_august-31-1966,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jack-youngerman_banlieue-1953,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jackson-pollock_birth(1),"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_blue-moby-dick(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_circumcision-january(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,jackson-pollock_easter-and-the-totem(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jackson-pollock_male-and-female(1),"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_man-with-knife-1940(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_moon-woman-1942(1),"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jackson-pollock_mural,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_number-14(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,jackson-pollock_number-2(1),"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_ocean-greyness-1953,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,jackson-pollock_pattern(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,jackson-pollock_portrait-and-a-dream-1953,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jackson-pollock_stenographic-figure(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,jackson-pollock_the-deep-1953,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,jackson-pollock_the-flame-1938(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_the-key(1),"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_the-moon-woman-cuts-the-circle-1943,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_the-she-wolf(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_the-tea-cup(1),"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jackson-pollock_totem-lesson-2-1945(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_untitled(3),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,jackson-pollock_untitled-1941(2),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_untitled-1941(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,jackson-pollock_untitled-1944(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,jackson-pollock_untitled-1951(1),"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jackson-pollock_untitled-o-connor-thaw-770(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,jackson-pollock_untitled-o-connor-thaw-771(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,jane-frank_aerial-series-dorado-no-2-1970,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,jane-frank_aerial-series-ploughed-fields-maryland-1974,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jane-frank_aerial-view-no-1-1968,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jane-frank_april-screen-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jane-frank_crags-and-crevices-1961,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jane-frank_frazer-s-hog-cay-18-1968,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jane-frank_ledge-of-light-1974,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jane-frank_night-landings-sambura-1970,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jane-frank_plum-point-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,jane-frank_rockscape-ii-1961,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,jane-frank_untitled,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,jane-frank_winter-windows-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,jay-defeo_cabbage-rose-1975,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,jay-defeo_easter-lily-1956,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]"
+Abstract_Expressionism,jay-defeo_incision-1961,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,jay-defeo_origin-1956,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jay-defeo_samurai-no-8-1987,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jay-defeo_the-annunciation-1959,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,jay-defeo_the-jewel-1959,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,jay-defeo_the-rose-1966,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jay-defeo_the-ver-nica-1957,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jay-defeo_untitled-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,jay-defeo_untitled-1974,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jay-defeo_untitled-1979,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,jay-defeo_untitled-jewelry-series-1976,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,jay-defeo_untitled-jewelry-series-1977,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jay-defeo_untitled-shoetree-series-1977,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,jean-paul-riopelle_chemin-d-hiver-1973,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_composition,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_constructions-chim-riques-1967,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jean-paul-riopelle_conversation-1946,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_feuilles-i-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,jean-paul-riopelle_feuilles-iii-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_forestine-1954,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,jean-paul-riopelle_horizons-ouverts-1956,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,jean-paul-riopelle_jute-iv-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,jean-paul-riopelle_landing-1958,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_leaves-iii-1967,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_lithograph-1968,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,jean-paul-riopelle_lithographie-1974,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,jean-paul-riopelle_lithographie-1976,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jean-paul-riopelle_pavane-1954,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_perspectives-1956,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,jean-paul-riopelle_the-wheel-ii-1956,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,jean-paul-riopelle_triptyque-orange,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jean-paul-riopelle_untitled,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_untitled-1949,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jean-paul-riopelle_untitled-1955,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_a-time-for-fear-1949,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_abstraction-in-green-and-black-1946,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_aeroflower-1942,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_animals-and-minerals-1952,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jimmy-ernst_chronicle-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_dialogue-ii-1954,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_dusklight-1980,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jimmy-ernst_epilogue-1974,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_equations-1965,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_exile-1974,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jimmy-ernst_four-days-1979,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_hieroglyphics-1969,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jimmy-ernst_interior-and-silence-1967,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_landscape-with-pinetree-1958,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_lookscape-1952,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jimmy-ernst_lumiere-1968,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jimmy-ernst_mombosa-1975,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_moonscape-1969,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,jimmy-ernst_night-subway-1948,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_observation-vii-1965,"[0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_oracle-1971,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jimmy-ernst_recollections-and-silence-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,jimmy-ernst_rimrock-1960,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_science-fiction-1948,"[0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_sea-of-grass-1982,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_sea-of-grass-1983,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_see-see-rider-1946,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jimmy-ernst_signifiant-event-note-1980,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_silence-at-sharpeville-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_silent-protest-1976,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,jimmy-ernst_southwest-image-1958,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_stillness-1956,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_synapse-1950,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_terra-incognita-10-1974,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_twice-1972,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_untitled-1950,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,jimmy-ernst_untitled-1957,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_untitled-1965,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jimmy-ernst_white-space-1951,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_batement-ii,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_big-carpet,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_bird-s-flight-in-moonlight,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_blue-i-1961,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_blue-ii,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_blue-iii,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_carota,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_catalan-peasant-in-the-moonlight,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_donna-wall,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_fascinating-personage,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_femme-iii,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-miro_hair-pursued-by-2-planets,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_may-1973,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227939,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227940,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227941,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227942,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_not_detected_227943,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227944,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_not_detected_227945,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227946,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227947,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227948,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,joan-miro_not_detected_227949,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_not_detected_227950,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227951,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227952,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227953-1974,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227954,"[1.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227955,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227956,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227957,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227958,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227959,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227960,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_not_detected_227974,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-miro_not_detected_227976,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-miro_not_detected_227980,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_painting-i,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_poema-i,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-miro_the-birth-of-day,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_the-flight-of-the-dragonfly-in-front-of-the-sun,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_the-gold-of-the-azure,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_the-lark-s-wing-encircled-with-golden-blue-rejoins-the-heart-of-the-poppy-sleeping-on-a-diamond,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_the-red-disk,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-miro_the-song-of-the-vowels,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-miro_woman-before-the-luna,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-miro_woman-in-front-of-the-sun-i,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_blue-territory-1972,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_bracket-1989,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_champs-1990,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_city-landscape-1955(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_diabolo-neige-et-fleurs-1969,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_edrita-fried-1981,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_george-went-swimming-at-barnes-hole-but-it-got-too-cold-1957,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_girolata-1964,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_girolata-triptych-1964,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_grandes-carri-res-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_heel-sit-stay-1977,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_hemlock-1956(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_ici-1992,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_la-chatiere-1960,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_la-grande-vall-e-xvi-pour-iva-1983,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_la-grande-vallee-xiv-for-a-little-while-1983,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_la-vie-en-rose-1979,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_ladybug-1957,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_le-chemin-des-ecoliers-1960,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_little-trip-1969,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_low-water-1969,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_merci-1992,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_minnesota-1980,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_mooring-1971,"[3.0, 2.0, 10.0, 3.0, 2.0, 8.0, 5.0, 4.0, 7.0]"
+Abstract_Expressionism,joan-mitchell_my-landscape-ii-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,joan-mitchell_posted-1977,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_river-1989,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_riviere-1990,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_salut-tom-1979,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_sunflower-iii-1969,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_sunflowers-1991,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_the-lot-1971,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_tilleul-1978,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_tilleul-1978-1(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_tondo-1991,"[0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_tournesols-1976,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_trees-1991,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_trees-1991-1,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1950,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1951,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1951-1(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1952,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1953,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1956,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1957,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1958,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1959,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1960,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1961,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1962,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1964(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1968,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1969,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1969-1,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1973,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1977,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1979,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1981,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1987,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-mitchell_untitled-1992,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-mitchell_weeds-1976,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-snyder_chant-1979,"[12.0, 4.0, 9.0, 4.0, 0.0, 5.0, 1.0, 1.0, 13.0]"
+Abstract_Expressionism,joan-snyder_cherry-fall-1995,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-snyder_first-anniversary-1970,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,joan-snyder_flesh-art-1974,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-snyder_landscape-1970,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,joan-snyder_madrigal-x-2001,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-snyder_mamilla-immortalis-2004,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-snyder_oratorio-1997,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-snyder_perpetuo-eternally-2004,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-snyder_pumpkin-field-iii-2012,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-snyder_purple-passion-2012,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-snyder_rose-garden-2010,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-snyder_sigh-2006,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-snyder_smashed-strokes-hope-1971,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-snyder_song-cycle-2-for-aw-2011,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-snyder_song-cycle-4-2011,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,joan-snyder_spring-eternal-2012,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-snyder_squares-1972,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,joan-snyder_still-2011,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,joan-snyder_summer-orange-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,joan-snyder_symphony-1970,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joan-snyder_symphony-v-1982,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joan-snyder_tell-my-sister-2012,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-snyder_vertical-strokes-on-white-ground-1969,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,joan-snyder_woman-child-1972,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jock-macdonald_flood-tide-1957,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jock-macdonald_legend-of-the-orient-1958,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jock-macdonald_primordial-fire-1957,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,jock-macdonald_riviera-winter-colour-symphony-1955,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,joe-goode_birthdays-2008,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,joe-goode_black-drawing-6-1977,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Abstract_Expressionism,joe-goode_clouds-1973,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Abstract_Expressionism,joe-goode_environmental-impact-1981-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,joe-goode_ocean-blue-6-1988,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Abstract_Expressionism,joe-goode_pollution-r2-1995,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joe-goode_pollution-r3-1995,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,joe-goode_quadratisch,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,joe-goode_san-bernadino-1997,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,joe-goode_tissue-tear-series-untitled-1975,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,joe-goode_tornado-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,joe-goode_untitled-1971-1,"[1.0, 2.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,joe-goode_untitled-no-4-1974,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,joe-goode_untitled-torn-clouds-1974,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,joe-goode_untitled-torn-clouds-1975,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,joe-goode_x-ray-drawing-14-1976,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,john-chamberlain_big-e-1962,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,john-chamberlain_jackpot-1962,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-chamberlain_s-1959,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,john-chamberlain_shortstop-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,john-chamberlain_untitled-1960,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-chamberlain_untitled-1960-1,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_abstract-composition-1968,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,john-ferren_blue-green-ground-1961,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_branches-1955,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,john-ferren_broken-blue-1958,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_contemplations-on-geraniums-1952,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,john-ferren_desert-landscape-1951,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,john-ferren_greenock-1958,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_navaho-1958,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_new-york-summer-landscape-1953,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-ferren_one-world-1961,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-ferren_outdoors-1952,"[0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_rock-totems-1948,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,john-ferren_the-bush-1955,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_the-changeling-1964,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,john-ferren_the-witch-doctor-1963,"[1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-ferren_untitled-1952,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-ferren_untitled-1956,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,john-ferren_untitled-1959,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-ferren_untitled-1961,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,john-ferren_untitled-1963,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,john-ferren_untitled-i-1957,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_1986-quas-23-1-86,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,john-hoyland_1990-black-something-8-2-90-acrylic-on-canvas,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,john-hoyland_1998-yellow-boat-7-8-98,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_2002-sky-ritual-acrylic-on-canvas,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_2005-the-gnome-silkscreen,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,john-hoyland_2006-blue-moon-oil-on-canvas,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_2006-love-and-grief-5-4-006,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_2008-untitled-silkscreen,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,john-hoyland_21-1-75-1975,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_25-4-78-1978,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_before-time-mysteries-12-05-01-11-2011,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_blood-feud-28-8-07-2007,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_eyes-that-dream-20-3-08-clifford-dies-2008,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_gadal-10-11-86-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,john-hoyland_green-sea-moon-2006,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,john-hoyland_jade-buddha-23-07-08-2008,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,john-hoyland_landslide-1978,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_lebanon-2007,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_letter-to-chaim-10-7-06-2006,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_life-and-love,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_memphis-1980,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,john-hoyland_north-sound-1979,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,john-hoyland_one-life-5-11-07-2007,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,john-hoyland_rankin-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,john-hoyland_saracen-1977,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,john-hoyland_spirit-night-18-06-98-1998,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_splay-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,john-hoyland_survivor-man-17-08-08-2008,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_tiger-s-eye-10-3-07-2007,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,john-hoyland_trace-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_trickster-1979,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,john-hoyland_vincent-s-moon-11-7-07-2007,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,john-hoyland_warrior-universe,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,john-hoyland_watching-20-1-07-2007,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,john-mccracken_mandala-i-1972,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,john-mccracken_untitled-1962,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,john-mccracken_untitled-1971,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,john-mccracken_untitled-1983,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,john-mccracken_untitled-december-6-1973-1973,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,jose-guerrero_aurora-ascendente-1955,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,jose-guerrero_rojo-sombr-o-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,jose-guerrero_untitled-1963,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,julio-pomar_belle-isle-en-mer-1976,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,julio-pomar_cegos-de-madrid-1959,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 7.0, 0.0, 1.0]"
+Abstract_Expressionism,julio-pomar_chantilly-i-1965,"[1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,julio-pomar_gra-a-lobo-laranja-1973,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,julio-pomar_l-pure-1977,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,julio-pomar_la-table-de-l-architecte-1977,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,julio-pomar_le-luxe-1979,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,julio-pomar_le-signe-1978,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,julio-pomar_maio-68-crs-ss-ii-1968,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,julio-pomar_metro-1964,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,kazuo-nakamura_composition-10-51-1951,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,kazuo-nakamura_hillside-1954,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,kazuo-nakamura_inner-structure-1954,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,kazuo-nakamura_inner-structure-1955,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,kazuo-nakamura_inner-structure-no-5-1955,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,kazuo-nakamura_inner-view-1954,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,kazuo-nakamura_inner-view-3-1955,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,kazuo-nakamura_into-space-3-1957,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,kazuo-nakamura_morning-mist-1951,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,kazuo-nakamura_untitled,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Abstract_Expressionism,kazuo-nakamura_watercolor-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,kazuo-nakamura_white-landscape-1953,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Abstract_Expressionism,kenzo-okada_a-well-1966,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,kenzo-okada_decision-1956,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,kenzo-okada_eventail-1945,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,kenzo-okada_footsteps-1954,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,kenzo-okada_landscape,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,kenzo-okada_lemon-yellow-1950,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,kenzo-okada_number-2-1954,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,kenzo-okada_points-no-19-1954,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,kenzo-okada_solstice-1954,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,kenzo-okada_stream,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,kenzo-okada_the-cliff,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,kenzo-okada_untitled,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,kenzo-okada_untitled-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,kenzo-okada_untitled-1970,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,kenzo-okada_white-and-brown-1972,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,kenzo-okada_young-bamboo-diptych,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,larry-bell_nude-1974,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,larry-zox_abstract-with-blue-and-black,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,lee-krasner_cool-white-1959,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,lee-krasner_embrace-1974,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,lee-krasner_gaea-1966,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_gold-stone-1969,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_hieroglyphs-no-12-1969,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_mysteries-1972,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,lee-krasner_night-creatures-1965,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,lee-krasner_night-light-1948,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,lee-krasner_noon-1947,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,lee-krasner_number-3-untitled-1951,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,lee-krasner_obsidian-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_rising-green-1972,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_seated-nude-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_shellflower-1947,"[1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_summer-play-1962,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,lee-krasner_thaw-1957,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,lee-krasner_the-sun-woman-ii-1958,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_untitled-1949,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,lee-krasner_untitled-1964,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,lee-krasner_untitled-1969,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,lee-krasner_untitled-from-little-image-series-1949,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,lee-ufan_from-point-1975,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,lee-ufan_from-point-1975-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,lee-ufan_pushed-up-ink-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,louis-schanker_abstract-carved-wood-sculpture,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,louis-schanker_abstract-composition-1944,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,louis-schanker_abstraction,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,louis-schanker_carnival-1948,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Abstract_Expressionism,louis-schanker_circle-image,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,louis-schanker_circle-image-no-25-1954,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,louis-schanker_football-3-1950,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,louis-schanker_green-forms-1957,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,louis-schanker_untitled,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,louis-schanker_untitled-1949,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,louis-schanker_untitled-abstract-composition-1968,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,louise-nevelson_atmoshere-and-environment-xii-1970,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,louise-nevelson_atmosphere-and-environment-x-1969,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,louise-nevelson_clown-tight-rope-walker-1942,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,louise-nevelson_full-moon-1980,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,louise-nevelson_night-presence-ii-1976,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,louise-nevelson_night-sail-1983,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,louise-nevelson_night-tree-1971,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,louise-nevelson_seventh-decade-garden-ix-x-1970,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,louise-nevelson_sky-covenant-1973,"[2.0, 10.0, 13.0, 5.0, 0.0, 4.0, 5.0, 3.0, 7.0]"
+Abstract_Expressionism,louise-nevelson_sky-hook-maquette-1977,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,louise-nevelson_sky-jag-iv-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,louise-nevelson_sky-landscape-1988,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,louise-nevelson_sky-tree-1977,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,louise-nevelson_transparent-horizon-1975,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,louise-nevelson_voyage-no-ii,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_age-1985,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,manabu-mabe_alvorada-da-industria-1966,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,manabu-mabe_com-dourados,"[0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,manabu-mabe_dever,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,manabu-mabe_dourado-no-34-1965,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,manabu-mabe_exist-ncia-1985,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,manabu-mabe_life,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_passage-de-fuego-1961,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_sentimental-song-1980,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_som-1976,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,manabu-mabe_sorriso-1977,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,manabu-mabe_taiki-no-227-1961,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_untitled-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,manabu-mabe_untitled-1960,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_untitled-1966,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,manabu-mabe_untitled-1970,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_untitled-1972,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_untitled-1979,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_vento-vermelho,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,manabu-mabe_vozes-1976,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,manuel-neri_collage-painting-no-1-1959,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,manuel-neri_couple-of-girls-1967,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,manuel-neri_moon-sculpture-ii-1960,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mario-cesariny_homenagem-a-luis-bu-uel-1968,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,mario-cesariny_retrato-de-menez-1968,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mario-cesariny_rumeurs-des-villes-1968,"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mario-cesariny_unknown-title,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,marjorie-strider_we-mourn-we-weep-we-love-again-1995,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,mark-rothko_multiform-1948,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,mark-rothko_no-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-rothko_no-1-untitled,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-rothko_no-19,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-rothko_no-21,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-rothko_no-5-no-24,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,mark-rothko_no-9,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-rothko_no-9-1947,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-rothko_not_detected_242115,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,mark-rothko_not_detected_242116,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-rothko_not_detected_242117,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,mark-rothko_untitled,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-rothko_untitled-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-rothko_untitled-14b,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,mark-rothko_untitled-1948,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-rothko_untitled-1948-1,"[0.0, 0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-rothko_untitled-1948-2,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-rothko_untitled-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,mark-tobey_advance-of-history-1964,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,mark-tobey_aerial-centers-1967,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_after-the-harvest-1970,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,mark-tobey_american-landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,mark-tobey_ancient-empires-1950,"[1.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_animal-sketches-1949,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_autumn-field-1957,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_between-space-and-time-1965,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_calligraphic-still-life-no-3-1958,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,mark-tobey_calligraphy-1959,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,mark-tobey_canticle-1954,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_carnival-1954,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_childs-fantasy,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_chinese-grocery-1957,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_coming-and-going-1970,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_crowded-city-1974,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_crystallizations-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Abstract_Expressionism,mark-tobey_edge-of-august,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,mark-tobey_electric-night-1944,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_evocation-1970,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_fire-dancers-1957,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_fish-market-seattle-market-scene-sketch-1943,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_flame-of-colors-1974,"[0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_forest-fire-1956,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,mark-tobey_geography-of-phantasy-1948,"[3.0, 4.0, 6.0, 5.0, 1.0, 7.0, 2.0, 6.0, 11.0]"
+Abstract_Expressionism,mark-tobey_homage-to-the-virgin-1948,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_illuminated-plane-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_image-1970,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_komposition-blau-1972,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_komposition-rot-1972,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_komposition-schwarz-1972,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,mark-tobey_la-resille-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,mark-tobey_landscape-1968,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_longing-for-community,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_louvre-1961,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_lovers-of-light-1960,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,mark-tobey_meditative-series-viii-1954,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,mark-tobey_message-from-a-desert-star-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,mark-tobey_mon-1959,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_morning-grass,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_new-crescent-1953,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_new-world-dimensions-iv,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_not-identified,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,mark-tobey_not-identified-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,mark-tobey_not-identified-2,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_orange-abstraction,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_patterns-of-conflict,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_reclining-figure-of-a-horse-1964,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_rhythms,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_screenshot,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_sentinels-of-the-field-1958,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,mark-tobey_sonata-1975,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_subtile-souvenir,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_the-awakening-night-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_the-grand-parade-1974,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_the-imaginary-village-1954,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_the-new-day-1945,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,mark-tobey_they-ve-come-back,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_to-life-1974,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_totem-series-abstraction,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_travel-tobey-1959,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_two-men-walking-1964,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_untitled,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_untitled-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_untitled-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Abstract_Expressionism,mark-tobey_untitled-1959,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,mark-tobey_untitled-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,mark-tobey_untitled-1966,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_untitled-1968,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_untitled-2,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mark-tobey_untitled-3,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_untitled-4,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,mark-tobey_untitled-standing-figure-1965,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,mark-tobey_untitled-sumi-1957,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,mark-tobey_washington,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,mark-tobey_washington-1,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_winter-leaves-1974,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mark-tobey_world-eggsharpen,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,milton-resnick_abstraction-1963,"[3.0, 2.0, 11.0, 4.0, 0.0, 16.0, 2.0, 3.0, 9.0]"
+Abstract_Expressionism,milton-resnick_bruno-1982,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,milton-resnick_cargo-1957,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,milton-resnick_composition-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,milton-resnick_dark-forest-1975,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,milton-resnick_flag-1963,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,milton-resnick_hawkeye-ii-1971,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,milton-resnick_hydrogen-1961,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,milton-resnick_me-and-me-1994,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,milton-resnick_painting-i-1957,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,milton-resnick_roseland-1959,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,milton-resnick_straw-1982,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,milton-resnick_ulysses-1991,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,milton-resnick_untitled,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,milton-resnick_untitled-1959,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,milton-resnick_untitled-1960,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,milton-resnick_untitled-1960-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,milton-resnick_untitled-1963,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,milton-resnick_untitled-1982,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,milton-resnick_untitled-1988,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,milton-resnick_untitled-6-1959,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,miriam-schapiro_autobiography,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,miriam-schapiro_down-to-earth-1959,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,miriam-schapiro_facade,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,miriam-schapiro_fanfare-1968,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,miriam-schapiro_pandora,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,miriam-schapiro_treasury,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,morris-graves_bird-experiencing-light-1969,"[1.0, 2.0, 1.0, 3.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,morris-graves_bird-moon-and-falling-stars-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,morris-graves_bird-of-the-spirit-1943,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,morris-graves_bird-singing-in-the-moonlight-1939,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,morris-graves_chalice-1941,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,morris-graves_hibernation-1954,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,morris-graves_lotus-1945,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,morris-graves_machine-age-noise-1957,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,morris-graves_surf-and-bird-1940,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Abstract_Expressionism,morris-graves_time-of-change-1943,"[2.0, 3.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,morris-graves_vessel-in-a-drift-of-diamond-light-in-the-sky-of-the-mind-1944,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,morris-graves_wounded-gull-1943,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,morris-louis_airborn-1959,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,morris-louis_charred-journal-firewritten-v-1951,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,morris-louis_drawing-d182-1950,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,morris-louis_drawing-d88-1948,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,morris-louis_landscape-mid-day-1953,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,morris-louis_number-1-1957,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,morris-louis_trellis-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,morris-louis_untitled-1956,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,morris-louis_untitled-d-233a-1949,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,morris-louis_untitled-d11-1949,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,morris-louis_untitled-d233b-1949,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-1993(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-1998,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-1999,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2002,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2005,"[0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2006,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2006(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2007,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2007(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2007(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2008,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2008(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2009,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2011,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2011(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2011(2),"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,mostafa-dashti_untitled-2011(3),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Abstract_Expressionism,myron-stout_untitled-1946,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,myron-stout_untitled-dunes-with-peaked-brush-1953,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,neil-welliver_floating-figures,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,neil-welliver_royal-head-1959,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,norman-bluhm_eudocia-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,norman-bluhm_excalibur-1960,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,norman-bluhm_frozen-summer-1966,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,norman-bluhm_green-frost-1957,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,norman-bluhm_gronk-1964,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,norman-bluhm_still-life-1948,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,norman-bluhm_waterloo-1965,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,pat-lipsky_bumble-bee-1973,"[0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,pat-lipsky_homage-to-david-smith-1980,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,pat-lipsky_sun-ray-1980,"[0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_distance-finding-mozart,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_homage-of-melville,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_lotus,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235681,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235682,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235683,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235684,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235685,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235686,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235687,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235688,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235689,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235690,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235691,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235692,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235693,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235694,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235695,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235696,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235697,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235698,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235699,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235700,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235701,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235703,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235705,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235706,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235707,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235708,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235709,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235710,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235711,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235712,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235713,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235714,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235715,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235717,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235718,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235719,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235721,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235722,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235723,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235724,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235725,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235726,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235727,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_not_detected_235728,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_pawnee,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-agate-bridge-1978,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-amber-sight,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-astral-blue,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-astral-tundra-1986,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-cave-of-the-prism-winds-year,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-franklin-s-kite-1973,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-merlins-mantle,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-phoenix-equinox(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-point-swing-and-flank,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-sherman-vortex,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-sung-mantle,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-tarot-over,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-tibetan-clay-offering-1990,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-waiting-gables,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_phenomena-woman-witch-1969,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_redfern-composition,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_side-of-st-george,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_sun-over-the-hour-glass,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_untitled,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_untitled-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_untitled-2,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-jenkins_untitled-3,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,paul-jenkins_wanderland-express,"[0.0, 1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_12-1964,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-reed_14d-1964,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-reed_16f-1963,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_16j-1963,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_17-1964,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,paul-reed_17f-1963,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_20-1962,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_21c-1964,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_28-1963,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_29c-1964,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_8a-1964,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_9a-1964,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_ckw-2002,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_gdwf-2004,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_ggr-2004,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_gij-2004,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_gje-2004,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_glm-2005,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,paul-reed_gln-2005,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,paul-reed_glq-2005,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_gmv-2005,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_parsee-1998,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,paul-reed_turkoman-1998,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,perle-fine_a-near-distance-1961,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,perle-fine_a-timeless-moment-1954,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,perle-fine_black-on-yellow-1952,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,perle-fine_ceremony-of-a-kind-1955,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,perle-fine_charcoal-red-winter-1960,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,perle-fine_encounter-aka-brouhaha-3-1959,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,perle-fine_lair-1948,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,perle-fine_line-and-color-interwoven-1950,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,perle-fine_pale-gold-grey-1950,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Abstract_Expressionism,perle-fine_plan-for-the-white-city-1950,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,perle-fine_prescience-no-11-1951,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,perle-fine_pure-myth-1949,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,perle-fine_sunblinded-1946,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,perle-fine_surfscape-3-1958,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,perle-fine_the-big-splash-aka-tantrum-i-1959,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,perle-fine_the-roaring-wind-1958,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,perle-fine_tyranny-of-space-1946,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,perle-fine_undisciplined-emotion-i-1959,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,perle-fine_unequivocably-blue-1967,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,perle-fine_untitled-1951,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,perle-fine_untitled-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,perle-fine_untitled-1957(1),"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,perle-fine_untitled-1957(2),"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,perle-fine_untitled-brown-red-green-white-1950,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,perle-fine_untitled-prescience-series-1952,"[2.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,peter-busa_embullient-chord,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,peter-busa_untitled,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,peter-busa_untitled-1957,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,peter-busa_venetian-glow-1959,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,philip-guston_celebration,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,philip-guston_clock,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,philip-guston_close-up-iii-1961,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,philip-guston_drawing-related-to-zone-drawing-no-19,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,philip-guston_last-piece-1958,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,philip-guston_painting-no-9-1952,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,philip-guston_red-painting-1950,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,philip-guston_the-tormentors-1948,"[1.0, 4.0, 1.0, 7.0, 3.0, 4.0, 10.0, 0.0, 16.0]"
+Abstract_Expressionism,philip-guston_to-b-w-t,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,philip-guston_to-fellini-1958,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,philip-guston_untitled-3,"[0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,philip-guston_untitled-4,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,philip-guston_untitled-5,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,philip-guston_untitled-6,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,philip-guston_zone,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-014-1968,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-019-1974,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-023-1979,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-024-1979,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-025-1979,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-026-1980,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-028-1981,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-034-1985,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-039-1988,"[0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-049-1995,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-051-1998,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-052-1998,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-058-2000,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-063-2001,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-068-2002,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-1971,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-1972,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,rafa-nasiri_untitled-2008,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-hotere_drawing-for-ian-wedde-pathway-to-the-sea-1975,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-hotere_polaris-1983,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,ralph-hotere_port-chalmers-xii-1999,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ralph-hotere_song-cycle-1975,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,ralph-hotere_song-cycle-1988,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,ralph-hotere_untitled-1988,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,ralph-hotere_woman-1965,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,ralph-rosenborg_american-landscape-a-summer-day-1969,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-rosenborg_american-landscape-garden-of-flowers-1979,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ralph-rosenborg_american-landscape-mountain-with-archaic-forms-1983,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,ralph-rosenborg_an-italian-landscape-with-trees-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,ralph-rosenborg_autumn-landscape-1974,"[0.0, 3.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-rosenborg_composition-in-red-and-black,"[1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-rosenborg_flower-garden-1967,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,ralph-rosenborg_landscape-a-country-road-and-wild-flowers-1960,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,ralph-rosenborg_landscape-study-sky-and-clouds-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Abstract_Expressionism,ralph-rosenborg_landscape-summer-flowers-1969,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-rosenborg_landscape-with-hills-and-lake-1990,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-rosenborg_landscape-with-weeds-spain-1962,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,ralph-rosenborg_monhegan-island-seascape-1959,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Abstract_Expressionism,raoul-ubac_130-1972,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,raoul-ubac_abstrait-1968,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_ardoise,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_ardoise-1981,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_composition,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,raoul-ubac_composition(1),"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,raoul-ubac_composition-56,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,raoul-ubac_composition-abstraite-1959,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,raoul-ubac_corps-endormi-1972,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,raoul-ubac_crucifixion,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,raoul-ubac_eglise-de-varengeville-sur-mer,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,raoul-ubac_eglise-de-varengeville-sur-mer(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_kreuzweg-1955,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,raoul-ubac_le-bout-du-champ-1972,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,raoul-ubac_le-champ-a-l-arbre-1964,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,raoul-ubac_les-fruits-i-1975,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,raoul-ubac_mines-de-rien-petits-d-lires-1974,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,raoul-ubac_octobre,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_rythme-circulaire-1972,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_rythme-rompu-1972,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,raoul-ubac_rythme-rose-et-gris-endormi-1972,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_sillons-ocres-1972,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,raoul-ubac_t-te-lev-e-1982,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,raoul-ubac_terre-brulee-1976,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,raoul-ubac_un-coin-de-terre-1972,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,raoul-ubac_zurich-1974,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_a-day-at-the-races,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_albuquerque,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_albuquerque-no-11,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_albuquerque-no-20,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,richard-diebenkorn_albuquerque-no-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_albuquerque-no-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_albuquerque-no-9,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-13,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-20,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-22,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-23,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-32,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-33,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-46,"[1.0, 4.0, 9.0, 4.0, 0.0, 7.0, 2.0, 6.0, 13.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-54,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-57,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-58,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-59,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_berkeley-no-8,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_landscape-with-figure,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_miller-22,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_ocean-park-no-131,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_ocean-park-no-7,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_painting-no-ii,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_sausalito,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_sausalito-1,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-diebenkorn_seawall,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-diebenkorn_untitled,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_untitled-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_untitled-albuquerque,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-diebenkorn_untitled-m,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,richard-diebenkorn_urbana-no-2-the-archer,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_urbana-no-4,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,richard-diebenkorn_urbana-no-6,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-diebenkorn_urbana-no-62,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-pousette-dart_abstract-eye-1943,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_bird-in-the-spring-1992,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_bird-in-the-wind-1942,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_blood-wedding-1958,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_blue-prescence-1970,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_by-the-sea,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_cascella-ii-1952,"[0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_celebration-birth-1976,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_chavade-1951,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_circle-by-the-falling-waters-1980,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_encrustation-1976,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_figure-1945,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_from-the-edge-of-darkness-1992,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_fugue-number-2-1943,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_golden-dawn-1952,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_golden-door-1989,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_golden-presence,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-pousette-dart_head-of-a-king-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_illumination-gothic-1958,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_inbalance-of-time-1992,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_intensive-crescent-1985,"[1.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_light-gathers-to-the-question-of-no-1979,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_moon-meditation-1960,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_night-landscape-1971,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_now-a-turning-orb,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_number-1-1951,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_opaque-harmony-1943,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_palimpsest-1944,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_phoenix-presence-1967,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_portrait-of-pegeen-1943,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-pousette-dart_presence-amaranth-garden-1974,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_serpentine-saffron-1969,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_syllable-in-the-cosmos-1986,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_symphony-no-1-the-transcendental-1942,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_the-atom-one-world-1948,"[0.0, 1.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_the-center-1943,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,richard-pousette-dart_the-magnificent-1951,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_undulation-1942,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_untitled-1946,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-pousette-dart_white-garden-1951,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_white-gothic-3-1957,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,richard-pousette-dart_white-gothic-no-5-1961,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-pousette-dart_window-of-unknowing-1976,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-1-2003,"[3.0, 2.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-11-2003,"[2.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-14-2003,"[0.0, 0.0, 5.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-2-2003,"[1.0, 0.0, 4.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-5-2003,"[1.0, 0.0, 6.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-6-2003,"[3.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-8-2003,"[1.0, 0.0, 2.0, 3.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-9-2003,"[0.0, 1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 5.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-a-2007,"[2.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-d-2007,"[0.0, 0.0, 0.0, 2.0, 0.0, 5.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-tuttle_20-pearls-e-2007,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 6.0]"
+Abstract_Expressionism,richard-tuttle_between-two-point-8-2001,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,richard-tuttle_blues-overlapping-no-3-1989,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_consecutive-space-for-a-vertical-wall-1990,"[13.0, 3.0, 10.0, 7.0, 1.0, 4.0, 0.0, 0.0, 13.0]"
+Abstract_Expressionism,richard-tuttle_lable-5-8-2003,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_stacked-color-drawing-1-1971,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_the-duck-iv-1987,"[2.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-tuttle_theme-with-yellow-and-green-for-a-vertical-wall-1990,"[2.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 5.0]"
+Abstract_Expressionism,richard-tuttle_two-with-any-2-1-1999,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-tuttle_village-vi-no-i-10-2005,"[2.0, 2.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,richard-tuttle_waferboard-3-1996,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,richard-tuttle_waferboard-4-1996,"[0.0, 0.0, 3.0, 4.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-tuttle_what-color-how-to-make-1967,"[0.0, 1.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,richard-tuttle_white-wind-1972,"[3.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_7-7-n-1992,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_9th-street-1978,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_abduction-a-1961,"[1.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_abduction-by-boat-1963,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_abstract-2-1982,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_abstract-in-blue-1950,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_adventure-ii-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_color-abstraction-1967,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_composition,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_crowded-boat-ii-1963,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_figure-ii-2002,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_figure-with-animals-1961,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_happy-boatride-1963,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_horses-i-1997,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_horses-iii-1960,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_impact-1971,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_k-b-2-1992,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_kilroy-was-here,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_listen-2005,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_mambo-1956,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_movement-of-horses-1961,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_nomads-1960,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_pale-colors-on-runs,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_pr-1994,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_release-2005,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_running-horses,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_soaring-i-1994,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_soaring-ii-1994,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,robert-goodnough_struggle-1967,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_the-beach-at-night-1962,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_the-club-1993,"[0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_two-seated-figures-1955,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_untitled-1,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_untitled-1950,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_untitled-1951,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_untitled-1958,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_untitled-1980,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-goodnough_untitled-2,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-goodnough_upward-direction-1988,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,robert-goodnough_wild-horses-1965,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,robert-nickle_b5-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0]"
+Abstract_Expressionism,robert-nickle_untitled,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,robert-nickle_untitled-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,robert-nickle_untitled-1961,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,robert-nickle_untitled-1962,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-nickle_untitled-1963,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,robert-nickle_untitled-1969,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-nickle_untitled-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-nickle_untitled-1975,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,robert-nickle_untitled-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Abstract_Expressionism,robert-nickle_untitled-black-on-orange-1969,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,robert-nickle_untitled-collage-1979,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,robert-nickle_untitled-enclosed-1978,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,roberto-matta_redness-of-blue-1996,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,roberto-matta_to-give-painless-light-1955,"[0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,rodolfo-arico_poligonale-1993,"[0.0, 0.0, 1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,rodolfo-arico_poligonale-orfico-1988,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 7.0]"
+Abstract_Expressionism,romare-bearden_untitled-1959,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,romare-bearden_untitled-1959-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,romare-bearden_untitled-1959-2,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,romare-bearden_untitled-1959-3,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,ronald-davis_pink-mirror-1969,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,ronald-davis_tapestry-1962,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronald-davis_window-1969,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_abstract-painting-with-boxes-2-1963,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_all-over-pour-painting-1969,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_ancient-jerusalem-1992,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_brown-line-painting-1968,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_fire-flute-1974,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_for-sara-teasdale-1992,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_for-vincent-van-gogh-1972,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_gates-of-blue-1975,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_green-line-painting-1968,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_iceberg-1974,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_mother-of-all-paintings-1990,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Abstract_Expressionism,ronnie-landfield_november-1968,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Abstract_Expressionism,ronnie-landfield_railroad-gate-1989,"[0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_red-line-painting-1968,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,ronnie-landfield_red-line-painting-ii-1968,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,ronnie-landfield_saint-augustine-1968,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,ronnie-landfield_sarah-rose-1969,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_serpentine-1969,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_something-else-1967,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,ronnie-landfield_spirit-in-the-sky-1969,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_sunday-afternoon-1969,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_taurean-entrance-1973,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_the-blue-whale-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,ronnie-landfield_the-storm-from-denver-to-the-bronx-1970,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_untitled-1969,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_untitled-1969(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,ronnie-landfield_untitled-1969(2),"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_untitled-1969(3),"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,ronnie-landfield_untitles-1964,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,ronnie-landfield_where-the-creek-hits-the-rise-1988,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,rufino-tamayo_mujeres-en-reposo,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,rufino-tamayo_retrato-de-ni-os-pareja-de-ni-os-1966,"[5.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_abraham-abraham-genesis-22-2-1967,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_abraham-pater-multarem-gentium-genesis-12-1f-1967,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 5.0]"
+Abstract_Expressionism,salvador-dali_angel,"[0.0, 2.0, 1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,salvador-dali_angel-of-light,"[1.0, 3.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_angelus-excussit-flammamignis-daniel-3-23-1967,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 4.0, 1.0, 2.0]"
+Abstract_Expressionism,salvador-dali_apparuerunt-illis-dispertitae-linguae-acts-1-14-1967,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 3.0, 1.0, 1.0]"
+Abstract_Expressionism,salvador-dali_aquae-diluvii-super-terram-genesis-6-17-1967,"[1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 4.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_arab,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0]"
+Abstract_Expressionism,salvador-dali_arabs,"[1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_arabs-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_arabs-the-death-of-raimundus-lullus,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_arabs-the-death-of-raymond-lulle,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,salvador-dali_cadaver-in-seoulchro-elisei-2-kings-13-21-1967,"[1.0, 2.0, 0.0, 1.0, 1.0, 1.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,salvador-dali_caligula-s-horse-dali-s-horses,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,salvador-dali_canita-tuba-in-sion-joel-2-1-1967,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_cherub-super-limen-domus-ezekiel-9-3-1967,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 4.0, 1.0, 2.0]"
+Abstract_Expressionism,salvador-dali_christ-from-the-apocalypse-of-st-john,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,salvador-dali_dali-s-moustache,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_ecce-homo-1967,"[1.0, 0.0, 2.0, 0.0, 1.0, 3.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_ecce-quasi-filius-hominis-in-nubibus-us-caeli-ezekiel-1-4-1967,"[0.0, 1.0, 1.0, 1.0, 0.0, 3.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_ecce-virgo-concipiet-isaiah-7-14-1967,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,salvador-dali_ecclesiastes-preacher-of-surprising-joy-1-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 5.0, 1.0, 2.0]"
+Abstract_Expressionism,salvador-dali_ego-sum-dominus-deus-tuus-exodus-34-28-1967,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 6.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_elias-per-turbinem-super-currus-igneus-1967,"[2.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,salvador-dali_emissa-voce-magna-expiravit-mark-15-37-1967,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 6.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_et-baptizatus-est-a-ioanne-in-iordane-luke-3-3,"[0.0, 4.0, 1.0, 1.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,salvador-dali_et-posuerunt-eum-in-monumento-mark-15-46-1964,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 4.0]"
+Abstract_Expressionism,salvador-dali_ex-aegypto-vocavi-filium-meum-1964,"[1.0, 1.0, 2.0, 2.0, 0.0, 3.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,salvador-dali_faciamus-hominem-genesis-1-26-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 6.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,salvador-dali_filiae-herodiadis-saltatio-matthew-14-6-1964,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Abstract_Expressionism,salvador-dali_gloria-vultus-moysi-exodus-34-29-1964,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 6.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_group-surrounding-a-reclining-nude-velazquez-1981,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,salvador-dali_homage-to-meirronier,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,salvador-dali_iesu-transfigurato-mark-9-4f-1964,"[0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_iesus-a-satana-tentatur-mark-1-13-1964,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 6.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_iesus-flagellatus-john-19-1-1964,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 5.0, 1.0, 0.0]"
+Abstract_Expressionism,salvador-dali_iesus-super-mare-ambulans-matthew-14-26-1964,"[2.0, 1.0, 1.0, 0.0, 1.0, 5.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_in-principiodeus-creavit-1964,"[1.0, 1.0, 1.0, 2.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,salvador-dali_iosias-sepultus-in-mausoleum-patrum-2-chronicles-35-24-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 7.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_ipse-erat-elias-mark-1-4-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 1.0, 3.0, 2.0]"
+Abstract_Expressionism,salvador-dali_jesus-carrying-the-cross-1967,"[0.0, 2.0, 0.0, 3.0, 0.0, 1.0, 4.0, 1.0, 0.0]"
+Abstract_Expressionism,salvador-dali_lazarus-come-forth-lazare-veni-foras-1964,"[1.0, 0.0, 0.0, 2.0, 0.0, 4.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_leda-s-swan-leda-and-the-swan,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_leviathan-job-40-21-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0, 1.0, 3.0]"
+Abstract_Expressionism,salvador-dali_mane-thecel-phares-1967,"[1.0, 3.0, 0.0, 0.0, 2.0, 2.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_mulier-amicta-sole-1967,"[0.0, 2.0, 1.0, 3.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,salvador-dali_nabuchodonsor-rex-babylons-1967,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 3.0, 1.0]"
+Abstract_Expressionism,salvador-dali_night-in-the-hotel-abstract-in-black-and-white,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_noe-qui-primus-plantavit-vineam-genesis-9-20f-1967,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 5.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_oblatio-munda-1967,"[2.0, 4.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_planctus-david-in-mortem-saul-1967,"[1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0, 2.0]"
+Abstract_Expressionism,salvador-dali_plange-virgo-accincta-sacco-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 4.0, 2.0, 0.0]"
+Abstract_Expressionism,salvador-dali_portrait-of-st-jerome,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_proelium-magnum-in-caelo-1967,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,salvador-dali_quis-ascendet-in-mentem-domini-1967,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_raphaelesque-hallucination,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_religious-scene-in-particles,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,salvador-dali_rhinocerotic-figures,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,salvador-dali_rhinocerotic-portrait-of-vermeer-s-lacemaker,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,salvador-dali_rubus-incombustus-exodus-3-2-1967,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 5.0, 1.0, 0.0]"
+Abstract_Expressionism,salvador-dali_seduxisti-me-domine-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 6.0, 0.0, 3.0]"
+Abstract_Expressionism,salvador-dali_self-portrait-photomontage-with-the-famous-mao-marilyn-that-philippe-halsman-created-at-dali-s,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,salvador-dali_spiritus-promptus-est-caro-vero-infirma-1967,"[0.0, 6.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_sponsabo-te-mihi-in-sempiternum-song-of-songs-2-12-1967,"[0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 2.0, 2.0, 2.0]"
+Abstract_Expressionism,salvador-dali_study-for-christ-of-st-john-of-the-cross-1951,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Abstract_Expressionism,salvador-dali_study-for-deoxyribonucleic-acid-arabs-1,"[4.0, 7.0, 7.0, 4.0, 0.0, 6.0, 9.0, 3.0, 5.0]"
+Abstract_Expressionism,salvador-dali_tertia-die-resurrexit-1967,"[0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 2.0, 1.0, 3.0]"
+Abstract_Expressionism,salvador-dali_the-christian-knight-dali-s-horses,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 7.0, 3.0, 0.0]"
+Abstract_Expressionism,salvador-dali_the-dalinian-senyera-catalonian-national-flag,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,salvador-dali_the-infanta-standing-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,salvador-dali_the-pool-of-tears,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,salvador-dali_tolle-tolle-crucifige-eum-john-19-15-1967,"[0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 2.0, 3.0, 0.0]"
+Abstract_Expressionism,salvador-dali_veni-domine-jesu-revelation-22-17-1967,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 6.0, 3.0, 0.0]"
+Abstract_Expressionism,salvador-dali_vinea-electa-isaiah-5-6-1967,"[0.0, 1.0, 0.0, 1.0, 2.0, 4.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,salvador-dali_vir-et-mulier-in-paradiso-voluptatis-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 4.0]"
+Abstract_Expressionism,salvador-dali_vox-clamantis-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 4.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,sam-francis_2-impressions-swatch-1992,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_2-pri-rain-1964,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_abstract-composition-sf-61-1967,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_all-red-1964,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_amerika-grey-blue-1952,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_ammonite-sfm-82-063-1982(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_and-pink-1973,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_another-disappearance-1963,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_around-the-blues-1962,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_basel-mural-i-1958(2),"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_beaudelaire-1986,"[1.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_berlin-red-1970,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_big-orange-1955,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_black-smudge,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_blue-1962,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_blue-47-1961,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_blue-and-red-balls-1962,"[4.0, 7.0, 6.0, 6.0, 3.0, 7.0, 7.0, 1.0, 6.0]"
+Abstract_Expressionism,sam-francis_blue-balls-1960,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_blue-balls-v-1962,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_blue-balls-vii-1962,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_blue-balls-viii-1962,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_blue-bones-1964,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_blue-frame-1976,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_blue-sky-painting-1960,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_blue-violet-1963,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_blue-with-red-yellow-and-orange-1962,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_bouquet,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_bright-nothing-1963,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_chinese-planet-1963,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_chinese-wall-l-l101-sf-87-1969,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,sam-francis_composition-1988,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_composition-blue-balls-1990,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_composition-in-blue-and-white-1960,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_concert-hall-set-ii-1977,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,sam-francis_concert-hall-set-iii-sf-232-1977,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,sam-francis_coral-lyre-nine-1972,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_coral-marine-1973,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_coral-trails-1986,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_damn-braces-1960,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_dark-and-fast-1981,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_dark-egg-lembark-l22-1963,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_decent-1982,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,sam-francis_deep-blue-and-black-1955,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_deux-magots-1960,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Abstract_Expressionism,sam-francis_dewy-unicorn-1972,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_drawing-for-sculpture-sf65-010-1965,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_dream-it-is-1963,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_emblem-8-1-1959,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_evergreen-licks-1987,"[6.0, 5.0, 6.0, 12.0, 1.0, 7.0, 2.0, 1.0, 6.0]"
+Abstract_Expressionism,sam-francis_eye-of-zengai-1964,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_falling-star-l-l249-1981,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_firewood-1973,"[0.0, 0.0, 1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_firework-1963,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_flash-point(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_foot-print-1960,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_for-the-blue-sons-of-the-air-1990,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_for-thirteen-sfs-335-1989,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_free-floating-clouds-1980,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_freshet-1971,"[0.0, 0.0, 0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_green-buddha-1977,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_green-buddha-l-l261-sf-337-g-1157-1985,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_green-ring-1970,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_hail-hailey-1986,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_happy-death-stone-1960,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_heart-stone-1963,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_hello-1970,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_her-blue-deeps-1972,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_her-blue-surround-sfp71-18-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,sam-francis_hommage-a-vincent-van-gogh-1989,"[0.0, 0.0, 3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_hurrah-for-the-red-white-and-blue-1961,"[12.0, 1.0, 8.0, 10.0, 1.0, 6.0, 3.0, 2.0, 7.0]"
+Abstract_Expressionism,sam-francis_indigo-wood-1982,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_japan-line-series-no-1-composition-1958,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_king-corpse-sfs-288-1986,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_la-notte-1988(1),"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_la-primavera-1988(1),"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_la-primavera-fredda-cold-spring-1988,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_light-violet-lembark-l20-1963,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_limb-sf78-095-1978,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_lollipop-sf88-250-1988,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_middle-blue-1957,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_middle-blue-iii-1959,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_on-return-1964,"[3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_painting-1957,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_pioggia-d-oro-golden-rain-1988,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_polar-red,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_red-again-1972,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_red-and-black-1954,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_round-the-world-1959,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_sculpture-drawing-toyko-sf65-018-1965,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_senza-titolo-iii-1987,"[0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_sf48-004-1948,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_sf59-040-1959,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_sketch-1960,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_speck-1971,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_spleen-yellow-1971,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_st-g70-033-1970,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_star-1964,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_straight-line-of-the-sun-l-l187-1975,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_sulfur-sails-1969,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_sulfur-water-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_sun-up-1964,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_taches-untitled-1972,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_the-five-continents-1984,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_the-white-line-1960,"[2.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_tokyo-1974,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_towards-disappearance-ii-1958,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_trietto-4-sfe-077rc-1991,"[3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_trietto-iii-1991,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-040-1986,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-044-1987,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-093-1994,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1-1987,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1947,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-1949,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-1950,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-1950-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-1953,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1953-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-1954,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-1955,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1958,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1959,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-1960,"[0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1964-3,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1968,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1969,"[10.0, 4.0, 11.0, 7.0, 3.0, 2.0, 0.0, 2.0, 9.0]"
+Abstract_Expressionism,sam-francis_untitled-1973,"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1975,"[0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1975-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-1978,"[1.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1978-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1979,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1980,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-1981,"[3.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1984,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1984-3,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1984-4,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-1985,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1986,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1987(1),"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1987-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1988,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-1988-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1988-2,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1988-3,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1989,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1989-1,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1990,"[0.0, 2.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1990-1,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1990-2,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-1990-4,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1990-5,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1990-6,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1990-7,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-1992,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1993,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-1994,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-2,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-3,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-5,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-black-clouds-1952,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-blue-balls-from-cross-9-1963,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-composition-lembark-285-1990,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-dark-blue-green-1966,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-exp-sf-09-17-78-1978,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-exp-sf-56-04-1982,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-exp-sf-58-08-82-1982,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-from-marginalia-hommage-to-shimizu-1979,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-from-michel-waldberg-s-po-mes-dans-le-ciel,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-from-papierski-portfolio-sf-351-1992,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-from-papierski-portfolio-sf-355-1992,"[0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-1963,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-1963-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l57-1963,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l58-1963,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l59-1963,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l60-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l61-1963,"[1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pasadena-box-lembark-l62-1963,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-from-pierre-guyotat-s-wanted-female-1993,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-holy-hole-1984,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-i-l-i-87-1987,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-ii-1983,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-l-213-sf-240-1976,"[1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-l-i112-1990,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-l-i48-sfe-015-1984,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-l-i88-sfe-065,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-l-l233-g-820-1978,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-mandala-1975,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-michel-waldberg-po-mes-dans-le-ciel-sf315-1986,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-monotype-with-woodcut,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-s-f-e-081-1991,"[10.0, 5.0, 7.0, 8.0, 0.0, 6.0, 1.0, 2.0, 6.0]"
+Abstract_Expressionism,sam-francis_untitled-s-f-e-363-1994,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-sculpture,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-francis_untitled-self-portrait-1976,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-236-1978,"[1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-259-1980,"[0.0, 0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-297-l-l274-1987,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-315-1986,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-354-1992,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-357,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-358-1993,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-56-003-1956,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-61-012-1961,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-84-045-1984,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf-90-342-1990,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf143s,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sf218s-1976,"[0.0, 1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf220s-1976,"[1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf27s-1975,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf57-008-1957,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf59-531-1959,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf66-006-1966,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-sf72-027-1972,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-sf72-1009-1972,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf74-189-1974,"[1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sf75-102-1975,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf75-1117-1975,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf76-175-1976,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf76-176-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sf90-362-1990,"[0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sfe-046,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sfe-071-1989,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sfe-075-1990,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sfe-089-1993,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sfe-090-1993,"[4.0, 2.0, 14.0, 8.0, 1.0, 2.0, 0.0, 1.0, 12.0]"
+Abstract_Expressionism,sam-francis_untitled-sfe-092-1993,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sfe-85-1992,"[1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sfp-89-57-1989,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sfp53-31-1953,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-sfp85-3-1985,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-sfp86-165-1986,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-francis_untitled-sfp88-12-1988,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-sfp89-105-1989,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_untitled-variant-f-1989,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_untitled-yellow-1961,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_upper-yellow-ii-lembark-l73-1964,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_variant-iii-from-bright-jade-ghost-1963,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_very-first-stone-1968,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-francis_violet-yellow-and-white-1958,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_when-white-1964,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-francis_white-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,sam-francis_why-then-opened-ii-1963,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-francis_yellow-speck-1963,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_baptistry-1975,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_buoy-landscape-ii-1982,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_chehaw-1990,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-gilliam_coffee-thyme-1980,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_cubes,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_elegy-2-1980,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,sam-gilliam_fog-in-the-hollow-1974,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_horse-1995,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-gilliam_horses-upside-down-1998,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_ibis-1987,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_in-celebration-1983,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_lattice-1981,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-gilliam_manet-i-1999,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_manet-ii-1999,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_manet-iii-1999,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_newly-little-2009,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-gilliam_pearlie,"[2.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_pretty-boxes-1993,"[1.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_red-linger-1972,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_remembering-girls-ajar-2009,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_sea-color-2011,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,sam-gilliam_st-albans-1976,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sam-gilliam_stand-1973,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_time-before-history-1994,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_toward-a-red-1975,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,sam-gilliam_untitled-1978,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_waking-up-1989,"[0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,sam-gilliam_water-surface-1993,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,sonya-rapoport_abstract-1954,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,takashi-murakami_minyun-1997,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,taro-yamamoto_abstract-1957,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,taro-yamamoto_abstract-composition,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,taro-yamamoto_paper-kite-brown-hat-and-red-vase-1987,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,taro-yamamoto_untitled,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-1961,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-1964,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-1970,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-1972,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-1972-1,"[0.0, 0.0, 1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-1972-2,"[1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-1974,"[10.0, 1.0, 8.0, 16.0, 2.0, 6.0, 1.0, 0.0, 5.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-abstract,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,taro-yamamoto_untitled-triptych-1961,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,terry-frost_composition-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Abstract_Expressionism,terry-frost_it-is-true-1989,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,terry-frost_leeds-landscape-1956,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Abstract_Expressionism,terry-frost_rider-s-song-1989,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,terry-frost_thamar-and-amnon-1989,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,terry-frost_the-spinster-at-mass-1989,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,terry-frost_tree-tree-1989,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,terry-frost_variations-1989,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,terry-frost_winter-1956-yorkshire-1956,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,terry-frost_yellow-triptych-1959,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_adam-1961,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_beyond-emperors-1952,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_byzantium-iii-1958,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,theodoros-stamos_classic-boundaries-iv-1962,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_coney-island-1945,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_corinth-1959,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,theodoros-stamos_cyclops-1947,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_edge-of-burning-brush-1986,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,theodoros-stamos_edge-of-day-1961,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,theodoros-stamos_edge-of-white-dawn-1-1982,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,theodoros-stamos_flight-of-the-spectre-1949,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,theodoros-stamos_high-snow-low-sun-1960,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,theodoros-stamos_home-of-the-sun-1957,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-1873,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-1983,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-1983-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-1984,"[2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-3rd-letter-1985,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-jerusalem-series-iv-1984,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-1979,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-1980(2),"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-1982-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-2-1978,"[1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-3-1978,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-lefkada-series-3-1979,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-torino-series-1-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_infinity-field-torino-series-7-1986,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,theodoros-stamos_moon-garden-1946,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,theodoros-stamos_october-field-1960,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_old-sparta-1952,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_reward-2-1960,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_sentinell-iii-a-1965,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_sun-moon-chalice-ii-1962,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_the-door-1961,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_the-sacrifice-1946,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,theodoros-stamos_three-kings-1949,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_untitled-1963,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,theodoros-stamos_untitled-columns-of-fire-1956,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,theodoros-stamos_what-the-wind-does-1947,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,tsuruko-yamazaki_work-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,tsuruko-yamazaki_work-1973,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,tsuruko-yamazaki_work-1994,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,vasile-dobrian_a-perfumed-gale-of-the-autumn-is-all-that-s-left-in-my-memory-from-the-autumn-series,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,vasile-dobrian_dialogue-10-1993,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,vasile-dobrian_during-life-man-exhibits-his-lucidity-during-death-oblivion,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,vasile-dobrian_germination,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,vasile-dobrian_get-yourselves-accustomed-with-the-dizzy-detachments-from-earth-from-the-archways-series,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,vasile-dobrian_honesty-isn-t-measured-with-the-meter-but-with-heartbeats-from-the-archways-series,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,vasile-dobrian_hourglass-i-1973,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,vasile-dobrian_how-sad-the-passing-of-light-through-the-decolletage-of-autumn-from-the-archways-series,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,vasile-dobrian_hypostasis-1986,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,vasile-dobrian_i-have-tried,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,vasile-dobrian_i-still-hear-the-rustle-of-your-footsteps-from-the-archways-series,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,vasile-dobrian_look-how-the-moon-steps-on-the-white-lonely-hills-from-the-autumn-series,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,vasile-dobrian_memories-are-kept-in-the-drawer-of-memory-from-the-archways-series,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,vasile-dobrian_panopticum-1982,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,vasile-dobrian_silence-grows-over-me-like-a-plant-from-the-archways-series,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,vasile-dobrian_the-fingers-were-running-wild-on-the-rib-piano-from-the-archways-series,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,vasile-dobrian_the-fish,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,vasile-dobrian_the-salamander-1984,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,vasile-dobrian_the-waves-of-migrating-birds-have-darkened-the-infinity-from-the-autumn-series,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,vasile-dobrian_there-are-only-two-steps-until-the-edge-of-the-infinite-from-the-archways-series,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,vasile-dobrian_untitled-1997,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,vasile-dobrian_we-were-so-close-that-nothing-used-to-stand-between-us-from-the-autumn-series,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,vasile-dobrian_where-the-autumn-has-passed-it-all-became-dust-from-the-autumn-series,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,vasile-dobrian_with-a-hand-removed-from-our-arm-we-poke-our-way-through-the-interstellar-dust-from-the,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,vasile-dobrian_with-smoke-footsteps-i-got-closer-to-you-from-the-archways-series,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,vasile-dobrian_with-the-ferocity-with-which-the-man-is-eating-his-shadow-from-the-archways-series,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,victor-pasmore_appollo-1-ascending-development-1969,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,victor-pasmore_brown-symphony-1979,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,victor-pasmore_composite-image-orange-and-pink,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,victor-pasmore_grey-symphony-1975,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,victor-pasmore_harmony-of-opposites-1986,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,victor-pasmore_sun-and-sky-1979,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,victor-pasmore_the-cloud-1986,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,victor-pasmore_the-passion-flower-1986,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,victor-pasmore_the-starry-night-1987,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,walasse-ting_abstract-still-life-1950,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,walasse-ting_composition-1957,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,walasse-ting_fireworks-1973,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,walasse-ting_milky-way-1966,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,walasse-ting_morning-series-1974,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,walasse-ting_raindrops-keep-falling-on-my-head-1973,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,walasse-ting_sweet-milky-way-1969,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,walasse-ting_white-butterflies-sleep-on-a-violet-bed-1970,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,walter-battiss_abstract-composition,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,walter-battiss_blue-figure,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 4.0]"
+Abstract_Expressionism,walter-battiss_bosveld,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,walter-battiss_john,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,walter-battiss_untitled-1966,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,walter-darby-bannard_aberddeen-i-1970,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,walter-darby-bannard_bimini-1972,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,walter-darby-bannard_colorossi-9,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,walter-darby-bannard_mandragora-1969,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,walter-darby-bannard_yellow-rose-12-1969,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_abstraction-1950,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_asheville(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_brooding-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_clam-diggers,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_composition,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_door-to-the-river,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_easter-monday,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_excavation,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_figure-at-gerard-beach,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_fire-island,"[1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_gotham-news,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_landscape-at-stanton-street,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_landscape-of-a-woman,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_mae-west,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_marilyn-monroe-1954,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_meg,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,willem-de-kooning_merritt-parkway-1959,"[0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_night,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_painting,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_park-rosenberg,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_pink-lady,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_reclining-man-john-f-kennedy,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_saturday-night,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_seated-woman-2,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_secretary,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_special-delivery,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_sphinx,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_still-life,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_study-for-backdrop,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_suburb-in-havana,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_the-visit,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_the-wave,"[0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_two-figures,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_two-figures-in-a-landscape,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_two-trees-on-mary-street-amen,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_two-woman-iv,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_two-women-in-the-country,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_untitled,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 3.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-1949,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-1950,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-1950-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-1967-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-1986,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-2-from-quatre-lithographies,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-3,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-5,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-7,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-8,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-i,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-iii,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-v-1983,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-verso-untitled,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-xi,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_untitled-xii,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_white-nude,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_whose-name-was-writ-in-water,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_with-love,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_woman,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_woman-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_woman-1950,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_woman-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_woman-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_woman-4,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_woman-and-bicycle,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_woman-i,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_woman-red-hair-large-mouth-large-foot,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_woman-sag-harbour,"[0.0, 2.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_woman-v-1952-53-oil-charcoal-on-canvas-1953,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,willem-de-kooning_woman-verso-untitled,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Abstract_Expressionism,willem-de-kooning_woman-with-a-green-and-beige-background,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,willem-de-kooning_women-singing-ii,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,william-baziotes_aquatic-1961,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,william-baziotes_beach-shadows-1947,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,william-baziotes_congo-1954,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,william-baziotes_cyclops-1947,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,william-baziotes_dusk-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Abstract_Expressionism,william-baziotes_dwarf-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,william-baziotes_eclipse-1950,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Abstract_Expressionism,william-baziotes_jungle-night-1953,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,william-baziotes_moon-animal-1950,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,william-baziotes_night-form-1947,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,william-baziotes_night-landscape-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,william-baziotes_opalescent-1962,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Abstract_Expressionism,william-baziotes_oriental-1952,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,william-baziotes_pinwheel-1958,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,william-baziotes_red-landscape-1957,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,william-baziotes_red-wall-1961,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,william-baziotes_scepter-1961,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,william-baziotes_sea-phantoms-1952,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,william-baziotes_still-life-1945,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,william-baziotes_the-beach-1955,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Abstract_Expressionism,william-baziotes_the-flesh-eaters-1952,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,william-baziotes_the-parachutists-1944,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,william-baziotes_the-room-1945,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,william-baziotes_the-web-1946,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,william-baziotes_untitled-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Abstract_Expressionism,william-baziotes_untitled-blue-and-burnt-orange-1960,"[0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,william-baziotes_water-forms-1961,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,william-baziotes_watercolor-1-1958,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,william-baziotes_white-bird-1957,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,william-baziotes_yellow-net-1946,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,william-congdon_cambodia-no-1-1960,"[4.0, 9.0, 6.0, 3.0, 2.0, 7.0, 3.0, 2.0, 9.0]"
+Abstract_Expressionism,william-congdon_canal-venice-venice-from-the-giudecca-1952,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,william-congdon_guatemala-no-7-dying-vulture-1957,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Abstract_Expressionism,william-congdon_harbor-scene-1955,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,william-congdon_india-temples-no-1-sri-ranganathaswamy-temple-tiruchirapalli-1954,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Abstract_Expressionism,william-congdon_india-temples-no-2-sri-ranganathaswamy-temple-tiruchirapalli-1954,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 0.0]"
+Abstract_Expressionism,william-congdon_istanbul-no-2-1953,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,william-congdon_luna-7-subiaco-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Abstract_Expressionism,william-congdon_naples-church-1950,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Abstract_Expressionism,william-congdon_notre-dame-1955,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Abstract_Expressionism,william-congdon_piazza-san-marco-no-25-white-piazza-1957,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Abstract_Expressionism,william-congdon_piazza-san-marco-no-5-1958,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Abstract_Expressionism,william-congdon_positano-no-6-night-1956,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Abstract_Expressionism,william-congdon_subiaco-1963,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,william-congdon_the-black-city-i-new-york-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 3.0]"
+Abstract_Expressionism,william-scott_angle-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,william-scott_blue-abstract-1959,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,william-scott_bowl-white-on-grey-1962,"[0.0, 1.0, 1.0, 0.0, 1.0, 3.0, 1.0, 0.0, 4.0]"
+Abstract_Expressionism,william-scott_brown-and-black-1960,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,william-scott_composition-with-blue-and-black-1959,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,william-scott_cornish-harbour-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Abstract_Expressionism,william-scott_grey-still-life-1969,"[3.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,william-scott_message-obscure-i-1965,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Abstract_Expressionism,william-scott_morning-in-mykonos-1960,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 1.0, 1.0, 3.0]"
+Abstract_Expressionism,william-scott_orange-and-red-1957,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,william-scott_orange-and-white-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,william-scott_poem-for-a-jug-no-4-1980,"[1.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Abstract_Expressionism,william-scott_reclining-nude-red-nude-1956,"[2.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,william-scott_six-open-forms-1971,"[4.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,william-scott_still-life-with-white-mug-1957,"[2.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Abstract_Expressionism,wolfgang-paalen_eroun-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Abstract_Expressionism,wolfgang-paalen_les-cosmogones-stage,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,wolfgang-paalen_space-unbound-1941,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,wolfgang-paalen_that-s-life-1958,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,wolfgang-paalen_untitled-composition-1951,"[1.0, 0.0, 0.0, 2.0, 2.0, 3.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,wu-guanzhong_alienation-1992,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Abstract_Expressionism,wu-guanzhong_attachment-2001,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,wu-guanzhong_blossom-out-1986,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,wu-guanzhong_confucian-forest,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Abstract_Expressionism,wu-guanzhong_fishes-1986,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Abstract_Expressionism,wu-guanzhong_fragrant-red-leaves-2001,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,wu-guanzhong_home-of-man-1999,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Abstract_Expressionism,wu-guanzhong_houses-of-the-south-2007,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Abstract_Expressionism,wu-guanzhong_lion-woods-1983,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,wu-guanzhong_spring-breeze-2001,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,wu-guanzhong_spring-breeze-2001-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Abstract_Expressionism,wu-guanzhong_the-charm-of-lotus-pond-2003,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Abstract_Expressionism,wu-guanzhong_toyko-at-night-1990,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Abstract_Expressionism,wu-guanzhong_unknown-title,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Abstract_Expressionism,wu-guanzhong_white-poplar-woods,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,yayoi-kusama_beyond-the-end-of-the-century-1987,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,yayoi-kusama_dots-2004,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Abstract_Expressionism,yayoi-kusama_fields-in-spring-1988,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Abstract_Expressionism,yayoi-kusama_petals-1988,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Abstract_Expressionism,yayoi-kusama_sea-2005,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Abstract_Expressionism,yayoi-kusama_waves-1953,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Abstract_Expressionism,yayoi-kusama_woman-in-the-wind-1977,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Action_painting,antonio-palolo_untitled-1992,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Action_painting,franz-kline_accent-grave-1955,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Action_painting,franz-kline_black-and-white-png,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Action_painting,franz-kline_blueberry-eyes-1960,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Action_painting,franz-kline_buttress-1956,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0]"
+Action_painting,franz-kline_c-and-o-1958,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Action_painting,franz-kline_cardinal-1950,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Action_painting,franz-kline_chief-1950,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Action_painting,franz-kline_delaware-gap,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Action_painting,franz-kline_figure-eight-1952,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Action_painting,franz-kline_four-square-1956,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Action_painting,franz-kline_herald-1954,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 2.0]"
+Action_painting,franz-kline_horizontal-rust-1960,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 3.0]"
+Action_painting,franz-kline_le-gros,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Action_painting,franz-kline_mahoning-1956,"[0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0]"
+Action_painting,franz-kline_meryon-1961,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Action_painting,franz-kline_mycenae-1958,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Action_painting,franz-kline_new-york-1953,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Action_painting,franz-kline_number-2,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0]"
+Action_painting,franz-kline_number-2-1954,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Action_painting,franz-kline_opustena,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Action_painting,franz-kline_orange-outline-1955,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 4.0]"
+Action_painting,franz-kline_painting-no-7,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0]"
+Action_painting,franz-kline_palladio-1961,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Action_painting,franz-kline_picture-046,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Action_painting,franz-kline_scudera-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Action_painting,franz-kline_suspended-1953,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Action_painting,franz-kline_torches-mauve-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Action_painting,franz-kline_untitled,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Action_painting,franz-kline_untitled-1,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0]"
+Action_painting,franz-kline_untitled-1955,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Action_painting,franz-kline_untitled-1956,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Action_painting,franz-kline_untitled-1957,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Action_painting,franz-kline_untitled-1957-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 2.0]"
+Action_painting,franz-kline_untitled-ii,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Action_painting,franz-kline_zinc-yellow-1959,"[0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Action_painting,hans-hofmann_astral-nebula-1961,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Action_painting,hans-hofmann_don-quixote-1963,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Action_painting,hans-hofmann_in-the-vastness-of-sorrowful-thoughts-1963,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Action_painting,hans-hofmann_rope-swinger-1962,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Action_painting,hans-hofmann_the-prey-1956,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Action_painting,hans-hofmann_the-wind-1942,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Action_painting,henri-michaux_untitled-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Action_painting,henri-michaux_untitled-1979,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_alchemy-1947(2),"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Action_painting,jackson-pollock_autumn-rhythm-number-30-1950,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_black-white-number-20-1951,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Action_painting,jackson-pollock_blue-poles-number-11-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_cathedral-1947,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_composition-white-black-blue-and-red-on-white-1948,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Action_painting,jackson-pollock_composition-with-pouring-ii(1),"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_convergence-1952,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_enchanted-forest-1947,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Action_painting,jackson-pollock_eyes-in-the-heat-1946(2),"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_full-fathom-five(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Action_painting,jackson-pollock_galaxy-1947,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_lucifer-1947,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_mural-on-indian-red-ground-1950,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Action_painting,jackson-pollock_no-1-1948(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_not_detected_185311,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Action_painting,jackson-pollock_number-1(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Action_painting,jackson-pollock_number-1-lavender-mist(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Action_painting,jackson-pollock_number-10-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Action_painting,jackson-pollock_number-12-1949,"[0.0, 1.0, 0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 3.0]"
+Action_painting,jackson-pollock_number-13a-arabesque-1948,"[2.0, 0.0, 0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_number-17-1949,"[10.0, 1.0, 5.0, 11.0, 3.0, 15.0, 3.0, 1.0, 9.0]"
+Action_painting,jackson-pollock_number-23(1),"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_number-25(1),"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_number-26-1949,"[3.0, 1.0, 1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_number-29-1950,"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Action_painting,jackson-pollock_number-3(2),"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_number-3(3),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_number-32-1950,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_number-4-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Action_painting,jackson-pollock_number-4-gray-and-red-1948,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_number-6-1949(1),"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+Action_painting,jackson-pollock_number-7-out-of-the-web-1949,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_number-8-1949,"[2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Action_painting,jackson-pollock_number-8-detail(1),"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Action_painting,jackson-pollock_one-number-31-1950,"[3.0, 5.0, 4.0, 2.0, 0.0, 11.0, 5.0, 3.0, 13.0]"
+Action_painting,jackson-pollock_reflections-of-the-big-dipper-1947,"[1.0, 0.0, 1.0, 2.0, 2.0, 1.0, 1.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_shimmering-substance(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Action_painting,jackson-pollock_summertime-number-9a-1948,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Action_painting,jackson-pollock_untitled-1951-1,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Action_painting,jackson-pollock_untitled-green-silver-1949,"[1.0, 2.0, 0.0, 4.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Action_painting,jackson-pollock_yellow-islands(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Action_painting,norman-bluhm_aritic-1959,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Action_painting,norman-bluhm_mathematics-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Action_painting,norman-bluhm_untitled-1957,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Action_painting,norman-bluhm_untitled-1959,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0]"
+Action_painting,norman-bluhm_untitled-1960,"[1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Action_painting,norman-bluhm_untitled-1962,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Action_painting,tsuruko-yamazaki_work-1957,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Action_painting,walasse-ting_gauguin-ting-1976,"[2.0, 1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Action_painting,walasse-ting_goya-s-lover-1977,"[4.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Action_painting,walasse-ting_it-is-very-hot-here-1986,"[6.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Action_painting,walasse-ting_two-angels,"[2.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Action_painting,walasse-ting_venus-1980,"[3.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Analytical_Cubism,albert-gleizes_acrobats-1916,"[2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Analytical_Cubism,albert-gleizes_portrait-of-igor-stravinsky-1914,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Analytical_Cubism,albert-gleizes_woman-with-animals-1914,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0]"
+Analytical_Cubism,georges-braque_a-girl(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Analytical_Cubism,georges-braque_bottle-and-fishes-1910,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_castle-at-la-roche-guyon-1909,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Analytical_Cubism,georges-braque_clarinet-and-bottle-of-rum-on-a-mantelpiece-1911,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_fruitdish-and-glass-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_glass-on-a-table,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_glasses-and-bottle-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_guitar-and-fruit-dish-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_harbor-in-normandy-1909,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_homage-to-j-s-bach-1912,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_houses-at-estaque-1908,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_le-sacre-coeur-1910,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Analytical_Cubism,georges-braque_man-with-a-guitar-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_man-with-a-violin-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Analytical_Cubism,georges-braque_pedestal-table-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Analytical_Cubism,georges-braque_pedestal-table-stal-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Analytical_Cubism,georges-braque_portrait-of-a-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Analytical_Cubism,georges-braque_portuguese-1911,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Analytical_Cubism,georges-braque_rooftops-at-ceret-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Analytical_Cubism,georges-braque_still-life-with-a-bunch-of-grapes-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Analytical_Cubism,georges-braque_still-life-with-a-pair-of-banderillas-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Analytical_Cubism,georges-braque_still-life-with-a-violin-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Analytical_Cubism,georges-braque_still-life-with-harp-and-violin-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Analytical_Cubism,georges-braque_the-bottle-of-rum-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Analytical_Cubism,georges-braque_the-candlestick-1911,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Analytical_Cubism,georges-braque_the-castle-in-la-roche-guyon-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_the-city-on-the-hill-1909,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_the-mandola-1910,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Analytical_Cubism,georges-braque_the-pitcher-1909,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Analytical_Cubism,georges-braque_violin-and-candlestick-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_violin-and-clarinet-on-a-table-1912,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Analytical_Cubism,georges-braque_violin-and-jug-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_violin-and-palette-1909,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,georges-braque_violin-and-pitcher-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Analytical_Cubism,georges-braque_violin-mozart-kubelick-1912,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Analytical_Cubism,georges-braque_woman-reading-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Analytical_Cubism,georges-braque_woman-with-a-mandolin-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Analytical_Cubism,jean-metzinger_femme-au-chapeau-rose-et-collier-de-perles-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Analytical_Cubism,jean-metzinger_l-oiseau-bleu-the-blue-bird-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Analytical_Cubism,jean-metzinger_la-femme-au-cheval-1912,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,jean-metzinger_le-go-ter-1911(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Analytical_Cubism,jean-metzinger_nature-morte-1911,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,jean-metzinger_nu-la-chemin-e-1910,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Analytical_Cubism,juan-gris_bottles-and-knife-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Analytical_Cubism,juan-gris_guitar-and-glass-1912,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,juan-gris_guitar-and-glasses-banjo-and-glasses-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,juan-gris_man-in-the-cafe-1912,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,juan-gris_not_detected_207834,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,juan-gris_portrait-of-germaine-raynal-1912,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Analytical_Cubism,juan-gris_portrait-of-maurice-raynal-1911,"[2.0, 4.0, 0.0, 2.0, 0.0, 14.0, 3.0, 14.0, 7.0]"
+Analytical_Cubism,juan-gris_portrait-of-pablo-picasso-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Analytical_Cubism,juan-gris_portrait-of-the-artist-s-mother-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Analytical_Cubism,juan-gris_still-life-with-flowers-1912,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Analytical_Cubism,juan-gris_still-life-with-guitar-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0]"
+Analytical_Cubism,juan-gris_still-life-with-oil-lamp-1912,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Analytical_Cubism,juan-gris_the-packet-of-cigars-1912,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Analytical_Cubism,juan-gris_the-watch-the-sherry-bottle-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Analytical_Cubism,pablo-picasso_a-glass-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Analytical_Cubism,pablo-picasso_bathers-drying-themselves-1909,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_bathers-in-the-forest-1908,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_bathing-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,pablo-picasso_bread-and-dish-with-fruits-on-the-table,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,pablo-picasso_clarinet-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_clarinetist,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Analytical_Cubism,pablo-picasso_dance-of-the-veils-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,pablo-picasso_female-nude,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Analytical_Cubism,pablo-picasso_friendship-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Analytical_Cubism,pablo-picasso_girl-with-mandolin-fanny-tellier-1910,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Analytical_Cubism,pablo-picasso_guitar-and-violin,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Analytical_Cubism,pablo-picasso_guitar-player-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_harlequin-leaning-1909,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Analytical_Cubism,pablo-picasso_harlequin-s-family-1908,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Analytical_Cubism,pablo-picasso_harlequinesque-personage-1913,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Analytical_Cubism,pablo-picasso_houses-on-the-hill-1909,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_jug-and-fruit-dish-1908,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Analytical_Cubism,pablo-picasso_landscape-with-posters-1912,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,pablo-picasso_man-with-a-guitar-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Analytical_Cubism,pablo-picasso_man-with-a-guitar-1911-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_man-with-guitar-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Analytical_Cubism,pablo-picasso_my-beautiful-woman-with-guitar-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Analytical_Cubism,pablo-picasso_nude-figure,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Analytical_Cubism,pablo-picasso_poet-1911,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_portrait-of-ambroise-vollard-1910,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Analytical_Cubism,pablo-picasso_portrait-of-daniel-henry-kahnweiler-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Analytical_Cubism,pablo-picasso_seated-female-nude-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Analytical_Cubism,pablo-picasso_souvenir-from-havre-1912,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_spanish-still-life-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Analytical_Cubism,pablo-picasso_still-life-on-the-piano-cort-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_still-life-with-bottle-of-anis-del-mono-1909,"[1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Analytical_Cubism,pablo-picasso_still-life-with-bottle-of-rum-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_still-life-with-the-caned-chair-1912,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,pablo-picasso_study-to-girls-from-avignon-1906,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_table-in-a-cafe-bottle-of-pernod-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Analytical_Cubism,pablo-picasso_the-aficionado-the-torero-1912,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Analytical_Cubism,pablo-picasso_the-chess-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_the-mandolinist-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Analytical_Cubism,pablo-picasso_the-piano-accordionist-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Analytical_Cubism,pablo-picasso_the-pigeon-pea-1912,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Analytical_Cubism,pablo-picasso_the-shell-saint-jacques-our-future-is-in-the-air-1912,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Analytical_Cubism,pablo-picasso_violin-glass-pipe-and-inkwell-1912,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Analytical_Cubism,pablo-picasso_william-uhde-1910,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Analytical_Cubism,pablo-picasso_woman-and-pears-fernande-1909,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Analytical_Cubism,pablo-picasso_woman-sitting-in-an-armchair,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_woman-with-a-mandolin-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Analytical_Cubism,pablo-picasso_woman-with-guitar,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Analytical_Cubism,pablo-picasso_woman-with-guitar-and-piano-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Analytical_Cubism,pablo-picasso_woman-with-mandolin-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,a.y.-jackson_algoma-in-november-1935,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_first-snow-algoma-country-1920,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_frozen-lake-early-spring-algonquin-park-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_grey-day-laurentians-1928,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_hills-at-great-bear-lake-1953,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_indian-home-1927,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_nellie-lake-1933,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_night-pine-island-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,a.y.-jackson_north-shore-lake-superior-1926,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_october-morning-algoma-wartz-lake-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_skeena-crossing-1926,"[1.0, 2.0, 3.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_smart-river-alaska-1945,"[1.0, 2.0, 1.0, 4.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,a.y.-jackson_spring-caribou-country-1949,"[4.0, 11.0, 21.0, 4.0, 0.0, 1.0, 7.0, 5.0, 4.0]"
+Art_Nouveau_Modern,a.y.-jackson_terre-sauvage-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,a.y.-jackson_the-beothic-at-bache-post-ellesmere-island-1928,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,a.y.-jackson_the-red-maple-1914,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_the-road-to-st-fidele-1930,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,a.y.-jackson_the-winter-road-quebec-1921,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,a.y.-jackson_valley-of-the-gouffre-river-1933,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_wilderness-deese-bay,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,a.y.-jackson_winter-morning-charlevoix-county-1933,"[0.0, 4.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_ilmarinen-ploughing-the-viper-field-and-the-defense-of-the-sampo-1928,"[0.0, 6.0, 0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_joukahainen-s-revenge,"[2.0, 2.0, 1.0, 2.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_kullervos-curse-1899,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_lake-keitele-1905,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_spring-study-for-the-jus-lius-mausoleum-frescos-1903,"[2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_study-for-the-fresco-ilmarinen-ploughing-the-viper-field-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_symposium-1894,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 1.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_the-defense-of-the-sampo-1896,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 7.0, 0.0, 0.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_the-fratricide-1897,"[0.0, 1.0, 0.0, 0.0, 4.0, 2.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_the-lair-of-the-lynx-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,akseli-gallen-kallela_the-poster-bilbol-1907,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_all-souls-day-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_cassandra-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_eagles-above-the-hero-s-grave-1918,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_ego-sum-via-veritas-et-vita-1903,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_fair-1917,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_fountain-of-art-1907,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_lady-with-tiara,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_lakeshore,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_madonna-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_memory-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_portrait-of-kriesch-laura-1894,"[2.0, 8.0, 10.0, 4.0, 2.0, 1.0, 3.0, 14.0, 6.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_portrait-of-the-artist-s-wife-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_pupppet-theatre-1907,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_sz-kely-folk-tales-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_the-story-of-kl-ra-z-ch-i-1911,"[11.0, 5.0, 12.0, 16.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_the-story-of-kl-ra-z-ch-ii-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,aladar-korosfoi-kriesch_vanity-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aleksandra-ekster_costume-design-for-the-bacchae-from-drame-famira-kifared,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aleksandra-ekster_costume-design-for-the-play-famira-kifared-by-innokentiy-annenski-maenad-1916,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aleksandra-ekster_costume-design-for-theatre-moscow-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aleksandra-ekster_still-life-1910,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_a-coachman-and-a-nurse-costume-design(1),"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_apollo-and-daphne(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_at-the-gambling-house(1),"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_ballerina-costume-design(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_ballerina-costume-design-for-tamara-karsavina(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_bertha-costume-design-for-vera-komissarzhevskaya(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alexandre-benois_blackamoor-costume-design(1),"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_blackamoor-s-chamber-fragment-set-design(2),"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_blackamoor-s-chamber-fragment-set-design-1(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_bronze-horseman-design-for-a-cover-to-pushkin-s-poem(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_chinese-pavilion-jealous(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_cover-page-1904(4),"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alexandre-benois_crypt-of-the-borotin-castle-set-design-for-grillparzer-s-drama-die-ahnfrau(2),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_dancer-in-the-procession-of-the-chinese-emperor-costume-design-for-stravinsky-s-opera(1),"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_death-of-the-countess(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_drummer-of-a-puppetry(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_first-barrel-organ-player-costume-design(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_hermann-at-the-entrance-to-the-countess(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_interieur(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_italian-comedy(1),"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_italian-comedy-love-note(1),"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_letter-b-1904(4),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_letter-l-1904(3),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_letter-r-1904(3),"[1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_letter-s-1904(3),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_letter-t-1904(3),"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alexandre-benois_letter-u-1904(3),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_letter-zh-1904(3),"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_magician-costume-design(2),"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_military-parade-of-emperor-paul-in-front-of-mikhailovsky-castle-1907(4),"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_night-at-the-fairground-fragment-a-sketch-for-the-curtain(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_nurse-and-child-costume-design(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_on-the-waterfront-set-design-for-shakespeare-s-drama-the-merchant-of-venice(1),"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_oranienbaum-the-monkey-cabinet-in-roller-coaster-hall(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_pancake-day-in-st-petersburg-fragment-set-design(1),"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_pasha-costume-design-for-tcherepnin-s-ballet-le-pavillon-d-armide(1),"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_peter-i-on-a-walk-in-the-summer-garden(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_peter-the-great-meditating-the-idea-of-building-st-petersburg-at-the-shore-of-the-baltic-sea-1916(3),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_peterhof-palace-grand-cascade(2),"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_peterhof-palace-lion-cascade-and-colonnade(2),"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_peterhof-palace-merchant-staircase-at-the-grand-palace(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_peterhof-palace-mon-plaisir-medium-room(1),"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_peterhof-palace-vases-at-the-channel,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_petrushka-costume-design-for-vatslav-nijinsky(2),"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_petrushka-poster-scetch(2),"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_petrushka-s-chamber-set-design(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alexandre-benois_promenade-of-empress-elizabeth-through-the-noble-streets-of-st-petersburg-1903(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_rural-landscape-set-design-for-adan-s-ballet-giselle(1),"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_soldiers-of-catherine-ii(3),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_street-dancer-costume-design(1),"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_the-king(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alexandre-benois_the-scene-of-the-ball-set-design-for-tchaikovsky-s-opera-queen-of-spades(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_the-third-drunkard(1),"[33.0, 2.0, 4.0, 2.0, 1.0, 2.0, 3.0, 2.0, 2.0]"
+Art_Nouveau_Modern,alexandre-benois_truffaldino-costume-design-for-goldoni-s-comedy-servant-of-two-masters(2),"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alexandre-benois_venetian-celebration-of-the-xvi-century-fragment-set-design-for-an-unrealized-ballet-the(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_versailles-1(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alexandre-benois_versailles-greenhouse(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_6th-sokol-festival-1912,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_8th-sokol-festival-1912,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_a-quartier-latin-1898,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_aawn,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_amants-1895,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_amethyst,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_amethyst-post,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_art-nouveau-color-lithograph-poster-showing-a-seated-woman-clasping-the-hand-of-a-native-1903,"[0.0, 2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_austria-1899,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_beer-of-the-meuse-1897,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_biscuits-lefevre-utile-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_bleu-deschamps,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_byzantine-head-the-blonde-1897,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_byzantine-head-the-brunette-1897,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_calendar-champagne-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alphonse-mucha_calendar-of-cherry-blossom-1898,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_carnation,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_carnation-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_champagne-printer-publisher-1897,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_chandon-cremant-imperial-1899,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alphonse-mucha_chocolat-ideal-1897,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_chocolat-masson-1897,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_cover-composed-by-mucha-for-the-french-literary-and-artistic-review-la-plume-1898,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_cover-for-the-book-s-timeless-songs-of-paul-redonnel-1899,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_coverage-for-the-volume-s-grandmothers-songs-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_cow-slip,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_cropped-print-of-four-panels-each-depicting-one-of-the-four-seasons-personified-by-a-woman,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_cycles-perfecta-1902,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_dance-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_day,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_dusk,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_emerald,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_evening-reverie-nocturnal-slumber-1898,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_evening-star,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_evestar,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_fate-1920,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_flirt-lefevre-utile-1899,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_flower-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_france-embraces-bohemia,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_fruit-1897,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_general-german-poster-exhibition-for-trade-industry-and-agriculture,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_girl-with-loose-hair-and-tulips-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_hamlet-1899,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alphonse-mucha_head-of-a-girl,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_head-of-a-girl-1900,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_heidsieck-1901,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_iris,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,alphonse-mucha_iris-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_job-1896,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_lance-parfum-rodo-1896,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_laurel-1901,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_lefevre-utile-1903,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_lily,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_lorenzaccio-1896,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_luchon-1895,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_madonna-of-the-lilies-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_maude-adams-as-joan-of-arc-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_medea-1898,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_moet-and-chandon-white-star-1899,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_monaco-monte-carlo-1897,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_moravian-teachers0-choir-1911,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_morning-star-1902,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_nature-1900,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_north-star-1902,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_not_detected_227761,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_not_detected_227768,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_not_detected_227797,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_novem,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_nude-on-a-rock-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_painting,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_poetry,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_portrait-charge-1897,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_portrait-of-mucha-by-itself-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_poster-for-the-brooklyn-exhibition-1921,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_poster-presentation-of-andersen-s-snow-queen,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_princess-hyacinth-1911,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_prophetess-1896,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_regional-exhibition-in-ivancice-1912,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_rose,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alphonse-mucha_ruby,"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_salome-1897,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_salon-of-the-hundred-1896,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_salon-of-the-hundred-1897,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_sarah-bernhardt-1896,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_season,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_self-portrait-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_self-portrait-1907,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_slavia-1896,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_soap-factory-of-bagnolet-1897,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_spirit-of-spring-1894,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_spring-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_standing-figure,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_studies-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,alphonse-mucha_studies-1902-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alphonse-mucha_study-of-a-woman-sitting-in-an-armchair,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_study-of-drapery-1900,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_study-of-figures,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 2.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_summer-1896,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-autumn-1896,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-introduction-of-the-slavonic-liturgy-1912,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-judgement-of-paris-1895,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-lady-of-the-camellias-1896,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-new-york-daily-news-1904,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-pater-1899,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-rose-1898,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-samaritan-1897,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-seasons-spring-summer-1898,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-slav-epic-1928,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-slavs-in-their-original-homeland-1912,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-trappistine-1897,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_the-west-end-review-1898,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_topaz,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,alphonse-mucha_two-standing-women,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_winter-1896,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_winter-1897,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,alphonse-mucha_zdenka-cerny-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,alphonse-mucha_zodiac-1896,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_effect-of-night-1895,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_frances-cleveland,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,anders-zorn_gustav-v-1909,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_lisen-lamm,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_madame-clara-rikoff,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_mrs-bacon-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_oscar-ii,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_portrait-of-elizabeth-sherman-cameron-1900,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anders-zorn_portrait-of-mrs-eben-richards-1899,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anders-zorn_waltz-1891,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_a-bow-with-a-red-porch-illustration-for-the-coronation-album,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_a-young-man-breaking-into-the-girls-dance-and-the-old-women-are-in-panic,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_illustration-for-the-coronation-album,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_life-for-tsar,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_moscow-street-of-xvii-century,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_nastassja-mikulichna,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_prince-ukhtomsky-in-the-battle-with-tartars-at-volga-in-1469,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_wedding-train-in-the-xvii-century-moscow,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,andrei-ryabushkin_winter-morning,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_a-view-of-the-neva-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_a-window-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_academy-of-arts,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_academy-of-arts-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_academy-of-arts-1922-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_admiralty-under-the-snow-1909,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_alley-in-tsarskoe-selo-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_barge-1904,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_biron-palace-and-barges-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_bouquet-in-a-vase-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_bridge-with-griffins-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_chain-bridge-in-st-petersburg-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_colonnade-of-exchange-and-peter-and-paul-fortress-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_construction-of-the-palace-bridge-1922,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_cypress-trees-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_debacle-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_evening-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_exchange-1922,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_fiesole-italy-1904,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_finland-with-a-blue-sky-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_fontanka-1922,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_fontanka-near-the-summer-garden-1922,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_fortress-beep-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_french-embankment,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_french-embankment-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_gear-1917,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_group-of-trees-near-the-white-birch-1923,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_in-the-park-1902,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_in-the-park-poplar-trees-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_landscape-around-the-viscontiev-bridge-1923,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_landscape-near-the-pil-tower-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_landscape-with-a-river-norway-between-bergen-and-christiania-1914,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-fishing-boys-1942,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-fontanka-and-the-summer-garden-in-frost-1929,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-summer-garden-in-winter-1929,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-view-from-trinity-bridge-1926,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_leningrad-view-of-the-fortress-at-night-1946,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_linden-avenue-and-the-monument-to-paul-i-1922,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_lions-and-castle-ice-drifts-and-fortress,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_lithuanian-castle-1922,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_moonlit-night-landscape-1923,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_neva-early-in-the-morning-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_neva-through-the-columns-of-the-exchange-1908,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_night-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_pavlovsk-novosilviysky-bridge-1921,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_perspective-of-the-constantine-palace-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-fontanka-1922,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-kryukov-canal-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-new-holland-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-rostral-column-and-customs-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-rostral-column-and-exchange-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-rostral-column-under-the-snow-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_petersburg-the-summer-garden-in-winter-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_pine-tree-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_portrait-of-leo-tolstoy-1929,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_rainbow-1923,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_road-to-the-white-birch-1923,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_rostral-column-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_round-pond-1923,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_school-house-of-peter-i-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_sea-stones-1902,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_spring-motif-view-from-stone-island-to-krestovsky-and-yelagin-islands-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_spring-snow-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_st-isaac-s-cathedral-in-a-foggy-day-1922,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_st-isaac-s-cathedral-on-a-foggy-day,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-gate-and-the-road-to-etyup-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-lion-and-the-fortress-woodcut-for-the-magazine-world,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-monument-to-peter-i-1942,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_the-valley-of-the-river-slavyanka-1923,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_trees-near-the-apollo-colonnade-1923,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_venice-1916,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_venice-grand-canal-grey-day-1911,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-from-the-petrovsky-park,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-from-the-tuchkov-bridge-1922,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-of-st-petersburg,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-of-the-alcazar-segovia,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-of-the-palace-rain,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_view-on-the-neva-river-and-the-stock-exchange-building-from-the-trinity-bridge-1926,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_willows-near-novosilviysky-bridge-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_willows-near-the-palace-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,anna-ostroumova-lebedeva_winter-1902,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-book-of-fifty-drawings-front-cover,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-child-at-its-mother-s-bed,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-devil-in-woman-s-likeness,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-devil-in-woman-s-likeness-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-large-christmas-card-1895,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-nightpiece-1894,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-nocturne-of-chopin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-repetition-of-tristan-und-isolde-1896,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-snare-of-vintage,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-snare-of-vintage-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_a-suggested-reform-in-ballet-costume,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_adulterer-1897,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_advertisement-for-children-s-books-1894,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_albert-in-search-of-his-ideals-1897,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_ali-baba-in-the-woods-1897,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_apollo-pursuing-daphne-1896,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_arthur-and-the-strange-mantle,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_at-the-first-coner,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_at-the-relton-arms,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,aubrey-beardsley_atalanta-in-calydon,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_atalanta-in-calydon-with-the-hound,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_ballet-of-marionettes-i,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_ballet-of-marionettes-ii,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_ballet-of-marionettes-iii,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_bathyllus-in-the-swan-dance,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_bathyllus-taking-the-pose,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_birth-from-the-calf-of-the-leg,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_black-coffee-1895,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_book-illustration,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_by-edgar-allan-poe,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_caricature-of-a-figure-in-a-sunflower-dress,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_caricature-of-felix-mendelssohn,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_caricature-of-james-mcneill-whistler,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_child,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_chopin,"[0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_cinesias-entreating-myrrhina-to-coition,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_coiffing,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_count-valmont-1896,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_cover-1894-1894,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,aubrey-beardsley_cover-and-spine-1893-1893,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_cover-design-for-ali-baba-1897,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_cover-design-for-the-yellow-book,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_cover-design-to-the-pierrot-of-the-minute-1897,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_creation,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_das-rheingold,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-for-a-frontispiece-to-virgilius-the-sorcerer,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-for-end-paper-of-pierrot-1896,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-for-the-cover-of-the-barbarous-britishers-by-h-d-traill,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-for-the-front-cover-of-the-savoy-complete-in-three-volumes,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-for-the-frontispiece-to-plays-by-john-davidson,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-of-initial-s,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-of-initial-v,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-of-initial-v-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_design-unused-for-the-cover-of-volume-iv-of-the-yellow-book,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_don-juan-sganarelle-and-the-beggar-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_dreams,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_erda,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_et-in-arcadio-ego-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_ex-libris-by-john-lumsden-propert-1894,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_excalibur-in-the-lake,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_front-cover,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_front-cover-1896,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_front-cover-1897,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_front-cover-and-spine-of-le-morte-darthur,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_front-cover-for-the-yellow-book-vol-v,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_frontispiece,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_frontispiece-for-the-yellow-book-an-illustrated-quarterly-1894,"[4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_frontispiece-for-venus-and-tannhauser,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_frontispiece-to-the-pierrot-of-the-minute-1897,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_full-and-true-account-of-the-wonderful-mission-of-earl-lavender-frontispiece,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_garcons-de-cafe-1894,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_hail-and-farewell,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_hail-mary-pencil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-four-queens-found-launcelot-sleeping,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-king-arthur-saw-the-questing-beast,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-king-mark-and-sir-dinadan-heard-sir-palomides-i,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-king-mark-and-sir-dinadan-heard-sir-palomides-ii,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-king-marke-found-sir-tristram,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-la-beale-isoud-nursed-sir-tristram,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-la-beale-isoud-wrote-to-sir-tristram,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-morgan-le-fay-gave-a-shield-to-sir-tristram,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-queen-guenever-made-her-a-nun-1894,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-queen-guenever-rode-on-maying-i,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-queen-guenever-rode-on-maying-ii,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-sir-launcelot-was-known-by-dame-elaine-i,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-sir-launcelot-was-known-by-dame-elaine-ii,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_how-sir-tristram-drank-of-the-love-drink-1894,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_illustration-for-the-rape-of-the-lock-by-alexander-pope,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_illustration-to-siegfried-act-ii,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_incipit-vita-nova,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_initial-letter-v-to-volpone-1898,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_initial-m-for-ben-jonson-his-valpone,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_isolde,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_juvenal-frontispiece,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_juvenal-scourging-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_katharina-klafsky,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_la-beale-isoud-at-joyous-gard-1894,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_lady-gold-s-escort-1894,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_lady-with-cello,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_list-of-pictures,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_lucians-strange-creatures,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_lysistrata-defending-the-acropolis-1896,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_lysistrata-haranguing-the-athenian-women,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_lysistrata-shielding-her-coynte-1896,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_madame-rejane,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_madame-rejane-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_mademoiselle-de-maupin,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_masked-woman-with-a-white-mouse,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_max-alvary,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_merlin,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_merlin-and-nimue-1894,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_merlin-taketh-the-child-arthur-into-his-keeping,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_messalina-returning-from-the-bath,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_messalina-returning-home,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_monochuromes,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_moska,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_mrs-patrick-campbell,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_mrs-pinchwife-country-wife-by-wycherley,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_mrs-winifred-emery-1894,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_no-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_no-2,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_no-3,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_no-5,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_no-7,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_not_detected_245615,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_not_detected_245638,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_of-a-neophyte-and-how-the-black-art-was-revealed-unto-him,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_on-alert,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_original-sketch-for-the-cover-of-salome,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_oscar-wilde-at-work,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_page-preceding-contents-list,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_perseus,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_perseus-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_pierrot,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_pierrot-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_pierrot-2,"[3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_pierrot-4,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_pierrot-of-the-minute-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_poor-folk-by-dostoievsky,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_portrait-of-himself-in-bed-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_portrait-of-miss-letty-lind,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_poster,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_poster-advertising-a-comedy-of-sighs-a-play-by-john-todhunter-1894,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_poster-advertising-the-spinster-s-scrip,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_poster-of-girl-and-a-bookshop,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_prospectus-no-1,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_publicity-poster-for-the-yellow-book,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_puck-on-pegasus,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_raphael-sanzio,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_rejane,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_salome-on-settle,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_salome-with-her-mother-1894,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_sappho,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_scarlet_pastorale,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_seated-lady,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_self-portait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_self-portait-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_self-portait-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_siegfried-illustration-act-ii,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_singer,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_sir-launcelot-and-the-witch-hellawes,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_small-poster,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_smithers,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-abbe-fanfreluche,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-achieving-of-the-sangreal,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-artist-bookplate,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-ascention-of-saint-rose-of-lima,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-barge,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-baron-s-prayer,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-bathers,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-battle-of-the-beaux-and-the-belles-1896,"[0.0, 2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-beale-isoud-at-joyous-gard,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-black-cape-1894,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-black-cat,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-burial-of-salome,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-cave-of-spleen,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-climax-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-coiffing-1896,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-comedy-of-the-rhinegold-frontispiece,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-cover-of-the-studio-volume-1,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-cover-of-the-yellow-book-1894,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-cover-of-tristan-and-isolde,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-dancer-s-reward-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-death-of-pierrot,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-examination-of-the-herald-1896,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-eyes-of-herod-1894,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-fall-of-the-house-of-usher,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-fat-woman,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-fruit-bearers,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-girl-from-the-farm,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-kiss-of-judas,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-lacedaemonian-ambassadors-1896,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-lady-at-the-dressing-table,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-lady-of-the-lake-telleth-arthur-of-the-sword-excalibur,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-lady-with-the-monkey,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-lady-with-the-rose,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-landslip,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-litany-of-mary-magdalen,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-mask-of-the-red-death,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-mirror-of-love,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-mirror-of-music,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-morning-dream,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-murders-in-the-rue-morgue,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-mysterious-rose-garden-1895,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-peacock-skirt-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-platonic-lament-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-repentance-of-mrs,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-return-of-tannhauser-to-the-venusberg-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-scarlet-pastorale,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-slippers-of-cinderella-1894,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-stomach-dance-1893,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-story-of-venus-and-tannhaeuse-frontispiece,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-toilet,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-helen,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-lampito-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-salome-1894,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-toilet-of-salome-ii,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-toilette-of-salome,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-wagnerites,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-woman-in-the-moon-1894,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-woman-who-did,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,aubrey-beardsley_the-yellow-book-1894,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_third-tableau-1896,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_three-musicians,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_title-page,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_title-page-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_title-page-1896,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_title-page-and-key-monogram-of-the-mountain-lover,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,aubrey-beardsley_title-page-of-discords,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,aubrey-beardsley_title-page-of-grey-ross,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_title-page-ornament-for-the-yellow-book,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_two-athenian-women-in-distress,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_venus-between-terminal-gods-1895,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_vol-iii-1894,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_volpone-adoring-his-treasures,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_waiting-1893,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_withered-spring,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,aubrey-beardsley_woman-in-a-bookshop,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,aubrey-beardsley_yellow-book-poster-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_a-merchant-in-a-fur-coat-1920,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_a-young-merchant-s-wife-in-the-a-checkered-scarf-1919,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_abbess-1920,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_after-the-storm-1921,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_alexei-tolstoy-eccentrics-1925,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_apple-orchard-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_at-the-fair-1906,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_at-the-fair-1910,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_at-the-old-suzdal,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_autumn-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_autumn-1918,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_autumn-1924,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_autumn-festivities-1922,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_autumn-in-the-province-teatime-1926,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_baker-1918,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_baker-1920,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_bather-1922,"[4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_bather-seated-on-the-shore-1926,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_bathing-1921,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_bathing-1921-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_beauty-1918,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_bishop-1921,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_blanket-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_blue-house-1920,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_build-a-monastery-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_buremetr-1926,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,boris-kustodiev_carpet-seller-tatar-1920,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_catching-of-homeless-dogs,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_children-of-the-artist-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_christmas-tree-bargain-1918,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_coachman-1920,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_coachman-at-traktir-1920,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_country-journey-1918,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_curtain,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_daria-takes-away-hay-1921,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_designs-of-female-costume-1923,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_doctor-pharmacist-and-a-second-khaldei-1924,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_easter-greeting-1916,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_embankment-of-venice-1918,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_england-1924,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_england-1926,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_english-merya-1924,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_english-polovoy-and-polshkiper-1924,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_english-wonders-buremetr-1926,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_fair-1908,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_february-27-1917,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_festive-gathering-1910,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_festivities,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_fireplace-night-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_fireplace-night-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_fontanka-1916,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_frosty-morning-1913,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_furnacheva-1914,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_girl-with-flowers-1917,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_gostiny-dvor-1921,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_gostiny-dvor-in-a-merchant-shout-1916,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_guys-from-tula-1924,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_hard-rime-1917,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_haymaking,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_haymaking-1917,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_holiday-in-the-countryside-1917,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_horses-in-the-storm-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_i-picked-strawberries-1927,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_illustration-for-nikolay-nekrasov-poem-uncle-jacob-1921,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_in-the-birch-forest,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_in-the-box-1912,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_in-the-living-room-in-moscow-in-1840-s-1912,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_in-the-market-day-1922,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_in-the-monastery-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_introduction-picture-from-the-magazine-vampire-1905,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_joining-kazan-to-russia-allegory-1913-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_katerina-costume-design-for-nikolai-ostrovsky-s-the-thunderstorm-1920,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_king-wearing-a-crown-and-purple-1925,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_kiselvrode-1924,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_masha-the-daughter-of-merchant-1924,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_meeting-easter-day-1917,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_meeting-on-the-corner-1920,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_meeting-stage-design-for-the-ostrovsky-s-play-the-easy-money-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_mercahnt-s-wife-1919,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_mercahnt-s-wife-drinking-tea-1923,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_mercahnt-s-wife-with-purchases-1920,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-1920-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-1923,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-s-wife-on-the-balcony-1920,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-s-wife-on-the-promenade-1920,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-s-wife-on-the-promenade-1920-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-s-woman-with-a-mirror-1920,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-s-yard-1921,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-wedding-1917,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-with-his-wife-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_merchant-wives-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_merry-go-round-1920,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_moor-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_moscow-introduction-picture-from-the-magazine-vampire-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_moscow-tavern-1916,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_night-celebration-on-the-neva-1923,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_nobility-assembly-hall-in-st-petersburg-1913,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_on-the-volga-1910,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_painter-of-signboards-1920,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_palace-a-sketch-for-e-zamyatin-s-play-the-flea-1925,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_palm-market-with-spassky-gate-1917,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_palm-sunday-near-the-spassky-gate-on-the-red-square-in-moscow-1917,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_pancake-tuesday-in-a-village-maslenitsa-1916,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_paris-boulevard-at-night-1913,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_peter-the-great-1911,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_petersburg-palace-1925,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_petersburg-palace-1926,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_picnic-1920,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_poetry-1902,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_policeman-zhigunov-1911,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-f-f-notgaft-collector-1918,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-fyodor-chaliapin-1921,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-maximilian-voloshin-1924,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-natalia-orshanskaya-1925,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-o-i-szymanowskaya-1920,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-peter-kapitza-1926,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-rene-ivanovna-notgaft-1914,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_portrait-of-the-artist-s-wife-1909,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_princess-anfisa-1924,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_promenade-along-the-volga-1909,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_province,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_province-1919,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_province-kostroma-1906,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_red-tower-of-troitse-sergeevsky-lavra-1912,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_restaurant-owner-1920,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_russian-girl-near-the-window-1923,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_russian-venus-1920,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_russian-venus-1926,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_russian-venus-1926-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_sailor-and-his-girl-1920,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_sailor-and-his-girl-1921,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_sailor-and-his-girl-1926,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_scetch-at-kupavina-s-house-for-ostrovsky-s-wolves-and-sheep-1926,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_self-portrait-1912,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_self-portrait-1912-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_shostakovich-museum-of-art,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_show-booths-1917,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_shrove-tide-1919,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_shrove-tide-1919-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_shrovetide-1916,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_shrovetide-1916-1,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_shrovetide-1920,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_shrovetide-1920-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_sketch-for-the-play-pigeons-and-hussars-1927,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_sketch-of-decorations-for-puppet-show-the-rooster-gold-scallop-1927,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_sketch-of-kupavina-for-ostrovsky-s-play-wolves-and-sheep-1915,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_skiers-1919,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_square-at-the-exit-of-the-city-1911,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_square-in-krutogorsk-1915,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_stage-design-for-nikolai-rimsky-korsakov-s-opera-the-the-tsar-s-bride-1920,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_stenka-razin,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_stepan-razin-1918,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_steward-1919,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_still-life-with-pheasant-1914,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_street-of-a-provincial-town-1917,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_summer-holiday-1922,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_summer-province-1922,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_sunset,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_sweets-still-life,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-bolshevik-1920,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-consecration-of-water-on-the-theophany-1915,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-death-of-darya-1921,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-girl-on-the-volga-1919,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-guy-from-tula-1926,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-guy-from-tula-1926-1,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-harvest-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-hut-of-savely-magar-1925,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-merchant-s-wife-1915,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-merchant-s-wife-at-tea-1918,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-merchant-s-wife-at-tea-1920,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-merchant-wife-and-the-domovoi-1922,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-priest-1920,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_the-reaper-study-for-the-decoration-of-the-ruzheinaya-rifle-square-in-petrograd-1918,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_title-page-1921,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_tower-1926,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_trinity-day-1920,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_tsar-nicholas-ii-1915,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,boris-kustodiev_tula-stage-design-for-e-zamyatin-s-play-the-flea-1925,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_twilight-in-sudislavl,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_two-merchant-s-wifes-1913,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_ukrainian-landscape-1925,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_under-honey-s-harmonica-1927,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_varvara-costume-design-for-nikolai-ostrovsky-s-the-thunderstorm-1920,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_vegetables-merchant-1920,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_view-from-the-window-1926,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_view-in-tula-a-sketch-for-e-zamyatin-s-play-the-flea-1924,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_village-holiday-1910,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_village-holiday-autumn-holiday-in-the-village-1914,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_waiter-1920,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_wanderer-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_wing-with-a-porch-1911,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_winter-1916,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_winter-shrovetide-festivities-1919,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,boris-kustodiev_woman-from-tula-1926,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,boris-kustodiev_zhivoiedova-1914,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_a-day-of-celebration(1),"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_a-fairy-or-kersti-and-a-view-of-a-meadow(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_a-lady-reading-a-newspaper(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_a-late-riser-s-miserable-breakfast-1900(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_a-studio-idyll-the-artist-s-wife-with-daughter-suzanne(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_a-young-girl-with-a-doll(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_abuelo-with-esborjn-1902(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_an-interior-with-a-woman-reading(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_anna-pettersson(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_around-the-lamp-at-evening-1900(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,carl-larsson_at-church-1905(1),"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_august-strindberg-1899(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_azalea-1906(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_before-the-mirror-1900(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,carl-larsson_between-christmas-and-new-a-o-1896(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_breakfast-in-the-open-1913(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_breakfast-under-the-big-birch(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_brita-and-me-1895(1),"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_brita-as-iduna-i-unn-lithography-title-page-for-the-christmas-edition-of-idun-1901-1901(1),"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_brita-at-the-piano-1908(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_brita-s-forty-winks(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_by-the-cellar-1917(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_children-of-the-carpenter-helberg-1906(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_christmas-morning-1894(1),"[5.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_convalescence(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_correspondence-1912(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_cosy-corner-1894(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_cowgirl-in-the-meadow-1906(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_daddy-s-room(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_detail-of-christmas-eve-1906(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_esbjorn-1900(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_esbjorn-doing-his-homework(1),"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_fishing-1905(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_flowers-on-the-windowsill-1894(1),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_for-karin-s-name-day-1899(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_getting-ready-for-a-game-1901(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_hakon-daga-and-edgar-1902(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,carl-larsson_harvesting-ice-1905(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_in-sundborn-church-1905(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,carl-larsson_in-the-carpenter-shop-1905(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_in-the-corner-1894(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Art_Nouveau_Modern,carl-larsson_interior-of-the-gallery-furstengerg-in-gooteborg-1885(1),"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_interior-with-a-cactus-1914(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_karin-and-brita-1893(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_karin-and-brita-with-cactus-1909(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_karin-and-kersti-1898(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_karin-in-autumn(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_karin-on-the-shore(1),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_karin-reading-1904(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_lazy-nook-1897(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_lille-matts-larsson-1912(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_lisbeth-1894(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_lisbeth-at-the-birch-grove-1910(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_lisbeth-fishing-1898(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_lisbeth-in-blue-bird-1900(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_lisbeth-reading-1904(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_los-deberes-1898(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_mammas-and-the-small-girls-1897(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,carl-larsson_model-writing-postcards-1906(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_mother-and-daughter-1903(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_mrs-dora-lamm-and-her-two-eldest-sons-1903(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_my-acid-workshop-where-i-do-my-etching-1910(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_my-friends-the-carpenter-and-the-painter-1909(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_my-loved-ones-1893(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_my-mother-1893(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_october-the-pumpkins(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_old-anna(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_old-sundborn-church(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_on-the-farm-1905(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_peasant-interior-in-winter-1890(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_peek-a-boo-1901(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_playing-scales(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_plowing(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_portrait-of-gothilda-furstenberg-1891(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_required-reading-1900(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_roses-de-noel(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_self-portrait-1891(1),"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_self-portrait-1895(1),"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_self-portrait-1912(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_self-portrait-in-the-studio-1912(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_self-recognition-1906(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_selma-lagerl-f-1908(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_solrosorna(1),"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_summer-morning-published-in-lasst-licht-hinin-let-in-more-light-1908(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_sunday-rest-1900(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_suzanne-1894(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-apple-harvest-1903(1),"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-bridge-1896(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-cottage(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-crayfish-season-opens-1897(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-day-before-christmas-1892(1),"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-entry-of-king-gustav-vasa-of-sweden-into-stockholm-1523-1908(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,carl-larsson_the-first-lesson-1903(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-kitchen(1),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-manure-pile-1906(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_the-model-on-the-table-1906(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_the-skier(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-stable-1906(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-still-life-painter(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_the-studio(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-studio-1895(1),"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-verandah(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_the-yard-and-wash-house(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_threshing-1906(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_ulf-and-pontus-1894(1),"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_under-the-birches-1902(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carl-larsson_when-the-children-have-gone-to-bed(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carl-larsson_woodcutters-in-the-forest-1906(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_a-spanish-church,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_death-of-don-miguel-de-mahara,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-illustration-1938,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-illustration-1938-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-study-of-illustration,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio-seville-street-1946,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_don-juan-tenorio-the-abduction-of-dona-ines-1946,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_granada,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_illustration-for-the-living-forest-1957,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_punch-crispin-and-rowing-1950,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_scene-of-vested-interests-tables-i-1950,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-for-one-of-the-murals-of-the-army-1953,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-curtain-for-the-representation-of-don-juan-tenorio-treatal-in-theater,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-decoration-for-the-ceiling-of-the-royal-mint-of-spain,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-mural-decoration-for-the-emperador-hotel-1955,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_sketch-of-two-rowers-ondarroa-vizcaya,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-anglo-spanish,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-1-ignatius-recovers-from-his-wounds-at-loyola,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-10-the-death-of-st-ignatius-31st-july-1556,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-2-ignatius-writes-the-spiritual-exercises-in-the-cave-at,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-3-the-vision-at-the-river-cardoner-manresa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-4-ignatius-and-his-friend-francis-xavier-at-the-university,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-5-ignatius-and-the-first-companions-take-vows-at-montmatre,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-6-the-vision-at-la-storta-outside-rome-i-will-be,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-7-pope-paul-iii-approves-the-society-of-jesus-27th,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-8-before-saying-mass-ignatius-is-overcome-with-tears,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-life-of-st-ignatius-loyola-plate-9-after-their-solemn-vows-at-the-basilica-of-st-paul,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-palace-escoriaza-esquivel,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_the-portal-n-vitoria-fifties,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_untitled-illustration,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_visit-of-tetuan-from-the-terrace-of-khalifa-1938,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,carlos-saenz-de-tejada_vitoria-1850-1952,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,constantin-artachino_eros,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,corneliu-michailescu_salomeea,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_a-brave-heart-from-beauty-and-the-beast,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_a-circle-of-mist-stealers-of-light-by-the-queen-of-romania,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_a-higher-destiny-from-beauty-and-the-beast,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_a-loaf-of-bread-the-rubaiyat-of-omar-khayyam,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_a-new-marriage-the-rubaiyat-of-omar-khayyam,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_a-palace-of-wonder-from-beauty-and-the-beast,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_abysm-of-time-from-the-tempest,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_all-are-but-stories-the-rubaiyat-of-omar-khayyam,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_all-the-newspapers-in-the-world,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_alone,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_arabian-nights-maidens-on-white-horses,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_asenath-from-the-picture-book-for-the-red-cross,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_birth-of-the-pearl-from-the-kingdom-of-the-pearl,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_blowing-rose-the-rubaiyat-of-omar-khayyam,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_bluebeard-from-the-picture-book-for-the-red-cross,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_came-shining-through-the-dusk-an-angel-shape-the-rubaiyat-of-omar-khayyam,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_cerburus-the-black-dog-of-hades-from-the-picture-book-for-the-red-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_cinderella-from-the-picture-book-for-the-red-cross,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_daughters-of-the-stars-by-mary-crary,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_daughters-of-the-stars-by-mary-crary-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_death-listened-to-the-nightingale-the-nightingale,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_dreamer-of-dreams-by-the-queen-of-romania,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_eldorado,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_elves-and-fairies-illustration-for-the-tempest,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_fairy-land,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_gerda-and-the-reindeer,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_he-dropped-the-rose-from-beauty-and-the-beast,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_hidden-within-their-depths-from-the-garden-of-paradise,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_his-grandmother-had-told-him-from-the-garden-of-paradise,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_hour-of-grace-the-rubaiyat-of-omar-khayyam,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_human-or-divine-the-rubaiyat-of-omar-khayyam,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_i-will-marry-you-from-beauty-and-the-beast,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_jason-appointed-tiphys-the-stargazer,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,edmund-dulac_layla-from-the-picture-book-for-the-red-cross,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_little-girl-in-a-book-illustration-to-fairies-i-have-met,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_lone-dove-the-rubaiyat-of-omar-khayyam,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_medea-tanglewood-tales-the-minotaur,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_miranda-from-the-tempest,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,edmund-dulac_mohammad-the-rubaiyat-of-omar-khayyam,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_morning-the-rubaiyat-of-omar-khayyam,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_my-zenith-doth-depend-upon-a-most-auspicious-star-from-the-tempest,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_out-of-this-world-stealers-of-light-by-the-queen-of-romania,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_perseus-and-andromeda,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_pluto-and-persephone,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_princess-and-the-pea-the-real-princess-illustration-to-the-princess-and-the-pea,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_princess-orchid-s-party-illustration-to-fairies-i-have-met,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_prospero-in-secret-studies-from-the-tempest,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_psyche-and-cerberus,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_selene-and-endymion,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_stealers-of-light-by-the-queen-of-romania,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_stealers-of-light-by-the-queen-of-romania-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_such-stuff-as-dreams-are-made-on-from-the-tempest,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_that-spring-should-vanish-with-the-rose-the-rubaiyat-of-omar-khayyam,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,edmund-dulac_the-alchemist,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-angel-of-the-drink-of-darkness-the-rubaiyat-of-omar-khayyam,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-arabian-nights-daylight-faded-from-view,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-arabian-nights-the-queen-of-the-ebony-isles,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-arabian-nights-the-ship-struck-upon-a-rock,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-beast-s-castle-from-beauty-and-the-beast,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,edmund-dulac_the-bells,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-big-spider-s-diamonds-illustration-to-fairies-i-have-met,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-bird-of-shadow-and-the-sunbird-illustration-to-fairies-i-have-met,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-bright-liquid,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-eastwind-flew-faster-still-from-the-garden-of-paradise,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-emperor-s-new-clothes,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-face-of-wretched-man-the-rubaiyat-of-omar-khayyam,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-fairies-who-changed-places-illustration-to-fairies-i-have-met,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-fairy-of-the-garden-from-the-garden-of-the-paradise,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-fisherman-the-nightingale,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-gentleman-in-waiting-the-nightingale,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-dissolving-into-foam,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-saved-the-prince,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-the-merman-king,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-little-mermaid-the-prince-asked-who-she-was,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-music-master-the-nightingale,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-love-from-the-kingdom-of-the-pearl,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-bamboo-from-the-kingdom-of-the-pearl,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-boar-from-the-kingdom-of-the-pearl,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-cloud-from-the-kingdom-of-the-pearl,"[1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-elephant-from-the-kingdom-of-the-pearl,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-fish-from-the-kingdom-of-the-pearl,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-serpent-from-the-kingdom-of-the-pearl,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-talisman-from-the-kingdom-of-the-pearl,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-pearl-of-the-warrior-from-the-kingdom-of-the-pearl,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-potter-the-rubaiyat-of-omar-khayyam,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-same-gurgling-the-nightingale,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,edmund-dulac_the-sleeve-of-night-the-rubaiyat-of-omar-khayyam,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-snow-queen-flies-through-the-winter-s-night,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_the-snow-queen-on-the-throne-of-ice,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-tempest-ariel-and-the-bee,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-wind-s-tale,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_the-woman-he-could-not-leave-stealers-of-light-by-the-queen-of-romania,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_they-began-to-scream-and-chatter-from-beauty-and-the-beast,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_venus-in-her-chariot-from-edmund-dulac-s-illustrations-to-the-tempest,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,edmund-dulac_vision-the-rubaiyat-of-omar-khayyam,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,edmund-dulac_where-i-made-one-the-rubaiyat-of-omar-khayyam,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_ceramics-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_conversion-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_crouching-figure-valerie-neuzil-1913,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_danae-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_design-for-a-postcard-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_four-trees-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_girl-in-a-blue-apron-1912,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_harbor-of-trieste-1907,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_house-on-a-river-old-house-i-1915,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_house-with-drying-laundry-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_house-with-shingles-1915,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_houses-by-the-river-the-old-city-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_houses-on-the-moldau-krumau-1910,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,egon-schiele_houses-with-laundry-seeburg-1914,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_krumau-on-the-molde-the-small-city,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_krumau-town-crescent-i-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_landscape-at-krumau-1916,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_on-the-beach-moonlight-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_peasants-jug-1918,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-edith-schiele-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-edith-schiele-the-artist-s-wife-1915,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-friederike-maria-beer-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-gerti-schiele-1909,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-madame-dr-horak-1910,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-marga-boerner-1917,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-miss-waerndorfer-1913,"[1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-the-composer-arthur-lowenstein-1909,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-the-painter-anton-peschka-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_portrait-of-valerie-neuzil-1912,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_poster-for-the-vienna-secession-49th-exhibition-die-freunde-1918,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_reclining-semi-nude-with-red-hat-1910,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_river-landscape-1913,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_sarena-lederer-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_sawmill-1913,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_seated-girl-with-bare-torso-and-light-blue-skirt-1911,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_self-portrait-1912-1,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_self-portrait-with-spread-fingers-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_setting-sun-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_silhouette-of-klosterneuburg,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_single-houses-1915,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_standing-girl-in-a-plaid-garment,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_standing-woman-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_stein-on-the-danube-1913,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_stein-on-the-danube-seen-from-the-kreuzberg-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_stein-on-the-danube-seen-from-the-south-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_street-in-krumau-1917,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_summer-landscape-krumau-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_sunflower-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_the-small-city-dead-city-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_town-on-the-blue-river-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_trieste-fishing-boat-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_vorstadt-1914,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_water-sprites-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_windows-facade-of-a-house-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,egon-schiele_woman-with-black-hat-1909,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_woman-with-greyhound-edith-schiele-1916,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,egon-schiele_woodland-prayer-1915,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,egon-schiele_yellow-city-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Art_Nouveau_Modern,eliseu-visconti_a-m-sica-1898,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eliseu-visconti_a-providencia-guia-cabral,"[1.0, 6.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eliseu-visconti_bas-de-portiere,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eliseu-visconti_carta-bilhete,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,eliseu-visconti_carta-bilhete-300-r-is,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,eliseu-visconti_cartaz-da-companhia-ant-rtica,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eliseu-visconti_cartaz-da-companhia-ant-rtica-projeto,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eliseu-visconti_cer-mica-o-amor,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,eliseu-visconti_ex-libris-bibliotheca-nacional-1903,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,eliseu-visconti_exhibition-catalogue-1901,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eliseu-visconti_figura-feminina,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,eliseu-visconti_motivo-para-seda,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eliseu-visconti_selo-100-reis,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eliseu-visconti_selo-20-reis,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eliseu-visconti_selo-300-reis,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,eliseu-visconti_selo-50-reis,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_a-la-place-clichy,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_abricotine,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_affiche-pour-the-century-magazine-napol-on,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_anxi-t-1897,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_bonne-nouvelle,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_danger-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_encre-l-marquet,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_esclarmonde,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_froideur,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_girl-in-the-garden,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_grafton-gallery-from-les-affiche-illustrees-1897,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_harper-s-magazine,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_inqui-tude,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_jalousie,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_jeanne-d-arc-sarah-bernhardt,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_joan-of-arc-1894,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-april-1896,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-august-1896,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-december-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-february-1896,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-january-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-july-1896,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-june-1896,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-march-1896,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-may-1896,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-november-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-octobre-1896,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_la-belle-jardiniere-septembre-1896,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_les-petites-faunesses-1897,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_librairie-romantique,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_m-ditation-1897,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_madrid-international-exposition,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_ne-plus-ultra-reino-de-espana-1893,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_nouveau-larousse-illustre,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_self-portrait,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_spring-1894,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_suzy-deguez,"[4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_tentation,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_the-art-of-drawing-1894,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_the-june-century-napoleon-in-egypt-1895,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_un-duel-judiciaire-au-vie-si-cle-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,eugã¨ne-grasset_woman-science,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_breithorn-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_british-designer-and-writer-william-morris-1896,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_british-poet-alfred-douglas-1896,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_bulgarian-prime-minister-stefan-stambolov-1895,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_cover-of-the-romanian-symbolist-and-avant-garde-magazine-chemarea-the-calling,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_edgar-allan-poe-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_english-demographer-and-political-economist-thomas-malthus-1897,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_family-1899,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_french-art-historian-louis-coujarod-1896,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_french-painter-camille-pissarro-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_french-poet-paul-verlaine-1896,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_french-poet-paul-verlaine-from-le-livre-des-masques-1896,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_french-writer-alexandre-dumas-1895,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_french-writer-henry-gauthier-villars-aka-willy-1859-1931-by-f-lix-valloton-1865-1925-1896,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_french-writer-honor-de-balzac-1895,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_french-writer-joseph-de-maistre-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_fyodor-dostojevsky-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_gaveau-1897,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_german-philosopher-arthur-schopenhauer-1896,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_glacier-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_henri-d-artois-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_italian-poet-and-philosopher-giacomo-leopardi-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_jungfrau-1892,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_leo-tolstoy-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_mont-blanc-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_mont-blanc-1892-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_night-1897,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_otto-von-bismarck-1895,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_paul-verlaine-1891,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_polish-philosopher-j-zef-hoene-wro-ski-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-de-gabrielle-vallotton-1908,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-american-french-language-poet-stuart-merrill-1898,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-arthur-rimbaud-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-baudelaire-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-poet-mile-verhaeren-1896,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-symbolist-poet-max-elskamp-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-writer-george-eekhoud-1896,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-belgian-writer-poet-and-playwright-maurice-maeterlinck-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-berlioz-1902,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-communard-auguste-vermorel-1897,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-communard-eug-ne-varlin-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-communard-raoul-rigault-1897,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-danish-writer-peter-nansen-1897,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-dutch-writer-multatuli-1896,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-english-writer-and-illustrator-aubrey-beardsley-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-fortun-henry-1897,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-bishop-georges-darboy-1897,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-general-and-politician-joseph-vinoy-1897,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-pacifist-and-esperantist-gaston-moch-1898,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-painter-l-on-pourtau-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-philosopher-and-historian-hippolyte-taine-1897,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-albert-samain-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-and-dandy-robert-de-montesquiou-1898,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-francis-viel-griffin-1898,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-gustave-kahn-1896,"[8.0, 1.0, 4.0, 2.0, 6.0, 6.0, 1.0, 10.0, 7.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-jehan-rictus-1898,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-jules-laforgue-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-laurent-tailhade-1896,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-le-comte-de-lautr-amont-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-phra-m-mikha-l-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-pierre-quillard-1896,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-saint-pol-roux-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-poet-tristan-corbi-re-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-politician-l-on-blum-1900,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-albert-aurier-1898,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-alfred-vallette-1898,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-and-playwright-alfred-jarry-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-and-poet-adolphe-rett-1898,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-and-poet-henri-de-r-gnier-1898,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-andr-ferdinand-herold-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-andr-fontainas-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-andr-gide-1898,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-auguste-villiers-de-l-isle-adam-1898,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-camille-mauclair-1898,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-douard-dujardin-1898,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-ernest-hello-1898,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-f-lix-f-n-on-1898,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-francis-jammes-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-francis-poictevin-1898,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-henri-mazel-1898,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-henry-bataille-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-hugues-rebell-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-jean-lorrain-1898,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-joris-karl-huysmans-1898,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-jules-renard-1898,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-l-on-bloy-1898,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-louis-dumur-1896,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-marcel-boulenger-1899,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-maurice-barr-s-1898,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-octave-uzanne-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-paul-adam-1896,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-paul-claudel-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-paul-fort-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-rachilde-1898,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-ren-ghil-1898,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-stendhal-1897,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-stendhal-1897-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-victor-barrucand-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writer-victor-charbonnel-1898,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-french-writers-jules-et-edmond-de-goncourt-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-henry-david-thoreau-1896,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-jean-ajalbert-1899,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-jean-mor-as-1898,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-juliette-lacour-model-1886,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-madame-hasen-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-matilde-serao-1891,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-pierre-lou-s-1898,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-russian-philosopher-nikolai-konstantinovich-mikhailovsky,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-russian-writer-vladimir-galaktionovich-korolenko,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portrait-of-the-artist-s-brother-with-hat-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_portuguese-poet-jo-o-de-deus-1895,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_portuguese-writer-and-poet-eug-nio-de-castro-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_poster-ah-la-p-la-p-la-pepini-re-1898,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_russian-anarchist-and-philosopher-mikhail-bakunin-1895,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_russian-political-writer-alexander-herzen-1895,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_self-portrait-1895,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_self-portrait-1895-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_st-phane-mallarm,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_street-scene-1895,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_street-scene-1895-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_the-anarchist-1892,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_the-beautiful-sunday-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_the-brawl-at-the-scene-or-cafe-1892,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_the-compelling-reason-1898,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,felix-vallotton_the-good-market-triptych-1898,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,felix-vallotton_the-manifistation-1893,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_the-matterhorn-matterhorn-1892,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,felix-vallotton_universal-suffrage-1902,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_a-day(1),"[1.0, 1.0, 4.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_adoration,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_ahasver-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_at-the-foot-of-the-petit-saleve-1893,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_border-woman-figure-in-blue-gwand-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_cavalryman-striding-a-horse-1908,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_character-study,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_character-study-1906,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_dying-warrior-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_emotion-1900,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_floraison,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_forest-brook-at-leissingen-1904,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_forest-stream-at-champery-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_forest-with-a-mountain-stream-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_girl-at-the-window-1890,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_giulia-leonardi-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_hilly-landscape-with-ravens-in-the-bernese-oberland-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_jena-students-depart-for-the-war-of-liberation-1813-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_jenenser-student-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_joyous-woman,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_jungfrau-and-silverhorn-as-seen-from-murren,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_lumberjack-1910,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,ferdinand-hodler_night-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-berthe-jacques-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-berthe-jacques-wife-of-the-artist-1894,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-general-ulrich-wille-1915,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-general-ulrich-wille-1916,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-georges-navazza-1916,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-gertrud-mueller,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-gertrud-muller,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-giulia-leonardi-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-james-vibert-1915,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-madame-de-r-1898,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-sculptor-james-vibert,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-of-willy-russ-1911,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_portrait-study-to-look-into-the-infinity-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_pulling-soldiers-1908,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_pulling-soldiers-1908-1,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_pulling-soldiers-1908-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_reading-man,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_rhythmic-landscape-on-lake-geneva-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_running-women-1895,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait-1912,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait-1912-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait-1916,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait-1916-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait-1916-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_self-portrait-with-roses-1914,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_spring-1901,"[3.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_standing-female-figure-in-a-blue-dress,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_student-appealing-his-tunic-1909,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_study-of-self-portrait-1916,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_study-of-self-portrait-1916-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_swearing-from-behind,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-front,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-left,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-right,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-right-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_swearing-to-the-right-2,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-breithorn,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-consecrated-one,"[1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-dream-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-fall-in-silvaplana-1907,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-forest-near-reichenbach-1903,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-german-students-in-the-war-of-liberation-of-1813-1908-2,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-halberdier-1895-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-lady-of-the-isenfluh-1902,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-lake-1911,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-lake-geneva-from-chexbres-1898,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-lake-geneva-from-lausanne-1912,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-life-of-weary-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-orator,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-reaper-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-river-aare-in-solothurn-1915,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-truth-1903,"[2.0, 4.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-woodman-1910,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-working-mower-1909,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_the-wounded-standard-bearer-hans-baer-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_thirteen-standing-draped-figures,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-1904,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-1910-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-evening,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_thun-stockhornkette-in-clouds,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_transfiguration,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_two-swearing,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_unity,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_unity-1911,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_valentine-gode-darel-in-hospital-bed-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_valentine-gode-darel-with-disheveled-hair-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_view-into-infinity,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_view-of-the-horn-of-fromberg-from-reichenbach-1903,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_walking-at-the-forest-edge-1885,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_weisshorn-of-montana-1915,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_wetterhorn,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_what-are-flowers-saing-1893,"[2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_woman-in-ecstasy-1911,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_worship,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ferdinand-hodler_young-man-standing-on-a-hill,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ferdinand-hodler_youth-admired-by-women,"[7.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,filipp-malyavin_a-girl-1903,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,filipp-malyavin_a-girl-1903-1,"[0.0, 5.0, 0.0, 2.0, 0.0, 2.0, 37.0, 3.0, 2.0]"
+Art_Nouveau_Modern,filipp-malyavin_a-peasant-woman-with-a-patterned-headscarf,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,filipp-malyavin_a-peasant-women-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,filipp-malyavin_a-rich-peasant,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,filipp-malyavin_danae,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,filipp-malyavin_nude-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,filipp-malyavin_peasant-girl-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,filipp-malyavin_peasant-girl-knitting-a-stocking-1895,"[0.0, 4.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,filipp-malyavin_portrait-of-alexandra-balashova-1924,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,filipp-malyavin_portrait-of-artist-s-family-1911,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,filipp-malyavin_self-portrait,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,filipp-malyavin_turks,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,filipp-malyavin_verka-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,filipp-malyavin_whirlwind-1906,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,frank-johnston_autumn-algoma,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,frank-johnston_c-flight-machine-cracked-on-hangar-b-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,frank-johnston_fire-swept-algoma-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Art_Nouveau_Modern,frank-johnston_moose-pond-1918,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,frank-johnston_patterned-hillside-1918,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,frank-johnston_the-dark-woods-interior-1921,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,frank-johnston_the-fire-ranger-1920,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,frank-johnston_what-greets-the-eye-when-you-look-back-at-the-pilot-1918,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_a-grey-day-1928,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 2.0, 3.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_a-northern-silver-mine-1930,"[2.0, 3.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_autumn,"[0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_autumn-hillside-1920,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_autumn-in-orillia-1924,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,franklin-carmichael_autumn-in-the-northland,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_autumn-splendor,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_bay-of-islands-1930,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_bisset-farm-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_cranberry-lake-1938,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_frood-lake-1939,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,franklin-carmichael_grace-lake-1934,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_island-georgian-bay,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_jackknife-village-1926,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_la-cloche-1939,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_la-cloche-panorama-1939,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_lake-wabagishik-1928,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_light-and-shadow-1937,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,franklin-carmichael_mirror-lake-1929,"[0.0, 3.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_north-shore-lake-superior-1927,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,franklin-carmichael_october-gold-1922,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_scrub-oaks-and-maples-1935,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_shadows,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,franklin-carmichael_snow-flurries-north-shore-of-lake-superior,"[0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franklin-carmichael_waterfalls-on-the-way-into-nellie-lake,"[0.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,frantisek-kupka_bather-1906,"[2.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,frantisek-kupka_boudoir-scene-1903,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,frantisek-kupka_crimson-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,frantisek-kupka_front-cover-of-the-la-libert-issue-from-l-assiette-au-beurre-1906,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,frantisek-kupka_lying-naked-gabrielle-1898,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,frantisek-kupka_the-crowning-of-helen-1906,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,frantisek-kupka_the-wave-1902,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 5.0, 1.0, 0.0]"
+Art_Nouveau_Modern,frantisek-kupka_yellow-spectrum-1907,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 3.0]"
+Art_Nouveau_Modern,franz-stuck_amazon-on-horseback-1897,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franz-stuck_cupid-at-the-masked-ball,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,franz-stuck_eberswalde-amazone,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,franz-stuck_orpheus-1891,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,franz-stuck_poster-for-the-international-hygiene-exhibition-1911-in-dresden-1911,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franz-stuck_salome-1906,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,franz-stuck_salome-1906-1,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,franz-stuck_wounded-amazon-1904,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,georges-lemmen_exhibition-poster-for-la-libre-esth-tique-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,georges-lemmen_poster-for-la-maison-moderne-paris,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,gustav-klimt_adam-and-eva-unfinished-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_adele-bloch-bauer,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_after-the-rain-garden-with-chickens-in-st-agatha,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_allegory-of-sculpture,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_amalie-zuckerkandl-1918,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_apple-tree-i,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_apple-tree-ii,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_avenue-of-schloss-kammer-park,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_baby-1918,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_blooming-field,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_buchenhain,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_cartoon-for-the-frieze-of-the-villa-stoclet-in-brussels-fulfillment-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_cartoon-for-the-frieze-of-the-villa-stoclet-in-brussels-right-part-of-the-tree-of-life-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_chruch-in-cassone,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_chruch-in-unterach-on-the-attersee,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_country-garden-with-sunflowers-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_country-house-by-the-attersee,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_danae-1908,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_death-and-life-1916,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_death-and-life-1916-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_design-for-a-theater-curtain,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_design-for-the-stocletfries,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_draft-of-a-theater-curtain,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_expectation-1909,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_farm-garden-with-crucifix-1912,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_farmhouse-in-upper-austria-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_farmhouse-with-birch-trees-1903,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_farmhouses-with-birch-trees,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_female-nude,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_fir-forest-i,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_flower-garden-1907,"[2.0, 5.0, 29.0, 5.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_fredericke-maria-beer,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_fruit-trees-1901,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_garden-with-roosters,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_hope-ii-1908,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_horticultural-landscape-with-a-hilltop,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_houses-at-unterach-on-the-attersee,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_hygeia-detail-of-medicine-1907,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_italian-horticultural-landscape,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_januar,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_judith-and-holopherne-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_judith-ii-salome-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_jurisprudence-final-state-1907,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_kneeling-male-nude-with-sprawled-out-arms-male-torso,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_lady-with-fan-1918,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_lady-with-hat-and-featherboa,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_landscape-garden-meadow-in-flower,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_malcesine-on-lake-garda(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_medicine-final-state-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_minerva-or-pallas-athena,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_music,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_musik-lithograph-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_not_detected_191524-1918,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_nuda-veritas,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_ode-to-klimt,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_park-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_pear-tree-1903,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_philosophy-final-state-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_poppy-field,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-adele-bloch-bauer-i(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-adele-bloch-bauer-ii-1912,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-baroness-elisabeth-bachofen-echt-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-eugenia-primavesi,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-fritza-riedler,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-johanna-staude-1918,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-joseph-pembauer,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_portrait-of-maria-munk-unfinished-1918,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_poster-for-the-first-art-exhibition-of-the-secession-art-movement,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_reclining-nude-lying-on-her-stomach-and-facing-right,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_roses-under-the-trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_schloss-kammer-am-attersee-ii-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_schloss-kammer-on-the-attersee-iv,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_sculpture,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_standing-woman-in-kimono-dame-im-kimono-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_study-for-philosophy-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_the-beethoven-frieze-the-hostile-powers-far-wall,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_the-beethoven-frieze-the-hostile-powers-left-part-detail,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-beethoven-frieze-the-longing-for-happiness-finds-repose-in-poetry-right-wall,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-beethoven-frieze-the-longing-for-happiness-finds-repose-in-poetry-right-wall-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,gustav-klimt_the-beethoven-frieze-the-longing-for-happiness-left-wall,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-bride-unfinished-1918,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_the-dancer-1918,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-golden-knight,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_the-house-of-guardaboschi,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-kiss-1908(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-old-burgtheater-1889,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-schloss-kammer-on-the-attersee-iii-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_the-sunflower-1907,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_the-three-ages-of-woman-1905,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-tree-of-life-stoclet-frieze,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_the-virgin-1913,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_the-women-friends-1917,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_tragedy,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_untitled,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_water-castle,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,gustav-klimt_water-snakes-ii,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,gustav-klimt_watersnakes-1907,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_a-day-out-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_admiral-viaud-1901,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_alfred-la-guigne-1894,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_alone-elles-1896,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_ambassadeurs-aristide-bruant-in-his-cabaret-1892,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_ambroise-thomas-assistant-at-a-rehearsal-of-francoise-de-rimini-1896,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-star-le-havre-miss-dolly-english-singer-1899,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-circus-horse-and-monkey-dressage-1899,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-circus-the-animal-trainer-1899,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-concert-1896,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-foot-of-the-scaffold-1893,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-moulin-rouge-la-goulue-with-her-sister-1892,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-music-hall-loie-fuller-1892,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-nouveau-cirque-the-dancer-and-five-stuffed-shirts-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_at-the-opera-ball-1893,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_babylon-german-by-victor-joze,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_ballet-de-papa-chrysanth-me-1892,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_cadieux-1893,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_carnot-malade-cannot-ill-a-song-sung-at-the-chat-noir-1893,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_chocolat-dancing-in-the-irish-and-american-bar,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_cissy-loftus-1894,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_confetti-1894,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_conversation-1899,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_couverture-for-elles,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_coverage-of-the-original-print-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_craftsman-modern,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_dancer-adjusting-her-tights-1890,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_dancing-at-the-moulin-rouge-1897,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_dawn-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_debauchery-second-floor-1896,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_dinner-menu-at-may-belfort-s-18-rue-clapeyron,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_divan-japonais-1893,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_edmee-lescot-in-spanish-dancer-edmee-lescot-have-a-spanish-dancer,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_entry-of-cha-u-kao,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_extra-in-the-folies-bergere-revue-1896,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_first-comunion-1888,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_folies-bergere-brothers-marco,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_gala-at-the-moulin-rouge-1894,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_horsemen-riding-in-the-bois-de-boulogne-1888,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_horsewoman-1899,"[6.0, 7.0, 20.0, 8.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_in-moulin-rouge,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_in-the-bois-1897,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_in-the-wings-at-the-folies-berg-re-1896,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_is-it-enough-to-want-something-passionately-the-good-jockey-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril-1893-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril-dancing-1892,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_jane-avril-seen-from-the-back-1893,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_jardin-de-paris-may-belfort-plakat-1883,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-charrette-anglaise-the-english-dog-cart-1897,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-gitane-the-gypsy-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-goulue-and-paul-lescau-1894,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-goulue-and-valentin-waltz,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_la-revue-blanche-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_les-ambassadeurs-aristide-bruant-and-his-cabaret-1892,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_m-lender-sitting-1895,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_m-praince-1893,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_mademoiselle-marcelle-lender-standing-1895,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_marcelle-lender-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_mary-hamilton,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_may-milton-1895,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-eglantine-troupe,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-loie-fuller,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-may-belfort-1895-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-may-belfort-welcoming-1895,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_miss-may-milton-from-le-rire,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_moulin-rouge-l-union-franco-russian,"[5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_moulin-rouge-la-goulue-1891,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_nude-girl-1893,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_polaire,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_reine-de-joie-1892,"[0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_skating,"[3.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_skating-professional-beauty-mlle-liane-de-lancy-at-the-palais-de-glace-1896,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_snobisme,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_tauromaquia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-ambassadors-in-concert-cafe,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-ball-1880,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-ballet-papa-chrysanthemem-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-beauty-and-the-beast-the-bezique-1895,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-box-with-the-guilded-mask-1893,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-cartwheel-1893,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-chatelaine-the-tocsin-1895,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-coastal-bus-company-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-englishman-at-the-moulin-rouge-1892,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-flower-seller-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-goulue-and-valentin-the-boneless-one-1891,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-journal-white-poster-1896,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-last-drop-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-little-trottin,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-mad-cow,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-motograph-1898,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-passenger-in-cabin-54-1896,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-photagrapher-sescau-1894,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-sailor-s-sopng-at-the-star-le-havre-1899,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_the-terror-of-the-grenelle-grenelle,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_they,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-cha-u-kao-chinese-clown-seated-1896,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-woman-in-bed-profile-getting-up-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-woman-looking-into-a-hand-held-mirror-1896,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_they-woman-with-a-tub-1896,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_troupe-de-mlle-elegantine-affiche-1896,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_woman-fastening-a-corset-them-passing-conquest-1896,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_your-mouth,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1893-1,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1894,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-1895,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,henri-de-toulouse-lautrec_yvette-guilbert-taking-a-curtain-call-1894,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_100-karbovanets-of-the-ukrainian-national-republic-avers-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_100-karbovanets-of-the-ukrainian-national-republic-revers-1917,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_100-karbovanets-of-the-ukrainian-state-avers-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Art_Nouveau_Modern,heorhiy-narbut_100-karbovanets-of-the-ukrainian-state-revers-1918,"[1.0, 10.0, 14.0, 4.0, 0.0, 0.0, 0.0, 3.0, 16.0]"
+Art_Nouveau_Modern,heorhiy-narbut_akta-narbutorum-cover-sheet-with-the-image-of-the-founders-of-the-narbut-family-1918,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_allegory-of-1916-chronos-1916,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_allegory-of-the-destruction-of-the-cathedral-at-reims-1916,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_church-of-the-nativity-of-the-blessed-virgin-in-the-village-khokhlovka-chernigov-region-1912,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cossack-and-the-germans,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-for-the-book-the-crane-and-heron-bear-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-for-the-book-the-russian-red-cross-1867-1917-1917,"[0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-album-ukrainian-alphabet-1917,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-fairy-tales-teremok-mizgir-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-magazine-art-1919,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-magazine-art-1920,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-magazine-our-past-1918,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-nightingale-by-hans-christian-andersen-1912,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-the-project-of-the-large-coat-of-arms-of-the-ukrainian-state-1918,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-three-fables-of-krylov-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-volodymyr-narbut-s-book-hallelujah-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_cover-of-wooden-eagle-1909,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_design-of-five-hundred-hryvnias-bill-of-the-ukrainian-national-republic-avers-1918,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,heorhiy-narbut_design-of-five-hundred-hryvnias-bill-of-the-ukrainian-national-republic-revers-1918,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_design-of-hundred-hryvnias-bill-1918,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_design-of-ten-hryvnias-bill-of-the-ukrainian-national-republic-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_design-of-two-thousand-hryvnias-bill-of-the-ukrainian-national-republic-avers-1918,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,heorhiy-narbut_family-coat-of-arms-of-narbut-family-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_front-page-of-apollo-magazine-1916,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_front-page-to-three-fables-of-krylov-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_galicia-governorate-coat-of-arms-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_grasshopper-in-front-a-house-of-cards-1913,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-4,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-5,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-6,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-fairy-tales-teremok-mizgir-1910-7,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-aeneid-by-i-kotlyarevsky-1919,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-alexander-pushkin-s-poem-ruslan-and-ludmila-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-2,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-3,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-4,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-how-mice-buried-the-cat-by-zhukovsky-1910-5,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-of-b-dix-toys-1911,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-for-the-book-of-b-dix-toys-1911-1,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-ivan-krylov-s-fable-the-ant-and-the-dragonfly-1912,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-1,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-2,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-3,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-nightingale-by-hans-christian-andersen-1912-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-1,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1906-4,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-crane-and-heron-bear-1907-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-fairy-tale-the-war-of-mushrooms-1909,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-fairy-tale-the-war-of-mushrooms-1909-1,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-the-song-of-roland-1903,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-three-fables-of-krylov-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-three-fables-of-krylov-1911-1,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-three-fables-of-krylov-1911-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-volodymyr-narbut-s-poem-before-the-easter-1919,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-2,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-3,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-5,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-6,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_illustration-to-wooden-eagle-1909-7,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_landscape-with-a-comet-1910,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_old-ukraine-bandura-player-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_organ-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_playing-cards-1917,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_playing-cards-1917-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_playing-cards-1917-2,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_playing-cards-1917-3,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_poetry-headpiece-to-magazine-art-1919,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_portrait-of-b-khmelnitsky,"[0.0, 3.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_roses-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,heorhiy-narbut_self-portrait-conversation-of-narbut-and-l-grabuzdov-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_self-portrait-with-family-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-a-from-the-album-ukrainian-alphabet-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-a-from-unpublished-ukrainian-alphabet-1919,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-b-from-the-album-ukrainian-alphabet-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-b-from-the-album-ukrainian-alphabet-1919,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-ch-from-the-album-ukrainian-alphabet-1917,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-f-from-the-album-ukrainian-alphabet-1917,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-i-from-the-album-ukrainian-alphabet-1917,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-k-from-the-album-ukrainian-alphabet-1917,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-l-from-the-album-ukrainian-alphabet-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-m-from-the-album-ukrainian-alphabet-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-n-from-the-album-ukrainian-alphabet-1917,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-o-from-the-album-ukrainian-alphabet-1917,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-s-from-the-album-ukrainian-alphabet-1917,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-v-from-the-album-ukrainian-alphabet-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-v-from-unpublished-ukrainian-alphabet-1919,"[23.0, 4.0, 2.0, 6.0, 1.0, 0.0, 14.0, 1.0, 3.0]"
+Art_Nouveau_Modern,heorhiy-narbut_sheet-z-from-the-album-ukrainian-alphabet-1917,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,heorhiy-narbut_small-coat-of-arms-the-ukrainian-state-1918,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,heorhiy-narbut_the-arms-of-hetman-cyril-razumovsky-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Art_Nouveau_Modern,heorhiy-narbut_urinating-dog-1918,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_a-street-in-cairo-1921(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_advertisement-of-the-new-bavaria-beer-1903(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_alyosha-popovich-1902(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_andrew-shooter-and-strelchiha-1900(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_archangel-michael-mosaic-on-the-north-side-of-the-church-of-the-virgin-uspeniya-in-olshany(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_archer(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_as-the-germans-let-out-a-bolshevik-to-russia-1917(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_at-the-well-1901(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_baba-yaga-illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_big-pine-1929(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_bird-alkonost-1905(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_bird-of-paradise-sirin-1905(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_blessing-of-the-knight-1920(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_bogatyr-volga-illustration-for-the-epic-volga-1903(1),"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_book-cover-alexander-pushkin-s-tales-1900(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_boris-and-gleb(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_boy-fellah-1923(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_boyar-costume-design-for-the-opera-boris-godunov-by-modest-mussorgsky(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_boyar-costume-design-for-the-opera-boris-godunov-by-modest-mussorgsky-1(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_cake-city-1912(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_cave-finn-opera-ruslan-and-lyudmila-1900(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_chernomor-s-gardens-sketches-of-scenery-for-mikhail-glinka-s-ruslan-and-ludmilla-1913(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_christmas-and-other-holy-scene-of-the-life-of-jesus-christ-and-virgin-mary-sketch-of-murals-for(1),"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_churilo-plenkovich-1902,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_complimentary-ticket-to-a-solo-exhibition-by-ivan-bilibin-at-alexandria-1924(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_concert-poster(1),"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-ballet-firebird-by-igor-stravinsky-1931(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-drama-of-lope-de-vega-s-fuente-ovejuna-1911(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-fairytale-of-the-tsar-saltan-by-nikolai-rimsky-korsakov-1936(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-legend-of-the-invisible-city-of-kitezh-and-maiden-fevronia-by-1934(1),"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-prince-igor-by-alexander-borodin-1929(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-prince-igor-by-alexander-borodin-1930(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-prince-igor-by-alexander-borodin-1930-1(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1908(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1908-1(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1909(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_costume-design-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1909-1(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_courtyard-of-al-azhar-mosque-and-university-complex-in-cairo-1900(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_cover-a-series-of-poetry-publishing-rosehip-1906(1),"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_cover-for-the-collection-of-fairy-tales-1903(1),"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_cover-for-the-collection-of-russian-folk-tales-1900(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_cover-of-art-of-printing-1900(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_crane-1900(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_creek-1917(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_creek-in-winter-1915(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_crimea-baidar-valley-1918(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_crimea-batiliman-1940(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_crimea-batiliman-1940-1(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_crimea-koktebel-1939(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_crimea-koktebel-1939-1(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_crimea-mountains-1916(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_crimea-old-juniper-1918(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_deer-stalking-1931(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_dobrynya-nikitich-1902(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_donkey-illustration-for-the-magazine-bogey-1906(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_drawing-from-the-album-1910(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_drawing-from-the-magazine-world-of-art-1900(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_egypt-pyramids-1924(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_falcon-illustration-for-the-epic-volga-1927(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_father-frost-and-the-step-daughter(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_feast-of-prince-vladimir-1902(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_fellah-1922(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_fragment-of-cover-1900(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_fragrances-russian-boyars-partnership-palle-co-1900(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_france-view-from-the-window-of-the-cottages-1935(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_great-ustyug(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-a-poem-walls-of-cain-by-vyacheslav-ivanov-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-1(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-2(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-3(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-4(1),"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-5(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905-6(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1937(1),"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-george-kennan-s-book-siberia-and-the-exile-1906(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-russian-magazines-1903(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-book-living-word-1907(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-book-russian-school-of-painting-illustration-for-the-epic-sadko-a-rich-1907(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-book-under-the-arches-1907(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-dobrynya-nikitich-and-zmey-gorynych-1941(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-duke-stepanovich(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-exile-khan-batygi-1941(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-ilya-muromets-and-nightingale-the-robber-1940(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-ilya-muromets-and-svyatogor-1940(1),"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-ilya-muromets-and-svyatogor-s-wife-1912(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-1902(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-1904(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-and-mikula-1913(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-epic-volga-and-mikula-1940(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-1(1),"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-2(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-3(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-1900-4(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairy-tale-vasilisa-the-beautiful-2(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-fox-sister-1935(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-go-there-do-not-know-where-bring-it-i-do-not-know-what-1935(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-magic-carpet(1),"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-sinbad-the-sailor(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-fairytale-white-duck-1902(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-front-cover-of-the-book-in-the-series-tales-1899(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-historical-revolutionary-almanac-of-publisher-rosehip-1906(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-literary-almanac-of-publisher-rosehip-1907(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-art-treasures-of-russia-1903(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-bogey-1905(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-education(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1906(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1906-1(1),"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1906-2(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-magazine-golden-fleece-1907(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-ruslan-and-lyudmila-by-alexander-pushkin-1917(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-ruslan-and-lyudmila-by-alexander-pushkin-1918(1),"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin-1(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin-1908(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-fisherman-and-the-fish-by-alexander-pushkin-1908-1(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin(1),"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906(1),"[0.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906-1(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906-2(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1906-3(1),"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-the-tale-of-the-golden-cockerel-by-alexander-pushkin-1910(1),"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-poem-two-crow-by-alexander-pushkin-1910(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon(1),"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-1(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-1900(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-2(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-3(1),"[0.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-4(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-5(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-feather-of-finist-falcon-6(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-1(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-2(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-3(1),"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-4(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-5(1),"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-6(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-maria-morevna-1900-7(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-salt-1900(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-salt-1931(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901-1(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901-2(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-sister-alyonushka-and-brother-ivanushka-1901-3(1),"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1899(1),"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1899-1(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1899-2,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1901(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1901-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-the-frog-princess-1930(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck(1),"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck-1902(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck-1902-1(1),"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-russian-fairy-story-white-duck-1902-2(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-igor-s-campaign(1),"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-1(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-2(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-5,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-6,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-prince-ivan-the-firebird-and-the-grey-wolf-1899-7,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-of-three-royal-divah-and-the-ivashko-priest-s-son-1911(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_illustration-for-the-tale-wooden-prince-by-alexander-roslavlev-1909(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_ilya-muromets-1902,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_judgement-sketch-of-murals-for-of-the-church-of-the-assumption-in-olshany,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_judgement-sketch-of-murals-for-of-the-church-of-the-assumption-in-olshany-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_judgment-during-the-russian-pravda-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_king-of-the-seas-1911,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_kulikov-battle-1935,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_magazine-cover-bugbear-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_magazine-russian-opera-in-paris-1930,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_merchants-illustration-for-alexander-pushkin-s-fairytale-of-the-tsar-saltan-1905,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_mihajlo-potyk-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_mills,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_monastery-of-st-george-hosevita-palestine-1924,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_moscow-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_mushroom-1900,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_n-medtner-two-tales,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_nice-candy-castle-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_olive-trees-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_palace-of-chernomor-sketches-of-scenery-for-mikhail-glinka-s-ruslan-and-ludmilla-1900,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_pogozero-olonets-province-pudozh-county,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_portrait-of-lyudmila-chirikova-1922,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_postcard-happy-angel-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_postcard-happy-easter-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_poster-historical-exhibition-of-art-objects-in-favor-of-injured-1904,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_poster-of-exhibition-1904,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_poster-of-international-exhibition-in-kazan-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_poster-of-russian-ballet-1930,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_prince-andrew-bogolyubskii-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_prince-ivan-and-the-firebird-illustration-for-the-russian-fairy-story-the-firebird-1901,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_princess-in-the-prison-tower-illustration-of-the-russian-fairy-tale-the-white-duck-1902,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_program-of-the-russian-symphony-concerts-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,ivan-bilibin_provence-pines-on-the-shore-1929,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_red-rider-illustration-for-the-fairy-tale-vasilisa-the-beautiful-1899,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_resurrection-of-christ-the-sketch-for-the-fresco-of-the-church-of-the-assumption-in-olshany-1900,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_rooster-1900,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_russian-folk-art-illustration-for-the-magazine-world-of-art-1904,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_russian-folk-art-illustration-for-the-magazine-world-of-art-1904-1,"[0.0, 1.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sadko-1903,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_saints-boris-and-gleb-on-the-ship,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-boris-godunov-by-modest-mussorgsky-1930,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-legend-of-the-invisible-city-of-kitezh-and-maiden-fevronia-by-nikolai-1929,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-prince-igor-by-alexander-borodin-1930,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1908,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1909-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1909-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-the-golden-cockerel-by-nikolai-rimsky-korsakov-1909-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-opera-the-tsar-s-bride-by-nikolai-rimsky-korsakov-1930,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-spectacle-honor-and-revenge-by-fiodor-sollogub-1908,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-spectacle-honor-and-revenge-by-fiodor-sollogub-1908-1,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketch-for-the-spectacle-the-action-of-theophile-1907,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketches-of-scenery-for-aleksey-verstovsky-s-askold-s-grave-mikhail-glinka-s-ruslan-and-1912,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketches-of-scenery-for-sadko-by-nikolai-rimsky-korsakov-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_sketches-of-scenery-for-sadko-by-nikolai-rimsky-korsakov-1914-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_south-of-france-after-the-storm-1936,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_south-of-france-dunes-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_south-of-france-twilight-1935,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_spring-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_st-prince-vladimir-1926,"[1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_st-prince-vladimir-1926-1,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_st-prince-vladimir-1926-2,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_stepan-razin-1935,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_the-death-of-ivan-the-terrible-1935,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_the-opera-ruslan-and-ludmila-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_the-prince-and-the-frog-1900,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_the-streltsy-uprising-1936,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_tsarevitch-costume-design-for-the-opera-boris-godunov-by-modest-mussorgsky,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-bilibin_underwater-illustration-for-the-epic-volga-1928,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_vologda-girl-in-holiday-dress,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_vologda-girl-in-holiday-dress-1905,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_winter-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-bilibin_wonderful-hero-bova-korolevich-1911,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-bilibin_zmey-gorynych-1912,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-milev_ahinora-1922,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,ivan-milev_ahinora-1925,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-milev_gadular-1926,"[4.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,ivan-milev_king-marko-1926-1,"[1.0, 4.0, 1.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-milev_obruchenie-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,ivan-milev_portrait-of-anna-kamenova-1924,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,ivan-milev_unknown-title,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 7.0, 2.0, 0.0]"
+Art_Nouveau_Modern,ivan-milev_unknown-title-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,ivan-milev_unknown-title-2,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_after-sunset-georgian-bay-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 7.0, 3.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_algoma,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_algoma-waterfall-1920,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_autumn-algoma-1918,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_batchawana-rapid-1920,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_cathedral-peak-lake-o-hara-1927,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_dark-autumn-rocky-mountains-1930,"[0.0, 4.0, 5.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_early-autumn-montreal-river-algoma,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_early-morning-rocky-mountains,"[0.0, 5.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_forest-wilderness-1921,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_lake-mcarthur-yoho-park-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_mist-fantasy,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_mount-lefroy-1932,"[0.0, 3.0, 2.0, 3.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_mountain-snowfall-lake-oesa-1932,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_northland-hilltop-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_october-shower-gleam-1922,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_rowanberries-mountain-ash-algoma-1922,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_seashore-nova-scotia-1923,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_september-snow-on-mount-schaffer-1929,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-beaver-dam-1919,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-elements,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-little-falls-1919,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-little-falls-sketch-1918,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-solemn-land-1921,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-supply-boat-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-tangled-garden-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_the-wild-river-1919,"[0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_valley-and-stream-oesa-trail-lake-o-hara-1930,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_wind-clouds,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,j.-e.-h.-macdonald_young-canada-1922,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_a-woman-in-a-grove-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_allegro,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_angel-and-the-little-shepherd-boy-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_angel-i-will-follow-you-1901,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_art-1903,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_bacchante-portrait-of-maria-bal,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_christ-and-samaritan-woman,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_christ-and-samaritan-woman-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_christ-and-the-samaritan-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_christ-and-the-samaritian-woman,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_christ-before-pilate-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_christ-in-emmaus,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_country-1903,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_death-1902,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_death-1911,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_death-1917,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_destiny-1917,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_elle-death-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_eloe-1909,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_eloe-from-ellenai,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_farewell-to-atelier,"[9.0, 7.0, 7.0, 1.0, 2.0, 3.0, 5.0, 1.0, 10.0]"
+Art_Nouveau_Modern,jacek-malczewski_follow-the-stream-central-part-1910,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_harpy-in-a-dream,"[1.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,jacek-malczewski_hercules-on-the-crossroad,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_in-wells,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_intermezzo,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_law-1903,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_louis-zelenski-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_medusa,"[1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_my-models,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_my-song,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_one-chord,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_passing-on-the-palette,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_poisoned-well-chimera,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_poisoned-well-ii,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_poisoned-well-iii,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_poisoned-well-iv,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_polish-hector,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_polonia-1914,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_polonia-1918,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_polonia-ii-1914,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-adam-asnyk-with-a-muse-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-aleksander-wielopolski-1903,"[2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-edward-raczynski,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-erazm-baracz-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-feliks-jasienski,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-j-zef-pi-sudski-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-jan-kasprowicz-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-stanislaw-bryniarski,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-stanislaw-bryniarski-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-tadeusz-b-otnicki-with-medusa-1902,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-the-artist-s-fiance,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-w-adys-aw-ele-ski-1908,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-waclaw-karczewski-1906,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_portrait-of-wladyslaw-reymont,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,jacek-malczewski_pythia-1917,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-1,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-in-an-armour,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-in-armour-1914,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-in-white-dress,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-vistula-river-behind,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-with-death,"[0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-with-hyacinth,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-with-pisanka,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-with-skull,"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 4.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_self-portrait-with-the-muses,"[1.0, 4.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_spring,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_st-john-and-salome,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_study-of-a-woman-by-the-window,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_sunflowers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_thanatos-1899,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-court,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-gardener,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-model,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-resurrection-immortality,"[0.0, 3.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-story-of-a-song-portrait-of-adam-asnyk-1899,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 5.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-tribute-money-triptych-left,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-tribute-money-triptych-middle,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_the-tribute-money-triptych-right,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_three-heads-faith,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,jacek-malczewski_three-heads-hope,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jacek-malczewski_three-heads-love,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_tobiah-and-the-fates,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacek-malczewski_vision,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jacques-villon_bibi-shining-shoes-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,jacques-villon_comedy-of-society-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,jacques-villon_la-parisienne-1904,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,jacques-villon_spanish-dancer-danseuse-espagnole-1899,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jacques-villon_the-cricket-american-bar-le-grillon-american-bar-1899,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacques-villon_the-game-of-solitaire-1904,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jacques-villon_the-parisian-1902,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jan-toorop_arnhem-life-insurance-company,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,jan-toorop_cover-for-a-dream-by-henri-borel-1899,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jan-toorop_cover-for-babel-by-louis-couperus-1901,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jan-toorop_cover-for-god-en-goden-by-louis-couperus-1903,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jan-toorop_cover-for-metamorphosis-by-louis-couperus-1897,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jan-toorop_cover-for-psyche-by-louis-couperus-1898,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jan-toorop_delft-salad-oil-1893,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jan-toorop_song-of-the-times-1893,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jan-toorop_the-desire-and-the-satisfaction-1893,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Art_Nouveau_Modern,jan-toorop_the-shipwreck-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,jan-toorop_wall-decoration-for-beurs-van-berlage-caf,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,john-french-sloan_hot-wave-puzzle-illustration-for-philadelphia-press-1900,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,john-french-sloan_poster-and-cover-for-february-15-1896-the-echo,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,john-french-sloan_snake-charmer-puzzle,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jose-de-almada-negreiros_a-s-tira-1911,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jose-de-almada-negreiros_capa-da-revista-contempor-nea-1915,"[11.0, 7.0, 20.0, 6.0, 1.0, 0.0, 0.0, 3.0, 5.0]"
+Art_Nouveau_Modern,jose-de-almada-negreiros_figurines-for-cunha-taylors-1913,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jose-de-almada-negreiros_revista-contempor-nea-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_aunt-manci-1913,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_busy-city-scene-1914,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_christmas-1910,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_girl-with-cage-1892,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_lady-with-black-veil-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_lajos-und-odon-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_mansion-at-geszt-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_merse-portrait-1911,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_my-grandmother-1894,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_my-parents-after-fourty-years-of-marriage-1897,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_painting-for-the-schiffer-villa-1911,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_shivering-girl-with-a-blue-ring,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_terka-linzer-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_woman-with-a-chinese-cup-1920,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jozsef-rippl-ronai_zorka-b-nyai-in-a-black-dress-1911,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jules-cheret_alcazar-d-te-lidia-1893,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_aperitif-mugnier-dijon-1894,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_arlette-dorg-re-1890,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jules-cheret_bagn-res-de-luchon-f-tes-des-fleurs-1890,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_cacao-lhara-1890,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_casino-d-enghien-1896,"[4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_casino-de-paris-camille-st-fani-1891,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_concert-des-ambassadeurs-champs-lys-es-1900,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_exposition-universelle-1889-le-pays-des-fe-s-1889,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jules-cheret_folies-berg-res-emilienne-d-alen-on-1900,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jules-cheret_folies-berg-res-fleur-de-lotus-1893,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_hippodrome-de-la-porte-maillot-paris-courses-1900,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_hippodrome-leona-dare-1883,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_humber-cycles-1896,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_jardin-de-paris-f-te-de-nuit-bal-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jules-cheret_l-amant-des-danseuses-roman-moderniste-par-f-licien-champsaur-1888,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jules-cheret_l-aureole-du-midi-p-trole-de-suret-1900,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_l-etendard-fran-ais-quai-d-orsay-bicycle-shop-1891,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_le-punch-de-grassot-1890,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_moulin-rouge-paris-cancan-1890,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jules-cheret_pan-a-journal-of-satire-1900,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jules-cheret_pippermint-get-fr-res-1900,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_quinquina-dubonnet-1895,"[2.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_recoloration-des-cheveux-par-l-eau-des-sir-nes-1900,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_saxol-ine-p-trole-de-suret-1895,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_saxol-ine-p-trole-de-suret-1900,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,jules-cheret_taverne-olympia-restaurant-1896,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_th-tre-de-l-op-ra-carnaval-1894-1894,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_th-tre-de-l-op-ra-carnaval-1896-grand-veglione-de-gala-1896,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_vin-mariani-1894,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jules-cheret_yvette-guilbert-1891,"[2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,jury-annenkov_a-buccaneer-on-the-seashore-stage-set-1921,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,jury-annenkov_costume-design-for-an-officer-with-a-gun,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,jury-annenkov_russian-ballet-irina-grzhebina-1950,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_a-snowdrift-carried-them-away,"[0.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_catskin,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_east-of-the-sun-and-west-of-the-moon-1914-3,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_elder-mother-tree,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_fisherman-and-his-wife,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_frog-bride,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_goosegirl,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_hansel-and-gretel,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,kay-nielsen_hold-tight-to-my-shaggy-coat,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912,"[16.0, 1.0, 16.0, 6.0, 0.0, 1.0, 1.0, 1.0, 3.0]"
+Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912-1,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912-2,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_in-powder-and-crinoline-1912-3,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_in-the-midst-of-the-gloomy-thick-wood,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_juniper-tree,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_old-luk-oie,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_on-the-way-to-the-dance,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_rosebud,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_rumplestiltskin,"[13.0, 13.0, 10.0, 3.0, 0.0, 1.0, 1.0, 0.0, 10.0]"
+Art_Nouveau_Modern,kay-nielsen_six-swans,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_snow-queen,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_snow-queen-1,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_snowdrop,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_standing-in-the-earth-up-to-their-necks,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_tell-me-the-way-then,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-flying-trunk,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-hardy-tin-solder,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-man-who-never-laughed,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-nightingale,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-princess-and-the-pea,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_the-shadow,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-story-of-a-mother,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-swineherd,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-tinder-box,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-unicorn-valiant-little-tailor,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_the-wolf-is-waiting,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,kay-nielsen_they-pulled-up-the-princesses,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,kay-nielsen_two-brothers,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_a-crouching-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_a-decorative-stain-in-red-and-green-1897,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_a-modern-tantalus-illustration-for-meggendorfer-leaves,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_allegory-of-ver-sacrum-sketch-of-illustration-to-ver-sacrum-101-1898-p-1-1897,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_am-steinhof-church-colored-sketch-of-south-window,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_am-steinhof-church-design-for-the-left-side-altar-our-lady-of-mercy-1904,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_am-steinhof-church-design-for-the-right-side-altar-guardian-angel-1904,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_am-steinhof-church-design-for-the-rise-window,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_am-steinhof-church-mosaic-design-for-the-main-altar-1905,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_animal-motif-for-a-picture-book,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_animal-motif-for-a-picture-book-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_backhausen-interior-texiles-1899,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_backhausen-interior-texiles-1899-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_backhausen-interior-texiles-for-the-bristol-hotel-in-bolzano-1898,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_backhausen-interior-texiles-for-the-bristol-hotel-in-bolzano-1898-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_book-cover-of-austrian-art-of-the-xix-century-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_catalogue-of-the-austrian-exhibition-in-london-1906,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_character-study-of-venus-in-the-grotto,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_church-am-steinhof-design-for-the-east-side-windows-1905,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_church-am-steinhof-drawing-of-the-angel-in-the-left-side-window-1905,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_church-am-steinhof-drawing-of-western-window,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_cover-design-for-ewart-felicie-jugendschatz-german-seals-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_cover-design-for-meggendorfer-leaves,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_cover-design-of-the-first-publication-of-the-association-of-austrian-artists-secession-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,koloman-moser_cyclamen-1907,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_daghestan-rug-design-bubbles-for-backhausen-1899,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_dancer-1903,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_dancer-1903-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_dancer-miss-olga-george-1911,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_danube-waves-1901,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-a-stage-decoration,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-10-heller-porto-brand-of-austrian-post-in-the-levant-not-issued,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-1102-piastres-porto-brand-of-austrian-post-in-the-levant-not-issued,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-anniversary-card-korrespodenz-vienna-edition-1908,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-anniversary-stamp-austrian-with-empress-maria-theresa-1908,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-anniversary-stamp-with-austrian-emperor-francis-i-1908,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-anniversary-stamp-with-austrian-emperor-franz-joseph-1908,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-anniversary-stamp-with-austrian-emperor-franz-joseph-1908-1,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-anniversary-stamp-with-austrian-emperor-joseph-ii-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-austrian-jubilee-stamp-with-view-of-the-vienna-hofburg-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-bill-of-50-crowns-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-bill-of-50-crowns-1911,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_design-for-the-fabric-1902,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_design-of-100-crowns-bill-1910,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_design-of-the-anniversary-stamp-with-austrian-franz-joseph-i-on-horseback-1908,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_designs-for-silver-brooches-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_draft-drawings-for-a-cabinet-in-the-headquarters-of-the-vienna-workshop-1903,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_draft-drawings-for-the-breakfast-room-of-the-apartment-eisler-terramare-high-chair-1903,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_draft-drawings-for-the-breakfast-room-of-the-apartment-eisler-terramare-ladies-desk-chair-with-1903,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_draft-drawings-for-the-breakfast-room-of-the-apartment-eisler-terramare-proportion-of-study-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_draft-for-a-war-charity-brand-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_draft-for-the-space-of-the-austrian-state-printing-house-on-show-in-london-1906,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_draft-for-wall-decoration-in-the-living-room-of-the-apartment-in-berlin-stonborough-1904,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_draft-of-furniture-decoration-for-the-bedroom-of-the-apartment-eisler-terra-mare-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,koloman-moser_draft-of-the-emblem-by-the-association-of-austrian-artists-secession-1897,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_drafts-for-metal-relief-1904,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_drafts-for-metal-relief-1904-1,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_drafts-for-the-exlibris-for-fritz-waerndorfer,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_early-spring-illustration-to-a-poem-by-rainer-maria-rilke-1901,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Art_Nouveau_Modern,koloman-moser_early-spring-illustration-to-a-poem-by-rainer-maria-rilke-1901-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_envelope-for-the-score-to-the-opera-julius-bittner-s-opera-the-musician-1909,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_exlibris-adele-bloch-bookplate-with-princess-and-frog,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_exlibris-for-otto-zuckerkandl-1906,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_fabric-design-for-backhausen-1899,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_fabric-design-with-birds-for-backhausen-1899,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_fabric-design-with-floral-awakening-for-backhausen-1900,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_fabric-design-with-moving-waves-for-backhausen-1902,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_fabric-design-with-trout-dance-for-backhausen-1899,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_female-nude-with-blue-cloth,"[1.0, 1.0, 6.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_figure-study-of-isolde,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_figure-study-of-tristan,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_figure-study-of-tristan-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_figure-study-to-mermaid-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_flower-pot-and-ceramic-jug-1912,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_flowers,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_fruit-bowl-with-three-red-and-yellow-pears,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_girl-in-landscape-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_girl-in-rose-1898,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_girl-s-head-cover-design-ver-sacrum-204-1899-1899,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_happy-editing-illustration-with-self-portrait,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_head-of-the-girl-1896,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_head-strips-1896,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_hermann-bahr,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_hut-in-leysin-1913,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_illustration-for-the-viennese-fashion-magazine-1890,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_iris-illustration-to-a-poem-by-arno-holz-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_kolo-middle-dolomites,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_kolo-moser-1903,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_landscape-with-cloudy-sky,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_landscape-with-tree-1896,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_laurel-wreath-1897,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_loneliness-1902,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_matter-of-conscience-humorous-illustration-for-meggendorfers-leaves-1897,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_meadow,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_mermaid-1914,"[1.0, 4.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_mermaid-illustration-for-jugendschatz-german-seals,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_november-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-10,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-11,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-2,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-3,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-4,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-5,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-7,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-8,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_picture-book-for-the-niece-of-ditha-mautner-von-markhof-1904-9,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_pine-forest-in-winter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_pisces,"[5.0, 7.0, 9.0, 6.0, 0.0, 3.0, 6.0, 3.0, 6.0]"
+Art_Nouveau_Modern,koloman-moser_pisces-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_portrait-of-a-girl,"[2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_portrait-of-a-woman-in-profile,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_postage-stamp-design-for-mail-postal-not-issued-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_postcard-to-carl-moll-ver-sacrum-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Art_Nouveau_Modern,koloman-moser_postcard-with-emperor-franz-josef-1908,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_poster-for-felix-salzens-jung-wiener-theatre-with-lieben-augustin-1901,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_poster-for-fromme-s-calendar-1899,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_poster-for-prince-richard-metternich-1899,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_poster-for-the-xiii-secession-1902,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_poster-of-five-art-exhibition-of-the-association-of-austrian-artists-of-secession-1899,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_poster-of-the-beethoven-sonatas-evening-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_profile-of-a-girl-preparatory-work-for-a-decorative-stain-in-red-and-green-1897,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_reproduction-template-for-the-left-part-of-the-leaf-for-gerlach-s-love-allegories-new-series,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_reproduction-template-for-the-right-part-of-the-leaf-for-gerlach-s-love-allegories-new-series,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_self-portrait,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_self-portrait-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_self-portrait-with-mermaid-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_serpentine-dancer-poster-design-for-lois-fuller,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_sketch-for-a-poster-of-the-vienna-workshop,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_sketch-of-emblem-to-ver-sacrum-1898,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_spring-morning-1896,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_square-vignette-1896,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-jeep-from-the-mountain-of-louis-holzberg-stage-2-morning,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-jeep-from-the-mountain-of-louis-holzberg-stage-2-night,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-the-lake-of-julius-bittner,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-the-lake-of-julius-bittner-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-the-minutes-of-love-by-edward-bauersfeld,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-the-minutes-of-love-by-edward-bauersfeld-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-the-phantom-of-hermann-bahr-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_stage-design-for-the-phantom-of-hermann-bahr-1913-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_stamp-design-crown-prince-otto-not-accepted-1917,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_stamp-design-empress-zita-not-accepted-1917,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_stamp-design-for-emperor-charles-i-not-accepted-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_standing-youth,"[0.0, 1.0, 1.0, 2.0, 0.0, 2.0, 2.0, 2.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_steinhoch-church-in-vienna,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_study-for-the-wanderer,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,koloman-moser_study-for-venus-in-the-grotto,"[0.0, 3.0, 0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_study-of-portrait-of-venus-in-the-grotto,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_the-100-crowns-bill-1910,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_the-abersee-1913,"[0.0, 3.0, 9.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_the-light,"[2.0, 1.0, 1.0, 1.0, 0.0, 4.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_the-rax,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_the-reciprocal-of-dancers-1901,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_the-sketch-of-the-round-window-art-1897,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_the-three-graces,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_three-crouching-women,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_three-women-squatting,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Art_Nouveau_Modern,koloman-moser_two-dancers-1902,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_ver-sacrum-postcard-nr-12-i-secessionausstellung-with-greeting-line-of-the-art-historian-julius-1898,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_view-of-strains,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_vignettes-for-the-catalog-secessionausstellung-1898-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_waidmannsheil-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_wotan-and-brunhilde,"[0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 2.0, 2.0, 2.0]"
+Art_Nouveau_Modern,koloman-moser_wreath-bearer-design-for-decorative-facade-of-the-viennese-secession-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,koloman-moser_young-woman-with-hat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_at-a-noblewoman-sketch-for-the-ballet-the-goldfish-by-ludwig-minkus-1903,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_castle-capital-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_costume-design-for-igor-in-the-production-of-prince-igor-at-the-mariinsky-theatre-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,konstantin-korovin_dancer-costume-design-for-rubinstein-s-opera,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_fedor-shalaypin-as-demon-in-rubinstein-s-opera-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_first-steps-of-prospectors-in-tundra-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_fruit-seller-costume-design-for-gartman-s-ballet-1906,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_hay-girls-1911,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_in-the-ancient-city-1910,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_khan-s-wife-costume-design-for-c-pugni-s-ballet-1901,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_konchakovna,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,konstantin-korovin_kustarnaya-ulitsa-1900,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,konstantin-korovin_margaret-s-garden-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_mephistopheles-1906,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_murman-coast-pomor-crosses-1900,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,konstantin-korovin_oriental-slave-market-sketch-of-set-for-a-adam-s-and-c-pugni-s-ballet-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_persian-1901,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_pier-at-the-factory-in-murmansk,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_pier-in-novgorod-1906,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_polonaise-1934,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_prince-golitsyn-and-the-boyars-1910,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,konstantin-korovin_red-square-in-moscow-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_refectory-of-the-house-of-ivan-khovansky-1910,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,konstantin-korovin_servant-1928,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_set-design-for-the-ballet-ts-puni-humpbacked-horse-1914,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_set-design-for-the-opera-windsor-gossips-1888,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_sketch-for-the-opera-the-tale-of-tsar-saltan-by-nikolai-rimsky-korsakov-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_sketch-of-majolica-1898,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_slave-of-the-queen-retinue-shemakhan-1909,"[5.0, 13.0, 17.0, 3.0, 1.0, 0.0, 0.0, 0.0, 9.0]"
+Art_Nouveau_Modern,konstantin-korovin_soldier-costume-design-for-gartman-s-ballet-1908,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_taiga-near-baikal-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_temple-of-tanit-1909,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_terem-dadon-1909,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-korovin_terem-yaroslavna-1928,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,konstantin-korovin_the-aragva-bank-1902,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_the-curtain-sketch-of-the-play-la-ronde-des-heures,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_the-house-of-the-royal-palace-in-tmutarakan-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_the-rider-of-the-religious-process-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,konstantin-korovin_tmutarakan-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,konstantin-korovin_trading-post-in-murman,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_tsar-dadon-military-1909,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_type-of-settlement-1900,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-korovin_we-ship-encampments-1900,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-2,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-3,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-4,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_book-of-the-marquise-illustration-5-1918,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_columbine-s-little-tongue-1915,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,konstantin-somov_curtain-design-for-the-free-theatre-in-moscow-1913,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_design-of-costume-of-columbine-for-anna-pavlova-in-harlequinade,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_harlequin-and-death,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-1,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-2,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_illustration-to-the-novel-daphnis-and-chloe-4,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_magic-garden-night-vision,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_old-and-new-year-cover-table-calendar-for-1905,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_open-door-on-a-garden,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_poster-of-exhibition-of-russian-and-finnish-artists-1898,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,konstantin-somov_rest-after-a-walk,"[14.0, 5.0, 15.0, 3.0, 0.0, 4.0, 0.0, 2.0, 3.0]"
+Art_Nouveau_Modern,konstantin-somov_skating-rink-in-winter-1915,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_sleeping-young-woman-in-park,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_spring,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_sultana,"[0.0, 4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_summer,"[6.0, 7.0, 30.0, 6.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_summer-1,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_summer-morning,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_summer-morning-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_sunday,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_the-curtain-sketch-for-the-free-theater-in-moscow,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantin-somov_the-girl-with-the-mushroom-under-the-rainbow,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_title-page-of-theatre,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_two-ladies-on-the-terrace,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_versailles-park-in-autumn,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantin-somov_winter,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,konstantinos-parthenis_corfu-landscape-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,konstantinos-parthenis_head-of-athena-1924,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,konstantinos-parthenis_music-painting-and-decoration-of-a-piano-1920,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,konstantinos-parthenis_portrait-of-julia-parthenis-1914,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_aftermath-of-storm-lake-superior-sketch-xxxiv-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,lawren-harris_afternoon-sun-lake-superior-1924,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_algoma-hill-1920,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 4.0, 3.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_baffin-island-1931,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_from-the-north-shore-lake-superior-1927,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_isolation-peak-rocky-mountains-1930,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_lake-superior-1928,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_maligne-lake-jasper-park-1924,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_mountaisn-and-lake-1929,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,lawren-harris_nerke-greenland-1930,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_pic-island-lake-superior-1924,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,lawren-harris_pine-tree-and-red-house-winter-city-1924,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_shoreline,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,lawren-harris_winter-comes-from-the-arctic-to-the-temperate-zone-1935,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,lawren-harris_winter-landscape-with-pink-house-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_aide-de-camp-of-the-shah-costume-design-for-diaghilev-s-production-of-the-ballet-scheherazade-1910,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_an-ancient-horror-1908,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_arabic-dancer,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_art-open-letter-of-red-cross-sold-anywhere-1904,"[2.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_ballet-music-introduction-humphrey-searle,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_big-philanthropic-puppet-bazaar-sankt-petersburg-1899,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_boeotian-drawing-narcisse-costume-ballet-diaghilev-1911,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_cleopatre-a-dancer-1909,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_cleopatre-danse-juive-1910,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_cleopatre-greek-dancer-1910,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_cleopatre-syrian-dance-1909,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_costume-design-for-a-bacchante-in-narcisse-by-tcherepnin-1911,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_costume-design-for-scheherazade-1910,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_costume-design-for-the-marchioness-hunting-from-sleeping-beauty-1921,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_costume-design-for-the-master-of-ceremonies-from-sleeping-beauty-1921,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_costume-design-nijinsky-ballet-giclee,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_costume-for-nijinsky-1910,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_costume-for-the-englishman-from-la-boutique-fantastique-1917,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_daphnis-and-chloe-bidding-each-other-goodnight-design-for-a-decorative-panel-from-daphnis-and,"[3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_daphnis-and-chloe-costume-1912,"[0.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_daphnis-and-chloe-scenery-for-act-ii-1912,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_daphnis-and-chloe-set-design-act,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_design-for-a-lady-s-dress-1912,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_dmitry-filosof-portrait-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Art_Nouveau_Modern,leon-bakst_downpour-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_drawing-young-divinity-narcisse-costume-ballet-diaghilev-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_elisium-1906,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_fantasy-on-modern-costume-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,leon-bakst_fantasy-on-modern-costume-atalanta-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_front-cover-of-comoedia-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_helene-de-sparte-act-ii-set-design-1912,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_helene-de-sparte-costume-for-ida-rubinstein-as-helene,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_helene-de-sparte-ida-rubinstein-in-act-iv-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_helene-de-sparte-set-design-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_ida-rubinstein,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_in-the-artist-s-studio-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_indo-persian-dance-1912,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_istar-ida-rubinstein-as-istar-1924,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_l-apres-midi-d-un-faune-a-nymph-1912,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_l-apres-midi-d-un-faune-another-nymph-1912,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_la-legende-de-joseph-potiphar-1914,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_la-legende-de-joseph-potiphar-s-wife-1914,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_la-peri-natasha-trouhanova-as-the-peri-1911,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_le-dieu-bleu-a-pilgrim-1912,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_le-dieu-bleu-a-young-rajah-1911,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_le-dieu-bleu-bayadere-1912,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_le-dieu-bleu-bayadere-with-peacock-1912,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_le-dieu-bleu-nijinsky-in-title-role-1911,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_le-dieu-bleu-setting-1912,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_le-dieu-bleu-the-bride-1912,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_le-martyre-de-saint-sebastien-act-i-set-design-1911,"[0.0, 4.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_le-martyre-de-saint-sebastien-act-iv-set-design-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_le-martyre-de-saint-sebastien-ida-rubinstein-as-st-sebastian-1911,"[0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_le-sultan-vindicatif-1922,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_leonid-massine,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_les-femmes-de-bonne-humeur-set-design-1917,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_medee-jean-anouilh,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_model,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_narcisse-a-youth-1911,"[0.0, 1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_narcisse-the-nymph-echo-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_nijinsky-s-faun-costume-in-l-apres-midi-d-un-faune-by-claude-debussy-from-the-front-cover-of-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_not_detected_188169,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_nymph-costume-design-for-the-ballet-in-one-act-narcisse-diaghilev-subtitle-1911,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_operatic-costume-designs-1911,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-a-lady-1917,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-alexander-benua-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-boris-nikolayevich-bugaev-pseudonym-andrey-bely-1905,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-jean-cocteau,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-miss-ida-rubinstein,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-miss-paoloff-1916,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-russian-painter-filipp-andreevich-maljawin,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-the-marchesa-casati-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_portrait-of-the-marchesa-casati-1912-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_russian-peasant-woman-1922,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_sadko-one-of-the-chorus-1917,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_sadko-the-green-monster-1917,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_samarkand-sultan-1922,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,leon-bakst_scheherazade-la-sultane-bleue-1910,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_scheherazade-negre-argent-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_scheherazade-shah-shahriar-1910,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_scheherazade-the-chief-eunuch-1910,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_scheherezade-odalisque-1910,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_scheherezade-odalisque-1910-1,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_scheherezade-scenery-1910,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_self-portrait,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_sketch-for-the-ballet-la-peri-by-paul-dukas-1911,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_spectre-de-la-rose-1911,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_st-sebastian-from-the-martyr-of-st-sebastian,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-carnival-chiarina-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-carnival-estrella-1910,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-firebird-1910,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-firebird-costume-for-tamara-karsavina-1910,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-firebird-michel-fokine-as-tsarevitch-1910,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_the-firebird-the-tsarevna-1910,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-poet-zinaida-gippius-1906,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-portrait-of-walter-fedorovich-nuvel,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-portrait-son-of-the-artist,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_the-sleeping-beauty-design-for-scene-iv-the-awakening-1921,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_the-sleeping-beauty-eastern-prince-and-his-page-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_the-sleeping-beauty-wolf-1921,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,leon-bakst_the-supper-1902,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,leon-bakst_vase-self-portrait-1906,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,martiros-saryan_costume-design-for-the-opera-by-rimsky-korsakov-s-golden-cockerel-1931-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,martiros-saryan_costume-design-of-a-clown-for-an-opera-by-a-spendiarov-almast-1939,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,max-kurzweil_bettina-bauer-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,max-kurzweil_lady-in-yellow-1899,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,max-kurzweil_mira-baue-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,max-kurzweil_tale-of-the-doomed-prince-1915,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,max-kurzweil_the-cushio-1903,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,max-kurzweil_the-farrier(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,max-kurzweil_the-fisherman,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,max-slevogt_anna-pawlowa,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,max-slevogt_danae,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,max-slevogt_dance-of-death,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,max-slevogt_the-dancer-marietta-di-rigardo-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,max-slevogt_title-page,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,michel-simonidy_affiche-la-bourboule,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,michel-simonidy_allegorical-landscape,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_alpes-maritimes-landscape-1928,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_bust-de-jeune-fille-1925,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,michel-simonidy_femeie-pe-malul-m-rii,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_forest-edge-in-france,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,michel-simonidy_harmonie-du-soir-1905,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_iol,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_le-figaro-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,michel-simonidy_le-figaro-1900-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,michel-simonidy_le-figaro-1900-2,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_marine-landscape-1900,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_maternitate-1928,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_nude,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_nude-with-blue-vase-1925,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,michel-simonidy_portrait-of-a-woman,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_reverie-the-dream-of-the-monk-1891,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,michel-simonidy_sarah-bernhardt-in-teodora-bizan-ului-1903,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,michel-simonidy_the-ball-1899,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_the-three-graces,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,michel-simonidy_tulipes-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,michel-simonidy_winter-perfume-1902,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-nesterov_a-litte-fox-1914,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-nesterov_adam-and-eve-1898,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mikhail-nesterov_annunciation,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-nesterov_elder-abraham-the-servant-of-god-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,mikhail-nesterov_entombment-of-alexander-nevsky-1900,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Art_Nouveau_Modern,mikhail-nesterov_harmony-concord-1905,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-nesterov_in-a-secluded-monastery-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-nesterov_st-george-and-dragon-1900,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-nesterov_the-legend-of-the-invisible-city-of-kitezh,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_a-lady-in-lilac-portrait-of-nadezhda-zabela,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_a-man-in-a-russian-old-style-costume-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 2.0, 4.0]"
+Art_Nouveau_Modern,mikhail-vrubel_after-the-concert-portrait-of-nadezhda-zabela-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_angel-with-censer-and-candle-1887,"[0.0, 7.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_angel-with-labara-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_angel-with-labara-1884-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_archangel-gabriel-1885,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_artist-s-son-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_at-nightfall-1900,"[0.0, 2.0, 6.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_captured-pechenegs-costume-design-for-the-opera-rogneda-1896,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_christ-1885,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_christ-in-gethsemane-1888,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0]"
+Art_Nouveau_Modern,mikhail-vrubel_descent-of-holy-spirit-on-the-apostles-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_faust-1896,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_fist-fighter-costume-design-for-the-opera-the-enchantress-1900,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_flight-of-faust-and-mephisto-1886,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 7.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_head-of-st-john-the-baptist-1905,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_knight-1896,"[0.0, 4.0, 2.0, 1.0, 2.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_kudma-the-sorcerer-costume-design-for-the-opera-the-enchantress-1900,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_madonna-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_mamyrov-the-old-deacon-costume-design-for-the-opera-the-enchantress-1900,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_mikula-selianinovich,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_mikula-selianinovich-and-volha-1899,"[1.0, 4.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_moses-1884,"[0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_muse-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 7.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_nadezhda-zabela-vrubel-as-princess-volkhova-1898,"[0.0, 7.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_peacock,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_piet-1887,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 4.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_portrait-of-a-t-lyubatovich-in-role-of-carmen-1895,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_portrait-of-an-officer-pechorin-on-a-sofa-1889,"[3.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,mikhail-vrubel_portrait-of-n-zabela-1904,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_portrait-of-n-zabela-vrubel-on-the-edge-of-a-birch-grove-1904,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_portrait-of-nadezhda-zabela-vrubel,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 5.0]"
+Art_Nouveau_Modern,mikhail-vrubel_portrait-of-nadezhda-zabela-vrubel-1904,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 2.0, 2.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_portrait-of-nadezhda-zabela-vrubel-the-artist-s-wife-in-an-empire-dress-1898,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_primavera-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 5.0, 3.0]"
+Art_Nouveau_Modern,mikhail-vrubel_prince-guido-costume-design-for-the-opera-the-tale-of-tsar-saltan-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_prince-s-huntsman-costume-design-for-the-opera-the-enchantress-1900,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_prince-yuri-costume-design-for-the-opera-the-enchantress-1900,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mikhail-vrubel_princess-reverie-1896,"[1.0, 0.0, 3.0, 3.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mikhail-vrubel_romeo-and-juliet,"[0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 1.0, 5.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_st-cyril-1885,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mikhail-vrubel_viking-merchant-costume-design-for-the-opera-sadko-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Art_Nouveau_Modern,mikhail-vrubel_volkhova-the-sea-princess-costume-design-for-the-opera-sadko-1897,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_a-month-in-the-country-1909,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_alexandrinsky-theatre-1903,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_bridge-in-london(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_channel-in-haarlem-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_city-types-city-grimaces-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_courtyard-in-st-petersburg-1920,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_denmark-a-small-theatre-1912,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_finland-a-street-in-lovisa-1915,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_kedainiai-view-of-the-city-1933,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_moyka-at-the-new-admiralty-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_novgorod-yaroslav-s-court,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_pan,"[8.0, 4.0, 21.0, 9.0, 0.0, 2.0, 1.0, 4.0, 3.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_peter-the-great-in-holland-amsterdam-the-wharf-of-the-east-india-company-1910,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_portrait-of-the-artist-s-daughter-vera-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_roadway-in-vilnius-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_silence-1918,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_sobstvenny-garden,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_the-blue-lounge,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_the-game-of-robin-and-marion-jeu-de-robin-et-marion,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_the-lion-bridge-in-petrograd-1922,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_the-provinces-in-the-1830s(1),"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_the-swineherd-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_trinity-bridge-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_tsarskoye-selo-kameronov-gallery(1),"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_vilna-under-the-snow(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_vitebsk-1919,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_vitebsk-1919-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,mstislav-dobuzhinsky_winter-in-tsarskoye-selo-1904,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,natalia-goncharova_costume-design-for-bride,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,natalia-goncharova_liturgy-st-andrew,"[5.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_a-good-tree-has-grown-1914,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_a-guy-gegstad,"[22.0, 1.0, 9.0, 4.0, 0.0, 1.0, 3.0, 6.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_a-guy-who-plays-the-horn-1913,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_a-guy-with-the-horn-1921,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_a-path-1908,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_alexander-nevsky-striking-birder-jarl-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ancient-life-1904,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_ancient-life-1904-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ancient-russians-at-dnieper-1905,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_and-we-see-1922,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_annunciation-archangel-gabriel-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_annunciation-virgin-mary-1907,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_arabian-woman-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_archangel-michael-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_archangel-study-to-treasures-of-angels-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_archangel-with-birds-1905,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_archers-1908,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_archfoe-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_armchair-1904,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_arrival-of-prince-michael-glanda-kambily-to-russia-veliky-novgorod-1913,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_arrows-of-sky-spears-of-land-1915,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_arrows-of-sky-spears-of-land-1915-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_at-the-far-east-1904,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_babariha,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_battle-1906,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_battle-1906-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_battle-of-kerzhenets-1911,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_berendey-s-sloboda-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_beyond-the-seas-there-are-the-great-lands-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_beyond-the-seas-there-are-the-great-lands-1910-1,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_beyond-the-seas-there-are-the-great-lands-daughter-of-viking-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_birches-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_blind-1906,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_blue-paintings-1906,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_boats-1901,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_book-of-doves-1911,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_boris-and-gleb-1906,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_boyan-1910,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_boyarin-1921,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_boyarin-1921-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_boyarin-and-boyarynia-1921,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_boyarynia-and-children-1914,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_boyarynia-in-red-1921,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_brangena-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_building-a-city-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_building-the-ships-1903,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_buttoner-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_by-the-edge-1915,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_cabin-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_cabin-1912-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_captive-1909,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_captive-1909-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_captive-1943,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_castle-at-night-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_castle-of-king-mark-1912,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_castle-of-king-mark-1912-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_chamber-of-golitsyn-1919,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_christ-the-saviour-saint-peter-and-saint-paul-1906,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_city-1907,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_city-1907-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_city-1907-2,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_city-wall-1909,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_clowns-skula-and-yeroshka-1914,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_coast-ledenets-1919,"[2.0, 6.0, 22.0, 5.0, 0.0, 2.0, 0.0, 3.0, 6.0]"
+Art_Nouveau_Modern,nicholas-roerich_coast-ledenets-1919-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_coast-near-ledenets-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_conquest-of-kazan-1914,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_cooker-1912,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_corridors-of-the-castle-dungeons-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_costume-design-for-tale-of-tsar-saltan-1919,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_costume-design-of-a-shipbuilder-for-peer-gynt-1912,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_costume-devotion-of-fiery-furnace-before-christmas-liturgy-in-russian-orthodox-church-1907,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_courtier-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_courtier-1912-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_courtiers-1912,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_cover-of-literary-digest-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_cross-on-the-truvor-mound-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_crown-of-the-world-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_crowns-1914,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_crows,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_curtain-and-portal-for-snow-maiden-1919,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_daning-horovod-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_departure-of-rooks-1914,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_devassari-abuntu-turns-into-stone-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_devassari-abuntu-with-birds-1906,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_dovrsky-grandfather-1912,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_dragging-portage-1915,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_dwelling-of-gunding-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_earth-paternoster-1907,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_entourage-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_entry-of-tent-of-ivan-the-terrible,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_fairest-city-the-anger-for-enemies-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_father-frost-1912,"[2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_ferns,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_fiery-furnace-1905,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_fight-with-the-dragon-1912,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_fight-with-the-dragon-1914,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_finland-punky-harju-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_fire-paternoster-1907,"[2.0, 3.0, 3.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_foreign-lords-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_foreign-lords-1907-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_forest-1912,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_forest-1912-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_forest-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_forest-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_forest-people-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_fortress-1909,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_from-beyond,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_gegstad-manor-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_giant-s-tomb-1915-1,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_gifts-1909,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_girl-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_girl-1913-1,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_girl-1913-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_girl-1913-3,"[5.0, 10.0, 20.0, 0.0, 0.0, 0.0, 1.0, 6.0, 5.0]"
+Art_Nouveau_Modern,nicholas-roerich_girl-1920,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_girl-1920-1,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_girls,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_glad-visitors-1914,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_green-fjord,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_harrowing-of-hell,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_head-of-saviour-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_headstone-of-rimsky-korsakov-grave-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_hearth-1902,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_hermitage-at-the-lake-1912,"[0.0, 4.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_hills,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_hills-1912,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_hills-1912-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_hills-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_hoary-finland-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_holy-lake-1917,"[5.0, 11.0, 21.0, 4.0, 0.0, 1.0, 1.0, 4.0, 6.0]"
+Art_Nouveau_Modern,nicholas-roerich_holy-martyr-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_house-of-god-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_householder-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_human-ancestors-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_human-ancestors-study,"[1.0, 2.0, 4.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_hunter-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_hut-in-the-forest-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_hut-in-the-mountains-1911,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_hut-in-the-mountains-1912,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_idols,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_idols-1901-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_idols-pagan-rus-1910,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_igor,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_illustration-to-feast-of-peter-the-great-1901,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_ilya-muromets-1910,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ilya-muromets-1910-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_in-a-monastery-1914,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_in-the-castle-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_in-the-nunnery-1914,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_inner-yard-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_intercession-of-the-theotokos-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_intercession-of-the-theotokos-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_internal-painting-of-the-church-in-talashkino-1914,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_isolde-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_isolde-1912-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_isolde-1912-2,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_izborsk-towers-1903,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_izborsk-towers-1903-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_jerusalem-1909,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_king-mark-1912,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_king-mark-1912-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_king-s-room-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_kiss-the-earth,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_kiss-the-earth-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_kiss-the-earth-1912-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_kiss-the-earth-1912-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_kiss-the-earth-1912-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_kneeling-angel-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_kneeling-warriors-study-of-murals-for-the-chapel-in-pskov-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_kneeling-warriors-study-of-murals-for-the-chapel-in-pskov-1914-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_knight-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_knight-of-entourage-1912,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_knight-of-entourage-1912-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_konchak-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_kostroma-belfry-of-ipatievsky-monastery-1903,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_kostroma-romanov-boyars-tower-1903,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_kovno-castle-of-crusaders-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_kovno-old-church-1903,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_kremlin-tower-in-novgorod-1903,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_kupava-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_kurvenal-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_kurvenal-1912-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_lake-village-1915,"[3.0, 7.0, 26.0, 3.0, 0.0, 1.0, 1.0, 4.0, 4.0]"
+Art_Nouveau_Modern,nicholas-roerich_lake-village-1915-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_landscape,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_language-of-bird-1920,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ledenets-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0]"
+Art_Nouveau_Modern,nicholas-roerich_ledenets-1919-1,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ledenets-1919-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_ledenets-palace-1919,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ledenets-town-1919,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_light-night-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_light-night-castle-of-prince-judas-iscariot-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_maleine-s-room-1913,"[1.0, 11.0, 6.0, 2.0, 1.0, 0.0, 11.0, 11.0, 4.0]"
+Art_Nouveau_Modern,nicholas-roerich_maleine-s-room-1913-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_malong-1912,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_man-with-a-horn-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_mariners-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_mariners-1912-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_martyr-mercurius-of-smolensk-1918,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_medieval-revel-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_mekheski-moon-people-1915,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_mikula-selyaninovich-1909,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_mill-in-the-mountains-1912,"[4.0, 2.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_mill-in-the-mountains-1913,"[1.0, 2.0, 6.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_mist-in-the-forest-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_moscow-view-of-kremlin-from-zamoskvorechie-1903,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_musiians-1921,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_northern-landscape-with-fortress,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_novgorod-bargaining-1920,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_nunnery-in-pskov,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-arabian-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-king-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-king-1910-1,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-man-1930,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-pskov-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-riga-1903,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-town,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_old-town-1902,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_ominous-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_ominous-1901-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ominous-1901-2,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 3.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ominous-1901-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_ominous-1901-4,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-1912,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-1912-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-s-death-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-s-death-1912-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-s-hut-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-s-room-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-s-room-1912-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_oze-s-room-1912-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_pantokrator-1909,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_parting-century,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_pater-devil-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_pechora-a-large-belfry-1903(2),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_pechora-monastery-walls-and-towers-1903,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_pechora-monastery-walls-and-towers-1903-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_pechora-vestry-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_people-1914,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_people-old-man-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_pine-trees-with-cloudy-background-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_plafond-1913,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovets-and-girls-1943,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovets-with-bow-1943,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovets-with-scimitar-1943,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp-1914-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp-1914-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp-1919,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_polovtsian-camp-1943,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_pomeranians-evening-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_pomeranians-morning-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_prince-igor-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_prince-knyaz-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_prison-1913,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-is-praying-of-unknown-navigating-1914,"[0.0, 1.0, 5.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1912,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1913,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_procopius-the-righteous-removes-a-cloud-of-stone-from-the-great-ustyug-1914-1,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_prologue-forest-1908,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_pskov-churchyard-1904,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_pskov-churchyard-1904-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_pskov-towers-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_punkaharju-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_putivl-1908,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_putivl-1914,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_putivl-1920,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_putivl-eclipse-1914,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_queen-anna-s-tower-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_queen-anna-s-tower-1913-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_queen-of-heaven-over-river-of-life-1914,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_ravine-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_resurrection-monastery-in-uglich-1904,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_room-of-queen-anna-1913,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_room-of-sadko-1920,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_roses-of-heart-princess-olga-1923,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-the-great-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-the-great-1903-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-attics-of-princely-houses-1903,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-church-on-ishna-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-door-of-the-church-on-ishna-1903,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-entrance-to-kremlin-1903,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-hierarch-s-towers-1903,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-interior-of-church-1903,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-interior-of-church-of-savior-1903,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-interior-of-church-of-savior-1903-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-kremlin,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_rostov-veliky-yard-in-the-kremlin-1903,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_russian-hut-1919,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_russian-prince-collects-tribute-1908,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_russian-warrior-1906,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sacred-grove-1921,"[1.0, 1.0, 3.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sacrificer-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sage-1916,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_saint-boris-and-saint-gleb,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_saint-nicholas-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_saint-sergius-1922,"[0.0, 3.0, 3.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_salome-with-head-of-st-john-the-baptist,"[0.0, 3.0, 0.0, 1.0, 0.0, 5.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_san-gimignano-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_saviour-almighty-and-saints-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_saviour-almighty-and-saints-1906-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_savonlinna-olavinlinna-1906,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_scarlet-sails-overseas-guests,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_scene-design-for-peer-gynt-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 5.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_scenery-sketch-for-mussorgsky-s-opera-boris-godunov,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_scenery-sketch-for-mussorgsky-s-opera-khovanshchina,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_scenery-sketch-for-mussorgsky-s-opera-khovanshchina-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sea-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_seagull-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_servant-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_servant-1912-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_shchegolikha-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_shchegolikha-1912-1,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_shchegolikha-1912-2,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_shepherd-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sign-1915,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-1920,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-2,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-5,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-6,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-7,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-8,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-snow-maiden-9,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-tale-of-tsar-saltan-1919,"[7.0, 3.0, 5.0, 7.0, 0.0, 0.0, 9.0, 13.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-tale-of-tsar-saltan-1919-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-tale-of-tsar-saltan-1919-2,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-tale-of-tsar-saltan-1919-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-tale-of-tsar-saltan-1919-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-costumes-for-the-rite-of-spring-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-man-with-buggle,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-mosaic-to-the-monument-to-kuinji-1913,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-sofa-for-workshop-1904,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-of-tsar-dodon,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketch-with-woman-in-front-of-city-walls,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-peer-gynt-1912,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-prince-igor,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-prince-igor-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-sister-beatrice-1914,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-tale-of-tsar-saltan-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-tale-of-tsar-saltan-1919-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-tale-of-tsar-saltan-1919-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-tale-of-tsar-saltan-1919-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sketches-of-costumes-for-tale-of-tsar-saltan-1919-4,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_smolensk,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_smolensk-1909,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_smolensk-the-porch-of-the-convent-1903,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_smolensk-the-porch-of-the-convent-1903-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_smolensk-tower-1903,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_smolensk-tower-1903-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_smolensk-tower-1903-2,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_snakes-facing-whisperer-a-serpent-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_snakes-facing-whisperer-a-serpent-1917,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_snow-maiden-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_snow-maiden-1921,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_solveig-1912,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_solveig-s-father-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_solveig-s-mother-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_solveig-s-song-hut-in-the-forest-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_solveig-s-song-hut-in-the-forest-1912-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_song-of-the-morning-1920,"[4.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_song-of-the-viking-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_song-of-waterfall-1920,"[0.0, 0.0, 5.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_sorcerer-1905,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_sorcerer-1909,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_sorcerers-1905,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_spies-1900,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_st-george-the-victorious-1920,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_st-mercurius-of-smolensk-1918-1,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_st-michael-arhistratig-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_st-olga-of-kiev-1915,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_st-olga-of-kiev-1915-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_st-panteleimon-the-healer-1916,"[0.0, 3.0, 4.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_standard-bearer-1921,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_stargazer-1921,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_stone-age-1910,"[0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 3.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_street-in-front-of-castle-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-decoration,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-saint-alexius-temple-1909,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-fuente-ovehuna-1912,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-night-on-bald-mountain,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-peer-gynt-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-princess-maleine-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-snow-maiden-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-snow-maiden-1921-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-tristan-und-isolde-1912,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-of-scene-design-for-tristan-und-isolde-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-to-conquest-of-kazan,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-to-flying-carpet-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-to-flying-carpet-1915-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-to-overseas-guests,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_study-to-sister-beatrice,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_stylites-1917,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_suzdal-alexander-nevsky-monastery-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_suzdal-walls-of-saviour-euthimius-monastery-1903,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_temple,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_temple-in-skvernitsy-1909,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_tent-of-ivan-the-terrible-1909,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_tent-of-ivan-the-terrible-1909-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_tents,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_terem-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_terem-of-kikimora-1910,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_terem-of-yaroslavna-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_terem-of-yaroslavna-by-the-monastery-wall-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_terem-of-yaroslavna-new-moon-1914,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-court-of-prince-vladimir-galitsky-study-of-scene-design-for-prince-igor-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-court-of-prince-vladimir-galitsky-study-of-scene-design-for-prince-igor-1914-1,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-court-of-prince-vladimir-galitsky-study-of-scene-design-for-prince-igor-1914-2,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-court-of-prince-vladimir-galitsky-study-of-scene-design-for-prince-igor-1914-3,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-elders-weared-in-bear-hides-1944,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-great-sacrifice-1910,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-great-sacrifice-1912,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-great-sacrifice-1912-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-hut-of-dead-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-hut-of-dead-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-lady-of-entourage-1912,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-last-angel-1912,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 7.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-oldest-the-wisest-1944,"[1.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-painting-of-of-st-anastasia-1913,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-painting-of-the-southern-wall-of-the-chapel-of-st-anastasia-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-rite-of-spring-1913,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-rite-of-spring-1945-1,"[2.0, 1.0, 2.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-saints-have-gone-leave-gleb-as-keeper-1920,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-saviour-over-the-door-1913,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-scene-with-eight-figures-in-costumes-1913,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-scene-with-five-figures-in-costumes,"[5.0, 2.0, 5.0, 2.0, 5.0, 6.0, 4.0, 8.0, 8.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-scene-with-five-figures-in-costumes-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-scene-with-seven-figures-in-costumes-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-scene-with-the-two-large-groups-of-figures-in-costumes,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-scene-with-three-figures-in-costumes-1920,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_the-scene-with-three-figures-in-costumes-1920-1,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_they-build-the-ships-1903,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_they-build-the-ships-1903-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_three-personages-1913,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_three-pleasures-1916,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_throne-of-the-invisible-god-1909,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_throne-of-the-invisible-god-1909-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_throne-of-the-invisible-god-1914,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_tmutarakan-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_tmutarakan-1919-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_tower-chamber-of-yaroslavna-1914,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_town-sketch-for-carpet-1906,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_towns-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_towns-1914-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_treasure-of-angels-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_tristan-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_tristan-1912-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_tristan-s-castle-in-bretagne-1912,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_tsar-1905,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_tsarina-1921,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_tver-embassy-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_two-girls-1930,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_uglich-church-of-prince-dmitry-1904,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_uglich-porch-1904,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_unkrada-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_untitled-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_untitled-1908,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_untitled-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_untitled-1916-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_varangian-warrior-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vaydelots-1914,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_vernicle-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vernicle-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vernicle-1914,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vernicle-1934,"[3.0, 6.0, 6.0, 1.0, 1.0, 2.0, 19.0, 2.0, 7.0]"
+Art_Nouveau_Modern,nicholas-roerich_vernicle-and-saint-princes-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-10,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-11,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-12,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-13,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-14,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-15,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-16,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-17,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-18,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-19,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-20,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-21,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-22,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-23,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-24,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-25,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-3,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-4,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-5,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-6,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-7,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-8,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Art_Nouveau_Modern,nicholas-roerich_vignette-for-book-n-k-roerich-1918-9,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_viking-s-tomb-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_viking-s-triumph,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_viking-s-triumph-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_visitors-from-over-the-sea-1901,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_vitrage-1929,"[0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_vladimir-campaign-to-korsun-red-sails-1900,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_voivode-1913,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_wait-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_warrior,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 8.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_warrior-1919,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_windmill,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_winter-1914,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_yard-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,nicholas-roerich_yard-in-front-of-castle-1913,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_yard-in-front-of-castle-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_yard-of-castle-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavl-church-of-the-epiphany-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavl-church-of-virgin-nativity-1903,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavl-entrance-to-the-st-nicholas-wet-church-1903,"[0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavl-saint-basil-church-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavna-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavna-s-lament,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavna-s-lament-1914,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_yaroslavna-s-lament-1914-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_young-men-1944,"[2.0, 1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_young-men-successors-1914,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_young-men-successors-1914-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_young-men-successors-1914-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_yuryev-polsky-st-george-s-cathedral-1903,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_yuryev-polsky-study-of-temple-1903,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nicholas-roerich_zmievna-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,nicholas-roerich_zvenigorod-holy-gate-1904,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,nicolae-vermont_reverie-1920,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,nikolaos-gyzis_the-soul-of-the-artist-1897,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,nikolaos-gyzis_the-spider-1884(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,odilon-redon_decoration,"[2.0, 3.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,odilon-redon_design-for-a-prayer-rug,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,otto-eckmann_carpet-design-1898,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,otto-eckmann_carpet-design-1898-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,otto-eckmann_d-coration-pis-de-bl,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,otto-eckmann_farbiger-holzschnitt-zwei-schw-ne-1902,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_five-swans-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_fr-hling,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,otto-eckmann_jugend-magazine,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_jugend-magazine-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,otto-eckmann_jugend-magazine-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_night-herons-1896,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_schwertlilien-1895,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,otto-eckmann_the-weekly-magazine-jugend-no-14-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_tiger-carpet-design-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,otto-eckmann_untitled-1899,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_waldteich,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_wallpaper-design-1899,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,otto-eckmann_wallpaper-design-1899-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,otto-eckmann_wallpaper-design-1899-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,pablo-picasso_advertisement-for-lecitina-agell-1902,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,pablo-picasso_advertisement-for-tavern-four-cats-1897,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,pablo-picasso_costume-design-for-ballet-tricorne-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,pablo-picasso_costume-design-for-ballet-tricorne-1917-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,pablo-picasso_costume-design-for-ballet-tricorne-1917-2,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,pablo-picasso_costume-design-for-ballet-tricorne-1917-3,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,pablo-picasso_costume-design-for-ballet-tricorne-1917-4,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,pablo-picasso_costume-design-for-ballet-tricorne-1917-5,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,pablo-picasso_couple-walking-1901,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,pablo-picasso_courtesan-with-necklace-of-gems-1901,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,pablo-picasso_picasso-with-partner-1901,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,pablo-picasso_pierrot-and-harlequin-1920,"[3.0, 1.0, 1.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,pablo-picasso_scene-design-for-pulcinella-1920,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,pablo-picasso_seated-fat-clown-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,pablo-picasso_the-cries-of-virgins-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,pablo-picasso_woman-on-the-street-1901,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_girl-with-a-rose-1950,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_highres1145438754-41-tif,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_lady-with-a-dog-1899,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_lady-with-a-long-coat,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_male-nude-1897-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_mother-with-daughter,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_nea-in-a-national-costume,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portait-of-john-polemis-1924,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-noble,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-child,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-seated-girl,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-woman,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-woman-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-a-woman-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-kiki-papastratou,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-sotiris-papastratos,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-unknown-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_portrait-of-woman-1898,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_seated-girl,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,paul-mathiopoulos_woman-with-pearls,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,pavel-filonov_a-family-portrait-1924,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,pavel-filonov_portrait-of-arman-frantsevich-aziber-and-his-son-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,petro-kholodny-(elder)_tale-of-a-girl-and-a-peacock,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,pyotr-konchalovsky_bova-the-prince-sketch-of-a-carpet-1914,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,pyotr-konchalovsky_bova-the-prince-sketch-of-a-picture-1914,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,pyotr-konchalovsky_costume-design-for-the-opera-don-giovanni-by-wolfgang-amadeus-mozart-don-giovanni-1913,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,pyotr-konchalovsky_design-for-the-opera-by-wolfgang-amadeus-mozart-don-giovanni-1913-1,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_a-girl-holding-a-rose-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_a-half-of-a-virgin-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_a-half-of-a-virgin-1901-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_a-half-of-a-virgin-1901-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_a-half-of-a-virgin-1901-3,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_a-half-of-a-virgin-1901-4,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_a-half-of-a-virgin-1901-5,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_akropolis,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_akropolis-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_akropolis-2,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_akropolis-3,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_akropolis-4,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_akropolis-5,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_akropolis-6,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing-1,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing-2,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing-3,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing-4,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing-5,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing-6,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_all-healing-7,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_anger,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_apples-sweet-fruits-1900,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_april-fool,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_aquatinte-1910,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_art-bronzes-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_arugula-and-his-dog,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_at-serail,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_attack,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-2,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-3,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_behind-the-scenes-1900-4,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_bellage-of-sect-1905,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_bessie-mccoy,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_bessie-mccoy-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-4,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-5,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-6,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-7,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-8,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_boys-and-girls-at-sea-9,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_brise-of-may,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_bubbles-1916,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_christmas-pictures,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_christmas-pictures-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_christmas-pictures-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_christmas-pictures-signed-with-paris,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_christmas-pictures-signed-with-paris-2,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_christmas-pictures-signed-with-paris-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_cigarettes-of-the-world-1900,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_cigarettes-of-the-world-1900-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_cigarettes-of-the-world-1900-2,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_cigarettes-of-the-world-1900-3,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_cigarettes-of-the-world-1900-4,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_clovers-1899,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_clovers-1899-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_clovers-1899-2,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_clovers-1899-3,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_clovers-1899-4,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_clovers-1899-5,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_contemplation,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-1,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-3,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_couples-between-red-borders-1901-4,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_deadly-sins,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_deadly-sins-1,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_deadly-sins-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_deadly-sins-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_deadly-sins-4,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_deadly-sins-5,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_deadly-sins-6,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_dolly-sister,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_elves-1903,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_envy,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_erika,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_erika-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_erika-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_europe-s-princes,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_eve-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_expiation,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_fables-1903,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fables-1903-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fables-1903-2,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fables-1903-3,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fables-1903-4,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fables-1903-5,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fan-1916,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fanny-brice-1916,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fanny-brice-1916-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_fantasy-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_fantasy-1914,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_fantasy-1914-1,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_favorite,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_favorite-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_favorite-2,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_favorite-3,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_favorite-4,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_figures-on-turquoise-background-1901,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_figures-on-turquoise-background-1901-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_figures-on-turquoise-background-1901-2,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_figures-on-turquoise-background-1901-3,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_flashing-motorists-1904,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_flashing-motorists-1904-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_flashing-motorists-1904-2,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_friolerie-1916,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-arcadia,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-arcadia-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-arcadia-2,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-arcadia-3,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-brown-to-blonde,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-brown-to-blonde-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-brown-to-blonde-2,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_from-brown-to-blonde-3,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_front-cover-illustration-1911,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-10,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-2,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-4,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-5,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-6,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-7,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-8,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-9,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-green,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_geisha-orange,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girl-cyclists-1899,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girl-scout-new-york-tribune-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-amid-plants,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-amid-plants-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-and-eggs-1901,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-and-eggs-1901-1,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901-3,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901-4,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901-5,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901-6,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-between-brown-green-borders-1901-7,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-in-a-circle-on-violet,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border-1,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border-3,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border-4,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border-5,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border-6,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-faces-with-red-border-7,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-and-shoulders-on-a-green-panel,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-and-shoulders-on-a-green-panel-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-in-a-circle-1901,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-in-a-circle-1901-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-in-a-circle-1901-2,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-in-a-circle-1901-3,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-in-a-circle-1901-4,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-heads-on-christmas-foliage-background,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-ancient-musical-instruments,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-animals-1901,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-animals-1901-1,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-animals-1901-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-beige-border,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-flowers-at-feet-1902,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-flowers-at-feet-1902-1,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-flowers-at-feet-1902-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-flowers-at-feet-1902-3,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-flowers-at-feet-1902-4,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-flowers-at-feet-1902-5,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-flowers-at-feet-1902-6,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-1,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-2,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-3,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-4,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-5,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-6,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-7,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-8,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-good-luck-charms-9,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-10,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-2,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-4,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-5,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-6,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-7,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-8,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-olive-green-surrounds-1901-9,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-10,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-2,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-3,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-4,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-5,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-6,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-7,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-8,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_girls-with-purple-surrounds-1900-9,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_gleaner,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_gluttony,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_grace-darling-hearst-s-sunday-american-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-3,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-4,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-5,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-6,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-7,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-girls-8,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-10,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-3,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-4,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-5,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-6,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-7,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-8,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_greek-virgins-1900-9,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_green-lantern,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_gui-de-paris,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_happy-easter-1901,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_happy-new-year-1899,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_happy-new-year-1899-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_happy-new-year-1899-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_happy-new-year-1899-3,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_happy-new-year-1899-4,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_happy-new-year-1912,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_harlequinade-1916,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_hearst-s-sunday-american-1917,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_heart-lady,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_heart-lady-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_heart-lady-2,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-3,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_ice-flowers-1899-4,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_impassive-mask,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_ivory-sculpture,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_ivory-sculpture-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_jewellery,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_jewellery-1,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_jewellery-1903,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_jewellery-1903-1,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_jewellery-1903-2,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_jewellery-1903-4,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_justine-johnstone,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_justine-johnstone-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_justine-johnstone-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_laundry-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-1,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-2,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-3,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-4,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-5,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-6,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-7,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-8,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_leda-and-the-swan-9,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_legendes-1903,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_legendes-1903-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_legendes-1903-2,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_legendes-1903-3,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_legendes-1903-4,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_legendes-1903-5,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_lillian-lorraine,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_lillian-lorraine-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_lillian-lorraine-hearst-s-sunday-american-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_little-coquette-1912,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_little-sister-1916,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_lollotte_02-1916,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-4,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-flowers-1903-5,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-thoughts-1900,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-thoughts-1900-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-thoughts-1900-2,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_love-thoughts-1900-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_lulu,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_ma-marraine-1916,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_magentic-pole,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-2,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-5,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-6,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_maid-of-athens-1900-7,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marcelle-earle,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marcelle-earle-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marcelle-earle-2,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marcelle-earle-3,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_marionettes,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marionettes-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marionettes-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marionettes-3,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_marionettes-4,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_marionettes-5,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marquisette,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marquisette-1,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_marquisette-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_mayflyes-1904,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_mayflyes-1904-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_mayflyes-1904-2,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_mayflyes-1904-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_mayflyes-1904-4,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_medallion-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_melisande-1916,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_merci-i-1916,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_merci-ii-1916,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_mermaid-1910,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_milan-beer,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_milkmaid,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_modern-girls-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_modern-girls-1901-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_modern-girls-1901-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-2,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_new-york-tribune-1916-5,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-10,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-11,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-12,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-13,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-14,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-15,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-16,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-17,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-18,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-3,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-4,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-5,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-6,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-7,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-8,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_nude-drawings-9,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_old-times,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_old-times-1,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_old-times-2,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_old-times-3,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_olive-thomas,"[5.0, 12.0, 16.0, 6.0, 0.0, 7.0, 0.0, 1.0, 4.0]"
+Art_Nouveau_Modern,raphael-kirchner_olive-thomas-the-pittsburgh-press-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_on-holiday,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_on-holiday-1,"[13.0, 4.0, 16.0, 8.0, 0.0, 0.0, 5.0, 0.0, 5.0]"
+Art_Nouveau_Modern,raphael-kirchner_on-holiday-2,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_on-holiday-3,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_on-holiday-4,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_on-the-dressing-table-1904,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_ondine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_parfums-1900,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_parfums-1900-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_parfums-1900-2,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_parfums-1900-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_parfums-1900-4,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_parfums-cubin,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_parisian-life-1914,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_peep-1916,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_pierrot-s-dream,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_pierrot-s-love,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_pipe-of-peace-hearst-s-sunday-american-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_players,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_portrait-of-girls-with-grey-border-1902,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_portrait-of-girls-with-grey-border-1902-1,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-3,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_portraits-of-viennese-ladies-1901-4,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_poster-contest,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_powder-of-ris-1911,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_premiere-veil,"[16.0, 1.0, 8.0, 11.0, 0.0, 4.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_pride,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_princess-riquette,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_red-and-white-figures-and-small-shield,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma-4,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma-5,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma-6,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_roma-7,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_rustle-1910,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_salome,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_salome-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_salome-1903,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_salome-1903-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_salome-1903-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_salome-1903-3,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_santoy-1900,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_santoy-1900-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_santoy-1900-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_santoy-1900-3,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_scenes-of-ancient-greece-1903,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_scenes-of-ancient-greece-1903-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_scenes-of-ancient-greece-1903-2,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-10,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-11,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-12,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-13,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-4,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-5,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-6,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-7,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-8,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_single-items-9,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_sketch-for-single-items,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_small-greek-heads,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_small-greek-heads-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_small-greek-heads-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_small-greek-heads-3,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_smoking-women-1904,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_smoking-women-1904-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_smoking-women-1904-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_smoking-women-1904-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_smoking-women-1904-4,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_spionage,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_stained-glass-art,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_stained-glass-art-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_stained-glass-art-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_stained-glass-art-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_stained-glass-art-4,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_street-flowers-1899,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_street-flowers-1899-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_street-flowers-1899-2,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_street-flowers-1899-3,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_strenges-urteil-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_sun-women,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_sun-women-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_sun-women-1901-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_sun-women-1901-2,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_sun-women-1901-3,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_sun-women-1901-4,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_sun-women-1901-5,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,raphael-kirchner_surrender,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_sweet-fruits-1900,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_sweet-smoke-1913,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_temptation,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_the-embrace,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_the-gem-of-the-ocean-puck-magazine-1916,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_the-golden-age-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_the-implaquable-siska,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_the-players-pastel-on-paper,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_to-love,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_to-love-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_to-the-right-and-freedom,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_two-in-a-car-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-10,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-12,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-13,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-15,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-16,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-17,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-18,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1906,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1909,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1916,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1916-1,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1916-2,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1916-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1916-4,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-1916-5,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-2,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-3,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-4,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-5,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-6,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-7,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-8,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_unknown-9,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_victory,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_viennese,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_viennese-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_viennese-blood,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_viennese-blood-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_viennese-blood-2,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_viennese-blood-3,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_vivienne-segal,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,raphael-kirchner_vivienne-segal-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_wed-fleurie,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_women-dominating-landscapes-1903,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,raphael-kirchner_women-dominating-landscapes-1903-1,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_women-dominating-landscapes-1903-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_yvonne-shelton-1,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_zeppelins-in-paris,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,raphael-kirchner_ziegfeld-beauty,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_alois-gerstl-brother-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_anna-baumer-1905,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_die-s-ngerin-oberl-nder-spring-1907-1907,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_double-portrait-of-matilda-and-gertrude-schonberg-1906,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_half-length-portrait-of-mathilde-schoenberg-1908,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_idealized-portrait-of-a-young-woman-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,richard-gerstl_mathilde-schoenberg-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,richard-gerstl_mother-and-daughter-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_portrait-of-henryka-cohn-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,richard-gerstl_self-portrait-in-front-of-blue-background-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,richard-gerstl_smaragda-berg-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,richard-gerstl_woman-in-light-blue-dress-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_at-olympia-s-design-for-tales-of-hoffmann-by-j-offenbach-1915,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_at-the-verandah-silhouette-ink-on-paper-signed-with-russian-initials-cc-with-full-signature-und-1918,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_carnival-scene,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_christmas-eve,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-design-for-an-old-villager-probably-for-balieff-theatre,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-design-for-dickens-christmas-bells-1937,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-design-for-venetian-madmen-colombina-1915,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-design-for-venetian-madmen-harlequin-1915,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-design-for-venetian-madmen-jester-1915,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-designs-for-petrushka-by-stravinsky-in-metropolitan-opera-capitain-1925,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-designs-for-petrushka-by-stravinsky-in-metropolitan-opera-jester-1925,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-designs-for-petrushka-by-stravinsky-in-metropolitan-opera-pantalone-1925,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-studies-with-mythological-figures-for-ballet-dionysus-by-glazunov-in-mordkin-theatre-1938,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-studies-with-mythological-figures-for-ballet-dionysus-by-glazunov-in-mordkin-theatre-1938-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-studies-with-mythological-figures-for-ballet-dionysus-by-glazunov-in-mordkin-theatre-1938-2,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_costume-study-for-a-chancelor-from-the-magic-flute-1927,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_cover-of-the-catalog-of-the-exhibition-scarlet-rose-1904,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Art_Nouveau_Modern,serge-sudeikin_curtain-design-with-doll,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_design-for-katinka-1922,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_draft-for-a-book-cover-nikolai-evreinov-pro-scena-suo-1915,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_frontispiece-for-the-magazine-golden-fleece-1908,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_lady-horseman-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,serge-sudeikin_pancake-parsley,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_portrait-of-o-a-glebova-sudeikina,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_poster-for-the-chauve-souris-theatre,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_sadko-design-for-the-scene-decoration-1930,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,serge-sudeikin_shepherds-and-shepherdess-1915,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,serge-sudeikin_study-for-eugene-onegin,"[2.0, 1.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,serge-sudeikin_vignette-for-the-magazine-balance-1907,"[4.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_a-serious-question,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_age-at-the-dawn-of-history-amazon,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_age-at-the-turn-of-xx-century,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_age-of-blessed-memory-of-the-12th-year,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_age-of-quietest-king-aleksey-mikhailovich,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_age-of-the-great-kings,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_age-of-the-great-peter,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_age-of-vladimir-and-yaroslav,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Art_Nouveau_Modern,sergey-solomko_age-scythian-tsarevna-iii-th-century-bc,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_apraxia-korolevichna,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_at-the-fair,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_bacchus,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_banquet,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_bird-fancier,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_blarney,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_blessed-be-the-house-where-a-stork-nested-1917,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_blue-bird-bird-sirin,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_bookplate-of-v-i-klochkov,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_bookplate-of-v-i-klochkov-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_bookplate-of-v-i-klochkov-2,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_bookplate-of-v-i-klochkov-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_byzantium,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_caught,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_christ-is-risen,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_concubine,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_conversation,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_costume-designs,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_costume-designs-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_costume-designs-2,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_costume-designs-3,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_couple-in-the-boat,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_date,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_date-1,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_date-2,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_defeated,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_design-of-male-medieval-costume,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_dream-of-icarus,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_embrace,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_escape,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_evening,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_evening-walk,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_fairy-tale,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_fantasy,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_find,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_flirting-boyar,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_for-you-brave-soldier,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_forever-together,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_fortune-is-silver-but-victory-is-gold,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_fortune-telling,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_france-blesses-his-children-before-the-sacred-heart-of-jesus,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_glowworm,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_guard,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_hide-and-seek,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_human-shield,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_idyll,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_jokester,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_joseph-and-potiphar-s-wife,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_lady-with-peacock,"[13.0, 13.0, 12.0, 9.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_letter-to-william-pope,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_love-of-country-shall-give-them-the-victory,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_love-talk,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_maria-swan-white,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_meeting,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_meeting-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_meeting-2,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_meeting-3,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_meeting-4,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_memory-1910,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_mermaid-and-faun,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_moscow-in-the-xii-century,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_nastassja-korolevichna,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_new-russia-sow-a-reasonable-good-eternal,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_on-the-bridge,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_on-the-way-to-victory,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_parisian,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_parting,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_pearl-of-creation,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_persian-woman-twisting-a-carpet,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_place-de-la-republic-and-of-happyness,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_plate-egyptian-queen,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_pledge-of-love,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_pledge-of-love-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_poland,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_portrait-of-italian-young-man,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_priestess,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_promise,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_proud,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_queen-azvyakovna,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_question,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_reading,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_red-cross,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_returning-from-matins,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_ripe-fruits,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_rivals,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_russian-beauty-with-the-traditional-headdress,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_russian-in-the-netherlands-at-the-time-of-peter-the-great,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_russian-types,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_scribe,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_seducer,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_seducer-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_sketch-of-the-costume,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_sketch-of-the-poster-pillory,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_small-chicken-become-great-cocks,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_song-without-words,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_st-george-coming-to-the-rescue,"[1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_st-jenevieve-and-the-new-attila,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_study-to-illustration-for-mademoiselle-de-maupin-of-th-ophile-gautier,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_temptation,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_tenderness,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_thanks,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_the-admired-beauty,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_the-enemy-conseals-himself,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_the-girl-with-monkey,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_the-head-of-the-roman-youth,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_the-nocturne-review-1914,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_the-pursuit-of-happyness,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_the-red-blood-of-garibaldi-1914,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_the-wreckage-1914,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_to-the-light-of-science,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_tough-response,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_two-sketches-of-costumes,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,sergey-solomko_vanity,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_vasilisa-mikulishna,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_venetian-sketch,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_virgo-comforter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_visiting,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_vive-la-france-1916,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_waiting,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_wedding-ceremony-middle-ages-1909,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_what-have-they-done-with-my-home,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_who,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_xvii-century,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_xviii-century,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,sergey-solomko_young-lovers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_young-woman-in-hat,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,sergey-solomko_zabava-putyatichna,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,stefan-luchian_composition,"[3.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,stefan-luchian_first-ball-1891,"[2.0, 0.0, 4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,stefan-luchian_spring,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,stefan-luchian_spring-two-muses-1899,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,stefan-luchian_the-well,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theo-van-doesburg_cover-of-three-lectures-about-the-new-art-1919,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,theo-van-doesburg_leaded-glass-composition-i,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_billenes-sankthansfest-1894,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_bokskap(2),"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_bokskap-1(2),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_bokskap-frontispis(2),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_book-cover-1890,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_en-delikatessehandel-1894(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_et-overfall(2),"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_first-page-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_for-tidlig-nedkomst-1894,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_fra-lofoten-cover-page-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_generende-familieforhold-1894,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_genialt-1894,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_har-dyrene-sj-l-cover-1894,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_har-dyrene-sj-l-cover-1894-1,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_her-er-levemaate-unger-1894,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_innfoedte-av-majoristammen-1894,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_loppejakt-i-urskogen-1894,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_min-soenn-tred-alltid-i-din-fars-fotspor-1894,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_mor-mor-det-gjoer-saa-vondt-aa-loepe-1894,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_paa-rangel-1894,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_rugga,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_slagsmaal-mellem-to-skarnbasser-1894,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,theodor-severin-kittelsen_store-eken-utenfor-kongsgaarden-den(1),"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_cover-illustration-for-the-magazine-simplicissimus-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_eifersucht,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-2,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-3,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_from-thorheiten-1901-4,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_genevi-ve-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_hunger-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_poster-advertising-marcel-pr-vost-s-novel-les-demi-vierges-pan-magazine-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_poster-for-the-berlin-secession-art-and-artist-magazine-1906,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_poster-for-the-simplicissimus-festival-hell-h-lle-1929,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-1897,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-1920,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-kiss-of-peace-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_simplicissimus-magazine-1896,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_the-eleven-executioners,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_the-flowers-of-evil-1895,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_the-hammock-1892,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,thomas-theodor-heine_the-two-dachshunds-1906,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,tom-thomson_forest-undergrowth-i-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,tom-thomson_maple-saplings-1917,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,tom-thomson_northern-lights-1917,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,tom-thomson_the-jack-pine-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,tom-thomson_the-west-wind-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,tom-thomson_woodland-waterfall-1916,"[1.0, 18.0, 17.0, 7.0, 1.0, 1.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,valentin-serov_a-recruit-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,valentin-serov_apollo-and-diana-beating-children-niobe,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,valentin-serov_curtain-design-for-nikolai-rimski-korsakov-s-ballet-sheherezade-1910,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,valentin-serov_odyssey-and-nausicaa-1910,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,valentin-serov_odyssey-and-nausicaa-1910-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,valentin-serov_odyssey-and-nausicaa-1910-2,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,valentin-serov_portrait-of-henrietta-girshman-1906,"[1.0, 3.0, 0.0, 4.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,valentin-serov_portrait-of-henrietta-girshman-1907,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,valentin-serov_portrait-of-ida-lvovna-rubinstein-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,valentin-serov_portrait-of-maria-akimova-1908,"[1.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,valentin-serov_sketch-for-the-design-of-a-curtain-for-the-ballet-scheherazade-1910,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,valentin-serov_soldiers-oldiers-heroes-every-one-1905,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 5.0, 0.0, 1.0]"
+Art_Nouveau_Modern,valentin-serov_the-rape-of-europa-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,valentin-serov_the-rape-of-europa-1910-1,"[16.0, 10.0, 9.0, 5.0, 0.0, 0.0, 3.0, 2.0, 2.0]"
+Art_Nouveau_Modern,valentin-serov_the-rape-of-europa-1910-2,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,vasily-polenov_details-of-golden-gates-1893,"[1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,viktor-vasnetsov_angel-with-a-lamp-1896,"[1.0, 5.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,viktor-vasnetsov_seraphim-1896,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,viktor-vasnetsov_seraphim-1896-1,"[4.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,viktor-vasnetsov_sketches-of-ornaments-painted-vladimir-cathedral-1893,"[0.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,viktor-vasnetsov_sketches-of-ornaments-painted-vladimir-cathedral-1893-1,"[0.0, 2.0, 3.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,viktor-vasnetsov_the-chronicler-nestor-1896,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_a-lady-on-a-marble-bench-in-ancient-rome,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_a-ray-of-sunlight,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_a-roman-bacchanal,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_a-roman-bacchanal-detail,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_adagio,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_adagio2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_after-the-death,"[1.0, 16.0, 20.0, 2.0, 0.0, 1.0, 1.0, 7.0, 2.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_afternoon-silence,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_agony-in-the-garden,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_agony-in-the-garden-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_an-enchanted-garden,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_angel-of-sadness,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_arcadia,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_autumn-thoughts,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_autumn-wind,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_ballade,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_by-the-pond,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_caress-the-waves,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_ceiling-at-kiev-st-vladimir-cathedral,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_cleopatra,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_constellation,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_cross-jews-across-black-sea,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_dark-star,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_daughter-of-cairo,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_daughter-of-cairo-detail,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_daughter-of-jairus,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_dawn,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_death-of-a-centaur,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_death-of-an-eagle,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_delirium,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_dragonflies,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_dragonfly,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_dream,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_dying-night,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_egypt-receives-the-light,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_entry-into-jerusalem,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_eveneing-at-the-terrace,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_evening,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_evening-peace,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_evening-silence,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_evening-song,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_fallen-rain,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_fever,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_fighting,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_fin,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_girl-between-hollyhocks,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_god-the-creator-the-days-of-creation,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_golden-cloud,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_good,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_goplana,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_gorgon,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_ibises-feeding,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_in-the-land-of-pyramids,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_kiss-of-medusa,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_kolumbaries,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_last-supper,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_leela-wend,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_magdalene,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_martyr,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_mist-comforter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_moonlight-sonata,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_moth-and-convolvulus-thumbnail-panels,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_mused,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_music,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_music-of-waves,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_mystery,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_near-the-prison,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_nymphes,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_on-the-terrace,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_over-the-dead-gladiator,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_pigeons,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_pilate-s-court,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_playing-chess,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_portrait-of-young-woman,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_rain-song,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_resting-by-the-shore,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_roman-beauty-with-doves,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_roman-holiday,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_sappho,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_seraphim,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_shooting-star,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_silence,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_small-dome-seraphs,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_song-of-the-slaves,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_sphinx,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_st-pafnuty,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_st-philip-metropolitan-of-moscow,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_study-models,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_tears-of-the-human,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-crucifixion-of-jesus-christ,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-dance-of-the-leaves,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-evening-silence,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-last-fight,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-mist-of-the-nile,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-resurrection-of-lazarus,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-seller-of-amulets,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-setting-sun,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-spirit-of-the-abyss,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-wounded-vampire,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_the-young-carpenter,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_translunary-edge,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_triumphant,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_two-beauties,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_two-girls-in-yellow-and-pink,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_venetian-serenade,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_war,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_water-lilies,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_water-nymph,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_wave,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,wilhelm-kotarbinski_wave-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_apple-tree,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_apples-on-the-branches-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_at-breakfast-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_attacked-a-goat-gray-wolves-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_ballerinas-in-the-dressing-room-1923,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_ballet-dancers-in-their-dressing-room-1923,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_ballet-washroom-1924,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_bath-1913,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_bather-1911,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_bobrinsky-palace-in-petrograd-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_boys-in-sailor-s-striped-vests-1919,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_country-girl-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_eugene-portrait-of-the-artist-s-son-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_family-portrait-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_farmer-spread-out-on-canvas-1917,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_four-female-figures-1916,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_girl-with-a-candle-self-portrait-1911,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_girls-at-the-piano-1922,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_girls-neskuchnoye-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_girls-sylphides-ballet-chopiniana-1924,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_harvesting-1915,"[2.0, 10.0, 23.0, 2.0, 1.0, 0.0, 0.0, 1.0, 5.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_house-of-cards-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_in-ballet-dressing-room-1924,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_in-ballet-dressing-room-big-ballerinas-1922,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_in-the-dressing-room-ballet-swan-lake-1924,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_in-the-kitchen-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_in-the-nursery-neskuchnoye-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_india-1916,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_india-1916-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_japan-odalisque-1916,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_katya-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_katya-at-the-kitchen-table-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_katya-in-blue-dress-by-christmas-tree-1922,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_katya-still-life-1923,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_katyusha,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_levi-alexander-benois-de-stetto-1916,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_moloduha-maria-zhegulina-1909,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_nude-1920,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_nude-girl,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_nude-sketch-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_nurse-with-baby-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_on-the-terrace-in-kharkov-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_peasant-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_peasant-girl-1906,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_peasant-woman-with-rocker-1917,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_peasants-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_pierrot-self-portrait-in-the-costume-of-pierrot-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-a-cherkesovoy-benoit-and-his-son-alexander-1922,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-a-d-danilova-in-costume-for-the-ballet-armida-s-pavilion-1922,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-e-a-svekis-1923,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-l-a-ivanova-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-ballerina-l-a-ivanova-1922,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-boy,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-i-kunina-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-nurse-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-nurse-1909,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-peasant-i-d-golubeva-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-peasant-woman-1910,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-student-1909,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-a-young-woman-1915,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-aleksandr-serebriakov-studying-an-album,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-boris-serebryakov-1915,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-e-zelenkova-nee-lancere-1913,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-k-lancere-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-m-edwards-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-m-eygelya-1909,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-e-solntseva-sister-of-artist-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-ekaterina-cavos-hunter-the-artist-s-cousin,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-eugene-serebryakov-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-g-i-chulkov-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-gm-balanchivadze-dzh-balanchina-in-a-suit-of-bacchus,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-k-lancere-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-k-lancere-1910-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-lola-braz-1910,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-m-benois-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-marietta-frangopulo-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-olga-konstantinovna-lancere-1910,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-the-composer-s-daughter-ef-napravnik,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-vera-fokine,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_portrait-of-yekaterina-heidenreich-in-red-1923,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_seated-nude-1917,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_self-portrait-1907,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_self-portrait-1914,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_self-portrait-wearing-a-scarf-1911,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_siam-1916,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_sleeping-peasant-1917,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_study-for-painting-canvas-whitening-1917,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_tata-and-katia-in-the-mirror-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_the-bathhouse-1912,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_turkey-1916,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Art_Nouveau_Modern,zinaida-serebriakova_turkey-two-odalisques-1916,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_a-boor-asleep,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_drinkers-in-the-yard,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,adriaen-brouwer_dune-landscape-by-moonlight,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_farmers-fight-party,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_father-s-of-unpleasant-duties-1631,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_feeling,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_fumatore,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_in-the-tavern,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-brouwer_in-the-tavern-1,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_inn-with-drunken-peasants,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_interior-of-a-tavern,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,adriaen-brouwer_interior-with-smokers-1632,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,adriaen-brouwer_jan-davidszoon-de-heem,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-brouwer_moonlit-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,adriaen-brouwer_musical-company,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_operation-on-foot,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,adriaen-brouwer_peasant-inn,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,adriaen-brouwer_peasants-fighting,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,adriaen-brouwer_peasants-playing-cards-in-a-tavern,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-brouwer_peasants-quarrelling-in-an-interior-1630,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,adriaen-brouwer_peasants-smoking-and-drinking,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-brouwer_portrait-of-a-man,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_scene-at-the-inn,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,adriaen-brouwer_smallholders-playing-cards,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_smallholders-playing-dice,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_smokers-in-an-inn,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_tavern-scene,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,adriaen-brouwer_the-back-operation,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,adriaen-brouwer_the-bitter-drunk,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_the-brawl,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_the-card-players,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_the-drinker,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_the-master-of-drinking,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,adriaen-brouwer_the-pancake-baker,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,adriaen-brouwer_the-schlachtfest,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-brouwer_the-smoker,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,adriaen-brouwer_the-smokers-1,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_the-smokers-or-the-peasants-of-moerdijk-1630,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-brouwer_twilight-landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,adriaen-brouwer_two-peasants,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Baroque,adriaen-brouwer_village-barbershop,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-brouwer_village-scene-with-men-drinking,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,adriaen-brouwer_youth-making-a-face,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_a-classical-landscape-1671,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_a-cow-and-three-sheep,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-velde_agony-in-the-garden-1665,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-velde_amusement-on-the-ice-1669,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-de-velde_animals-by-the-river-1664,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_battle,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-de-velde_beach-at-scheveningen,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,adriaen-van-de-velde_beach-scene,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-velde_bull-1659,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-de-velde_cattle-and-goats-in-a-meadow-1658,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_cityscape-with-drawbridge-1672,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_cows-on-a-meadow-1658,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-velde_frozen-canal-with-skaters-and-hockey-players-1668,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_golfers-on-the-ice-near-haarlem-1668,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-de-velde_harteveld-house-on-the-vecht-in-utrecht,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-velde_landscape-with-shepherds,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-de-velde_milking-a-cow-1666,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_portrait-of-a-couple-with-two-children-and-a-nursemaid-in-a-landscape-1667,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_portrait-of-a-couple-with-two-children-and-a-nursemaid-in-a-landscape-detail-1667,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_reclining-herdsman,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_seated-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,adriaen-van-de-velde_seated-woman-with-a-basket-and-livestock,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-de-velde_study-of-a-female-nude,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_study-of-a-woman-in-peasant-dress,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-van-de-velde_the-annunciation-1667,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-de-velde_the-beach-at-scheveningen-1658,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-de-velde_the-church-of-st-severin-in-cologne-in-a-fictive-setting-1672,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_the-farm-1666,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_the-hut-1671,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_the-hut-detail-1671,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-velde_the-martelaarsgracht-in-amsterdam,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_the-stone-bridge-1672,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_view-in-amsterdam,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-velde_view-of-oudezijds-voorburgwal-with-the-oude-kerk-in-amsterdam,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-de-velde_view-of-the-ancient-castle-of-the-dukes-of-burgundy-in-brussels-1672,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_a-cavalier-at-his-dressing-table,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-de-venne_a-game-of-handball-with-country-palace-in-background,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-de-venne_a-man-carrying-a-sack,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,adriaen-van-de-venne_a-merry-company-in-an-arbor,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-de-venne_a-summer-village-landscape-with-horse,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-venne_al-te-bot,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,adriaen-van-de-venne_allegory-depicting-the-pacification-of-ghent,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,adriaen-van-de-venne_allegory-of-poverty,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,adriaen-van-de-venne_an-amorous-peasant-couple-conversing,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-de-venne_beautiful-and-ugly-1634,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_beggars-fighting-1634,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-venne_dance-of-death,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Baroque,adriaen-van-de-venne_early-depiction-of-a-dutch-telescope,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_emblem,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-venne_emblem-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_emblem-from-cats-monita-amoris-virginei,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,adriaen-van-de-venne_fishing-for-souls,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-de-venne_fools-have-the-most-fun,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_frontispiece,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-venne_illustration,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-venne_illustration-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,adriaen-van-de-venne_mans-grief,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-venne_maurice-1567-1625-prince-of-orange-lying-in-state,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Baroque,adriaen-van-de-venne_moses-striking-the-rock,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,adriaen-van-de-venne_portrait-of-frederick-hendrick-prince-of-orange-nassau,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_portrait-of-maurice-prince-of-orange,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_princes-maurits-and-frederik-hendrik-of-orange-at-the-valkenburg-horse-fair,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-de-venne_summer,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-de-venne_the-port-of-middelburg,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,adriaen-van-de-venne_what-won-t-people-do-for-money,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-de-venne_where-there-are-people-money-may-be-made,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Baroque,adriaen-van-de-venne_winter-scene,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,adriaen-van-ostade_a-baker,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_a-fight,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_a-fight-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_a-frozen-lake,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0]"
+Baroque,adriaen-van-ostade_a-man-in-the-window,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,adriaen-van-ostade_a-peasant-family-outside-a-cottage,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_a-peasant-in-a-red-beret-smoking-a-pipe,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_a-talk-at-fireplace,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_a-tavern-interior-with-peasants-drinking-beneath-a-window,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_a-village-inn,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,adriaen-van-ostade_an-alchemist,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Baroque,adriaen-van-ostade_an-old-woman-by-window,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_barber-extracting-of-tooth,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_buying-fish-1669,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_children-playing-in-a-barn,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_cottage-interior-with-a-family-around-the-hearth,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-van-ostade_country-concert,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_cutting-the-feather,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-van-ostade_dance-at-the-inn,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_dancing-couple-and-merry-company-in-an-interior,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_dancing-farmers,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_drinking-peasant-in-an-inn,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_feasting-peasants-in-a-tavern,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_happy-peasants,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_in-a-barn,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_in-a-tavern,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_in-the-village-inn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_inn-scene,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_interior-of-a-farmhouse-with-skaters,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-van-ostade_interior-of-a-tavern,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,adriaen-van-ostade_interior-of-a-tavern-with-violin-player,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_interior-of-an-inn,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,adriaen-van-ostade_interior-with-a-peasant-family,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_landscape-with-an-old-oak,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_lawyer-in-his-study,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,adriaen-van-ostade_merrymakers-in-an-inn,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_mother-holding-her-child-in-a-doorway,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_peasant-at-a-window-1662,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,adriaen-van-ostade_peasant-family,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-van-ostade_peasant-family-in-a-cottage-interior,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_peasants-carousing-and-dancing-outside-an-inn,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_peasants-dancing-in-a-tavern,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_peasants-drinking-and-making-music-in-a-barn,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_peasants-in-a-tavern,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_peasants-in-an-inn,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_peasants-in-an-interior,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_piping-and-drinking-in-the-tavern,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_portrait-of-a-boy,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_portrait-of-a-family,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_portrait-of-a-scholar,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_prayer-before-the-meal,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,adriaen-van-ostade_quarrel,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_reading-a-letter,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,adriaen-van-ostade_resting-travellers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_scene-in-the-tavern,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_scissors-grinder,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_sense-of-hearing,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_sense-of-smell,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,adriaen-van-ostade_smiling-smoker,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_smoker,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,adriaen-van-ostade_tavern-interior,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_tavern-scene,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_the-breakfast,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_the-call,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_the-cottage-dooryard,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_the-de-goyer-family-and-the-painter,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,adriaen-van-ostade_the-drinkers-1658,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_the-family,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,adriaen-van-ostade_the-family-1,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_the-fishmarket,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_the-fishwife,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_the-fishwife-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_the-flute-player,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,adriaen-van-ostade_the-halt-at-the-inn,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_the-interior-of-a-peasant-s-cottage,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_the-merry-drinkers,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_the-merry-peasant,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_the-painter-in-his-workshop,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_the-peasant-settling-his-debt,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,adriaen-van-ostade_the-schoolmaster,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,adriaen-van-ostade_the-singers-at-the-window,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,adriaen-van-ostade_the-smoker,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,adriaen-van-ostade_the-stall-keeper,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Baroque,adriaen-van-ostade_the-violinist,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_three-peasants-at-an-inn,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_village-feast,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_village-musicians,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,adriaen-van-ostade_village-musicians-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,adriaen-van-ostade_village-tavern-with-four-figures,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,adriaen-van-ostade_wandering-musician,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,aelbert-cuyp_a-distant-view-of-dordrecht-with-a-milkmaid-and-four-cow-1650,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_cattle-watering-by-an-estuary,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_flock-of-sheep-at-pasture-1655,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,aelbert-cuyp_lady-and-gentleman-on-horseback-1655,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_landscape-with-shepherds-and-flock-near-rhenen,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_orpheus-with-animals-in-a-landscape,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_panoramic-landscape-with-shepherds-sheep-and-a-town-in-the-distance-1644,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,aelbert-cuyp_river-landscape-with-horseman-and-peasants-1660,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_self-portrait-as-a-boy,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,aelbert-cuyp_sunset-over-the-river-1655,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,aelbert-cuyp_the-maas-at-dordrecht-1650,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_the-maas-at-dordrecht-in-a-storm-1650,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,aelbert-cuyp_the-negro-page-1652,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,aelbert-cuyp_the-passage-boat-1650,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_ubbergen-castle-1655,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aelbert-cuyp_view-of-dordrecht-1655,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,aelbert-cuyp_view-of-the-groote-kerk-in-dordrecht-from-the-river-maas,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,agostino-carracci_a-peasant-man-head-and-shoulders-shouting,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,agostino-carracci_achille-and-briseis,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,agostino-carracci_aeneas-and-dido,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,agostino-carracci_alcibiade-and-glycere,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,agostino-carracci_angelica-and-medor,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,agostino-carracci_ann-parolini-guicciardini-1598,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,agostino-carracci_antony-and-cleopatra,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,agostino-carracci_bachus-and-ariane,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Baroque,agostino-carracci_democritus,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,agostino-carracci_dog,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,agostino-carracci_giovanni-gabrielli-il-sivello,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,agostino-carracci_hairy-harry-mad-peter-and-tiny-amon-1600,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,agostino-carracci_head-of-a-faun-in-a-concave-1595,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,agostino-carracci_hercules-and-deianira,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,agostino-carracci_italian-scientist-ulisse-aldrovandi,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,agostino-carracci_julie-with-an-athlete,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Baroque,agostino-carracci_jupiter-and-juno,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,agostino-carracci_landscape-with-bathers-1599,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,agostino-carracci_mars-and-venus,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,agostino-carracci_messalina-in-lisisica-s-booth,"[0.0, 1.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,agostino-carracci_neptune-dispersing-the-clouds-and-calming-the-tides,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,agostino-carracci_ovid-and-corine,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,agostino-carracci_pandora,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,agostino-carracci_paris-and-oenone,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,agostino-carracci_penitent-magdalene,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,agostino-carracci_pluto,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Baroque,agostino-carracci_polyenos-and-chrisis,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,agostino-carracci_portrait-of-a-lutenist-portrait-of-the-musician-orazio-bassani,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,agostino-carracci_portrait-of-a-woman-1599,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,agostino-carracci_portrait-of-annibale-ludovico-and-agostino-carracci,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,agostino-carracci_portrait-of-christine-of-lorraine-grand-duchess-of-tuscany-1589,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,agostino-carracci_religion-of-priapus,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,agostino-carracci_satyr-mason,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,agostino-carracci_self-portrait-of-agostino-carracci,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,agostino-carracci_st-agatha-from-the-episode-holy-women-1578,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,agostino-carracci_st-catherine-from-the-episode-holy-women-1578,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,agostino-carracci_st-lucia-from-the-episode-holy-women-1578,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Baroque,agostino-carracci_st-margaret-from-the-episode-holy-women-1578,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,agostino-carracci_studies-of-the-carracci-figure,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,agostino-carracci_the-ecstasy-of-saint-catherine-1590,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,agostino-carracci_the-flood,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Baroque,agostino-carracci_the-holy-family-with-sts-anthony-abbot-catherine-and-the-infant-st-john-1582,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,agostino-carracci_the-last-communion-of-st-jerome-1592,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,agostino-carracci_the-penitent-magdalen,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,agostino-carracci_the-satire-and-his-wife,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Baroque,agostino-carracci_the-satyr-and-nymph,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,agostino-carracci_titian-1587,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,agostino-carracci_venus-and-mars-1600,"[4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,agostino-carracci_venus-genitrice,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,agostino-carracci_venus-punishing-profane-love-1595,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,aleksey-antropov_an-icon-from-the-iconostasis-of-the-st-andrew-s-church-in-kiev-1754,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_apostol-st-peter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_archbishop-sylvester-kuliabka,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_countess-anna-vorontsova,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,aleksey-antropov_lord-god-safaof,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-a-mistress-agrippina-leontyevna-apraksina,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Baroque,aleksey-antropov_portrait-of-an-unknown-lady,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-an-unknown-woman-1790,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-anna-vasiliyevna-buturlina,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-archbishop-gavriil-petrov,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-brigadier-michael-dmitrievich-buturlin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,aleksey-antropov_portrait-of-catherine-ii,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-catherine-ii-1,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-catherine-ii-the-great,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-countess-m-a-rumyantzeva,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-elizabeth-of-russia,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-empress-elizaveta-petrovna,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-f-krasnoschiokov,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-fyodor-dubyansky-1761,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-general-in-chief-count-william-w-fermor,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,aleksey-antropov_portrait-of-grand-duchess-catherine-alekseevna-future-empress-catherine-ii-the-great-1770,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-grand-duke-peter-fedotovich-later-peter-iii,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-prince-m-i-vorontsov,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,aleksey-antropov_portrait-of-princess-t-a-trubetzkaya,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-the-lady-in-waiting-a-m-izmaylova,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,aleksey-antropov_portrait-of-tsar-peter-i,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-tsar-peter-i-the-great-1672-1725-1772,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,aleksey-antropov_portrait-of-tsar-peter-iii-1728-62-1762,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,aleksey-antropov_self-portrait,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,aleksey-antropov_the-last-supper,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,alexey-zubov_battle-of-gangut-june-27-1714-1715,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,alexey-zubov_boat-of-peter-i-1722,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,alexey-zubov_catherinehof-1716,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,alexey-zubov_panoramic-view-of-st-petersburg-1716,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,alexey-zubov_portrait-of-i-m-golovin-1720,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,alexey-zubov_st-petersburg-view-of-the-peter-and-paul-fortress-1727,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,alexey-zubov_st-petersburg-view-of-the-winter-palace-of-peter-i-1716,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,alexey-zubov_the-battle-of-grengam-june-27-1720-1721,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,alexey-zubov_the-bringing-of-4-swedish-frigates-in-st-petersburg-after-the-victory-in-the-battle-of-grengam,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,alexey-zubov_the-bringing-of-the-swedish-ships-to-st-petersburg-after-the-victory-in-the-battle-of-gangut,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]"
+Baroque,alexey-zubov_the-ceremonial-entry-of-the-russian-troops-to-moscow-on-december-21-1709-after-their-victory-in-1711,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,alexey-zubov_the-wedding-feast-of-peter-i-and-catherine-in-the-winter-palace-of-peter-i-in-st-petersburg-on-1712,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,alexey-zubov_view-of-a-menshikov-s-palace-on-vasilievsky-island-1717,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Baroque,alexey-zubov_view-of-the-gagarin-s-moscow-mansion-from-the-courtyard-1707,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,alexey-zubov_view-of-the-summer-gardens-from-the-neva-river-1717,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,alonzo-cano_dead-christ-supported-by-an-angel-1650,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,alonzo-cano_descent-into-limbo,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Baroque,alonzo-cano_education-of-the-virgin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,alonzo-cano_eve-1666,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Baroque,alonzo-cano_ideal-portrait-of-a-spanish-king,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,alonzo-cano_immaculate-conception,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,alonzo-cano_immaculate-conception-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,alonzo-cano_immaculate-conception-1648,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,alonzo-cano_immaculate-conception-2,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,alonzo-cano_inmaculate-conception,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,alonzo-cano_kings-of-the-visigoths,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,alonzo-cano_maria,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,alonzo-cano_noli-me-tangere,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,alonzo-cano_saint-john-the-evangelist-s-vision-of-jerusalem-1635,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,alonzo-cano_san-francisco-de-borja-saint-francis-borgia-1624,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,alonzo-cano_st-bernard-and-the-virgin,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,alonzo-cano_st-isidore-saves-a-child-that-had-fallen-in-a-well,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,alonzo-cano_st-james-the-greater,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,alonzo-cano_st-john-the-baptist-1634,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,alonzo-cano_st-john-the-evangelist-and-the-poisoned-cup,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,alonzo-cano_st-john-the-evangelist-at-patmos,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,alonzo-cano_st-john-the-evangelist-giving-communion-to-the-virgin,"[4.0, 14.0, 15.0, 1.0, 1.0, 1.0, 4.0, 6.0, 5.0]"
+Baroque,alonzo-cano_st-vincent-ferrer-preaching,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,alonzo-cano_the-crucifixion-1638,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,alonzo-cano_the-virgin-and-child-1643,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,alonzo-cano_vision-of-st-anthony-of-padua-1662,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,annibale-carracci_adorned-by-the-graces-1595,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,annibale-carracci_an-allegory-of-truth-and-time-1585,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,annibale-carracci_angel-announcing-the-resurrection-of-christ-to-the-three-marys-1609,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,annibale-carracci_apollo-and-hyacinth,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_assumption-of-the-virgin-mary-1601,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_atlante,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,annibale-carracci_bacchus,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,annibale-carracci_baptism-of-christ-1584,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,annibale-carracci_butcher-s-shop,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_christ-in-glory-1598,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_christ-wearing-the-crown-of-thorns-supported-by-angels-1587,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,annibale-carracci_crucifixion-1583,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,annibale-carracci_face-a-woman-turned-towards-the-right,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_ganimede,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,annibale-carracci_head-of-a-man-1599,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Baroque,annibale-carracci_holy-women-at-christ-s-tomb,"[1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_hommage-to-diana-1602,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_hunting-1588,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,annibale-carracci_jupiter-and-juno,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Baroque,annibale-carracci_landscape-with-the-sacrifice-of-isaac,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,annibale-carracci_landscape-with-the-toilet-of-venus-1609,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,annibale-carracci_lord-whither-goest-thou-1602,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,annibale-carracci_man-with-monkey-1591,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_mercury-protecting-ulysses-from-the-charms-of-circe,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_mocking-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,annibale-carracci_not_detected_234536,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Baroque,annibale-carracci_not_detected_234546,"[7.0, 11.0, 23.0, 3.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,annibale-carracci_nude-study,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_perseus-and-phineas-1597,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,annibale-carracci_pieta-1600,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,annibale-carracci_polyphemus-attacking-acis-and-galatea-1605,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_portrait-of-a-man,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_portrait-of-annibale-carracci,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_portrait-of-giovanni-gabrieli-with-the-lute,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,annibale-carracci_preparatory-drawing-for-self-portrait-on-an-easel-in-a-workshop,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_rest-on-flight-into-egypt,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_river-landscape-1590,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_samson-imprisoned,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Baroque,annibale-carracci_self-portrait,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,annibale-carracci_self-portrait-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,annibale-carracci_self-portrait-in-profile,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,annibale-carracci_sheet-of-caricatures,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Baroque,annibale-carracci_sleeping-venus,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_st-magdalene-in-the-desert-1591,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,annibale-carracci_st-margaret-1599,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,annibale-carracci_susanna-and-the-elders,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,annibale-carracci_the-assumption-of-the-virgin,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-beaneater-1590,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_the-butcher-s-shop,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-choice-of-heracles,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-coronation-of-st-stephen,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-coronation-of-the-virgin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,annibale-carracci_the-cyclops-polyphemus-1605,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-dead-christ-1585,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,annibale-carracci_the-dead-christ-mourned-the-three-maries-1606,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,annibale-carracci_the-fishing,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,annibale-carracci_the-flight-into-egypt,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-laughing-youth-1583,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-martyrdom-of-st-stephen-1603,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-mystic-marriage-of-st-catherine-1587,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-penitent-magdalen-in-a-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,annibale-carracci_the-samaritan-woman-at-the-well,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,annibale-carracci_the-stoning-of-st-stephen-1604,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,annibale-carracci_the-temptation-of-st-anthony-abbot-1597,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,annibale-carracci_the-virgin-appears-to-st-luke-and-catherine-1592,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_translation-of-the-holy-house,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_triptych-1605,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,annibale-carracci_triptych-1605-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,annibale-carracci_triton,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_triumph-of-bacchus-and-ariadne-1602,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,annibale-carracci_two-children-teasing-a-cat-1590,"[0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_venus-adonis-and-cupid-1590,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_venus-and-anchises,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_venus-inebriated-by-a-satyr-la-nuda,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,annibale-carracci_venus-with-a-satyr-and-cupids,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,annibale-carracci_virgin-and-child,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,annibale-carracci_virgin-and-unicorn-a-virgin-with-a-unicorn-1605,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_a-meadow-surrounded-by-trees-1635,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_abraham-and-isaac,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,anthony-van-dyck_agostino-pallavicini,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_an-apostle,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_an-apostle-with-folded-hands-1620,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_an-aristocratic-genoese-1626,"[0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_anna-wake,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_apostle-jude-1621,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_arthur-goodwin-m-p-oil-on-canvas,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_avenue-in-the-country,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_blessed-joseph-hermann-1629,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_charles-i-and-queen-henrietta-maria-with-charles-prince-of-wales-and-princess-mary-1632,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,anthony-van-dyck_charles-i-in-three-positions-1636(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_charles-i-king-of-england-1636,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_charles-i-king-of-england-at-the-hunt,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_charles-i-king-of-england-from-three-angles-1636,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_charles-i-of-england-and-henrietta-of-france,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_charles-i-on-horseback,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_christ-on-the-cross-1627,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_cornelis-van-der-geest,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_crowning-with-thorns-1620,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_crucifixion,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_cupid-and-psyche-1640,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,anthony-van-dyck_deposition-1634,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,anthony-van-dyck_diana-cecil-countess-of-oxford-1638,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_double-portrait-of-the-painter-frans-snyders-and-his-wife,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_emperor-charles-v-on-horseback-1620,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,anthony-van-dyck_emperor-theodosius-forbidden-by-st-ambrose-to-enter-milan-cathedral-1620,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_equestrian-portrait-of-charles-i-king-of-england-1640,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_equestrian-portrait-of-charles-i-king-of-england-with-seignior-de-st-antoine-1633,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_evangelist-john,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,anthony-van-dyck_family-portrait,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_genoese-noblewoman-with-her-son-1626,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_george-digby-2nd-earl-of-bristol-and-william-russell-1st-duke-of-bedford-1637,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_george-gage-with-two-men-1623,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_george-villiers-2nd-duke-of-buckingham-and-his-brother-lord-francis-villiers-1635,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_golgotha-1630,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_head-of-a-robber-1618,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_isabella-brandt-1621,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_james-stuart-duke-of-lennox-and-richmond-1633,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_james-stuart-duke-of-richmond-and-lennox-with-his-attributes-1634,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_johan-oxenstierna,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_jupiter-and-antiope,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_lady-borlase-1638,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_lady-elizabeth-thimbleby-and-dorothy-viscountess-andover-1637,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_lady-lucy-percy,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_lord-john-and-lord-bernard-stuart,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_lucas-van-uffelen-1622,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_lucas-vorsterman,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_marchesa-geronima-spinola-1626,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,anthony-van-dyck_margareta-snyders,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_maria-and-child-and-saints,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_maria-bosschaerts-wife-of-adriaen-stevens,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_marie-clarisse-wife-of-jan-woverius-with-their-child,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_marie-de-raet-1631,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_martin-ryckaert-1631,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,anthony-van-dyck_mozes-and-the-brass-snake-1620,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_nicholas-lanier-1630,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_nicolaas-rockox,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_nicolaes-van-der-borght-merchant-of-antwerp,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_philip-4th-earl-of-pembroke-and-his-family,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_philip-fourth-lord-wharton-1632,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_philippe-le-roy-1630,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_pieter-stevens,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,anthony-van-dyck_porrtrait-of-the-sculptor-duquesnoy-1629,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-flemish-lady-1621,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-gentleman-1624,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-a-gentleman-dressed-in-black-in-front-of-a-pillar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-gentleman-putting-on-his-gloves,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-girl-as-erminia-accompanied-by-cupid-1638,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-lady,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-lady-1635,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-a-lady-dressed-in-black-before-a-red-curtain,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-lady-presumed-to-be-the-marquise-geromina-spinola-doria-de-genes-oil-on-canvas,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-a-man-in-armour-with-red-scarf-1627,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-married-couple,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-member-of-the-balbi-family,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-a-military-commander-bust-length-in-profile-in-damascened-armour-with-white-colland,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-a-monk-of-the-benedictine-order-holding-a-skull,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-noble-genoese-lady-1627,"[1.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-noblewoman-1622,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-a-young-general-1627,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-adriaen-stevens-1629,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-an-english-gentleman,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-an-unknown-woman,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-anna-dalkeith-countess-of-morton-and-lady-anna-kirk,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-anna-van-craesbecke-1635,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-anne-carr-countess-of-bedford,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-cardinal-guido-bentivoglio,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-charles-ii-when-prince-of-wales,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-clelia-cattaneo-daughter-of-marchesa-elena-grimaldi-1623,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-cornelis-van-der-geest,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-dona-polyxena-spinola-guzm-de-lagan-s,"[4.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-emmanuel-philibert-1624,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-endymion-porter,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-father-jean-charles-della-faille-1629,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-filippo-cattaneo-son-of-marchesa-elena-grimaldi-1623,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-frederik-hendrik-1632,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-giovanni-vincenzo-imperiale-1625,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-henri-ii-de-lorraine-duc-de-guise-1634,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-henry-danvers-earl-of-danby-as-a-knight-of-the-order-of-the-garter,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Baroque,anthony-van-dyck_portrait-of-isabella-van-assche-wife-of-justus-van-meerstraten-d-1639-1634-35-oil-on-canvas-1635,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-jacques-le-roy-1631,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-joost-de-hertoghe,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-justus-van-meerstraeten-1635,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-lady-d-aubigny-1638,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-marcello-durazzo,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-marchesa-balbi-1627,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-marchesa-elena-grimaldi-wife-of-marchese-nicola-cattaneo-1623,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-marguerite-of-lorraine-duchess-of-orleans-1634,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-maria-louisa-de-tassis,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-maria-lugia-de-tassis-1629,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-nicolaes-van-der-borght,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-philadelphia-and-elisabeth-cary,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-philip-lord-wharton,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-pieter-bruegel-the-younger,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-porzia-imperiale-and-her-daughter-1628,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-prince-charles-louis-elector-palatine-1641,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-queen-henrietta-maria,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-sir-thomas-chaloner-1620,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-susanna-fourment-and-her-daughter-1620,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-the-artist-marten-pepijn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-the-painter-cornelis-de-wae,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-the-prefect-raphael-racius-1625,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_portrait-of-the-princes-palatine-charles-louis-i-and-his-brother-robert-1637,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_portrait-of-the-three-eldest-children-of-charles-i,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_portrait-of-virginio-cesarini-1623,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_prince-rupert-von-der-pfalz-1632,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_profile-study-of-a-bearded-old-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,anthony-van-dyck_queen-henrietta-maria,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_queen-henrietta-maria-1635,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,anthony-van-dyck_queen-henrietta-maria-and-her-dwarf-sir-jeffrey-hudson-1633,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_rinaldo-and-armida-1629,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_rubens-mourning-his-wife,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,anthony-van-dyck_saint-bartholomew,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,anthony-van-dyck_saint-john-the-baptist-in-the-wilderness,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_samson-and-delilah-1620,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_self-portrait,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_self-portrait-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_self-portrait-1623,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,anthony-van-dyck_self-portrait-with-a-sunflower-1632,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_sheet-of-studies-1635,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Baroque,anthony-van-dyck_silenus-drunk,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_sir-endymion-porter-and-the-artist,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_sir-robert-sherly-1622,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_snyders,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_st-george-and-the-dragon,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_st-jerome,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,anthony-van-dyck_st-martin-dividing-his-cloak,"[0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_st-mary-s-church-at-rye-england-1634,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_studies-of-a-man0s-head,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,anthony-van-dyck_susanna-and-the-elders-1622,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_teresia-lady-shirley-1622,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_the-assumption-of-the-virgin-1627,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_the-capture-of-christ-1620,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,anthony-van-dyck_the-five-eldest-children-of-charles-i-1637,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_the-lamentation-1620,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0]"
+Baroque,anthony-van-dyck_the-lamentation-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Baroque,anthony-van-dyck_the-lomellini-family-1627,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_the-penitent-apostle-peter-1618,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,anthony-van-dyck_the-rest-on-the-flight-to-egypt-1630,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_the-vision-of-st-anthony-1629,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_the-wife-and-daughter-of-colyn-de-nole,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_thomas-howard-2nd-earl-of-arundel-and-surrey-with-his-grandson-lord-maltravers-1635,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_thomas-killigrew-and-william-lord-crofts-1638,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_thomas-wentworth-1st-earl-of-strafford-in-an-armor-1639,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,anthony-van-dyck_titian-s-self-portrait-with-a-young,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_venus-asking-vulcan-for-the-armour-of-aeneas-1632,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,anthony-van-dyck_virgin-with-donors,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,anthony-van-dyck_wife-of-an-aristocratic-genoese-1626,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_william-ii-prince-of-orange-and-princess-henrietta-mary-stuart-daughter-of-charles-i-of-england-1641,"[4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,anthony-van-dyck_young-woman-with-a-child-1618,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,antoine-pesne_ernst-friedrich-baron-of-the-inn-and-knyphausen-royal-prussian-minister-1707,"[2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,antoine-pesne_family-portrait-of-baron-von-erlach-1711,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,antoine-pesne_fortune-teller,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,antoine-pesne_geometrician,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,antoine-pesne_jean-mariette-engraver-1723,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,antoine-pesne_markgraf-friedrich-wilhelm-von-brandenburg-schwedt,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,antoine-pesne_nicolas-vleughels,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,antoine-pesne_nocturne-1718,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,antoine-pesne_portrait-of-a-man,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,antoine-pesne_portrait-of-an-old-jew,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,antoine-pesne_portrait-of-henriette-von-zerbsten-1726,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Baroque,antoine-pesne_portrait-of-jean-baptiste-gayot-dubuisson,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,antoine-pesne_portrait-of-johann-melchior-dinglinger,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,antoine-pesne_portrait-of-mary-susanne-dinglinger-born-gutermann,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,antoine-pesne_portrait-of-the-crown-prince-friedrich-ludwig-of-w-rttemberg-and-his-wife-henriette-marie-of,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,artemisia-gentileschi_allegoria-dell-inclinazione-1615,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,artemisia-gentileschi_an-allegory-of-peace-and-the-arts-under-the-english-crown-1638,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,artemisia-gentileschi_aurora-1627,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,artemisia-gentileschi_cleopatra,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,artemisia-gentileschi_clio-the-muse-of-history-1632,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,artemisia-gentileschi_dame-assise-de-trois-quarts,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,artemisia-gentileschi_danae-1612,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,artemisia-gentileschi_judith-and-her-maidservant-1613,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,artemisia-gentileschi_judith-beheading-holofernes-1620,"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,artemisia-gentileschi_lucretia-1620,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,artemisia-gentileschi_lucretia-1642,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,artemisia-gentileschi_minerva-1640,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,artemisia-gentileschi_portrait-of-a-condottiero-1622,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,artemisia-gentileschi_self-portrait-as-a-female-martyr-1615,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,artemisia-gentileschi_self-portrait-as-the-allegory-of-painting-1639,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,artemisia-gentileschi_sleeping-venus-1630,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,artemisia-gentileschi_susanna-and-the-elders-1610,"[0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Baroque,artemisia-gentileschi_woman-playing-a-lute,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_a-girl-and-her-duenna-1670,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_a-girl-with-fruits-1660,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_a-saint-kneeling-and-supported-by-angels-in-ecstasy-before-the-virgin-and-child-on-a-cloud,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_a-young-man-with-a-basket-of-fruit-1640,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_abraham-receiving-the-three-angels-1667,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_adoration-of-the-magi-1660,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_adoration-of-the-shepherds,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_adoration-of-the-shepherds-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_adoration-of-the-shepherds-1650,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_angel-carrying-the-cross-1660,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_angel-holding-a-banner-1660,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_angel-holding-a-hammer-and-nails-1660,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_angel-holding-registration-1660,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_angel-holding-the-crown-of-thorns-1660,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_angel-holding-the-lantern-and-the-sword-that-was-used-to-cut-the-ear-of-malchus-1660,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_angel-holding-the-spear-and-sponge-holder-1660,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_angel-holding-the-tunic-and-dice-1660,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_angel-with-the-instruments-of-whipping-1660,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,bartolome-esteban-murillo_annunciation-1665,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_appearance-of-the-christ-child-to-saint-anthony-of-padua,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_baking-of-flat-cakes-1650,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,bartolome-esteban-murillo_baptism-of-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_battle-of-centaurs-and-greek,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_birth-of-the-virgin-1660,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_boy-with-a-dog,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_boys-playing-dice-1675,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_brother-juniper-and-the-beggar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,bartolome-esteban-murillo_chasuble-of-st-ildefonso-1660,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,bartolome-esteban-murillo_child-sitting,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_child-watching-a-dog,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_childhood-of-virgin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_children-eating-a-pie-1675,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_children-with-shell,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_christ-after-the-flagellation-1665,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,bartolome-esteban-murillo_christ-after-the-flagellation-1665-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_christ-at-the-pool-of-bethesda-1670,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_christ-in-the-garden-of-olives,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,bartolome-esteban-murillo_christ-on-the-cross-1665,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,bartolome-esteban-murillo_christ-the-column,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_christ-the-good-shepherd,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_crucifixion-1682,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,bartolome-esteban-murillo_daniel-in-the-lions-den,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_dolorosa-1665,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_ecce-homo,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,bartolome-esteban-murillo_flight-into-egypt-1660,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_flower-seller-1670,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_four-figures-on-a-step-1660,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_francis-xavier-1670,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_game-dealers,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,bartolome-esteban-murillo_holy-family-with-the-infant-saint-john-1655,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_immaculate-conception-1650,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_immaculate-conception-1670,"[2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_immaculate-conception-and-heads-outlined,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,bartolome-esteban-murillo_immaculate-conception-of-the-escorial(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_isaac-blessing-jacob-1670,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,bartolome-esteban-murillo_jacob-s-dream-1665,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_jesus-among-doctors-1630,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,bartolome-esteban-murillo_joseph-and-potiphar-s-wife,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_joseph-and-potiphar-s-wife-1648,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_joseph-with-infant-chris-1666,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_landscape,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_liberation-of-st-peter-1667,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,bartolome-esteban-murillo_madonna-and-child,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_madonna-and-child-1638,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_madonna-in-the-clouds-1660,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_madonna-of-the-rosary(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,bartolome-esteban-murillo_madonna-with-a-napkin,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_man-sitting,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_mary-and-child-with-angels-playing-music-1675,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_moses-and-the-water-from-the-rock-of-horeb-1670,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,bartolome-esteban-murillo_mother-of-sorrows,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,bartolome-esteban-murillo_old-woman-with-a-hen,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_old-woman-with-distaff,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_peasant-woman-and-a-boy,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_penitent-magdalene-1665,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_portrait-of-a-child,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_portrait-of-a-gentleman-in-a-ruff-collar-1670,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_portrait-of-andres-de-andrade-i-la-col-1660,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_portrait-of-nicolas-omasur-1672,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_praying-monk,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_promenade-st-joseph-and-the-infant-jesus,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_rebecca-and-eliezer-1650,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_repentant-magdalene-with-an-angel,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,bartolome-esteban-murillo_return-of-the-prodigal-son-1670,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-adelelmus-of-burgos-1655,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_saint-anthony-of-padua-adore-the-child,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-anthony-of-padua-adore-the-child-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,bartolome-esteban-murillo_saint-anthony-of-padua-and-the-infant-jesus,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_saint-augustine-in-meditation,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-catherine-of-alexandria-1655,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-francis-and-angels,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_saint-francis-of-assisi-embracing-the-crucified-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-francis-of-assisi-receiving-the-stigmata,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-isidore,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-john-of-god-1672,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_saint-john-the-baptist-pointing-to-christ-1655,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_saint-thomas-of-villanueva-dividing-his-clothes-among-beggar-boys,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Baroque,bartolome-esteban-murillo_san-salvador-de-horta-and-inquisitor-of-aragon,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_santa-rufina-1665,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Baroque,bartolome-esteban-murillo_self-portrait-1673,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_selfportrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,bartolome-esteban-murillo_sleeping-man,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,bartolome-esteban-murillo_st-augustine-with-the-virgin-and-child,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,bartolome-esteban-murillo_st-diego-giving-alms-1646,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_st-francis-of-assisi-at-prayer-1650,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_st-isidor-1655,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,bartolome-esteban-murillo_st-isidore-of-seville-1655,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_st-john-the-baptist-as-a-child,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_st-john-the-baptist-with-a-lamb-1670,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_st-john-the-baptist-with-the-scribes-and-pharisees,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_st-justina-and-st-rufina-1675,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_st-leander-1655,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_st-leander-and-st-bonaventure,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_st-rodriguez-1655,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_st-rose-of-lima,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_st-thomas-of-villanueva-distributing-alms,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-adoration-of-the-shepherds,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-angels-kitchen-1646,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-annunciation,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-annunciation-1680,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-apparition-of-the-immaculate-virgin-to-six-characters-1665,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-assumption-of-the-virgin-1670,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-blessed-giles-levitating-before-pope-gregory-ix-1646,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Baroque,bartolome-esteban-murillo_the-christ-child-asleep-on-the-cross,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-departure-of-the-prodigal-son-1660,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-flight-into-egypt,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-flight-into-egypt-1650,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-flower-girl-1670,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-girl-with-a-coin-girl-of-galicia-1650,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-good-shepherd-child,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-holy-family,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-holy-family-the-seville-virgin-1670,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-holy-family-with-the-infant-st-john-the-baptist-1670,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-holy-family-with-the-little-bird,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-immaculate-conception,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-immaculate-conception-1,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-immaculate-conception-1665,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-immaculate-conception-oil-on-canvas,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-immaculate-conception-with-the-eternal-father,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-infant-jesus-between-the-virgin-and-st-joseph,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-infant-jesus-between-the-virgin-and-st-joseph-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-infant-jesus-distributing-bread-to-pilgrims-1678,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-little-fruit-seller-1675,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-madonna-of-the-rosary,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-marriage-feast-at-cana,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-marriage-of-the-virgin-1670,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-martyrdom-of-st-andrew-1682,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-mystic-marriage-of-saint-catherine-1682,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-prodigal-son-driven-out-1660,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-prodigal-son-feasting-with-courtesans-1660,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-prodigal-son-feeding-swine-1660,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-prodigal-son-receives-his-rightful-inheritance,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-rest-on-the-flight-into-egypt,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-return-of-the-prodigal-son-1660,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-story-of-the-foundation-of-santa-maria-maggiore-in-rome-the-patrician-reveals-his-dream-to-1665,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Baroque,bartolome-esteban-murillo_the-story-of-the-foundation-of-santa-maria-maggiore-the-patrician-s-dream-1665,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-toilette-1675,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-two-trinities-1682,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-virgin-and-child-with-st-rosalina-1670,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-virgin-and-infant-jesus,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_the-vision-of-fray-lauterio,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-vision-to-st-francis-at-porziuncola,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_the-young-beggar,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,bartolome-esteban-murillo_thomas-of-villanova-giving-alms-to-the-poors-1678,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bartolome-esteban-murillo_two-children-eating-a-melon-and-grapes-1646,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bartolome-esteban-murillo_two-kids-are-fighting,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_two-peasant-boys-1670,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_two-peasant-boys-and-a-negro-boy-1660,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bartolome-esteban-murillo_virgin-and-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_virgin-and-child-1650,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bartolome-esteban-murillo_virgin-and-child-1680,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_virgin-and-child-1680-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_virgin-glorious,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bartolome-esteban-murillo_virgin-with-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_vision-of-a-nun,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,bartolome-esteban-murillo_vision-of-st-anthony-of-padua-1656,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bartolome-esteban-murillo_vision-to-st-francis-1646,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bernardo-strozzi_a-personification-of-fame,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_adoration-of-the-shepherds-1618,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bernardo-strozzi_allegory-of-arts-1640,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bernardo-strozzi_berenice,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_christ-and-the-samaritan-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,bernardo-strozzi_david-with-the-head-of-goliath,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_doge-francesco-erizzo,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,bernardo-strozzi_gamba-player,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,bernardo-strozzi_holy-family-with-st-john-baptist-1630,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_joseph-telling-his-dreams,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,bernardo-strozzi_lamentation-over-the-dead-christ-1617,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,bernardo-strozzi_lute-player-1635,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,bernardo-strozzi_madonna-and-child-with-the-young-st-john-1620,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_madonna-della-pappa,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,bernardo-strozzi_old-coquette,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,bernardo-strozzi_portrait-of-a-fat-gentleman,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,bernardo-strozzi_prophet-elijah-and-the-widow-of-sarepta-1630,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,bernardo-strozzi_saint-john-the-baptist,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,bernardo-strozzi_saint-john-the-baptist-detail,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,bernardo-strozzi_salome-1630,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_sleeping-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_st-augustine-washing-the-feet-of-christ-1629,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,bernardo-strozzi_st-cecilia-1625,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_st-christopher-st-sebastian-st-roch,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_st-francis-in-ecstasy-1637,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_st-francis-of-assisi,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,bernardo-strozzi_st-lawrence-distributing-the-riches-of-the-church,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_st-maurice-and-the-angel-1635,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bernardo-strozzi_st-peter-cures-the-lame-beggar,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bernardo-strozzi_st-veronica-1630,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,bernardo-strozzi_the-abduction-of-europa,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_the-annunciation-1644,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,bernardo-strozzi_the-charity-of-st-lawrence,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,bernardo-strozzi_the-charity-of-st-lawrence-1640,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,bernardo-strozzi_the-cook-1620,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Baroque,bernardo-strozzi_the-healing-of-tobit-1630,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bernardo-strozzi_the-madonna-of-justice-1625,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,bernardo-strozzi_the-miracle-of-st-diego-of-alcantara-1625,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,bernardo-strozzi_the-piper,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,bernardo-strozzi_the-release-of-st-peter,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,bernardo-strozzi_the-three-parks,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Baroque,bernardo-strozzi_tribute-money,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,canaletto_a-regatta-on-the-grand-canal-1732,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_an-allegorical-painting-of-the-tomb-of-lord-somers,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,canaletto_basilica-di-vecenza-and-the-ponte-de-rialto,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_campo-san-giovanni-e-paolo-in-venice,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_campo-san-rocco,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,canaletto_campo-sant-angelo,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_campo-santa-maria-formosa,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_campo-santa-maria-formosa-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,canaletto_campo-santi-apostoli,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_capriccio-of-the-grand-canal-with-an-imaginary-rialto-bridge-and-other-buildings,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_capriccio-with-a-portico,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,canaletto_doge-s-palace-1725,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,canaletto_dolo-on-the-brenta,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_entrance-to-the-grand-canal-and-the-church-of-la-salute,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_entrance-to-the-grand-canal-from-the-west-end-of-the-molo,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_entrance-to-the-grand-canal-looking-east-1725,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,canaletto_feast-of-san-rocco-the-doge-visiting-the-church-and-scuola-di-s-rocco,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_fonteghetto-della-farina,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_grand-canal-between-the-palazzo-bembo-and-the-palazzo-vendramin,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-from-santa-maria-della-carita-to-the-bacino-di-san-marco,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-from-the-campo-santa-sofia-towards-the-rialto-bridge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-from-the-palazzo-balbi,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-looking-east-from-the-campo-san-vio-1723,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-looking-from-palazzo-balbi,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,canaletto_grand-canal-looking-north-east-from-santa-croce-to-san-geremia,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-looking-north-east-toward-the-rialto-bridge,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,canaletto_grand-canal-looking-north-from-near-the-rialto-bridge,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-looking-north-from-nethe-rialto-bridge,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,canaletto_grand-canal-looking-northeast-from-near-the-palazzo-corner-spinelli-to-the-rialto-bridge,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,canaletto_grand-canal-looking-northeast-from-the-palazzo-balbi-to-the-rialto-bridge,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-looking-south-west,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-nethe-campo-san-vio-looking-towards-the-church-of-sanmaria-della-salute,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canal-the-rialto-bridge-from-the-south-1727,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_grand-canel-the-rialto-bridge-from-the-north,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_london-seen-through-an-arch-of-westminster-bridge-1747,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,canaletto_london-whitehall-and-the-privy-garden-looking-north,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_molo-with-the-library-molo-looking-towards-the-zecca,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_night-time-celebration-outside-the-church-of-san-pietro-di-castello,"[0.0, 14.0, 16.0, 6.0, 0.0, 0.0, 4.0, 2.0, 4.0]"
+Baroque,canaletto_northumberland-house-1752,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,canaletto_old-horse-guards-and-the-banqueting-hall-whitehall-from-st-james-s-park-1749,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_old-walton-bridge-over-the-thames-1754,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,canaletto_perspective-view-with-portico,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_piazza-san-marco-looking-east-along-the-central-line,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,canaletto_piazza-san-marco-looking-towards-san-geminiano,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_piazza-san-marco-the-clocktower-1730,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,canaletto_piazza-san-marco-with-the-basilica-1730,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_piazzetand-the-doge-s-palace-from-the-bacino-di-san-marco,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,canaletto_reception-of-the-ambassador-in-the-doge-s-palace-1730,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_reception-of-the-imperial-ambassador-at-the-doge-s-palace-1729,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_return-of-the-bucentoro-to-the-molo-on-ascension-day-1732,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_rialto-bridge-from-the-south,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_rio-dei-mendicanti-1724,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,canaletto_rio-dei-mendicanti-looking-south,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,canaletto_riva-degli-schiavoni-looking-east-1730,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_riva-degli-schiavoni-looking-east-1730-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_river-landscape-with-a-column,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_roofs-and-chimneys-in-venice,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,canaletto_san-cristoforo-san-michele-murano,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_san-francesco-della-vigna-church-and-campo,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_san-giacomo-de-rialto,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_san-giacomo-di-rialto,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,canaletto_san-giacomo-di-rialto-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_santi-giovanni-e-paolo-and-the-scuola-de-san-marco,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,canaletto_santi-giovanni-e-paolo-and-the-scuola-di-san-marco,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_st-mark-s-basin-1738,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,canaletto_stonemason-s-yard-1727,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,canaletto_the-bucintgoro-by-the-molo-on-ascension-day-1729,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,canaletto_the-doge-s-palace-with-the-piazza-di-san-marco-1735,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-grand-canal,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-grand-canal-and-the-church-of-the-salute-1730,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-grand-canal-from-campo-san-vio-towards-the-bacino,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-grand-canal-from-the-campo-san-vio-venice,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-grand-canal-nethe-ponte-del-rialto,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-grand-canal-seen-from-rialto-toward-the-north-1725,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-interior-of-henry-vii-chapel-in-westminster-abbey,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-molo-and-the-piazzetta-san-marco-venice,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-molo-looking-west-1730,"[0.0, 1.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-piazzet-looking-south-1727,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,canaletto_the-piazzetta,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_the-piazzetta-looking-toward-the-clock-tower,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_the-piazzetta-looking-towards-s-maria-della-salute,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,canaletto_the-piazzetta-looking-towards-the-torre-dell-orologio,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_the-piazzetta-to-the-south,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_the-piazzetta-towards-san-giorgio-maggiore,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,canaletto_the-punta-della-dogana-1730,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_the-rialto-bridge-from-the-south,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_the-riva-degli-schiavoni,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,canaletto_the-upper-reaches-of-the-grand-canal-with-s-simeone-piccolo-1738,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_venice-riva-degli-schiavoni,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,canaletto_venice-the-canale-di-san-marco-with-the-bucintoro-at-anchor,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,canaletto_venice-the-grand-canal-looking-north-east-from-palazzo-balbi-to-the-rialto-bridge,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,canaletto_venice-the-piazzetta-looking-south-west-towards-santa-maria-della-salute,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,canaletto_venice-viewed-from-the-san-giorgio-maggiore,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,canaletto_view-of-campo-santi-apostoli-1730,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_view-of-san-giovanni-dei-battuti-at-murano,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_view-of-the-ducal-palace-1730,"[0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_view-of-the-entrance-to-the-arsenal-1732,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_view-of-the-grand-canal-and-santa-maria-della-salute-with-boats-and-figures-in-the-foreground,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_view-of-the-grand-walk-vauxhall-gardens-with-the-orchestra-pavilion-the-organ-house-the-turkish,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,canaletto_view-of-the-st-mark-s-basin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,canaletto_warwick-castle,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_adoration-of-the-shepherds-1609,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,caravaggio_amor-victorious-1602(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_annunciation-1608(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,caravaggio_bacchus(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_basket-of-fruit,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_beheading-of-saint-john-the-baptist-1608(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,caravaggio_boy-bitten-by-a-lizard(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,caravaggio_boy-with-a-basket-of-fruit(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,caravaggio_burial-of-saint-lucy-1608(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Baroque,caravaggio_calling-of-saint-matthew(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,caravaggio_cardsharps-1594-1,"[3.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_christ-at-the-column(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,caravaggio_christ-on-the-mount-of-olives-1605(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,caravaggio_conversion-of-saint-paul-1600(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,caravaggio_crowning-with-thorns-1603(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,caravaggio_crucifixion-of-saint-andrew-1607(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,caravaggio_crucifixion-of-saint-peter-1601(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,caravaggio_david-and-goliath(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,caravaggio_david-with-the-head-of-goliath-1610(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Baroque,caravaggio_denial-of-saint-peter-1610,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,caravaggio_ecce-homo(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,caravaggio_entombment(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,caravaggio_flagellation-of-christ(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,caravaggio_holy-family-with-st-john-the-baptist,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,caravaggio_incredulity-of-saint-thomas(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_inspiration-of-saint-matthew-1602-1(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,caravaggio_john-the-baptist(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,caravaggio_john-the-baptist-1(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_john-the-baptist-1602(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,caravaggio_john-the-baptist-1604(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_john-the-baptist-1608(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,caravaggio_john-the-baptist-1610(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,caravaggio_judith-beheading-holofernes-1599,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,caravaggio_jupiter-neptune-and-pluto(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Baroque,caravaggio_madonna-and-child-with-st-anne-1606(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,caravaggio_madonna-of-loreto(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Baroque,caravaggio_madonna-of-the-rosary-madonna-del-rosario-1607(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,caravaggio_martha-and-mary-magdalene(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,caravaggio_martyrdom-of-saint-matthew-1600(1),"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,caravaggio_martyrdom-of-saint-ursula-1610(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Baroque,caravaggio_medusa-1597-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Baroque,caravaggio_musicians(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_narcissus(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,caravaggio_nativity-with-st-francis-and-st-lawrence-1609(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,caravaggio_not-identified-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_not_detected_186714,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,caravaggio_penitent-magdalene(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,caravaggio_portrait-of-a-courtesan(2),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_portrait-of-alof-de-wignacourt-and-his-page-1608,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,caravaggio_portrait-of-fra-antionio-martelli-1608(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0]"
+Baroque,caravaggio_portrait-of-maffeo-barberini(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,caravaggio_portrait-of-maffeo-barberini-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_rest-on-the-flight-into-egypt(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_resurrection-of-lazarus-1609(1),"[0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_sacrifice-of-isaac(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,caravaggio_sacrifice-of-isaac-1602,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,caravaggio_saint-catherine-of-alexandria(1),"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,caravaggio_saint-francis-in-meditation(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Baroque,caravaggio_saint-francis-in-prayer(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,caravaggio_saint-francis-of-assisi-in-ecstasy(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,caravaggio_saint-jerome-in-meditation(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,caravaggio_saint-jerome-writing,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,caravaggio_saint-jerome-writing-1607(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,caravaggio_saint-matthew-and-the-angel-1602(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,caravaggio_salome-with-the-head-of-john-the-baptist(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Baroque,caravaggio_salome-with-the-head-of-john-the-baptist-1609(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,caravaggio_sleeping-cupid-1608(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,caravaggio_still-life-with-flowers-and-fruit-1601(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_supper-at-emmaus-1602(1),"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_supper-at-emmaus-1606(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,caravaggio_taking-of-christ-1602,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Baroque,caravaggio_the-death-of-the-virgin-1603(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,caravaggio_the-fortune-teller-1599(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,caravaggio_the-lute-player-1(1),"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,caravaggio_the-seven-works-of-mercy-1607(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,caravaggio_tooth-puller-1609(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,caravaggio_young-sick-bacchus(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,claude-lorrain_coast-scene-with-a-battle-on-a-bridge,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,claude-lorrain_coast-scene-with-a-battle-on-a-bridge-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,claude-lorrain_drawing-of-a-satyr-a-girl-and-goats,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,claude-lorrain_drawing-of-mules-including-one-full-length,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,claude-lorrain_entrance-to-la-rochelle-harbour-claude-lorrain-1631,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,claude-lorrain_harbour-scene,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,claude-lorrain_landscape-with-an-imaginary-view-of-tivoli-1642,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,claude-lorrain_seaport-with-a-big-tower,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,claude-lorrain_trees,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,claude-lorrain_view-of-the-campagna,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,claude-lorrain_view-of-tivoli,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,cornelis-de-vos_allegory-of-earth,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_cornelis-de-vos-alexander-and-diogenes,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,cornelis-de-vos_diogenes-searches-for-a-man,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_elisabeth-or-cornelia-vekemans-as-a-young-girl,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,cornelis-de-vos_family-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,cornelis-de-vos_portrait-of-a-dutch-master,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_portrait-of-a-girl-at-the-age-of-10,"[0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_portrait-of-a-lady,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Baroque,cornelis-de-vos_portrait-of-a-lady-with-a-fan,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_portrait-of-a-nobleman-and-three-children,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_portrait-of-abraham-grapheus,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,cornelis-de-vos_portrait-of-an-eleven-year-old-girl-with-a-dog-dressed-in-spanish-fashion,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,cornelis-de-vos_portrait-of-elisabeth-mertens-and-her-late-husband,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,cornelis-de-vos_portrait-of-the-artist-s-daughter,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_portrait-of-the-artist-with-his-family,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,cornelis-de-vos_salbung-salomos,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_self-portrait-of-the-artist-with-his-wife-suzanne-cock-and-their-children-1630,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_the-birth-of-jesus,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,cornelis-de-vos_the-family-of-the-artist-1635,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_the-triumph-of-bacchus,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-de-vos_two-daughters-of-the-painter,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-norbertus-gysbrechts_a-trompe-l-oeil-of-an-open-glazed-cupboard-door-with-numerous-papers-and-objects-1666,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,cornelis-norbertus-gysbrechts_nature-morte-aux-poissons-1667,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-norbertus-gysbrechts_quodlibet-1675,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,cornelis-norbertus-gysbrechts_silverware-in-an-open-cabinet,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,cornelis-norbertus-gysbrechts_still-life-with-self-portrait-1663,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil-a-cabinet-in-the-artist-s-studio-1671,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil-with-studio-wall-and-vanitas-still-life-1668,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,cornelis-norbertus-gysbrechts_trompe-l-oeil-with-violin-painter-s-implements-and-self-portrait-1675,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,cornelis-norbertus-gysbrechts_vanitas,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_a-barn-interior,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_a-bleaching-ground,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_a-man-and-woman-smoking-a-pipe-seated-in-an-interior-with-peasants-playing-cards-on-a-table,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_a-monkey-encampment-1633,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_a-smoker-leaning-on-a-table-1643,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,david-teniers-the-younger_a-view-of-het-sterckshof-near-antwerp-1646,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_an-interior-scene-with-pots-barrels-baskets-onions-and-cabbages-with-boors-carousing-in-the,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_an-old-peasant-caresses-a-kitchen-maid-in-a-stable,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,david-teniers-the-younger_archduke-leopold-s-gallery-1651,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_archduke-leopold-wilhelm-in-his-picture-gallery-with-the-artist-and-other-figures-1653,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_archduke-leopold-wilhelm-of-austria-in-his-gallery-1651,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_arrival-of-christina-of-sweden-in-brussel,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_before-the-inn,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_carnival-the-king-drinks-1690,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_country-celebration,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_country-kermess,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_david-antonio-manocada-repulses-caberra,"[0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_dulle-griet-mad-meg,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_figures-gambling-in-a-tavern-1670,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_flanders-in-a-peasant-cottage,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_flemish-kermess-1640,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_great-village-feast-with-a-dancing-couple,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_guardroom-1642,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_heron-hunting-with-the-archduke-leopold-wilhelm,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_interior-of-a-peasant-dwelling,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,david-teniers-the-younger_interior-scene-with-a-young-woman-scrubbing-pots-while-an-old-man-makes-advances,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_interior-with-a-gentleman-playing-a-lute-and-a-lady-singing,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_kermess-1652,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,david-teniers-the-younger_kitchen-1644,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_landscape,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,david-teniers-the-younger_landscape-in-the-suburbs-of-brussels,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_landscape-with-a-family,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,david-teniers-the-younger_members-of-antwerp-town-council-and-masters-of-the-armaments-guild-1643,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_monkey-tavern,"[37.0, 0.0, 1.0, 5.0, 0.0, 3.0, 2.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_monkeys-in-a-kitchen,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_on-the-outskirts-of-a-town,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,david-teniers-the-younger_peasants-bowling-in-a-village-street,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_peasants-dancing-outside-an-inn,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_peasants-dancing-outside-an-inn-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,david-teniers-the-younger_peasants-dancing-outside-an-inn-2,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_peasants-merry-making,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_peasants-merrying-outside-an-inn-1642,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_return-from-the-hunt-1670,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_smoker-1645,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,david-teniers-the-younger_smokers-and-drinkers,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_smokers-in-an-interior,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_tavern-scene-1640,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,david-teniers-the-younger_temptation-of-st-anthony,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_the-alchemist,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-archduke-leopold-wilhelm-in-his-picture-gallery-in-brussels,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-archduke-leopold-wilhelm-in-his-picture-gallery-in-brussels-1651,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-flautist,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-gallery-of-archduke-leopold-in-brussels-1639,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_the-gallery-of-archduke-leopold-in-brussels-1641,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,david-teniers-the-younger_the-hustle-cap,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-kermess-at-the-half-moon-inn-1641,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_the-kitchen-1646,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-musette-player,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,david-teniers-the-younger_the-old-man-and-the-maid,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,david-teniers-the-younger_the-painter-and-his-family,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-picture-gallery-of-archduke-leopold-wilhelm-1640,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-temptation-of-st-anthony,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-1640,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_the-temptation-of-st-anthony-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_the-village-feast-1646,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_the-works-of-mercy,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,david-teniers-the-younger_two-drunkards,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_village-feast,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,david-teniers-the-younger_village-revel-with-aristocratic-couple-1652,"[0.0, 0.0, 2.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,david-teniers-the-younger_village-scene,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,david-teniers-the-younger_village-scene-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_a-buffoon-incorrectly-called-antonio-the-englishman-1640,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_a-dwarf-holding-a-tome-in-his-lap,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_a-knight-of-the-order-of-santiago,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,diego-velazquez_a-sibyl-1631,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_a-spanish-gentleman-jos-nieto-chamberlain-to-queen-mariana-of-austria-wife-of-philip-iv-1635,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,diego-velazquez_a-white-horse,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_a-young-lady,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,diego-velazquez_a-young-man-self-portrait-1624,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,diego-velazquez_adoration-of-the-kings-1619,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_aesop-1640,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Baroque,diego-velazquez_allegorical-portrait-of-philip-iv,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_an-old-woman-cooking-eggs-1618,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_arachne-a-sybil,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_breakfast,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_cardinal-camillo-massimi-1650,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_christ-after-the-flagellation-contemplated-by-the-christian-soul-1628,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,diego-velazquez_christ-in-the-house-of-mary-and-martha,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Baroque,diego-velazquez_christ-on-the-cross-1632,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,diego-velazquez_coronation-of-the-virgin-1644,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_count-duke-of-olivares,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_democritus-1629,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_don-baltasar-carlos-with-a-dwarf-1632,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_don-cristobal-suarez-de-ribera-1620,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_don-gaspde-guzman-count-of-olivares-and-duke-of-san-lucla-mayor,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_don-gaspde-guzman-count-of-oliveres-and-duke-of-san-lucla-mayor-1624,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,diego-velazquez_don-sebastian-de-morra,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_dona-antonia-de-ipenarrieta-y-galdos-and-her-son,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_equestrian-portrait-of-don-gaspar-de-guzmancount-duke-of-olivares-1634,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_equestrian-portrait-of-philip-iii-1635,"[2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_equestrian-portrait-of-philip-iv-1635,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_francisco-bandres-de-abarca,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,diego-velazquez_head-of-a-girl-1618,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,diego-velazquez_head-of-a-man,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_head-of-a-stag-1634,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,diego-velazquez_infan-maria-teresa-1648,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_isabella-of-bourbon,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_joseph-s-bloody-coat-brough-to-jacob-1630,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,diego-velazquez_juan-de-pareja-1650,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,diego-velazquez_juan-mateos,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_king-philip-iv-of-spain-1632,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_kitchen-scene-with-the-supper-in-emmaus-1618,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_las-meninas-detail-of-the-lower-half-depicting-the-family-of-philip-iv-of-spain-1656,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,diego-velazquez_madre-maria-jeronima-de-la-fuente-1620,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Baroque,diego-velazquez_mars,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_menippos-1641,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,diego-velazquez_mercury-and-argus,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,diego-velazquez_miguel-angelo-barber-to-the-pope-1650,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_pablo-de-valladolid-1637,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,diego-velazquez_philip-iv-1624,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_philip-iv-in-armor,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_philip-iv-king-of-spain,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_philip-iv-king-of-spain-1644,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_philip-iv-of-spain-1627,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_philip-iv-of-spain-in-brown-and-silver-1632,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_pope-innocent-x-1650,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,diego-velazquez_portrait-of-a-cleric-1623,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-a-lady-1633,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-a-little-girl,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-a-man-1628,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-a-man-supposedly-juan-mateos-philip-iv-s-master-of-the-hunt,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-a-man-with-a-goatee-1622,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-a-young-man-1623,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-cardinal-camillo-astali-pamphili-1650,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-cardinal-infante-ferdinand-of-austria-with-gun-and-dog-1632,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-caspar-de-guzman-count-of-olivares-prime-minister-of-philip-iv,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_portrait-of-don-diego-de-corral-y-arellano-1632,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-don-luis-de-gongora-y-argote-1622,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-francesco-i-d-este-1639,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-infante-don-carlos-1627,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-mariana-of-austria-queen-of-spain-1657,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,diego-velazquez_portrait-of-pedro-de-barberana-y-aparregui-1632,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-philip-iv-1653,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-philip-iv-of-spain-1656,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_portrait-of-pope-innocent-x-1650,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,diego-velazquez_portrait-of-queen-margaret-of-austria-1635,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-the-buffoon-redbeard-cristobal-de-castaneda-1640,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_portrait-of-the-count-duke-of-olivares-1624,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-the-infanta-margarita,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_portrait-of-the-infanta-margarita-1660,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,diego-velazquez_portrait-of-the-infanta-margarita-aged-five-1656,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-the-infanta-maria-marguerita-1654,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,diego-velazquez_portrait-of-the-infanta-maria-teresa-future-queen-marie-therese-of-france-1653,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_portrait-of-the-sculptor-juan-martinez-montanes-1635,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_price-baltasar-carlos-1632,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_prince-baltasar-carlos-with-the-count-duke-of-olivares-at-the-royal-mews,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_prince-balthasar-carlos,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_prince-balthasar-carlos-dressed-as-a-hunter-1636,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_prince-balthasar-carlos-on-horseback-1635,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_prince-philip-prosper-son-of-philip-iv-1659,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,diego-velazquez_queen-isabel-of-bourbon-equestrian-1635,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_queen-isabel-standing-1632,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_queen-isabella-of-spain-wife-of-philip-iv-1632,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_queen-mariana-1653,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_queen-mariana-1656,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_queen-mariana-1657,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_queen-mariana-of-austria-1653,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_saint-john-at-patmos,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_saint-paul-1620,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,diego-velazquez_saint-thomas-1620,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,diego-velazquez_self-portrait,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,diego-velazquez_self-portrait-1,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_self-portrait-1643,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_self-portrait-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,diego-velazquez_st-anthony-abbot-1638,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,diego-velazquez_st-anthony-the-abbot-and-st-paul-the-first-hermit,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,diego-velazquez_st-paul,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_study-for-the-head-of-apollo-1630,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_supper-at-emmaus-1620,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,diego-velazquez_temptation-of-st-thomas-aquinas,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,diego-velazquez_the-buffoon-calabacillas-mistakenly-called-the-idiot-of-coria-1639,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_the-buffoon-juan-de-calabazas-calabacillas,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_the-court-dwarf-don-franciso-lezcano-called-el-nino-de-vallecas-1637,"[1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_the-fable-of-arachne-or-the-spinners-1656,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_the-forge-of-vulcan-1630,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_the-gardens-of-the-villa-medici-in-rome-1630,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,diego-velazquez_the-immaculate-conception,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_the-infanta-margarita-teresa-of-spain-in-a-red-dress-1653,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,diego-velazquez_the-infanta-maria-marguerita-in-pink-1659,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_the-infanta-maria-of-austria-1630,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,diego-velazquez_the-infanta-maria-theresa-daughter-of-philip-iv-of-spain-1654,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_the-jester-don-juan-of-austria-1633,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,diego-velazquez_the-lady-with-a-fan,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,diego-velazquez_the-lunch-1620,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,diego-velazquez_the-needlewoman-1643,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_the-rokeby-venus-1648,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_the-surrender-of-breda-1635,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,diego-velazquez_the-virgin-appearing-to-st-ildephonsus-and-giving-him-a-robe-1620,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Baroque,diego-velazquez_the-waterseller-of-seville-1623,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,diego-velazquez_three-musicians-1618,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_triumph-of-bacchus-1628,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,diego-velazquez_two-young-men-eating-at-a-humble-table,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,diego-velazquez_view-of-zaragoza-1647,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,diego-velazquez_villa-medici-in-rome-facade-of-the-grotto-logia-1630,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,diego-velazquez_young-peasant-girl-1650,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,diego-velazquez_young-spanish-gentleman-1631,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_a-frozen-river-with-skaters-1619,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,esaias-van-de-velde_a-landscape-with-travellers-crossing-a-bridge-before-a-small-dwelling-1622,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_ancient-ruins-by-a-river,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,esaias-van-de-velde_arcadian-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_autumn,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_bandits-attacking-a-caravan-of-travellers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,esaias-van-de-velde_banquet-on-a-terrace-1614,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,esaias-van-de-velde_battle-of-lekkerbeetje-vughterheide-netherlands,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,esaias-van-de-velde_battle-scene-in-an-open-landscape-1614,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,esaias-van-de-velde_elegant-company-dining-in-the-open-air-1615,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_farm-in-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,esaias-van-de-velde_farm-near-frozen-river-with-skaters-on-the-ice,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_farm-on-a-river-between-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_farmhouse-with-dovecote-on-a-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_ferry-boat-1622,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_five-ladies-in-an-interior-010-alternate-title-s-0-a-company-in-an-interior-020,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,esaias-van-de-velde_flask-skaters-and-players-on-the-ice-in-the-farmyards,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_frozen-river-with-skaters-near-a-farmhouse,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,esaias-van-de-velde_hall-with-the-parable-of-lazarus-and-the-rich-man-luke-16-19-21,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,esaias-van-de-velde_hunter-with-two-dogs,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,esaias-van-de-velde_ice-on-the-moat-entertainment-1618,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,esaias-van-de-velde_january,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,esaias-van-de-velde_landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,esaias-van-de-velde_landscape-robbing-of-a-equestrian,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_landscape-with-farmhouse-and-barn-on-stilts-at-a-water,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,esaias-van-de-velde_landscape-with-ruins,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,esaias-van-de-velde_landscape-with-ruins-and-shepherds-with-sheep,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_landscape-with-skaters-on-a-bridge-with-sheep,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,esaias-van-de-velde_man-driving-a-donkey-towards-a-bridge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_merry-company-banqueting-on-a-terrace,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_merry-company-in-the-park-1614,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,esaias-van-de-velde_militia-in-the-dunes-in-ambush,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_mountainous-landscape-with-traveller,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_party-in-the-garden-1619,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_path-along-a-lighthouse-on-the-beach,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_path-along-a-river-with-building-on-stilts,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_riding-on-the-road-next-to-a-farm,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_road-next-to-a-waterfall,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,esaias-van-de-velde_rocky-landscape-with-road-along-river,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_skaters-on-the-ice-at-a-farm,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_spaarnwoude,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_sperm-whale-on-the-beach-of-noordwijk-1614,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,esaias-van-de-velde_spring,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,esaias-van-de-velde_summer,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_the-hanging-of-gilles-van-ledenberg-1619,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,esaias-van-de-velde_the-meeting-between-alexander-the-great-with-the-family-of-darius-iii-after-the-defeat-at-the,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,esaias-van-de-velde_the-robbery-1616,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,esaias-van-de-velde_title-page-with-tools-for-cultivating-the-land,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,esaias-van-de-velde_view-of-zierikzee-1618,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,esaias-van-de-velde_winter-landscape,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,esaias-van-de-velde_winter-landscape-1623,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,esaias-van-de-velde_winter-landscape-1629,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,esaias-van-de-velde_winter-landscape-with-farmhouse-1624,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,esaias-van-de-velde_winter-scene-with-skaters-1615,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,esaias-van-de-velde_winter-state-3,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,eustache-le-sueur_a-gathering-of-friends-1642,"[1.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,eustache-le-sueur_abduction-of-ganymede,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,eustache-le-sueur_caligula-depositing-the-ashes-of-his-mother-and-brother-in-the-tomb-of-his-ancestors,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,eustache-le-sueur_christ-healing-the-blind-man,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,eustache-le-sueur_clio-euterpe-and-thalia,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,eustache-le-sueur_cupid-ordering-mercury-to-announce-his-power-to-the-universe-1647,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,eustache-le-sueur_death-of-st-bruno,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,eustache-le-sueur_deposition-from-the-cross,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,eustache-le-sueur_melpomene-erato-and-polyhymnia-1655,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,eustache-le-sueur_portrait-of-a-young-man,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,eustache-le-sueur_presentation-of-the-virgin-in-the-temple,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,eustache-le-sueur_saint-bruno-the-feet-of-pope-urban-ii-1648,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,eustache-le-sueur_st-bruno-appearing-to-comte-roger-1648,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,eustache-le-sueur_st-gervase-and-st-protase-brought-before-anastasius,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,eustache-le-sueur_the-birth-of-cupid-1647,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,eustache-le-sueur_the-muse-terpsichore-1655,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,eustache-le-sueur_the-preaching-of-st-paul-at-ephesus,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,eustache-le-sueur_the-virgin-and-child-with-saint-john-the-baptist,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_an-architectural-caprice,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_audience-granted-by-the-doge-1770,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,francesco-guardi_bridge-at-dolo,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-guardi_campo-santi-giovanni-e-paolo-1763,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_capriccio-with-venetian-motifs,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Baroque,francesco-guardi_carnival-thursday-on-the-piazzetta-1770,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_church-of-santa-maria-zobenigo,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_city-view-1780,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,francesco-guardi_deer-hunting,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,francesco-guardi_departure-of-the-bucentaur-towards-the-venice-lido-on-ascension-day-1770,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_doge-alvise-iv-mocenigo-appears-to-the-people-in-st-mark-s-basilica-1777,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francesco-guardi_fire-in-the-oil-depot-at-san-marcuola,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Baroque,francesco-guardi_hot-air-balloon-rising,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_ladies-concert-at-the-philharmonic-hall,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,francesco-guardi_landscape-with-a-fisherman-s-1775,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francesco-guardi_masked-meeting,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,francesco-guardi_nighttime-procession-in-piazza-san-marco,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francesco-guardi_outward-voyage-of-the-bucintoro-to-san-nicol-del-lido-1788,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,francesco-guardi_piazza-san-marco,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francesco-guardi_piazza-san-marco-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_piazza-san-marco-venice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-guardi_pope-pius-vi-blessing-the-people-on-campo-santi-giovanni-e-paolo,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_san-cristoforo-san-michele-and-murano-seen-from-the-fondamenta-nuove-1760,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_san-giorgio-maggiore,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_san-giorgio-maggiore-1780,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-basin-of-saint-mark-s-square-with-san-giorgio-and-the-giudecca-c-1774-oil-on-canvas-1774,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,francesco-guardi_the-coronation-of-the-doge-1770,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,francesco-guardi_the-doge-at-the-basilica-of-la-salute-1770,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_the-doge-on-the-bucentaur-at-san-niccol-del-lido-1770,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-doge-on-the-bucintoro-near-the-riva-di-sant-elena-1770,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-feast-of-the-ascension,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_the-fire-at-san-marcuola-1789,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,francesco-guardi_the-giudecca-canal-with-the-zattere,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-gondola-on-the-lagoon-1770,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,francesco-guardi_the-grand-canal-at-the-fish-market-pescheria,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,francesco-guardi_the-grand-canal-looking-toward-the-rialto-bridge,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-guardi_the-grand-canal-with-san-simeone-piccolo-and-santa-lucia,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-grand-canal-with-santa-lucia-and-the-scalzi,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-guardi_the-lagoon-from-the-fondamenta-nuove,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-lagoon-looking-toward-murano-from-the-fondamenta-nuove-1770,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Baroque,francesco-guardi_the-lagoon-with-boats-gondolas-and-rafts,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francesco-guardi_the-molo-and-the-riva-degli-schiavoni-from-the-bacino-di-san-marco,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-molo-and-the-riva-degli-schiavoni-from-the-bacino-di-san-marco-1,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-guardi_the-molo-from-the-bacino-1780,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francesco-guardi_the-parlour-of-the-san-zaccaria-convent-1750,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,francesco-guardi_the-piazza-san-marco-towards-the-basilica-1765,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-piazzetta-looking-toward-san-giorgio-maggiore,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_the-punta-di-dogana,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,francesco-guardi_the-rialto-bridge-with-the-palazzo-dei-camerlenghi,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_the-three-arched-bridge-at-cannaregio-1770,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-torre-del-orologio-1770,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_the-torre-del-orologio-1770-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-guardi_town-with-a-bridge,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francesco-guardi_venetian-capriccio-1780,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francesco-guardi_venice-a-view-of-the-church-of-san-giorgio-maggiore-seen-from-the-giudecca,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_venice-a-view-of-the-entrance-to-the-grand-canal,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,francesco-guardi_venice-a-view-of-the-piazzetta-looking-south-with-the-palazzo-ducale,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_venice-il-rio-dei-mendicanti,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,francesco-guardi_venice-san-giorgio-maggiore,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-guardi_venice-the-dogana-with-the-giudecca,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_view-of-piazzetta-san-marco-towards-the-san-giorgio-maggiore,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_view-of-the-campo-san-zanipolo-in-venice,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,francesco-guardi_view-of-the-island-of-san-giorgio-in-alga-venice,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_view-of-the-island-of-san-giorgio-maggiore-1775,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-guardi_view-of-the-island-of-san-michele-near-murano-venice,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-guardi_view-of-the-molo-towards-the-santa-maria-della-salute-1780,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,francesco-solimena_allegory-of-a-reign-1690,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_annunciation,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,francesco-solimena_aurora-roman-goddess-of-the-dawn-bids-goodbye-to-her-lover-tithonus-aurora-is-about-to,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_bathsheba-bathing,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Baroque,francesco-solimena_battle-between-lapiths-and-centaurs-1740,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,francesco-solimena_count-alois-thomas-raimund-harrach-viceroy-of-naples,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_dido-receiveng-aeneas-and-cupid-disguised-as-ascanius,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_diedci,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_dream-of-jacob,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,francesco-solimena_expulsion-of-heliodorus-from-the-temple,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francesco-solimena_expulsion-of-heliodorus-from-the-temple-1,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,francesco-solimena_gundaker-count-althann-handing-over-to-the-emperor-charles-vi-charles-iii-of-hungary-1685-1740-1728,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_judith-with-the-head-of-holofernes,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,francesco-solimena_portrait-of-a-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,francesco-solimena_portrait-of-aurora-sanseverino,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_portrait-of-charles-vi-holy-roman-emperor-1685-1740,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_rebecca-and-eliezer-at-the-well,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francesco-solimena_rebecca-and-the-servant-of-abraham,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,francesco-solimena_rebecca-leaving-her-father-s-house,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,francesco-solimena_sacred-conversation,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,francesco-solimena_saint-cajetan-appeasing-divine-anger,"[1.0, 22.0, 4.0, 10.0, 0.0, 1.0, 4.0, 2.0, 4.0]"
+Baroque,francesco-solimena_self-portrait,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,francesco-solimena_st-bonaventura-receiving-the-banner-of-st-sepulchre-from-the-madonna,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,francesco-solimena_st-john-the-baptist,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,francesco-solimena_the-assumption-and-coronation-of-the-virgin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,francesco-solimena_the-martyrdom-of-sts-placidus-and-flavia-1708,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,francesco-solimena_the-massacre-of-the-giustiniani-at-chios,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,francesco-solimena_the-meeting-of-pope-leo-and-attila,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-solimena_the-royal-hunt-of-dido-and-aeneas,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francesco-solimena_the-trinity-the-madonna-and-st-dominic,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,francesco-solimena_triumph-of-charles-iii-at-the-battle-of-velletri,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_adoration-of-the-magi-1640,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_adoration-of-the-shepherds,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,francisco-de-zurbaran_adoration-of-the-shepherds-1638,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_agnus-dei-1640,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,francisco-de-zurbaran_angel-with-incense,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_angel-with-incense-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,francisco-de-zurbaran_apostle-st-andrew-1631,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_apotheosis-of-st-thomas-aquinas-1631,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_appearance-of-st-peter-to-st-peter-nolasco-1629,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,francisco-de-zurbaran_beato-serapio-1628,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,francisco-de-zurbaran_birth-of-the-virgin-1629,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_brother-alonso-de-ocana,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,francisco-de-zurbaran_brother-pedro-machado,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_christ-on-the-cross-1627,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,francisco-de-zurbaran_death-of-a-religious,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,francisco-de-zurbaran_flagellation-of-st-jerome-by-the-angels-1639,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_flight-into-egypt,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_funeral,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,francisco-de-zurbaran_hercules-fighting-with-the-lernaean-hydra-1634,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_hercules-fighting-with-the-nemean-lion-1634,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_madonna-with-child-1658,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_meditation-of-st-francis-1632,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Baroque,francisco-de-zurbaran_old-woman-spinning,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,francisco-de-zurbaran_portrait-of-a-boy-the-duke-of-medinaceli,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,francisco-de-zurbaran_portrait-of-fra-gonzalo-de-illescas-1639,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_portrait-of-fra-zumel-francisco,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,francisco-de-zurbaran_rest-on-the-flight-to-egypt-1659,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_saint-lucy,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_saint-lucy-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_saint-lucy-1630,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_saint-margaret-dressed-as-a-shepherdess,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_saint-mathilda,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_saint-ursula-1650,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_sainte-marine,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_scene-from-the-life-of-saint-pierre-theophile,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-agatha-1633,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-anthony-dispirited-1640,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-anthony-of-padua,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-apollonia-1636,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,francisco-de-zurbaran_st-barbe,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,francisco-de-zurbaran_st-bartholomew-almost-in-agony-1632,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-bonaventure-1650,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-bonaventure-at-the-council-of-lyons,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,francisco-de-zurbaran_st-carmel,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-casilda-of-toledo,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-catherine-of-alexandria,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-dorothy,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-engracia,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-engracia-1650,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-eulalia,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-francis,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-francis-1660,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-francis-contemplating-a-skull,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-francis-in-meditation-1639,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-francis-kneeling-1639,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-gregory-1627,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-hugh-of-cluny-in-the-refectory-of-the-carthusians-1633,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-jerome,"[0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-jerome-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-jerome-with-st-paula-and-st-eustochium-1640,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-lawrence-1639,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-luke-as-a-painter-before-christ-on-the-cross,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-pierre-pascal-bishop-of-jaen,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_st-romanus-and-st-barulas-of-antioch-1638,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_st-rufina-of-seville-1640,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_still-life,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_still-life-1633,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_still-life-with-dish-of-quince-1664,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-child-jesus-in-the-spine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-childhood-of-the-virgin,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-death-of-hercules-1634,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-death-of-st-bonaventura-1629,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-defence-of-cadiz-against-the-english-1634,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-denial-of-saint-peter-1650,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-dream-of-saint-joseph-1635,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-holy-face,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-house-of-nazareth-1640,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Baroque,francisco-de-zurbaran_the-immaculate-conception,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,francisco-de-zurbaran_the-immaculate-conception-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-immaculate-conception-1630,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-immaculate-conception-1635,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-immaculate-conception-1661,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-immaculate-conception-with-saint-joachim-and-saint-anne-1640,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-mercy-of-fra-martin-de-vizcaya-1639,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-savior-blessing-1638,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-temptation-of-st-jerome-1639,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,francisco-de-zurbaran_the-virgin-of-the-carthusians,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_the-young-virgin-1630,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_virgin-of-the-rosary,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,francisco-de-zurbaran_vision-of-blessed-alonso-rodriguez-1633,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,francisco-de-zurbaran_vision-of-st-peter-nolasco-1629,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_a-banquet-of-the-officers-of-the-st-george-militia-company-1616,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_a-boy-with-a-viol-1630,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_a-dutch-lady-1643,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_a-kitchen-interior-with-a-maid-and-a-lady-preparing-game-1630,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_a-young-man-in-a-large-hat-1629,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_adriaen-van-ostade-1648,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_an-old-lady,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,frans-hals_anna-van-der-aar-1626,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_banquet-of-the-officers-of-the-st-george-civic-guard-company-detail,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_banquet-of-the-officers-of-the-st-george-civic-guard-company-detail-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_boy-holding-a-flute-hearing-1628,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_boy-playing-a-violin,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,frans-hals_boy-with-a-lute,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_captain-andries-van-hoorn-1638,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_catarina-both-van-der-eem,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,frans-hals_catharina-hooft-with-her-nurse,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_cornelia-claesdr-vooght,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_daniel-van-aken-playing-the-violin,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_dorothea-berck-1644,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_drinking-boy-taste-1628,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_family-group-in-a-landscape,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,frans-hals_family-group-in-a-landscape-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_family-group-in-a-landscape-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_family-group-in-a-landscape-detail,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_family-portrait,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_feyntje-van-steenkiste,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_fisher-boy,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,frans-hals_fisher-boy-1632,"[2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_fisher-girl-1632,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_frans-post,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-hals_fruit-and-vegetable-seller-1630,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,frans-hals_group-of-children-detail,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_herman-langelius,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,frans-hals_isabella-coymans,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_jacobus-zaffius-1611,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,frans-hals_johannes-hoornbeek,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_joseph-coymans-1644,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,frans-hals_laughing-boy,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_lesender-knabe,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_lucas-de-clercq,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_malle-babbe-1635,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_malle-babbe-detail-1635,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_man-with-hand-on-heart-1632,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_maria-pietersdochter-olycan-1638,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-hals_maritge-voogt-claesdr,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_marriage-portrait-of-isaac-massa-and-beatrix-van-der-laen,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_married-couple-in-a-garden-detail,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,frans-hals_married-couple-in-a-garden-detail-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_mulatto-1627,"[5.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_nicolaes-woutersz-van-der-meer-1631,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,frans-hals_officers-and-sergeants-of-the-st-hadrian-civic-guard,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_officers-and-sergeants-of-the-st-hadrian-civic-guard-1639,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_paulus-van-beresteyn,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_peasants-at-a-wedding-feast,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_peeckelhaering-detail-1643,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-hals_peeckelhaering-the-jolly-reveller-1643,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,frans-hals_petrus-scriverius-1626,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Baroque,frans-hals_pieter-cornelisz-van-der-morsch-1616,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_pieter-van-den-broecke-1633,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portait-of-a-woman-1635,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-bearded-man-with-a-ruff-1625,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-forty-year-old-woman-with-folded-hands-1638,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-jester-with-a-lute,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-1,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-1616,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-1622,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-man-1630,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-1633,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-man-1633-1,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-1633-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-1634,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-1638,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-man-1643,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-1644,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-1650,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-1650-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Baroque,frans-hals_portrait-of-a-man-1653,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-1654,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-2,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-3,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-4,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-man-5,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-6,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-7,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-man-8,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-man-holding-a-skull-1612,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-holding-gloves,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-man-nicolaes-pietersz-duyst-van-voorhou,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-possibly-a-minister,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-man-possibly-nicolaes-hasselaer-1635,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-member-of-the-haarlem-civic-guard,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-preacher,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-seated-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-seated-man-1666,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-seated-man-holding-a-hat,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-seated-officer-1637,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-seated-woman-1650,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-seated-woman-1666,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-seated-woman-holding-a-fan-1650,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-standing-man-1645,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-woman,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-woman-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-woman-1633,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-woman-1633-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-woman-1638,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-woman-1640,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-woman-1644,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-woman-1652,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-woman-2,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-woman-4,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-woman-5,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-woman-known-as-the-gipsy-girl-1629,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-woman-possibly-sara-wolphaerts-van-diemen,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-woman-with-a-fan-1640,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-young-man,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-a-young-man-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_portrait-of-a-young-man-1648,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-young-man-with-a-glove,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-young-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,frans-hals_portrait-of-a-young-woman-1655,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-aletta-hanemans-1625,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-an-elderly-man,"[1.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-an-unknown-man,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-an-unknown-man-1634,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-an-unknown-man-1663,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,frans-hals_portrait-of-an-unknown-woman,"[1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_portrait-of-an-unknown-woman-1643,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-isaac-abrahamsz-1635,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-isaak-abrahamsz-massa-1626,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,frans-hals_portrait-of-jacob-pietersz-olycan,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_portrait-of-jasper-schade-van-westrum-1645,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-jean-de-la-chambre-at-the-age-of-33-1638,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-mary-pietersdr-olycan,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-paulus-verschuur-1643,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-rene-descartes,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-samuel-ampzing,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-stephanus-geeraerdts-alderman-of-haarlem,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-theodorus-schrevelius-1617,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-hals_portrait-of-tyman-oosdorp-1656,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,frans-hals_portrait-of-willem-coymans-1645,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_portrait-of-willem-croes,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_portrait-of-willem-van-heythuysen,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_portrait-of-woman-with-gloves,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_regents-of-the-old-men-s-alms-house-haarlem-1664,"[20.0, 3.0, 8.0, 3.0, 1.0, 4.0, 1.0, 4.0, 5.0]"
+Baroque,frans-hals_regents-of-the-st-elisabeth-s-hospital-haarlem-1641,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_regents-of-the-st-elizabeth-hospital-of-haarlem-detail-1641,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_sara-wolphaerts,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_shrovetide-revellers-the-merry-company,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_singing-boy-with-a-flute-1623,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_st-luke,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,frans-hals_st-matthew,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637-2,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_the-company-of-captain-reinier-reael-and-lieutenant-cornelis-michielsz-blaeuw-known-as-the-1637-3,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_the-laughing-cavalier-1624,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_the-laughing-child,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_the-man-with-the-slouch-hat,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_the-merry-drinker-1630,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_the-merry-drinker-detail-1630,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,frans-hals_the-painter-jan-asselyn-1650,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_the-regentesses-of-the-old-men-s-almhouse-haarlem-1664,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_the-regentesses-of-the-old-men-s-almhouse-haarlem-detail-1664,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,frans-hals_the-regentesses-of-the-old-men-s-almhouse-haarlem-detail-1664-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_the-rommel-pot-player,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_the-rommel-pot-player-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,frans-hals_three-childeren-with-a-goat-cart,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_two-boys-singing,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_two-boys-singing-detail,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-hals_two-laughing-boys-with-a-beer-mug,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_verdonck-1627,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,frans-hals_vincent-laurensz-van-der-vinne,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,frans-hals_willem-van-heythuyzen,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-hals_young-man-and-woman-in-an-inn-yonker-ramp-and-his-sweetheart-1623,"[4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-hals_young-man-with-a-skull,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,frans-snyders_a-banquet-piece,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_a-fruit-stall,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_a-fruit-stall-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_a-monkey-among-fruit,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-snyders_ceres-with-two-nymphs-1628,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_christ-and-john-the-baptist-as-children-and-two-angels,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_cimone-and-efigenia,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_concert-of-birds-1,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_concert-of-birds-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-snyders_cook-with-food,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,frans-snyders_deer-hunting,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,frans-snyders_dogs-fighting,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,frans-snyders_fish-market,"[1.0, 1.0, 1.0, 1.0, 0.0, 4.0, 0.0, 1.0, 1.0]"
+Baroque,frans-snyders_fish-market-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Baroque,frans-snyders_fish-shop,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_fish-shop-1621,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_flowers-fruits-and-vegetables,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_fox-and-cat,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,frans-snyders_fruit-and-vegetable-market,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,frans-snyders_fruit-seller,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_fruits-in-a-bowl-on-a-red-tablecloth,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_game-stall,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Baroque,frans-snyders_grapes-in-a-basket-and-roses-in-a-vase,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_grapes-peaches-and-quinces-in-a-niche,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,frans-snyders_greyhound-catching-a-young-wild-boar,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,frans-snyders_group-of-birds-perched-on-branches,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_head-of-medusa,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,frans-snyders_hounds-bringing-down-a-boar,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,frans-snyders_hunting-still-life,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_kitchen-still-life-1610,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_large-still-life-with-a-lady-and-parrot,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_philomenes-recognized-by-the-old-woman,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_pythagoras-advocating-vegetarianism,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_return-from-the-hunt,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,frans-snyders_sable-of-the-fox-and-the-heron,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,frans-snyders_still-life,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,frans-snyders_still-life-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,frans-snyders_still-life-1613,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,frans-snyders_still-life-1639,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,frans-snyders_still-life-of-fruit-in-a-basket,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,frans-snyders_still-life-of-game-and-shellfish,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_still-life-with-a-basket-of-fruit,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Baroque,frans-snyders_still-life-with-a-dog-and-her-puppies,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_still-life-with-crab-poultry-and-fruit-1620,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Baroque,frans-snyders_still-life-with-dead-game-fruits-and-vegetables-in-a-market,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,frans-snyders_still-life-with-dead-hares-and-birds-armchair-hounds-hunting-gun,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-snyders_still-life-with-fruit-basket-and-game,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,frans-snyders_still-life-with-fruit-dead-game-vegetables-a-live-monkey-squirrel-and-cat,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Baroque,frans-snyders_the-bird-s-concert,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,frans-snyders_the-fish-market-1618,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_the-fishmonger,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Baroque,frans-snyders_the-pantry,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,frans-snyders_the-wild-boar-hunt,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,frans-snyders_three-monkeys-stealing-fruit,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,frans-snyders_vegetable-still-life,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,frans-snyders_venison-dealers,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,frans-snyders_wild-boar-hunt,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,gabriel-metsu_a-baker-blowing-his-horn,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_a-hunter-getting-dressed-after-bathing,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,gabriel-metsu_a-man-and-a-woman-seated-by-a-virginal-1660,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_a-soldier-visiting-a-young-lady-1661,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_a-woman-drawing-wine-from-a-barrel,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_a-woman-seated-at-a-table-and-a-man-tuning-a-violin,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,gabriel-metsu_a-young-woman-composing-music,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_an-old-man-holding-a-pipe-and-a-jug,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,gabriel-metsu_an-old-woman-selling-fish-1662,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,gabriel-metsu_breakfast,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_dead-cock-1660,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,gabriel-metsu_lady-seated-in-a-window,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_lazarus-and-the-rich-man,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,gabriel-metsu_man-writing-a-letter,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_old-woman-meditating,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,gabriel-metsu_portrait-of-the-artist-with-his-wife-isabella-de-wolff-in-a-tavern-1661,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_the-apothecary-the-chemist,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,gabriel-metsu_the-apple-peeler-1657,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_the-armorer,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,gabriel-metsu_the-cittern-player,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gabriel-metsu_the-cook,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_the-dismissal-of-hagar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,gabriel-metsu_the-family-of-jan-jacobsz-hinlopen,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_the-feast-of-the-bean-king-1655,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_the-hunter-s-present,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_the-huntsman-and-the-lady-1660,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_the-intruder,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_the-letter-writer-surprised,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_the-old-drinker,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gabriel-metsu_the-patient-and-the-doctor,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,gabriel-metsu_the-poultry-seller,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Baroque,gabriel-metsu_the-poultry-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,gabriel-metsu_the-prodigal-son,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_the-sick-child,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,gabriel-metsu_the-sick-girl-1659,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Baroque,gabriel-metsu_the-sleeping-sportsman-1659,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gabriel-metsu_the-tippler-the-wine-drinker-1657,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gabriel-metsu_the-virginal-player,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_vegetable-market-in-amsterdam-1662,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_visit-to-the-nursery-after-the-birth-of-sara-hinlopen-1661,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,gabriel-metsu_washerwoman,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gabriel-metsu_woman-at-the-virginals,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gabriel-metsu_woman-eating,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,gabriel-metsu_woman-figure,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gabriel-metsu_woman-playing-a-mandolin,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_woman-playing-a-viola-de-gamba,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_woman-reading-a-letter,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gabriel-metsu_woman-taken-in-adultery,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,gerard-terborch_a-guard-room-interior-with-a-soldier-blowing-smoke-in-the-face-of-his-sleeping-companion,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gerard-terborch_a-lady-reading-a-letter,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerard-terborch_a-woman-spinning,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,gerard-terborch_a-young-woman-playing-a-theorbo-to-two-men,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerard-terborch_card-players-1650,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,gerard-terborch_curiosity,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gerard-terborch_dispatch-1657,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,gerard-terborch_drink,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gerard-terborch_gallant-conversation-the-paternal-admonition,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerard-terborch_girl-in-peasant-costume-probably-gesina-the-painter-s-half-sister,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,gerard-terborch_helena-van-der-schalcke-as-a-child,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,gerard-terborch_lady-at-her-toilette,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerard-terborch_man-offering-a-woman-coins,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,gerard-terborch_memorial-portrait-of-moses-ter-borch,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,gerard-terborch_messenger,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,gerard-terborch_mother-combing-the-hair-of-her-child,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gerard-terborch_music-lesson,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,gerard-terborch_officer-writing-a-letter,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerard-terborch_portrait-of-a-lady,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gerard-terborch_portrait-of-a-man-reading,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerard-terborch_portrait-of-a-young-man-1670,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerard-terborch_portrait-of-catarina-van-leunink,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerard-terborch_the-concert,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerard-terborch_the-concert-singer-and-theorbo-player,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerard-terborch_the-dancing-couple-1660,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerard-terborch_the-duet-singer-and-theorbo-player,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,gerard-terborch_the-flea-catcher-boy-with-his-dog,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,gerard-terborch_the-glass-of-lemonade,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,gerard-terborch_the-glass-of-lemonade-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,gerard-terborch_the-knifegrinder-s-family,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,gerard-terborch_the-letter,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,gerard-terborch_the-lute-player,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerard-terborch_the-lute-player-1668,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerard-terborch_the-message,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,gerard-terborch_the-music-lesson,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerard-terborch_the-music-party,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gerard-terborch_the-reading-lesson,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerard-terborch_the-suitor-s-visit,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerard-terborch_the-swearing-of-the-oath-of-ratification-of-the-treaty-of-munster-1648,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gerard-terborch_the-violinist,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,gerard-terborch_the-visit,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,gerard-terborch_woman-at-a-mirror,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,gerard-terborch_woman-drinking-wine,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gerard-terborch_woman-peeling-apple-1650,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerard-terborch_woman-playing-the-lute,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerard-terborch_woman-washing-hands,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerard-terborch_woman-writing-a-letter,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gerrit-dou_a-cat-at-the-window-of-a-painters-studios-1657,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,gerrit-dou_a-hermit-praying-1670,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_a-lady-playing-the-clavichord,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_a-poulterer-s-shop,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_a-sleeping-dog-with-terracotta-pot-1650,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_an-old-man-lighting-his-pipe-in-a-study,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_anna-and-blind-tobit,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_artist-in-his-studio-1632,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_astronomer-1655,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,gerrit-dou_astronomer-by-candlelight,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_burgomaster-hasselaar-and-his-wife,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gerrit-dou_bust-of-a-man-1645,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gerrit-dou_cardplayers-at-candlelight,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_dentist-by-candlelight,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 2.0]"
+Baroque,gerrit-dou_girl-chopping-onions,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_grace-before-meat,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_heraklith-1632,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_interior-with-a-young-violinist-1637,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_man-interrupted-at-his-writing-1635,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gerrit-dou_man-with-easel,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gerrit-dou_officer-of-the-marksman-society-in-leiden,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_officer-of-the-marksman-society-in-leiden-detail,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_old-woman-cutting-bread,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_old-woman-praying,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gerrit-dou_old-woman-unreeling-threads-1665,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_old-woman-watering-flowers-1665,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_old-woman-with-a-candle,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-a-couple-in-a-landscape,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-a-man,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-a-man-1640,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-a-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-a-woman-1640,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-a-woman-1646,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-a-young-woman-1640,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_portrait-of-an-old-woman-1645,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,gerrit-dou_portrait-of-an-old-woman-reading,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_portrait-of-the-artist-in-his-studio,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gerrit-dou_rembrandt-s-mother,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_self-portrait,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_self-portrait-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_self-portrait-1635,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_self-portrait-2,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_self-portrait-in-a-window,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_self-portrait-with-a-palette-in-a-niche-1655,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_still-life-with-a-boy-blowing-soap-bubbles-1636,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gerrit-dou_still-life-with-armor-shield-halberd-sword-leather-jacket-and-drum,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gerrit-dou_still-life-with-book-and-purse,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_still-life-with-candle,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_still-life-with-globe-lute-and-books,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_still-life-with-hourglass-pencase-and-print,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_the-bible-lesson-or-anne-and-tobias,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_the-cook-1665,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_the-doctor,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gerrit-dou_the-dropsical-woman,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_the-dutch-housewife-or-the-woman-hanging-a-cockerel-in-the-window-1650,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,gerrit-dou_the-extraction-of-tooth-1635,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Baroque,gerrit-dou_the-grocery-shop-1672,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_the-hermit-1670,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,gerrit-dou_the-herring-seller-1675,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,gerrit-dou_the-lady-at-her-dressing-table-1667,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_the-night-school-1665,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,gerrit-dou_the-old-schoolmaster-1671,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,gerrit-dou_the-painter-in-his-workshop-1647,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_the-physician-1653-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_the-prayer-of-the-spinner,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,gerrit-dou_the-quack-1652,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,gerrit-dou_the-silver-ewer,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_the-teacher-1645,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_the-village-grocer-1647,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_the-young-mother-1658,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_the-young-mother-1660,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_trumpet-player-in-front-of-a-banquet-1665,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gerrit-dou_violin-player-1653,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_violin-player-1667,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_weighing-gold-1664,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gerrit-dou_woman-eating-porridge,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,gerrit-dou_woman-in-a-black-veil,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gerrit-dou_woman-peeling-carrot,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gerrit-dou_woman-pouring-water-into-a-jar,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,gian-lorenzo-bernini_aeneas-and-anchises-1619(3),"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_altar-cross-1661(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,gian-lorenzo-bernini_altar-of-the-cappella-del-sacramento(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_angel-with-the-inscription-of-i-n-r-i(1),"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_apollo-and-daphne-1625(3),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_bacchanal-a-faun-teased-by-children-1617(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gian-lorenzo-bernini_bust-of-camilla-barberini-nee-barbadori(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,gian-lorenzo-bernini_bust-of-costanza-buonarelli(1),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_bust-of-pope-gregory-xv(1),"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_bust-of-pope-urban-viii-1633(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,gian-lorenzo-bernini_cardinal-scipione-borghese(3),"[3.0, 1.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,gian-lorenzo-bernini_charity-tomb-of-urban-viii(3),"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_charles-i-king-of-england-1636,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gian-lorenzo-bernini_constantine-the-great(1),"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_daniel-and-the-lion(1),"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_david-1624(4),"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_david-with-the-head-of-goliath(1),"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_equestrian-statue-of-king-louis-xiv-1670(3),"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_mathilde-of-tuscany-sun(3),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,gian-lorenzo-bernini_medusa(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Baroque,gian-lorenzo-bernini_memorial-bust-of-gabriele-fonseca(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,gian-lorenzo-bernini_pope-urban-viii(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,gian-lorenzo-bernini_portrait-bust-of-cardinal-richelieu(3),"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_portrait-bust-of-pedro-de-foix-montoya(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_portrait-of-a-boy(3),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Baroque,gian-lorenzo-bernini_portrait-of-a-man-with-a-moustache(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gian-lorenzo-bernini_portrait-of-a-man-with-a-moustache-supposed-self-portrait(3),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_portrait-of-a-young-man-1630(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_portrait-of-a-young-man-self-portrait(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,gian-lorenzo-bernini_rape-of-proserpine-1622(3),"[0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,gian-lorenzo-bernini_saint-andrew-and-saint-thomas(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_saint-jerome-1663(1),"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,gian-lorenzo-bernini_self-portrait(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0]"
+Baroque,gian-lorenzo-bernini_self-portrait-as-a-mature-man-1635(3),"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gian-lorenzo-bernini_self-portrait-of-the-artist-in-middle-age(3),"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,gian-lorenzo-bernini_sepulchre-of-matilda-the-great-countess-1633(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_st-agnese(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_st-augustine(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_st-bibiana-1626(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_st-jerome(3),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,gian-lorenzo-bernini_st-longinus(1),"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_standing-angel-with-scroll-1668(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,gian-lorenzo-bernini_the-angel-of-the-crown-of-thorns(3),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_the-blessed-lodovica-albertoni-1674(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,gian-lorenzo-bernini_the-ecstasy-of-st-teresa(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,gian-lorenzo-bernini_the-ecstasy-of-st-teresa-1652(1),"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_the-emperor-constantine(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,gian-lorenzo-bernini_the-four-rivers-fountain-1651(1),"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_the-throne-of-saint-peter-1666(1),"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,gian-lorenzo-bernini_time-arrested-by-death(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]"
+Baroque,gian-lorenzo-bernini_tomb-of-pope-alexander-vii-1678(1),"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_tomb-of-pope-urban-viii-1647(1),"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_torso-of-neptune(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,gian-lorenzo-bernini_truth-unveiled-by-time(3),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,giovanni-paolo-panini_a-capriccio-of-classical-ruins-with-diogenes-throwing-away-his-cup-1729,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_a-capriccio-of-the-roman-forum-1741,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,giovanni-paolo-panini_adoration-of-the-shepherds-adoration-of-the-magi-1755,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_alexander-the-great-cutting-the-gordian-knot,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,giovanni-paolo-panini_ancient-roman-ruins-1750,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,giovanni-paolo-panini_architectural-capriccio-1730,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,giovanni-paolo-panini_capriccio-of-classical-ruins-1730,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,giovanni-paolo-panini_gallery-of-views-of-modern-rome-1759,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_interior-of-st-peter-s-in-rome-1750,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_interior-of-st-peter-s-rome-1755,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_musical-f-te-1747,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_picture-gallery-with-views-of-modern-rome-1758,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_roman-capriccio-the-pantheon-and-other-monuments-1735,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_roman-ruins-and-sculpture-1757,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_the-adoration-of-the-magi-1757,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,giovanni-paolo-panini_the-interior-of-the-pantheon-rome,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,giovanni-paolo-panini_the-lottery-at-palazzo-montecitorio-1747,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_view-of-rome-from-mt-mario-in-the-southeast-1749,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,giovanni-paolo-panini_view-of-the-colosseum-1747,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,giovanni-paolo-panini_view-of-the-roman-forum-1747,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_a-farewell-to-dido-aeneas,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_abduction-of-deianira-1621,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,guido-reni_adoration-of-the-shepherds,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_adoration-of-the-shepherds-1642,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_angel-of-the-annunciation,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_angels-1627,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_annunciation-1621,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_assumption-1600,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,guido-reni_assumption-1617,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,guido-reni_assumption-of-mary-1642,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_assumption-of-the-virgin-1580,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,guido-reni_atalanta-and-hippomenes-1625,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_aurora-1614,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,guido-reni_baby-jesus-asleep-on-the-cross-1625,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_bacchus-and-ariadne-1621,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_charity,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,guido-reni_charity-1607,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Baroque,guido-reni_cherub-sleeps-1627,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,guido-reni_christ-in-glory-between-the-angels-and-archangels-1621,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_cleopatra,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Baroque,guido-reni_cleopatra-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,guido-reni_cleopatra-1640,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Baroque,guido-reni_coronation-of-the-virgin-with-st-catherine-of-alexandria-st-john-the-evangelist-st-john-the-1596,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_crowned-love-and-profane-love-1623,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_crucifixion-1619,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,guido-reni_crucifixion-of-st-peter-1605,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Baroque,guido-reni_david-1620,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,guido-reni_david-and-goliath-1610,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,guido-reni_david-with-the-head-of-goliath,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Baroque,guido-reni_david-with-the-head-of-goliath-1606,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,guido-reni_death-of-cleopatra-1598,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,guido-reni_drinking-bacchus,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_ecce-homo,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,guido-reni_ecce-homo-1640,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Baroque,guido-reni_education-of-the-virgin-1642,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,guido-reni_fortune-1637,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_four-seasons-1620,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_girl-with-a-rose,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_head-of-christ-crowned-with-thorns-1620,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,guido-reni_head-of-saint-joseph,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_hercules-and-achelous-1620,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_hercules-on-the-pyre-1617,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_hercules-vanquishing-the-hydra-of-lerma-1620,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,guido-reni_holy-family-1642,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_john-the-baptist,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_john-the-baptist-1640,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,guido-reni_joseph-and-potiphar,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,guido-reni_joseph-and-potiphars-wife,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,guido-reni_loth-and-her-daughters-fleeing-sodome-1616,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_lucretia-1626,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,guido-reni_lucretia-1626-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,guido-reni_madonna-enthroned-with-saints,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_madonna-with-child-and-st-john-the-baptist,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_magdalene-in-penitence-1635,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,guido-reni_magdalene-with-the-jar-of-ointment,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_man-of-sorrows,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,guido-reni_martyrdom-of-saint-catherine-of-alexandria-1607,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Baroque,guido-reni_martyrdom-of-st-andrew-introduction-to-the-crucifixion,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,guido-reni_mary-and-angels-1611,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_mary-magadalen,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_mary-magdalene-1616,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,guido-reni_mary-magdalene-in-ecstasy-at-the-foot-of-the-cross-1629,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_mary-s-birth-1611,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_mary-with-child-1635,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_massacre-of-the-innocents-1611,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,guido-reni_not_detected_232244-1635,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_not_detected_232245,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_not_detected_232246,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,guido-reni_penitent-magdalene,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_penitent-mary-magdalene,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_portrait-of-a-girl-with-crown-1642,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,guido-reni_portrait-of-an-old-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,guido-reni_portrait-of-cardinal-bernardino-spada-1631,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_portrait-of-cardinal-roberto-ubaldini-1625,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_portrait-of-old-woman-1630,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,guido-reni_portrait-of-pope-gregory-xv-1622,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,guido-reni_reclining-venus-with-cupid,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_repentant-peter-1637,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,guido-reni_rosary-madonna-1598,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_saint-francis-deadened-with-an-angel-musician-1607,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_saint-john-1621,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_saint-john-the-baptist-1637,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_saint-joseph,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_saint-luke-1621,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_saint-mark,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_saint-mark-1621,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_saint-matthew-1621,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_saint-paul-1634,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_saint-peter,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,guido-reni_saint-peter-1634,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,guido-reni_saint-roch-1617,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,guido-reni_salome-with-the-head-of-john-the-baptist-1635,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Baroque,guido-reni_salome-with-the-head-of-st-john-baptist-1640,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_self-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_self-portrait-1604,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_sibylle-1636,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_st-andrew-corsini-in-prayer-1635,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_st-catherine-1615,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_st-cecilia,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_st-cecilia-1606,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,guido-reni_st-filippo-neri-in-ecstasy-1614,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_st-francis,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,guido-reni_st-francis-consoled-by-angelic-music-1610,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_st-francis-in-prayer-with-two-angels-1631,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_st-jerome,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,guido-reni_st-john-the-baptist-in-the-wilderness-1625,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_st-john-the-evangelist-1620,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_st-joseph,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_st-joseph-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,guido-reni_st-joseph-with-the-infant-jesus,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_st-mary-magdalene-1632,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_st-peter-and-st-paul,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,guido-reni_st-peter-penitent,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,guido-reni_st-sebastian,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Baroque,guido-reni_st-sebastian-1642,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,guido-reni_suicide-of-lucretia-1642,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Baroque,guido-reni_susanna-and-the-elders-1620,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,guido-reni_the-annunciation,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_the-archangel-michael-defeating-satan-1635,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,guido-reni_the-baptism-of-christ-1623,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_the-boy-bacchus-1620,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_the-brussels-goldsmith-jean-jacobs,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_the-circumcision-of-the-child-jesus-1640,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_the-coronation-of-the-virgin-1626,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_the-gathering-of-the-manna-1621,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_the-glory-of-st-dominic-1613,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_the-martyrdom-of-saint-sebastian-1616,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,guido-reni_the-mendicantini-pieta-1616,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,guido-reni_the-penitent-magdalene-1635,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,guido-reni_the-purification-of-the-virgin-1640,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,guido-reni_the-rape-of-deianira-1619,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,guido-reni_the-rape-of-europa-1639,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,guido-reni_the-rape-of-helen-1631,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,guido-reni_the-suicide-of-lucretia-1640,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,guido-reni_the-toilet-of-venus-1623,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,guido-reni_the-victorious-samson-1612,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,guido-reni_virgin-and-child-adoring-1642,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,guido-reni_virgin-of-the-annunciation,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,hendrick-cornelisz-vroom_a-castle-with-a-ship-sailing-nearby-1626,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_a-dutch-ship-and-a-kaag-in-a-fresh-breeze-1630,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_arrival-of-a-dutch-three-master-at-schloss-kronberg-1614,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_attack-on-spanish-treasure-galleys-portugal-1602,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_dutch-ships-ramming-spanish-galleys-off-the-flemish-coast-in-october-1602-1617,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_ferry-boat-on-a-river-trees-on-a-hill-to-the-left,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_ships-trading-in-the-east-1614,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_the-arrival-at-vlissingen-of-frederick-v-elector-palatine-1632,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_the-battle-with-the-spanish-armada-1601,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_the-departure-of-the-east-indiamen-1630,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_the-explosion-of-the-spanish-flagship-during-the-battle-of-gibraltar-25-april-1607-attributed,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_the-harbour-in-amsterdam-1630,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_the-return-of-prince-charles-from-spain-5-october-1623-1624,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_unknown-title,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,hendrick-cornelisz-vroom_view-of-delft-from-the-southwest-1615,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-cornelisz-vroom_view-of-hoorn-netherlands-1622,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-terbrugghen_a-laughing-bravo-with-a-bass-viol-and-a-glass,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-terbrugghen_bagpipe-player-1624,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,hendrick-terbrugghen_democritus-1628,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-terbrugghen_duet-1628,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,hendrick-terbrugghen_heraclitus-1628,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,hendrick-terbrugghen_jacob-reproaching-laban-1627,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,hendrick-terbrugghen_jacob-reproaching-laban-1628,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,hendrick-terbrugghen_leda-and-the-swan,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,hendrick-terbrugghen_singing-boy-1627,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,hendrick-terbrugghen_st-sebastian-tended-by-irene-and-her-maid-1625,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,hendrick-terbrugghen_the-adoration-of-the-magi-1619,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,hendrick-terbrugghen_the-annunciation-1625,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,hendrick-terbrugghen_the-calling-of-st-matthew-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,hendrick-terbrugghen_the-calling-of-st-matthew-1621,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,hendrick-terbrugghen_the-crucifixion-with-the-virgin-and-st-john,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,hendrick-terbrugghen_the-mocking-of-christ,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Baroque,hendrick-terbrugghen_the-singing-lute-player-1624,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,hercules-seghers_a-river-valley-with-a-group-of-houses-1625,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,hercules-seghers_landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,hercules-seghers_landscape-with-armed-men-1635,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hercules-seghers_landscape-with-city-on-a-river-1629,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,hercules-seghers_landscape-with-overhanging-fir,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Baroque,hercules-seghers_mountain-valley,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,hercules-seghers_mountain-valley-with-fenced-fields,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,hercules-seghers_mountainous-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,hercules-seghers_panoramic-landscape,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,hercules-seghers_piles-of-books,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,hercules-seghers_river-valley,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,hercules-seghers_rocky-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,hercules-seghers_the-great-tree,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,hercules-seghers_town-with-four-towers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,hercules-seghers_two-trees-1625,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,hercules-seghers_view-of-brussels-from-the-north-east-1625,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,hercules-seghers_view-of-rhenen-1630,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_a-barn-interior-with-a-slaughtered-pig-children-playing-beyond,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_a-canal-in-winter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_a-frozen-lake,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,isaac-van-ostade_a-winter-landscape-with-skaters-children-playing-kolf-and-figures-with-sledges-on-the-ice-near,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,isaac-van-ostade_a-winter-scene,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,isaac-van-ostade_amusement-on-the-ice-1645,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,isaac-van-ostade_barn-interior,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,isaac-van-ostade_cutting-pork-carcass,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,isaac-van-ostade_farmhouse-interior,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_frozen-ice-landscape-with-carriages-and-boats,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,isaac-van-ostade_interior-of-a-peasant-house,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,isaac-van-ostade_interior-with-children,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_tavern,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,isaac-van-ostade_the-cut-pig,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0, 0.0]"
+Baroque,isaac-van-ostade_the-halt-at-the-inn,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_traveller-at-a-cottage-door,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,isaac-van-ostade_travellers-halting-at-an-inn,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_travellers-outside-an-inn,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,isaac-van-ostade_winter-landscape,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,isaac-van-ostade_winter-landscape-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,isaac-van-ostade_woman-selling-fruit-by-a-cottage,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,ivan-nikitin_a-malorossian-hetman-probably-pavlo-polubotok-1720,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,ivan-nikitin_anna-petrovna,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,ivan-nikitin_boris-sheremetev,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,ivan-nikitin_catherine-i-of-russia-1717,"[2.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,ivan-nikitin_chancelor-g-i-golovkin,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,ivan-nikitin_crown-princess-elizabeth-the-future-empress-1741,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,ivan-nikitin_peter-i,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,ivan-nikitin_peter-i-1717,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,ivan-nikitin_peter-i-on-his-deathbed-1725,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,ivan-nikitin_peter-i-on-his-deathbed-1725-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,ivan-nikitin_portrait-of-andrei-nartov,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,ivan-nikitin_portrait-of-baron-s-g-stroganoff-1726,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,ivan-nikitin_portrait-of-elizaveta-petrovna-as-a-child-1713,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,ivan-nikitin_portrait-of-peter-the-great,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,ivan-nikitin_portrait-of-young-man-in-a-green-coat,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-nikitin_tsarina-praskovia-fedorovna-saltikova-widow-of-ivan-v,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Baroque,ivan-nikitin_tzarina-natalia-alekseevna,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,ivan-nikitin_tzarina-natalia-alekseevna-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-nikitin_tzarina-praskovia-ioanovna-1714,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_an-icon-of-saint-volodymyr-the-great-1699,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_icon-christ-in-glory-1699,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_icon-christ-in-the-house-of-matha-and-mary-1699,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,ivan-rutkovych_icon-dormition-of-virgin-mary-1699,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Baroque,ivan-rutkovych_icon-of-archangel-gabriel-1699,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_icon-of-archangel-michael-1699,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_icon-of-moses-and-zacharias-1699,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,ivan-rutkovych_icon-savior-nerukotvornyi-saviour-not-made-by-hands-from-the-zhovkva-iconostasis-1699,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_icon-savior-nerukotvornyi-saviour-not-made-by-hands-from-the-zhovkva-iconostasis-1699-1(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_icon-savior-nerukotvornyi-saviour-not-made-by-hands-from-the-zhovkva-iconostasis-1699-2(1),"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,ivan-rutkovych_icon-sermon-of-saint-john-the-baptist-1699,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,ivan-rutkovych_icon-sermon-of-saint-john-the-baptist-1699-1(1),"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,ivan-rutkovych_icon-three-angels-1699,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,ivan-rutkovych_the-crucifixtion-with-scenes-of-christ-s-passion-1699,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,ivan-rutkovych_the-royal-gates-of-the-zhovkva-iconostasis-1699,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_a-road-through-an-oak-wood,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_bentheim-castle-1653,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_d-nenlandschaft,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_landscape-with-a-church-by-a-torrent-1670,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_landscape-with-a-house-in-the-grove-1646,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_landscape-with-a-waterfall-and-castle-1670,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_landscape-with-a-wheatfield-1660,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_road-through-corn-fields-near-the-zuider-zee-1662,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_stormy-sea-with-sailing-vessels-1668,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_sunrise-in-a-wood,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_the-ray-of-sunlight-1660,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_the-shore-at-egmond-an-zee-1675,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_the-waterfall-1670,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_tower-mill-at-wijk-bij-duurstede-netherlands-1670,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_two-undershot-watermills-with-men-opening-a-sluice-1650,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_two-watermills-and-an-open-sluice-1653,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_view-of-alkmaar-1670,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_view-of-haarlem-with-bleaching-fields-in-the-foreground-1670,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_view-of-haarlem-with-bleaching-grounds-1665,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_view-of-naarden-1647,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_view-of-the-ij-on-a-stormy-day-1660,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_village-at-the-wood-s-edge-1651,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,jacob-isaakszoon-van-ruisdael_weite-landschaft-mit-zerst-rten-befestigungsanlagen-und-einer-kirche-im-hintergrund,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_adoration-of-the-magi,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_adoration-of-the-shepherds,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_adoration-of-the-shepherds-1616,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_adoration-of-the-shepherds-1617,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_adoration-of-the-shepherds-1617-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_allegory-of-abundance,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Baroque,jacob-jordaens_allegory-of-fertility,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_allegory-of-fertility-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Baroque,jacob-jordaens_allegory-of-the-peace-of-westphalia-1654,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_an-apostle,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,jacob-jordaens_an-offering-to-ceres-goddess-of-the-harvest,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_as-the-old-sang-so-the-young-pipe-1638,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_as-the-old-sang-so-the-young-pipe-1640,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_as-the-old-sang-so-the-young-pipe-1644,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_bacchus-and-ariadne-1648,"[0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_bagpiper-1644,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_bearded-man-stepping-down,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_binding-of-isaac,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_bust-of-satyr-1621,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_cavalier-executing-a-levade-in-front-of-a-portal-1643,"[0.0, 4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_child-s-head-1620,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_christ-carrying-the-cross-1660,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Baroque,jacob-jordaens_christ-comes-as-a-gardener-to-three-marys,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_christ-driving-the-merchants-from-the-temple,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_christ-on-a-cross-1622,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Baroque,jacob-jordaens_cupid-and-sleeping-nymphs,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_diana-and-actaeon,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_diogenes-searching-for-an-honest-man,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_eating-man,"[3.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_education-of-jupiter,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_ferry-boat-to-antwerp-1623,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_five-studies-of-cows-1624,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_govaert-van-surpele-and-his-wife-1639,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_head-of-an-old-woman,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,jacob-jordaens_holy-family-with-elizabeth-and-child-john-the-baptist-1615,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_holy-women-at-the-sepulchre,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_homage-to-pomona-1616,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_hunter-with-his-dogs-1635,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_infant-jupiter-fed-by-the-goat-amalthea-1635,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_job,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_king-candaules-of-lydia-showing-his-wife-to-gyges-1646,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_king-drinks-1640,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_kitchen-scene,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_lapiths-and-the-centaurs,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_levade-performed-under-the-auspices-of-mars-and-in-the-presence-of-mercury-venus-and-a-squire-1645,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_love-of-cupid-and-psyche-1644,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_love-of-cupid-and-psyche-1652,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_madonna-and-child-wreathed-with-flowers-1618,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_marsyas-flayed-by-apollo-1625,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_martyrdom-of-st-quentin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,jacob-jordaens_meleager-and-atalanta-1618,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Baroque,jacob-jordaens_meleager-and-atalanta-1624,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_mercure-killing-argos-1650,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_mercury-and-argos-1620,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_neptune-creating-the-horse-1645,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_nymphs-at-the-fountain-of-love,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_odysseus,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,jacob-jordaens_odysseus-in-the-cave-of-polyphemus,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Baroque,jacob-jordaens_pan-and-syrinx,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_pan-punished-by-the-nymphs,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_pieta,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-a-family-1650,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_portrait-of-a-gentlewoman,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-a-lady-sitting-in-a-chair,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-a-man,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,jacob-jordaens_portrait-of-a-young-lady-1638,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,jacob-jordaens_portrait-of-a-young-married-couple-1620,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-an-old-man,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-catharina-behaghel-1635,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_portrait-of-johan-wierts-1635,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-jordaens-family,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_portrait-of-magdalena-de-cuyper-1636,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-the-artist-s-daughter-elizabeth-1640,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_portrait-of-the-painter-s-daughter-anna-catharina-oil-on-canvas,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_portrait-of-the-rogier-witer-1635,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,jacob-jordaens_portrait-of-the-wife-of-johan-wierts-1635,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_prometheus-bound,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_psyche-hosted-on-olympus-1652,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_rape-of-europa-1615,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_religious-allegory-1660,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_return-of-the-holy-family-from-egypt,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_saint-christopher-carrying-the-child-jesus-1630,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,jacob-jordaens_saint-john-the-baptist,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_saint-peter,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_satyr-and-girl-with-a-basket-of-fruit,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_satyr-and-peasant-1620,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_satyr-and-peasant-1620-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_satyr-and-peasant-1621,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_satyr-playing-flute,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_self-portrait,"[8.0, 10.0, 10.0, 2.0, 0.0, 2.0, 1.0, 4.0, 8.0]"
+Baroque,jacob-jordaens_self-portrait-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,jacob-jordaens_servant-with-a-fruit-basket-and-a-pair-of-lovers,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_sleep-of-antiope,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,jacob-jordaens_st-charles-cares-for-the-plague-victims-of-milan-1655,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_study-of-little-child-1626,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_study-of-the-head-of-abraham-grapheus-1621,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_study-of-the-head-of-apollo,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_study-of-three-women-and-child-1623,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_study-of-two-female-heads-and-torso-of-a-warrior-1623,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,jacob-jordaens_suffer-the-little-children-1655,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_suffer-the-little-children-to-come-unto-me,"[1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_susanna-and-the-elders,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_suzanna-and-the-elders,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_the-abundance-of-the-earth-1649,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-annunciation,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_the-apostles-st-paul-and-st-barnabas-at-lystra-1616,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-apostles-st-paul-and-st-barnabas-at-lystra-1645,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-apotheosis-of-aeneas-1617,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-artist-s-family,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,jacob-jordaens_the-artist-with-the-family-of-his-father-in-law-adam-van-noort,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacob-jordaens_the-assumption-of-the-virgin,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Baroque,jacob-jordaens_the-banquet-of-cleopatra-1653,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-bean-king,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-bean-king-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-bean-king-the-king-drinks-1638,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,jacob-jordaens_the-childhood-of-zeus,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-daughters-of-cecrops-finding-the-child-erichthonius,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-daughters-of-cecrops-finding-the-child-erichthonius-1617,"[0.0, 1.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-disciples-at-the-tomb-1625,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,jacob-jordaens_the-fall-of-man,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-father-of-the-psyche-consultants-of-oracle-in-the-temple-of-apollo-1652,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-flight-into-egypt-1641,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-four-evangelists,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,jacob-jordaens_the-four-latin-fathers-of-the-church,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-holy-family-and-child-st-john-the-baptist,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-holy-family-with-characters-and-animals-in-a-boat-1652,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-holy-family-with-st-anne-the-young-baptist-and-his-parents,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_the-judgement-of-midas,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_the-judgement-of-midas-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-king-drinks-1638,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-king-drinks-1640,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-lamentation,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,jacob-jordaens_the-martyrdom-of-st-apollonia-1628,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-miracle-of-the-obol-in-the-mouth-of-the-fish,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_the-miraculous-draught-of-fishes,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_the-mission-of-st-peter-1617,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_the-peasants-and-the-satyr,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_the-rape-of-europa-1643,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-rest-of-diana,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-return-from-egypt-of-the-holy-family-1616,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-sacrifice-of-isaac-1630,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-satyr-with-the-peasants-1620,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,jacob-jordaens_the-supper-at-emmaus,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jacob-jordaens_the-tribute-the-caliph-harun-al-rashid-to-charlemagne-1663,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jacob-jordaens_the-triumph-of-frederic-henri-1651,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_the-veneration-of-the-eucharist,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_the-virgin-and-child-in-the-company-of-little-st-john-and-his-parents-1617,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacob-jordaens_three-musicians,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_triumph-of-frederik-hendrik,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,jacob-jordaens_two-studies-of-the-head-of-abraham-grapheus-1621,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 1.0]"
+Baroque,jacob-jordaens_usury-is-a-great-evil-1645,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,jacques-stella_infant-st-john-the-baptist,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,jacques-stella_jacob-s-ladder-1650,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,jacques-stella_louis-ii-de-bourbon-duc-d-enghien,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jacques-stella_portrait-of-jacques-stella-and-her-mother-claudine-de-masso,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Baroque,jacques-stella_sainte-anne-leading-the-virgin-in-the-temple-1640,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jacques-stella_sainte-cecile-playing-the-organ,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacques-stella_self-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,jacques-stella_st-cecilia,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacques-stella_the-assumption,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jacques-stella_the-death-of-saint-joseph,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,jacques-stella_the-nativity-1639,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jacques-stella_the-rest-on-the-flight-into-egypt-1639,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-siberechts_a-horse-drawn-cart-with-two-women-travelling-down-a-flooded-road-at-the-edge-of-a-wood-1692,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-siberechts_a-pastoral-landscape-1684,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-siberechts_a-view-of-longleat-1675,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,jan-siberechts_a-wooded-landscape-with-peasants-in-a-horse-drawn-cart-travelling-down-a-flooded-road,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-siberechts_an-extensive-river-landscape-probably-derbyshire-with-drovers-and-their-cattle-in-the-1698,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-siberechts_crossing-a-creek-1669,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-siberechts_delousing-scene-detail-of-a-painting-by-jan-siberechts-farmyard-1662,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-siberechts_figures-with-a-cart-and-horses-fording-a-stream,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Baroque,jan-siberechts_landscape-with-rainbow-henley-on-thames-1690(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jan-siberechts_pastoral-scene,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-siberechts_pasture-with-two-sleeping-shepherdesses,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-siberechts_shepherdess,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-siberechts_the-ford-1670,"[1.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jan-siberechts_the-ford-1672,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-siberechts_the-market-garden-1664,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-siberechts_the-wager-1665,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-siberechts_the-wager-1679,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,jan-siberechts_view-of-a-house-and-its-estate-in-belsize-middlesex-1696,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_a-village-revel-1673,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,jan-steen_a-village-wedding,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_a-village-wedding-1653,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_a-village-wedding-feast-with-revellers-and-a-dancing-party,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_action-proves-the-man-1659,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_amnon-and-tamar-1670,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_an-old-to-young-girl,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_argument-over-a-card-game,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,jan-steen_arrival-of-a-visitor,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_baker-oostwaert-and-his-wife,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_baptism,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_bathsheba-receiving-david-s-letter,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jan-steen_burgher-of-delft-and-his-daughter-1655,"[0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_card-players,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_cat-family,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_celebrating-the-birth-1664,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_cheated-groom-1670,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_choice-between-richness-and-youth-1663,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,jan-steen_country-wedding-1666,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_couple-in-a-bedroom-1670,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_court,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_dancing-couple-1663,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_dancing-couple-detail-1663,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-1,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-10,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-11,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-12,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-2,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-3,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-4,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-5,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-6,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-7,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-8,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-couple-detail-1663-9,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dancing-lesson,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_dissolute-household,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_dissolute-household-1664,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_doctor-s-visit,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,jan-steen_doctor-s-visit-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,jan-steen_doctor-s-visit-1662,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_doctor-s-visit-1665,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_doctor-s-visit-1670,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Baroque,jan-steen_drawing-lesson,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_drinker,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_drunk-woman,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_easy-come-easy-go,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_effects-of-intemperance-1665,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Baroque,jan-steen_egg-dance-1674,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_family-holiday,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_farmers-to-skittles-1655,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_fat-kitchen,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_feast-of-st-nicholas-1665,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_feast-of-the-chamber-of-rhetoricians-near-a-town-gate,"[1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_garden-party-1677,"[1.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_girl-eating-oysters-1660,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_harpsichord-lesson-1660,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_idlers-1660,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_in-the-tavern-1660,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_inn-with-violinist-card-players-1668,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_lean-kitchen,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_leaving-the-tavern,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_life-of-man-1665,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_little-collector-1665,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_liveliest-1660,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_love-sickness-1660,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,jan-steen_marriage-contract,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,jan-steen_meal,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_merry-company-on-a-terrace-1675,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_merry-couple,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_merry-family-1668,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_merry-threesom-1672,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_morning-toilet-1665,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,jan-steen_mother-and-child,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,jan-steen_nocturnal-serenade-1675,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_parrot-cage,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_peasant-wedding,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_peasants-before-an-inn-1653,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jan-steen_portrait-of-geertruy-gael-second-wife-of-gerrit-gerritsz-schouten-1665,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jan-steen_portrait-of-gerrit-gerritsz-schouten-1665,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,jan-steen_prayer-before-meal-1660,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-steen_prayer-before-meal-1665,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_prince-s-day-1660,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_pub-garden-1663,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_quack,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,jan-steen_quackdoctor-1651,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jan-steen_return-of-the-prodigal-son-1670,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_revelry-at-an-inn-1674,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_rhetoricians,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_rhetoricians-1668,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_robbed-violin-player,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_sacrifice-of-iphigenia,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-steen_samson-and-delilah-1668,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,jan-steen_samson-and-delilah-1670,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,jan-steen_school-teacher,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_schoolmaster-1665,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_self-portrait,"[2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_self-portrait-with-a-lute,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_sick-old-man-1660,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_sick-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,jan-steen_sick-woman-1670,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,jan-steen_skittle-players-outside-an-inn-1663,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_smoker,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,jan-steen_supper-at-emmaus-1668,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,jan-steen_tavern-scene,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_the-dancing-couple-1663,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_the-way-you-hear-it-1665,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_tric-trac-players-1667,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,jan-steen_twelfth-night,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_twelfth-night-1662,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_twelfth-night-1668,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_twin-birth-celebration-1668,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,jan-steen_village-festival-with-the-ship-of-saint-rijn-uijt,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_village-school,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_wealth-is-looking-1663,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_wedding-feast-at-cana-1672,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jan-steen_wedding-of-sarah-and-tobias,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,jan-steen_wedding-of-tobias-and-sarah,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jan-steen_wedding-of-tobias-and-sarah-1668,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_wine-is-a-mocker-1670,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,jan-steen_winning-speaker,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_winter-landscape,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jan-steen_woman-at-her-toilet-1663,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,jan-steen_woman-playing-the-sistrum,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,jan-steen_worship-of-golden-calf-1677,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jan-steen_wrath-of-ahasuerus-1673,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,jean-baptiste-simeon-chardin_basket-of-plums,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Baroque,jean-baptiste-simeon-chardin_pears-walnuts-and-glass-of-wine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_still-life-with-glass-flask-and-fruit,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,jean-baptiste-simeon-chardin_still-life-with-jar-of-olives-1760,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jean-baptiste-simeon-chardin_still-life-with-pheasant,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Baroque,jean-baptiste-simeon-chardin_the-attentive-nurse,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jean-baptiste-simeon-chardin_the-attributes-of-art-1766,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_the-attributes-of-the-sciences-1731,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jean-baptiste-simeon-chardin_the-buffet-1728,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,jean-baptiste-simeon-chardin_the-butler-s-table-1756,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_the-canary,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_the-kitchen-maid,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_the-left-overs-of-a-lunch-also-called-the-silver-goblet,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_the-morning-toilet,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_the-prayer-before-meal,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_the-silver-tureen-1728,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,jean-baptiste-simeon-chardin_wild-rabbit-with-game-bag-and-powder-flask-1730,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,johannes-vermeer_a-lady-standing-at-a-virginal,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,johannes-vermeer_a-lady-writing,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,johannes-vermeer_a-maid-asleep,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,johannes-vermeer_a-young-woman-reading,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,johannes-vermeer_a-young-woman-seated-at-a-virginal-a-lady-seated-at-a-virginal,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,johannes-vermeer_a-young-woman-seated-at-the-virginals-a-young-woman-seated-at-the-virginal,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,johannes-vermeer_allegory-on-faith,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,johannes-vermeer_christ-in-the-house-of-martha-and-mary,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_diana-and-her-companions,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,johannes-vermeer_girl-interrupted-at-her-music,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,johannes-vermeer_girl-with-a-flute,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,johannes-vermeer_girl-with-the-red-hat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,johannes-vermeer_mistress-and-maid-lady-with-her-maidservant-holding-a-letter,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_officer-and-laughing-girl,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_saint-praxedis,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,johannes-vermeer_study-of-a-young-woman,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_the-art-of-painting,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,johannes-vermeer_the-astronomer-1668,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_the-concert,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,johannes-vermeer_the-geographer,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,johannes-vermeer_the-girl-with-a-pearl-earring,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,johannes-vermeer_the-glass-of-wine,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_the-lacemaker,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,johannes-vermeer_the-love-letter,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,johannes-vermeer_the-milkmaid,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,johannes-vermeer_the-music-lesson,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,johannes-vermeer_the-only-supposed-portrait-of-jan-vermeer,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,johannes-vermeer_the-procuress-1656,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,johannes-vermeer_view-on-delft,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_woman-holding-a-balance-1665,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,johannes-vermeer_woman-reading-a-letter-woman-in-blue-reading-a-letter,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,johannes-vermeer_woman-with-a-lute,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_youg-woman-playing-a-guitar,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_young-woman-with-a-pearl-necklace,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,johannes-vermeer_young-woman-with-a-water-pitcher,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,josefa-de-obidos_abisag-1650,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,josefa-de-obidos_calv-rio-1679,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,josefa-de-obidos_cesta-com-cerejas-queijos-e-barros,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,josefa-de-obidos_cordeiro-pascal-1670,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,josefa-de-obidos_nativity-of-jesus-1669,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,josefa-de-obidos_natureza-morta-1660,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,josefa-de-obidos_natureza-morta-caixa-com-potes-1660,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,josefa-de-obidos_natureza-morta-com-frutos-e-flores-1670,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,josefa-de-obidos_natureza-morta-doces-e-flores-1676,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,josefa-de-obidos_o-menino-jesus-salvador-do-mundo,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,josefa-de-obidos_pears-and-marasca-cherries-in-a-basket,"[5.0, 8.0, 22.0, 5.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Baroque,josefa-de-obidos_s-o-jos-e-o-menino,"[3.0, 16.0, 17.0, 2.0, 0.0, 2.0, 1.0, 4.0, 5.0]"
+Baroque,josefa-de-obidos_st-francis-and-st-clare-of-assisi-in-adoration-of-the-infant-christ,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,josefa-de-obidos_st-mary-magdalene-1650,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Baroque,josefa-de-obidos_still-life-1676,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,josefa-de-obidos_the-annunciation,"[2.0, 16.0, 13.0, 4.0, 0.0, 1.0, 1.0, 3.0, 5.0]"
+Baroque,josefa-de-obidos_transverbera-o-de-santa-teresa-1672,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Baroque,josefa-de-obidos_vis-o-de-s-o-jo-o-da-cruz,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,joseph-wright_a-blacksmith-s-shop-1771,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,joseph-wright_a-girl-reading-a-letter-by-candlelight-with-a-young-man-peering-over-her-shoulder-1762,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 2.0]"
+Baroque,joseph-wright_a-girl-reading-a-letter-with-an-old-man-reading-over-her-shoulder,"[1.0, 4.0, 19.0, 2.0, 2.0, 2.0, 3.0, 8.0, 9.0]"
+Baroque,joseph-wright_a-philosopher-by-lamp-light-1769,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Baroque,joseph-wright_an-academy-by-lamplight,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,joseph-wright_an-experiment-on-a-bird-in-the-air-pump-1768,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,joseph-wright_benjamin-franklin-1782,"[1.0, 4.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,joseph-wright_dressing-the-kitten,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,joseph-wright_erasmus-darwin,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,joseph-wright_francis-hurt,"[3.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,joseph-wright_james-and-mary-shuttleworth-with-one-of-their-daughters,"[3.0, 0.0, 4.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,joseph-wright_jedediah-strutt,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0]"
+Baroque,joseph-wright_john-pickering,"[2.0, 3.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,joseph-wright_lady-wilmot-and-her-child,"[3.0, 2.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,joseph-wright_landscape-study-development-from-a-blot,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,joseph-wright_mrs-francis-hurt,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,joseph-wright_mrs-john-ashton,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,joseph-wright_mrs-samuel-crompton,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,joseph-wright_mrs-sarah-clayton,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joseph-wright_old-john-head-waiter-at-the-king-s-head-in-derby,"[2.0, 1.0, 4.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,joseph-wright_penelope-unravelling-her-web,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,joseph-wright_portrait-of-a-lady-with-her-lacework,"[3.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joseph-wright_portrait-of-dr-erasmus-darwin-1731-1802-scientist-inventor-and-poet-grandfather-of-charles-1770,"[4.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,joseph-wright_portrait-of-mrs-abney,"[0.0, 1.0, 7.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,joseph-wright_portrait-of-mrs-catherine-swindell-1772,"[0.0, 3.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,joseph-wright_portrait-of-the-revd-samuel-rastall-dean-of-killaloe-ireland,"[0.0, 2.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,joseph-wright_reverend-basil-bury-beridge,"[8.0, 8.0, 18.0, 0.0, 1.0, 5.0, 2.0, 2.0, 8.0]"
+Baroque,joseph-wright_richard-cheslyn-1777,"[1.0, 2.0, 7.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,joseph-wright_romeo-and-juliet-the-tomb-scene-noise-again-then-i-ll-be-brief-1790,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 8.0, 2.0, 0.0]"
+Baroque,joseph-wright_samuel-crompton,"[3.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,joseph-wright_self-portrait,"[1.0, 2.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,joseph-wright_self-portrait-1,"[1.0, 3.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,joseph-wright_self-portrait-at-the-age-of-about-fifty,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,joseph-wright_self-portrait-at-the-age-of-about-forty,"[0.0, 3.0, 7.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,joseph-wright_self-portrait-at-the-age-of-about-twenty,"[2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,joseph-wright_self-portrait-in-a-black-feathered-hat,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,joseph-wright_sir-richard-arkwright-1790,"[5.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,joseph-wright_study-of-the-terrain-near-vesuvius,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,joseph-wright_the-alchemist-discovering-phosphorus-or-the-alchemist-in-search-of-the-philosophers-stone-1771,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Baroque,joseph-wright_the-iron-forge-1772,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,joseph-wright_the-orrery,"[1.0, 3.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,joseph-wright_the-prisoner,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,joseph-wright_three-persons-viewing-the-gladiator-by-candlelight,"[2.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joseph-wright_two-boys-fighting-over-a-bladder-1770,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 6.0, 1.0, 0.0]"
+Baroque,joseph-wright_ullswater,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joseph-wright_william-rastall,"[1.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,joshua-reynolds_david-garrick,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_george-ashby,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_george-iii-1,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joshua-reynolds_kitty-fisher-1759,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_kitty-fisher-1764,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joshua-reynolds_little-rogue-robinetta,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,joshua-reynolds_man-in-a-brown-coat,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joshua-reynolds_mary-duchess-of-richmond-1767,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joshua-reynolds_mrs-william-molesworth,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_paul-henry-ourry,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joshua-reynolds_portrait-of-robert-shafto-called-bonnie-bobbie-shafto,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,joshua-reynolds_self-portrait,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,joshua-reynolds_self-portrait-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_self-portrait-1775,"[0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_self-portrait-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,joshua-reynolds_self-portrait-4,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_st-john-the-baptist-in-the-wilderness,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,joshua-reynolds_the-4th-duke-of-queensbury-as-earl-of-march-1760,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,joshua-reynolds_the-calling-of-samuel,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,joshua-reynolds_ugolino-and-his-children,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,juan-de-valdes-leal_allegory-of-death-in-ictu-oculi-1672,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,juan-de-valdes-leal_ascension-of-elijah-1658,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,juan-de-valdes-leal_assumption-of-the-virgin-1659,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,juan-de-valdes-leal_carrying-the-cross-1661,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,juan-de-valdes-leal_coronation-of-san-jos,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,juan-de-valdes-leal_ecce-homo-1659,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,juan-de-valdes-leal_finis-gloriae-mundi-1672,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Baroque,juan-de-valdes-leal_fray-pedro-fern-ndez-pecha-1657,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,juan-de-valdes-leal_head-of-a-woman,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,juan-de-valdes-leal_miracle-of-st-ildefonsus-1661,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,juan-de-valdes-leal_monument-to-st-ferdinand-1671,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,juan-de-valdes-leal_piet,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,juan-de-valdes-leal_st-jerome-1657,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,juan-de-valdes-leal_the-conversion-and-baptism-of-st-augustine-by-st-ambrose-1673,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Baroque,juan-de-valdes-leal_the-sacrifice-of-isaac-1659,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,juan-de-valdes-leal_virgin-of-the-immaculate-conception-with-sts-andrew-and-john-the-baptist-1672,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_a-boy-and-a-girl-with-a-cat-and-an-eel,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,judith-leyster_a-game-of-cards,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_a-man-offers-a-young-girl-money-1631,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_a-youth-with-a-jug,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,judith-leyster_boy-playing-the-flute-1660,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,judith-leyster_flowers-in-a-vase-1654,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,judith-leyster_girl-with-a-lute-1631,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,judith-leyster_girl-with-a-straw-hat,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,judith-leyster_jolly-toper,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_jolly-toper-1629,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_laughing-children-with-a-cat-1629,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,judith-leyster_merry-company-1630,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,judith-leyster_portrait-of-a-man,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,judith-leyster_portrait-of-a-woman,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,judith-leyster_still-life,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,judith-leyster_the-concert-1633,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_the-jester-1625,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_the-serenade-1629,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,judith-leyster_three-boys-merry-making-1629,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,judith-leyster_tulip,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,judith-leyster_two-musicians-1629,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,jusepe-de-ribera_baptism-of-jesus-1643,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,jusepe-de-ribera_communion-of-the-apostles-1651,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jusepe-de-ribera_holy-family-with-st-bruno-the-carthusian-monks-saints-who-left-st-bernard-of-siena-st,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jusepe-de-ribera_immaculate-conception-1635,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,jusepe-de-ribera_jacob-s-dream-1639,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jusepe-de-ribera_john-of-austria-the-younger-1648,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,jusepe-de-ribera_landscape-with-shepherds-1639,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jusepe-de-ribera_saint-elias-1638,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,jusepe-de-ribera_st-bruno-the-carthusian-1643,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,jusepe-de-ribera_st-john-the-baptist-in-the-wilderness,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,jusepe-de-ribera_st-mary-magdalene-or-st-thais-in-the-desert,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jusepe-de-ribera_st-mary-of-egypt-1641,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Baroque,jusepe-de-ribera_the-assumption-of-mary-magdalene-1636,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,jusepe-de-ribera_the-clubfooted-boy-1642,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,jusepe-de-ribera_the-duel-of-women-the-duel-of-isabella-de-carazzi-and-diambra-de-pettinella-1636,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Baroque,jusepe-de-ribera_the-holy-family-with-st-catherine-1648,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,jusepe-de-ribera_the-immaculate-1630,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,le-nain-brothers_adoration-of-the-shepherds,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,le-nain-brothers_allegory-of-victory,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,le-nain-brothers_bacchus-and-ariadne,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,le-nain-brothers_backgammon-players,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,le-nain-brothers_birth-of-the-virgin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,le-nain-brothers_card-players,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,le-nain-brothers_christ-on-the-cross,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,le-nain-brothers_country-interior-1642,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,le-nain-brothers_country-interior-with-the-young-player-of-flageolet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,le-nain-brothers_dance-of-the-children,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_family-of-milk-seller,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,le-nain-brothers_four-figures-at-table,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,le-nain-brothers_landscape-with-an-old-woman,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,le-nain-brothers_landscape-with-peasants-and-a-chapel,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,le-nain-brothers_mary-magdalene-in-meditation,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,le-nain-brothers_nativity-with-the-torch,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,le-nain-brothers_peasants-at-their-cottage-door,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,le-nain-brothers_peasants-in-the-cave-house,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_portrait-in-an-interior,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,le-nain-brothers_portrait-of-a-knight-of-saint-michael,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,le-nain-brothers_rest-of-the-holy-family,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,le-nain-brothers_saint-michael-dedicating-his-weapons-to-the-virgin,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,le-nain-brothers_small-card-players,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,le-nain-brothers_small-card-players-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_smokers-in-an-interior-1643,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,le-nain-brothers_the-academy,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,le-nain-brothers_the-artist-s-studio,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,le-nain-brothers_the-cart-1641,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-concert,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-family-meal-1642,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-family-of-the-peasants,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-forging,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,le-nain-brothers_the-grace,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-happy-family-1642,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-last-supper,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,le-nain-brothers_the-musical-meeting,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-old-player-of-flageolet,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_the-peasant-s-meal-1642,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,le-nain-brothers_the-pontifical-mass,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,le-nain-brothers_the-rest-of-the-rider,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,le-nain-brothers_the-supper-at-emmaus-1645,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,le-nain-brothers_the-well,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,le-nain-brothers_two-girls,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,le-nain-brothers_venus-in-vulcan-s-forge-1641,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,mario-nuzzi_a-flower-piece,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,mario-nuzzi_adoraci-n-de-los-magos-en-una-guirnalda-de-flores-1654,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,mario-nuzzi_fruit-garland-encircling-a-relief,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,mario-nuzzi_glowers-in-a-sculpted-vase-on-a-stone-plinth,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,mario-nuzzi_mirror-decorated-with-putti-flowers-and-acanthus-scrolls,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,mario-nuzzi_natura-morta-con-tralcio-di-fiori,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,mario-nuzzi_natura-morta-di-fiori-in-un-vaso,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,mario-nuzzi_roses-tulips-chrysanthemums-and-other-flowers-in-a-sculpted-urn-on-an-earthen-bank,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,mario-nuzzi_self-portrait-with-flowers-1640,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,mario-nuzzi_spring-1660,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,mario-nuzzi_still-life-with-a-vase-of-flowers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,mario-nuzzi_the-angel-of-the-annunciation-in-a-garland-of-flowers,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,mario-nuzzi_tulips-lilies-irises-and-other-flowers-in-a-sculpted-urn-with-a-snake-and-a-moth-on-an-earthen,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,mario-nuzzi_various-flowers-in-a-glass-vase-with-blue-grapes-peaches-and-a-lemon-all-on-a-ledge,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,mario-nuzzi_vase-and-flowers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,matthias-stom_healing-of-tobit(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,matthias-stom_sacrifice-of-isaac(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,matthias-stom_st-ambrose(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,matthias-stom_st-gregory(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,matthias-stom_st-jerome(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,matthias-stom_the-adoration-of-the-magi(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,mestre-ataãde_a-coroa-o-da-virgem-pela-sant-ssima-trindade-detail-1811,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,mestre-ataãde_a-flagela-o-de-cristo,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,mestre-ataãde_a-ltima-ceia-1828,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,mestre-ataãde_a-virgem-entrega-o-menino-jesus-a-santo-ant-nio-de-p-dua-detail-1810,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,mestre-ataãde_abra-o-adora-os-tr-s-anjos-1799,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,mestre-ataãde_agonia-e-morte-de-s-o-francisco,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,mestre-ataãde_anjos-detail,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,mestre-ataãde_anjos-m-sicos-detail-1807,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,mestre-ataãde_ascens-o-de-cristo,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,mestre-ataãde_assun-o-da-virgem-detail-1823,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,mestre-ataãde_baptism-of-christ,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,mestre-ataãde_crucifixion-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,mestre-ataãde_deus-promete-a-abra-o-multiplicar-sua-descend-ncia-1799,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,mestre-ataãde_nossa-senhora-da-porci-ncula-1812,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,mestre-ataãde_nossa-senhora-do-carmo-e-s-o-sim-o-stock,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,nicolas-tournier_christ-carrying-the-cross-1632,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,nicolas-tournier_company-at-the-table,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,nicolas-tournier_drinking-party-with-a-lute-player,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,nicolas-tournier_montb-liard,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,nicolas-tournier_the-concert,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,osias-beert_bouquet-in-a-niche,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,osias-beert_dishes-with-oysters-fruit-and-wine-1625,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,osias-beert_oysters-and-glasses,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,osias-beert_still-life,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,osias-beert_still-life-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,osias-beert_still-life-of-a-roast-chicken-a-ham-and-olives-on-pewter-plates-with-a-bread-roll-an-orange,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,osias-beert_still-life-of-fruit-1610,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,osias-beert_still-life-of-fruit-and-a-plate-of-oysters,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,osias-beert_still-life-of-fruit-in-a-wan-li-bowl-1607,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,osias-beert_still-life-with-artichokes-1610,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,osias-beert_still-life-with-cherries-and-strawberries-in-china-bowls-1608,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,osias-beert_still-life-with-oysters-and-pastries-1610,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,osias-beert_three-dishes-of-sweetmeats-and-chestnuts-with-three-glasses-on-a-table,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,paul-bril_a-forest-pool-1600,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,paul-bril_a-wooded-landscape-with-a-bridge-and-sportsmen-at-the-edge-of-the-river-1590,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,paul-bril_an-extensive-landscape,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,paul-bril_coastal-landscape-1596,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,paul-bril_diana-and-her-nymphs-at-the-hunt-1600,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,paul-bril_fantastic-mountain-landscape-1598,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,paul-bril_jesus-walking-on-the-sea-of-galilee-1590,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,paul-bril_landscape,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,paul-bril_landscape-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,paul-bril_landscape-with-a-hunting-party-and-roman-ruins,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,paul-bril_landscape-with-a-marsh-1595,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,paul-bril_landscape-with-boats-on-a-river-1612,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,paul-bril_landscape-with-mercury-and-argus-1606,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,paul-bril_landscape-with-nymphs-and-satyrs-1623,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,paul-bril_landscape-with-roman-ruins-1580,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,paul-bril_landscape-with-st-jerome-and-rocky-crag,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,paul-bril_landscape-with-stag-hunt-1595,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,paul-bril_landschaft-mit-sibyllentempel-1595,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,paul-bril_mountain-scene-1599,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,paul-bril_r-mische-ruinenlandschaft,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,paul-bril_ruins-and-figures-1600,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,paul-bril_self-portrait-1600,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,paul-bril_the-campo-vaccino-with-a-gypsy-woman-reading-a-palm-1603,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,paul-bril_the-port-1611,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,paul-bril_the-stag-hunt-1595,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,paul-bril_view-of-a-port-1607,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,paul-bril_view-of-bracciano-1620,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_achilles-and-the-daughters-of-lykomedes,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_adam-and-eve,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_adam-and-eve-in-worthy-paradise,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_adoration-of-the-magi-1619,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_adoration-of-the-magi-1629,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_adoration-of-the-shepherds,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_adoration-of-the-shepherds-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_adoration-of-the-shepherds-1616,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_adoration-of-the-shepherds-1622,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_adoration-of-the-shepherds-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_adoration-of-the-shepherds-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_aeneas-and-his-family-departing-from-troy-1603,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_agrippina-and-germanicus,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_albert-and-nicolaas-rubens-1627,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_albert-rubens,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_albert-vii-governor-of-the-southern-provinces,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_alexander-and-roxana,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_alfonso-i-d-este-duke-of-ferrara,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_allegory-on-emperor-charles-as-ruler-of-vast-realms,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,peter-paul-rubens_allegory-on-the-blessings-of-peace-1630,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_altarpiece-of-st-ildefonso-right-panel,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_amor-and-psyche,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_andromeda,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_anna-of-austria-queen-of-france-mother-of-king-louis-xiv-1625,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_annunciation,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_apotheosis-of-henry-iv-and-the-proclamation-of-the-regency-of-marie-de-medici-1624,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_apotheosis-of-king-james-i,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_assumption-of-the-virgin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_assumption-of-virgin,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_assumption-of-virgin-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_autumn-landscape-with-a-view-of-het-steen,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_bacchanale,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_bathsheba-at-the-fountain,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_battle-of-the-amazons,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_beheading-of-st-john-the-baptist-1610,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_boar-hunt,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,peter-paul-rubens_boy-with-bird,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_bull,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_carrying-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_castle-garden,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_catherine-manners-duchess-of-buckingham,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_charles-the-bold-duke-of-burgundy,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_charles-v-and-the-empress-isabella,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_charles-v-in-armour,"[0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_christ-and-mary-magdalene,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_christ-and-st-john-with-angels,"[1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_christ-at-simon-the-pharisee-1620,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_christ-on-the-cross,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_christ-resurrected,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_christoffel-plantin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_coronation-of-marie-de-medici-1624,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_cows,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,peter-paul-rubens_cupid-and-psyche,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_cupid-making-his-bow,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_cupid-riding-a-dolphin,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_dance-of-italian-villagers,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_daniel-in-the-lion-s-den,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_death-of-adonis,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Baroque,peter-paul-rubens_deborah-kip-wife-of-sir-balthasar-gerbier-and-her-children-1630,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_decius-mus-addressing-the-legions,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,peter-paul-rubens_democritus,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-1614,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-1614-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-1617,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-1618,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-centre-panel-1614,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-left-wing-1614,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-outside-left-1614,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-outside-right-1614,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_descent-from-the-cross-right-wing-1614,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_diana-and-callisto,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_diana-and-her-nymphs-surprised-by-the-fauns-1640,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_diana-presentig-the-catch-to-pan,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_diana-returning-from-hunt,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_drunken-bacchus-with-faun-and-satyr,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_drunken-silenus,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_education-of-marie-de-medici-1624,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_entombment,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_equestrian-portrait-of-giancarlo-doria,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_equestrian-portrait-of-the-duke-of-lerma-1603,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_esther-and-ahasverus,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_etude-of-horse,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_etude-of-lion,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Baroque,peter-paul-rubens_fall-of-phaeton,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_farm-at-laken,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_feast-of-venus,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_forest-landscape-at-the-sunrise,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_garden-of-love,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_generosity-of-scipio,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_girl-with-fan,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_hagar-in-the-desert,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_head-and-right-hand-of-a-woman,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_head-of-a-franciscan-friar-1617,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_head-of-cyrus-brought-to-queen-tomyris,"[0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_head-of-medusa,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_head-of-woman,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,peter-paul-rubens_head-of-woman-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_head-of-woman-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_helena-fourment,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_helena-fourment-1,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_helena-fourment-with-her-son-francis,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_helene-fourment-with-her-children-1637,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_hercules-as-heroic-virtue-overcoming-discord-1633,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_hercules-crowned-by-genii,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_hero-and-leander,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_hippopotamus-and-crocodile-hunt,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_holy-trinity,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_hygeia-goddess-of-health,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_ildefonso-altar,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_immaculate-conception,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_infanta-isabella-the-ruler-of-the-netherlands,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_isabella-1566-1633-regent-of-the-low-countries,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_isabella-brandt-first-wife,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_isabella-brant,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_judith-with-the-head-of-holofernes,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_juno-and-argus,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_jupiter-and-callisto-1613,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_king-james-i-of-england,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_king-solomon-and-the-queen-of-sheba,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_lament-of-christ-1614,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,peter-paul-rubens_lamentation-christ-on-the-straw-1618,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_lamentation-of-christ-1618,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-a-rainbow,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-a-rainbow-1635,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-a-trees,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-a-watering-place,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-an-avenue-of-trees,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_landscape-with-cows,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-cows-and-wildfowlers,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-saint-george-and-the-dragon,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-stone-carriers,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-the-carriage-at-the-sunset,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-the-ruins-of-mount-palatine-in-rome,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_landscape-with-tower,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_laocoon-and-his-sons,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_last-supper,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_leda-and-the-swan,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_louis-xiii-1625,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_madonna-and-child-with-the-donors-alexandre-goubeau-and-his-wife-anne-antoni,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,peter-paul-rubens_madonna-della-vallicella,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_marchesa-brigida-spinola-doria,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_marie-de-medici-1622,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_marie-de-medicis-as-bellona-1625,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_mars-and-rhea-silvia,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_martyrdom-of-st-catherine,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_martyrdom-of-st-thomas,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_massacre-of-the-innocents,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_melchior-the-assyrian-king,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_mercury-and-a-sleeping-herdsman,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_mercury-and-argus,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_mercury-and-argus-1638,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,peter-paul-rubens_miracle-of-st-francis-1618,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_miracle-of-st-ignatius-of-loyola,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_miracles-of-st-ignatius,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_miraculous-fishing,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_morning-toilet-of-venus-1615,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_mulay-ahmad,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_music-making-angels,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_naked-young-man,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_nature-adorning-the-three-graces,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_nicolas-rubens,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_nicolas-rubens-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_nicolas-trigault,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_nicolas-trigault-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_night-scene-1617,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_nymphs-and-satyrs-1640,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_old-woman-1618,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_our-lady-with-the-saints,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_our-lady-with-the-saints-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_pan-and-syrinx-1619,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_pan-reclining,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_pastoral-scene-1638,"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_peace-and-abundance,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_perseus-and-andromeda,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_perseus-and-andromeda-1640,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_perseus-freeing-andromeda,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-a-chambermaid,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-a-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-a-man-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-a-man-probably-peter-van-hecke,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-a-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-a-woman-probably-susanna-lunden,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-a-young-woman-1635,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-a-young-woman-1636,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-ambrogio-spinola-1628,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-anne-of-austria-1622,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-archduchess-isabella-clara-eugenia,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-boy,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-clara-serena-rubens,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-don-diego-messina,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-gaspard-schoppins,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-george-vilie,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-george-villiers-1st-duke-of-buckingham,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-haspar-hevarts,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-helena-fourment,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-helena-fourment-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-helene-fourment-with-a-coach,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-helene-fourment-with-gloves,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-infanta-clara-eugenia-governess-of-the-netherlands,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-isabella-brandt,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-isabella-brandt-1,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-isabella-brandt-1626,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-isabella-brant-1626,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-jan-gaspar-gevartius,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-lady-arundel-with-her-train,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-ludovicus-nonnius,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_portrait-of-marchesa-brigida-spinola-doria,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-maria-serra-pallavicino,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-marie-de-medici,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_portrait-of-marie-de-medici-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_portrait-of-nicolas-de-respaigne-1618,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_portrait-of-philip-rubens,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_prometheus-bound,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_queen-tomyris-with-the-head-of-cyrus,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_raising-of-the-cross-sts-amand-and-walpurgis,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_raising-of-the-cross-sts-eligius-and-catherine,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_rape-of-the-daughters-of-leucippus,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_return-of-the-prodigal-son,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_roman-charity,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_romulus-and-remus-1616,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_rubens-and-helene-fourment-in-the-garden,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_rubens-rubens-his-wife-helena-fourment-and-their-son-peter-paul,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_sacrifice-of-abraham,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_saint-felix-of-cantalice,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Baroque,peter-paul-rubens_saint-gregory-with-saints-domitilla-maurus-and-papianus,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_saint-gregory-with-saints-domitilla-maurus-and-papianus-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_saint-peter,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_samson-and-delilah,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,peter-paul-rubens_satyr-and-girl,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_self-portrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Baroque,peter-paul-rubens_self-portrait-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_self-portrait-1625,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 3.0]"
+Baroque,peter-paul-rubens_self-portrait-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_self-portrait-3,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_self-portrait-in-a-circle-of-friends-from-mantua,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_selfportrait-with-brother-philipp-justus-lipsius-and-another-scholar,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_silenus-or-bacchus-and-satyrs,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 2.0]"
+Baroque,peter-paul-rubens_sine-cerere-et-baccho-friget-venus,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_sine-cerere-et-baccho-friget-venus-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_sketches-1625,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_small-last-judgement,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_son-nicolas-with-a-red-cap-1627,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_st-augustine,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_st-cecilia-1640,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_st-domitilla-with-st-nereus-and-st-achilleus-1608,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_st-francis-of-assisi-receiving-the-stigmata,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_st-george-and-a-dragon,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_st-george-slaying-the-dragon,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_st-george-with-martyrs-maurus-papianus-domitilla-nerus-and-achilleus,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_st-george-with-st-maurus-and-papianus,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_st-gregory-the-great-with-saints,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_st-ildefonso-receiving-a-priest-cloak,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_st-james-the-apostle-1613,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_st-jerome-in-his-hermitage-1609,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_st-onufrij-instruct-monk,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_st-sebastian,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_stormy-landscape,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_studies-of-the-head-of-a-negro,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_study-for-a-standing-female-saint,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_study-for-an-equestrian-portrait-of-the-duke-of-lerma-1603,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_summer,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_susanna-and-the-elders,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_susanna-and-the-elders-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_susanna-and-the-elders-1610,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_susanna-fourment,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_tereus-confronted-with-the-head-of-his-son-itylus-1638,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-abbot-of-st-michael-s,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-abduction-of-bulls,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_the-abduction-of-ganymede-1612,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_the-adoration-of-the-magi,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-assumption-of-mary-1622,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-baptism-of-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-battle-of-the-amazons,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-birth-of-henri-iv-of-france-1630,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-cardinal-infante,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-circumcision-of-christ,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_the-consequences-of-war-1638,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-council-of-the-gods-1624,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-crowning-of-st-catherine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-damage-of-sennaherib,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-damage-of-sennaherib-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-death-of-achilles,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_the-death-of-seneca,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,peter-paul-rubens_the-discovery-of-the-child-erichthonius,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-drunken-hercules,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-drunken-silenus,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-duke-of-buckingham,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-elevation-of-the-cross(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_the-entombment-1612,"[0.0, 7.0, 3.0, 1.0, 0.0, 0.0, 4.0, 35.0, 1.0]"
+Baroque,peter-paul-rubens_the-fall-of-icarus,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-fall-of-phaeton,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-fall-of-the-damned,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-fate-spinning-maries-destiny-1625,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-feast-of-herod-1633,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_the-flagellation-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,peter-paul-rubens_the-four-continents,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_the-four-evangelists,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_the-girl-squatted-down-1618,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-happiness-of-the-regency-1625,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-holy-family-with-st-anne,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-holy-family-with-st-elizabeth-1615,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_the-holy-family-with-st-elizabeth-1615-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-holy-family-with-st-elizabeth-and-the-infant-st-john-the-baptist,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-incredulity-of-st-thomas-1615,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_the-judgement-of-paris,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-judgment-of-paris,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-judgment-of-paris-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_the-kermesse-1638,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-lamentation,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,peter-paul-rubens_the-lamentation-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,peter-paul-rubens_the-landing-at-marseilles-3rd-november-1600-1625,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-last-communion-of-st-francis,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,peter-paul-rubens_the-last-supper,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-last-supper-1632,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-lion-hunt-1621,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-madonna-della-vallicella-adored-by-seraphim-and-cherubim,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-martyrdom-of-st-livinus,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-martyrdom-of-st-sebastian,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-meeting-of-abraham-and-melchisedek-1621,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-meeting-of-abraham-and-melchizedek,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,peter-paul-rubens_the-meeting-of-david-and-abigail,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_the-meeting-of-scipion-and-gannibal,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-meeting-of-the-king-and-marie-de-medici-at-lyons-9th-november-1600-1625,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_the-miracle-of-st-walburga,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-nativity-of-the-virgin-mary,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,peter-paul-rubens_the-prophet-elijah-receiving-bread-and-water-from-an-angel-1628,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-raising-of-the-cross,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-raising-of-the-cross-1610,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-raising-of-the-cross-1621,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,peter-paul-rubens_the-rape-of-europa,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-rape-of-the-sabine-women,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-rape-of-the-sabine-women-1,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-resurrection-of-christ-1612,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-resurrection-of-christ-1612-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-return-of-the-farm-workers-from-the-fields,"[0.0, 8.0, 22.0, 3.0, 0.0, 3.0, 3.0, 4.0, 1.0]"
+Baroque,peter-paul-rubens_the-road-to-calvary-1637,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-sacrifice-of-isaac,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-sacrifice-of-the-old-covenant,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-society-near-fountain,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_the-stigmatization-of-st-francis,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-straw-hat,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-supper-at-emmaus,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-three-caryatids,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-three-crosses,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,peter-paul-rubens_the-three-graces,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-three-graces-1623,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-trinity-adored-by-the-duke-of-mantua-and-his-family,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-triumph-of-juliers-1st-september-1610-1625,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-triumph-of-the-church,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_the-triumph-of-the-victory,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,peter-paul-rubens_the-triumph-of-truth-1625,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_the-triumphal-car-of-kallo-sketch,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-victory-of-eucharistic-truth-over-heresy,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-virgin-and-child-in-a-garland-of-flower,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_the-virgin-and-child-with-st-elizabeth-and-the-infant-st-john-the-baptist,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_thomas-howard-second-count-of-arundel,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_tournament-in-front-of-castle-steen-1637,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_triumph-of-church-over-fury-discord-and-hate,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_triumphal-entry-of-henry-iv-into-paris-1630,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_truce-between-romans-and-sabinians,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_two-satyrs-1619,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_two-young-women-with-a-dog,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_ulysses-and-nausicaa-on-the-island-of-the-phaeacians,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_venus-and-adonis,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_venus-at-her-toilet,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_venus-cupid-bacchus-and-ceres-1613,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,peter-paul-rubens_venus-frigida,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,peter-paul-rubens_venus-in-fur-coat,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_venus-und-adonis,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_virgin-and-child,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_virgin-and-child-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_virgin-and-child-1625,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_virgin-and-child-adored-by-angels,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_virgin-and-child-with-the-infant-st-john,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,peter-paul-rubens_virgin-in-adoration-before-the-christ-child,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_vision-of-ezekiel-1608,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,peter-paul-rubens_woman,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,peter-paul-rubens_woman-with-a-mirror,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_a-dutch-courtyard,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_a-mistress-and-her-maid,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,pieter-de-hooch_a-musical-conversation-1674,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_a-musical-party-1677,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_a-sick-child,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,pieter-de-hooch_a-woman-and-a-child-on-a-bleichwiese,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_a-woman-and-a-maid-in-a-courtyard,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,pieter-de-hooch_a-woman-drinking-with-two-men,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_a-woman-peeling-apples,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,pieter-de-hooch_a-woman-with-a-baby-in-her-lap-and-a-small-child-1658,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_at-the-linen-closet-1663,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_card-players-at-a-table,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_cardplayers-1658,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_company-in-garden,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_company-making-music,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,pieter-de-hooch_concert,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_couple-with-parrot-1668,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_courtyard-of-a-house-in-delft-1658,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,pieter-de-hooch_dutch-family,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_going-for-the-walk,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,pieter-de-hooch_happy-drinker,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_interior,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,pieter-de-hooch_interior-of-a-dutch-house,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,pieter-de-hooch_interior-with-a-mother-delousing-her-child-1660,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,pieter-de-hooch_interior-with-figures,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_interior-with-two-gentleman-and-a-woman-beside-a-fire,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_man-offering-a-glass-of-wine-to-a-woman-1653,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_mother-at-the-cradle,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,pieter-de-hooch_nursing-mother,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_paying-the-hostess-1658,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_portrait-of-a-family-of-musicians-1663,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_skittle-players-in-a-garden,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_soldiers-playing-cards,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_tavern-scene-with-maid-trying-to-fill-the-glass-of-a-cavalier-the-empty-glass,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_the-bedroom,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,pieter-de-hooch_the-card-players,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_the-council-chamber-of-the-burgermasters,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_the-courtyard-of-a-house-in-delft,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_the-morning-toilet-of-a-young-man,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,pieter-de-hooch_the-visit,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,pieter-de-hooch_tric-trac-spieler,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,pieter-de-hooch_two-soldiers-and-a-serving-woman-with-a-trumpeter,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,pieter-de-hooch_two-women-with-a-child-in-court,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_woman-and-child(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,pieter-de-hooch_woman-and-child-in-a-courtyard,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,pieter-de-hooch_woman-drinking-with-soldiers-1658,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_woman-hands-over-money-to-her-servant-1670,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,pieter-de-hooch_woman-reading-a-letter-1664,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,pieter-de-hooch_woman-weighing-gold-coins,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,pieter-de-hooch_woman-with-a-child-and-a-maid-in-an-interior,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,pieter-de-hooch_woman-with-basket-of-beans-in-the-kitchen-garden-1651,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pieter-de-hooch_woman-with-infant-serving-maid-with-child,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,pietro-da-cortona_allegory-of-divine-providence-and-barberini-power-1639,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,pietro-da-cortona_ananias-restoring-the-sight-of-saint-paul,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,pietro-da-cortona_ceiling-fresco-in-the-hall-of-saturn-1665,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_ceiling-fresco-with-medici-coat-of-arms-1644,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_holy-family-resting-on-the-flight-to-egypt,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_landing-of-the-trojans-at-the-mouth-of-tiberis-1654,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_madonna-and-saints-1628,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_marcello-sacchetti,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,pietro-da-cortona_martyrdom-of-saint-lawrence,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,pietro-da-cortona_piet-1625,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,pietro-da-cortona_pope-urbanus-viii-maffeo-barberini,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_return-of-hagar,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,pietro-da-cortona_romulus-and-remus-given-shelter-by-faustulus,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,pietro-da-cortona_study-for-the-age-of-silver,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_study-for-the-age-of-silver-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,pietro-da-cortona_the-age-of-bronze-1641,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,pietro-da-cortona_the-age-of-gold,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,pietro-da-cortona_the-age-of-iron-1641,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,pietro-da-cortona_the-alliance-of-jacob-and-laban-1635,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,pietro-da-cortona_the-copper-age,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_the-golden-age,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_the-guardian-angel,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,pietro-da-cortona_the-martyrdom-of-saint-stephen-1660,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,pietro-da-cortona_the-rape-of-the-sabine-women-1629,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_the-triumph-of-divine-providence-1639,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,pietro-da-cortona_title-page-from-the-flora,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,pietro-da-cortona_venus-appearing-to-aeneas-as-a-huntress,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,pietro-da-cortona_virgin-and-child-with-saints,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_a-bearded-man-in-a-cap-1657,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_a-beggar-and-a-companion-piece-turned-to-the-left-1634,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_a-beggar-and-a-companion-piece-turned-to-the-right-1634,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_a-beggar-sitting-in-an-elbow-chair-1630,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_a-beggar-standing-and-leaning-on-a-stick-1632,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-beggar-warming-his-hands-over-a-chafing-dish-1630,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_a-beggar-with-a-wooden-leg-1630,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-bust-of-an-old-man-1633,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-cavalry-fight-1632,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_a-cottage-with-white-pales-1642,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_a-franciscan-friar-1659,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_a-girl-with-a-broom,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_a-jew-with-the-high-cap-1639,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-landscape-of-irregular-form-1652,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_a-large-landscape-with-a-mill-sail-1641,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-man-in-a-room-1630,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_a-man-in-an-arboug-1642,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-man-in-armour-1655,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_a-man-making-water-1631,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_a-man-playing-cards-1641,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_a-man-seated-at-a-table-covered-with-books-1636,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_a-man-with-a-crucifix-and-chain-1641,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_a-man-with-a-large-beard-and-a-low-fur-cap-1631,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_a-man-with-a-short-beard-and-embroidered-cloak-1631,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-man-with-curly-hair-1635,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_a-nurse-and-an-eating-child,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-peasant-carrying-milk-pales-1650,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-polander-turned-to-the-left-1632,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-polander-walking-towards-the-right-1635,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,rembrandt_a-portrait-of-a-man-with-a-broad-brimmed-hat-and-a-ruff-1638,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_a-portrait-of-a-young-woman-1632,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_a-ragged-peasant-with-his-hands-behind-him-1635,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_a-repose-in-outline-1645,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_a-river-with-a-sailing-boat-on-nieuwe-meer,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_a-scholar-1631,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-scholar-seated-at-a-table-with-books-1634,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_a-seated-female-nude,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_a-seated-man,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-seated-woman-naked-to-the-waste,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_a-sketch-for-a-flight-into-egypt-1632,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-small-lion-hunt-with-a-lioness-1641,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_a-study-for-the-great-jewish-bride,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_a-study-of-a-female-nude-seen-from-the-back-1634,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Baroque,rembrandt_a-study-of-a-woman-asleep-1630,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_a-study-of-an-elderly-man-in-a-cap,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-turk,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-village-with-a-river-1645,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_a-village-with-a-square-tower-1650,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_a-warrior-1627,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_a-woman-at-the-bath-with-a-hat-beside-her-1658,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_a-woman-lying-on-a-bed-1658,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_a-woman-making-water-1631,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Baroque,rembrandt_a-woman-seated-before-a-dutch-stove-1658,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_a-woman-sitting-up-in-bed,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_a-woman-weeping,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,rembrandt_a-woman-with-a-child-frightened-by-a-dog-1636,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_a-woman-with-a-little-child-on-her-lap,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_a-wooded-road,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_a-young-man-and-a-girl-playing-cards,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_a-young-man-at-a-table-possibly-govaert-flinck-1660,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_a-young-man-seated-and-standing-the-walking-trainer-1646,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_a-young-man-seated-turned-to-the-left-1637,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,rembrandt_a-young-woman-at-her-toilet-1633,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_a-young-woman-in-profile-with-a-fan-1632,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_a-young-woman-reading-1634,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_a-young-woman-trying-on-earings,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_a-young-woman-with-a-basket-1642,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_abraham-and-isaac-1645,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_abraham-caressing-isaac-1636,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_abraham-dismissing-hagar-1637,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_abraham-entertaining-the-angels-1656,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_abraham-franz-1656,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_abraham-receives-the-three-angels-1646,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_abraham-s-sacrifice-1655,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_adam-and-eva-1638,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_adam-and-eve,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,rembrandt_adoration-of-the-magi-1632,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_adoration-of-the-shepherds-1646,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_agatha-bas-1641,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_ahasuerus-xerxes-haman-and-esther,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_albert-cuyper,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_alexander-the-great,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_an-arched-landscape-with-a-flock-of-sheep-1650,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_an-artist-drawing-from-a-model-1648,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_an-artist-drawing-from-the-model-1648,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,rembrandt_an-elephant-1637,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_an-old-man-in-military-costume-formerly-called-portrait-of-rembrandt-s-father-1630,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_an-old-man-resting-his-hands-upon-a-book-1645,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_an-old-man-seen-from-behind-1631,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,rembrandt_an-old-man-wearing-a-rich-velvet-cap-1637,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_an-old-man-with-a-beard-1630,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_an-old-man-with-a-beard-fur-cap-and-a-velvet-cloak-1632,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_an-old-man-with-a-bushy-beard-1630,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_an-old-man-with-a-large-beard-1630,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,rembrandt_an-old-woman-sleeping-1635,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_anatomy-of-doctor-deyman-1656,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_andromeda,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Baroque,rembrandt_angel-departing-from-the-family-of-tobias-1641,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_anna-and-the-blind-tobit,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_antiope-and-jupiter-1659,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_apostle-paul-1635,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_aristotle-with-a-bust-of-homer-1653,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_arnold-tholinx,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_artemisia-1634,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_artist-in-his-studio-1626,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_artist-in-his-studio-1633,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_baerte-martens-wife-of-herman-doomer,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_balaam-s-ass-1626,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_batavernas-trohetsed-1662,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_bathing-river,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_bathsheba-bathing-1654,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_bearded-man-with-a-beret-1655,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_beggar-in-a-high-cap-standing-1629,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_beggar-leaning-on-a-stick-facing-left-1630,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_beggar-man-and-beggar-woman-conversing-1630,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_beggar-man-and-woman-1628,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_beggar-man-and-woman-1631,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,rembrandt_beggar-man-and-woman-behind-a-bank,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_beggar-seated-warming-his-hands-at-a-chafing-dish-1630,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_beggar-with-a-crippled-hand-leaning-on-a-stick-1629,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,rembrandt_beggar-with-his-left-hand-extended-1631,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_beggar-woman-leaning-on-a-stick-1630,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Baroque,rembrandt_beggar-woman-leaning-on-a-stick-1646,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_beggars-on-the-doorstep-of-a-house-1648,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_bellona-1633,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_belshazzar-s-feast-1635,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_boas-und-ruth-1640,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_boazcast,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_boys-cup,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_bridge-1645,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_bust-of-a-bearded-old-man,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_bust-of-a-laughing-young-man,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_bust-of-a-young-woman-1632,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_bust-of-a-young-woman-in-a-cap-1632,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_bust-of-an-old-man-1631,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_bust-of-an-old-man-in-a-fur-cap,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_bust-of-an-old-man-with-a-beret-1631,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_bust-of-an-old-man-with-a-flowing-beard-the-head-bowed-forward-the-left-shoulder-unshaded-1630,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_bust-of-an-old-man-with-a-large-beard-1631,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_bust-of-an-old-woman-rembrandt-s-mother-1628,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_bust-of-young-woman-probably-saskia-van-uylenburgh-1633,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_charitable-samaritan-also-known-as-the-good-samaritan-1638,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_child-in-a-tantrum,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_christ-and-st-mary-magdalene-at-the-tomb-1638,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_christ-and-the-canaanite-woman-1650,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_christ-and-the-samaritan-at-the-well-1659,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_christ-and-the-woman-of-samaria-among-ruins-1634,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_christ-and-the-woman-of-samaria-an-arched-print-1658,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_christ-appearing-to-the-apostles-1656,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_christ-at-emmaus-1634,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_christ-at-emmaus-1654,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_christ-before-pilate-1636,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_christ-crowned-with-thorns,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_christ-crucified-between-the-two-thieves-an-oval-plate-1641,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_christ-crucified-between-the-two-thieves-three-crosses-1659,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_christ-disputing-with-the-doctors-1630,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_christ-disputing-with-the-doctors-1652,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_christ-driving-the-moneychangers-from-the-temple-1626,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_christ-driving-the-moneychangers-from-the-temple-1635,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_christ-in-the-storm-1633,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_christ-on-the-cross-1631,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_christ-preaching-1652,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_christ-presented-to-the-people-1655,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_christ-raises-jairus,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_christ-resurected-1634,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_christ-returning-from-the-temple-with-his-parents-1654,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_christ-seated-disputing-with-the-doctors-1654,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_christ-taken-down,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,rembrandt_circumcision,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,rembrandt_cottage-with-wooden-fence-amid-trees,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_cupid-blowing-soap-bubbles-1634,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_danae-1643,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_daniel-and-king-cyrus-in-front-of-the-idol-of-bel-1633,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_david-and-jonathan-1642,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_david-and-uriah-1665,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_david-offering-the-head-of-goliath-to-king-saul-1627,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,rembrandt_david-playing-the-harp-to-saul,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_dead-peacocks,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_death-appearing-to-a-wedded-couple-from-an-open-grave-1639,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,rembrandt_death-of-the-virgin,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_death-of-the-virgin-1639,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_deposition-from-the-cross-1634,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_diana-at-the-bath-1631,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_diana-at-the-bath-1631-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_diana-bathing-with-the-stories-of-actaeon-and-callisto-1634,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_dr-ephraim-bueno-jewish-physician-and-writer-1647,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_drawing-of-the-last-supper-1635,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_ecce-homo,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_ecce-homo-1634,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_eliezer-and-rebecca-at-the-well-1640,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_elsje-christiaens-1664,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_elsje-christiaens-1664-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_ephraim-bonus-the-jew-with-the-banister-1647,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_esau-selling-his-birthright-to-jacob,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_esther-before-ahasuerus-1660,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_evangelist-writing,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_family-group-1668,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_faust,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_female-nude-seated-suzanne-1634,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_female-nude-with-snake-cleopatra-1637,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_figures-on-the-anthoniesdijk-entering-houtewael,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_five-studies-of-saskia-and-one-of-an-older-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_flora,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_flora-1634,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_four-illustrations-to-a-spanish-book-1655,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_four-orientals-seated-under-a-tree-ink-on-paper,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_frederick-rihel-on-horseback-1663,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_full-length-portrait-of-a-standing-man-1639,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_girl-in-the-window-1645,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_haman-begging-esther-for-mercy,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,rembrandt_hansken-1637,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_head-and-bust-full-face-1630,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_head-of-an-old-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_head-of-christ-1650,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_head-of-christ-1652,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_healing-of-peter-s-mother-in-law-1660,"[0.0, 12.0, 21.0, 2.0, 0.0, 0.0, 0.0, 6.0, 7.0]"
+Baroque,rembrandt_hendrickje-at-an-open-doo-1656,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_hendrickje-sleeping,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_hendrickje-stoffels-in-velvet-beret,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_history-painting-1626,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_holy-family-1634,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_holy-family-1640,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_holy-family-with-a-curtain-1646,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_homer-1663,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_jacob-blessing-the-children-of-joseph-1656,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_jacob-caressing-benjamin-1637,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_jacob-haring-portrait-the-old-haring-1655,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_jacob-iii-de-gheyn-1632,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_jacob-s-dream,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_jacob-shown-the-bloodstained-coat-of-joseph-1657,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_jacob-telling-his-dreams-1638,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,rembrandt_jacob-tripp,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_jacob-with-laban-1644,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_jacob-wrestling-with-the-angel-1659,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_jan-antonedis-van-der-linden-1665,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_jan-cornelis-sylvius-1634,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_jan-cornelis-sylvius-1646,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_jan-cornelisz-sylvius-the-preacher-1645,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_jan-six-1654,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_jean-lutma-1656,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_jeremiah-mourning-over-the-destruction-of-jerusalem-1630,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_jesus-and-his-parents-returning-from-jerusalem-1654,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_jesus-and-the-adulteress-by-rembrandt,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_jesus-christ-entombed-1654,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,rembrandt_jesus-christ-s-body-carried-to-the-tomb-1645,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_jesus-disputing-the-doctors-a-larger-print-1652,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_jesus-disputing-with-the-doctors-1630,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_jesus-disputing-with-the-doctors-the-smaller-print-1654,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_jesus-preaching-called-the-la-tombe-1652,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_johannes-uijtenbodaerd-1635,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_john-the-baptist-preaching-1635,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_joris-de-caullery-1632,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_joseph-accused-by-potiphar-s-wife-1655,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_joseph-and-potiphar-s-wife-1634,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_joseph-recounting-his-dreams,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Baroque,rembrandt_joseph-s-coat-brought-to-jacob-1633,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_joseph-s-dream-in-the-stable-in-bethlehem-1645,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_joseph-tells-his-dreams-to-his-parents-and-brothers,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,rembrandt_juno,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_king-david-at-prayer-1652,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_knee-length-figure-of-a-man-in-an-oriental-dress-1632,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_lady-with-a-lap-dog,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_landscape-with-a-canal-and-large-boat-1650,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_landscape-with-a-canal-and-swan-1650,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_landscape-with-a-castle,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_landscape-with-a-cow-drinking-1649,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_landscape-with-a-fisherman-1652,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_landscape-with-a-long-arched-bridge,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,rembrandt_landscape-with-a-man-sketching-a-scene-1645,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_landscape-with-a-ruined-tower-and-a-clear-foreground-1650,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_landscape-with-a-shepherd-and-a-dog-1653,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,rembrandt_landscape-with-a-stone-bridge,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_landscape-with-an-obelisk-1650,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_landscape-with-the-good-smaritan,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_landscape-with-three-huts-1650,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,rembrandt_large-self-portrait-1652,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_ledikant-1646,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_lighting-study-of-an-elderly-woman-in-a-white-cap,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_lion-resting-1652,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_lion-resting-1652-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_little-self-portrait-1658,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_lot-and-his-family-leaving-sodom-1655,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_lucretia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_lucretia-1666,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0, 0.0]"
+Baroque,rembrandt_madonna-and-child-in-the-clouds-1641,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,rembrandt_man-drawing-from-a-cast-1641,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,rembrandt_man-in-a-coat-and-fur-cap-leaning-against-a-bank-1630,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_man-in-a-golden-helmet-1669,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_man-in-oriental-costume,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_man-pulling-a-rope-1628,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,rembrandt_man-sharpening-a-quill-1632,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_man-standing-up-1632,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_man-with-a-magnifying-glass-1629,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Baroque,rembrandt_maria-bockennolle-wife-of-johannes-elison-1634,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_maria-trip-1639,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_maria-trip-1639-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,rembrandt_marten-looten,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_mater-dolorosa-1660,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_medea-or-the-marriage-of-jason-and-creusa-1648,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_men-in-oriental-dress-and-two-studies-of-a-beggar-in-the-half-figure-1645,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_minerva,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_minerva-1632,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_minerva-1635,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_mocking-of-christ,"[1.0, 3.0, 4.0, 1.0, 0.0, 0.0, 5.0, 25.0, 5.0]"
+Baroque,rembrandt_money,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_moses-smashing-the-tablets-of-the-law-1659,"[1.0, 16.0, 3.0, 3.0, 2.0, 0.0, 11.0, 11.0, 4.0]"
+Baroque,rembrandt_musical-allegory-1626,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_nativity-1654,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_negress-lying-down-1658,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_not_detected_220255,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_nude-man-seated-before-a-curtain-1646,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_nude-man-seated-on-the-ground-with-one-leg-extended-1646,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_old-beggar-woman-with-a-gourd-1629,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,rembrandt_old-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Baroque,rembrandt_old-man-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,rembrandt_old-man-dressed-as-saint-paul-1632,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_old-man-in-a-long-cloak-sitting-in-an-armchair-1630,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,rembrandt_old-man-in-meditation-leaning-on-a-book-1645,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,rembrandt_old-man-in-prayer,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_old-man-seated-in-an-armchair-full-length,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,rembrandt_old-man-sleeping-1629,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,rembrandt_old-man-with-a-beret-1654,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,rembrandt_old-man-with-a-black-hat-and-gorget,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_old-man-with-flowing-beard-looking-down-left,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_old-man-with-turban,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_old-rabbi,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_old-soldier,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_old-woman-in-prayer-1630,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_old-woman-reading,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_old-woman-seated-in-a-cottage-with-a-string-of-onions-on-the-wall-1631,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,rembrandt_one-of-the-two-old-1634,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_overhanging-bushes-in-a-ditch,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_peasant-family-on-the-tramp-1652,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_peasant-with-his-hands-behind-his-back-1631,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_peter-and-john-at-the-gate-of-the-temple-1629,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,rembrandt_peter-and-john-healing-the-cripple-at-the-gate-of-the-temple-1659,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_petronella-buys-wife-of-philips-lucasz-1635,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_pharisees-in-the-temple-jews-in-the-synagogue-1648,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,rembrandt_philemon-and-baucis,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_philosopher-in-meditation-1632,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_philosopher-reading-1631,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_polander-leaning-on-a-stick-1632,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_polish-nobleman-1637,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_portrait-of-a-bearded-man-1661,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-bearded-man-bust-length-in-a-red-doublet-1633,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-bearded-man-in-a-wide-brimmed-hat-1633,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-bearded-man-in-black-beret,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-boy-1641,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-couple-in-an-interior,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-gentleman-with-a-tall-hat-and-gloves-1660,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-jewish-young-man-1648,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-lady-with-an-ostrich-feather-fan,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_portrait-of-a-man-1632,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-man-1647,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-man-1667,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-man-in-a-tall-hat-1662,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-man-in-military-costume-1650,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-man-in-oriental-costume-1633,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-man-in-oriental-garment-1635,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-man-in-the-hat-decorated-with-pearls,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-man-possibly-the-poet-jan-harmensz-krul-1633,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-man-wearing-a-black-hat,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_portrait-of-a-man-with-a-golden-helmet-1648,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-man-workshop-of-rembrandt,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Baroque,rembrandt_portrait-of-a-rabbi,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-seated-man,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-seated-man-rising-from-his-chair-1633,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-seated-woman,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-woman-1632,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-woman-wearing-a-gold-chain,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-woman-with-a-lapdog-1662,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-young-girl,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-young-man-1663,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-young-woman,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-a-young-woman-1633,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-a-young-woman-1655,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,rembrandt_portrait-of-a-young-woman-with-a-fan-1633,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-aechje-claesdar-1634,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_portrait-of-alijdt-adriaensdr-1639,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-amalia-van-solms-1632,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_portrait-of-an-elderly-man-1667,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_portrait-of-an-old-jew-1654,"[2.0, 11.0, 6.0, 2.0, 0.0, 1.0, 2.0, 19.0, 2.0]"
+Baroque,rembrandt_portrait-of-an-old-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-an-old-man-1665,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_portrait-of-an-old-man-in-red-1654,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_portrait-of-an-old-man-in-red-1654-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_portrait-of-an-old-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-an-old-woman-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,rembrandt_portrait-of-andries-de-graeff,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-clement-de-jonge-1651,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-coppenol-1658,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Baroque,rembrandt_portrait-of-cornelia-pronck-wife-of-albert-cuyper-at-the-age-of-33-1633,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-cornelis-claesz-1640,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_portrait-of-cornelis-claesz-1640-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-eleazer-swalmius,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-floris-soop-1654,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_portrait-of-haesje-van-cleyburgh-1634,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-hendrickje-stofells-as-flora-1659,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-hendrickje-stoffels-1659,"[1.0, 9.0, 20.0, 0.0, 0.0, 1.0, 0.0, 9.0, 5.0]"
+Baroque,rembrandt_portrait-of-hendrickje-stoffels-1660,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_portrait-of-hendrikje-stoffels-1654,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-herman-doomer-1640,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Baroque,rembrandt_portrait-of-jacob-iii-de-gheyn,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-jacob-trip-1661,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-jan-asselyn-1647,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-johannes-elison-1634,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-johannes-wtenbogaert-1633,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-joris-de-caullery-1632,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-lieven-willemsz-van-coppenol-1653,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-maerten-soolmans-1634,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-maertgen-van-bilderbeecq-1633,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-margeretha-de-geer-1661,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_portrait-of-margheride-geer-wife-of-jacob-trip,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_portrait-of-mother-of-rembrandt,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_portrait-of-nicolaes-ruts-1631,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-nicolas-bruyningh,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-nicolas-van-bambeeck-1641,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_portrait-of-oopjen-coppit-1634,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_portrait-of-philips-lucasz-1635,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-princess-amalia-van-solms-1632,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-rembrandt-s-brother-andrien-van-rijn,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_portrait-of-rembrandt-s-father,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-rembrandt-s-mother,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-rembrandt-van-rijn,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-saskia-van-uylenburgh,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-the-artist-at-his-easel-detail-of-the-face-1660,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,rembrandt_portrait-of-the-artist-s-mother,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_portrait-of-the-dortrecht-merchant-jacob-trip,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-the-young-saskia-1633,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-titus-1653,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_portrait-of-titus-rembrandt-s-son-1652,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_portrait-of-titus-the-artist-s-son,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_portrait-of-willem-bartholsz-ruyter,"[2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_presentation-in-the-temple-1628,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_presentation-in-the-temple-1654,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Baroque,rembrandt_ragged-peasant-with-his-hands-behind-him-holding-a-stick-1630,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_rape-of-proserpina,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_rembrandt-as-shepherd-1636,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_rembrandt-christ-and-the-woman-of-samaria-1659,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_rembrandt-s-mother-in-a-black-dress-as-small-upright-print-1631,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_rembrandt-s-mother-in-a-widow-s-dress-1632,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_rembrandt-s-mother-seated-looking-to-the-right-1631,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_rembrandt-s-wife-dying-1642,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Baroque,rembrandt_rembrandt-s-wife-with-pearls-in-her-hair-1634,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_repentant-judas-returning-the-pieces-of-silver-1629,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_rest-on-the-flight-to-egypt-1647,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_return-of-the-prodigal-son-fragment-1662,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_river-landscape-with-a-windmill-1640,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_sacrifice-of-manoah,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_saint-francis-praying,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_samson-accusing-his-father-in-law,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_samson-and-delilah-1628,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Baroque,rembrandt_samson-at-the-wedding-1638,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_samuel-menasseh-ben-israel-1636,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_saskia-as-flora-1634-oil-on-canvas-1634,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_saskia-as-st-catherine,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_saskia-asleep-in-bed,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_saskia-at-her-toilet,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_saskia-in-a-straw-hat-1633,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_saskia-looking-out-of-a-window-1635,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_saskia-the-artist-s-wife,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_saskia-van-uylenburgh-in-arcadian-costume-1635,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_saskia-wearing-a-veil-1634,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_saskia-with-a-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_saskia-with-a-red-flower-1641,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_satan-tempting-christ-to-change-stones-into-bread-1640,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_saul-and-david-1660,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,rembrandt_schellingwou-seen-from-the-diemerdijk,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_seated-beggar-and-his-dog-1629,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_seated-female-nude,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_seated-naked-woman-woman-bathing-her-feet-at-a-brook-1658,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_seated-old-man-1630,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_seated-old-man-possibly-rembrandt-s-father,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_seated-saskia-with-a-letter-in-her-left-hand-1635,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_self-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-10,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-1629,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1630,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_self-portrait-1630-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1632,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-1633,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-1637,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_self-portrait-1640,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-1642,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_self-portrait-1643,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1654,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1658,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_self-portrait-1659,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-1659-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1659-2,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1660-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-1660-2,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-1665,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_self-portrait-1665-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Baroque,rembrandt_self-portrait-1669,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_self-portrait-1669-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_self-portrait-3,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-4,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-5,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_self-portrait-7,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_self-portrait-8,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_self-portrait-9,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_self-portrait-as-a-young-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,rembrandt_self-portrait-as-a-young-man-1634,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-as-the-apostle-paul-1661,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_self-portrait-at-an-early-age-1629,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_self-portrait-at-the-age-of-34-1640,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-bareheaded,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,rembrandt_self-portrait-drawing-at-a-window,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-drawing-at-a-window-1648,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_self-portrait-frowning-1630,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_self-portrait-frowning-bust,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_self-portrait-in-a-cap-and-scarf-with-the-face-dark-bust-1633,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_self-portrait-in-a-flat-cap-and-embroidered-dress-1642,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_self-portrait-in-a-fur-cap-bust-1630,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_self-portrait-in-a-gorget,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-in-a-heavy-fur-cap-bust-1631,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_self-portrait-in-a-plumed-hat-1629,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-in-a-soft-hat-and-embroidered-cloak-1631,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_self-portrait-in-at-the-age-of-63-1669,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_self-portrait-in-oriental-attire-with-poodle-1631,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-in-studio-attire,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-in-velvet-cap-and-plume-1638,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-leaning-forward-bust-1628,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-leaning-forward-listening-1628,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-leaning-on-a-stone-sill-1639,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-open-mouthed,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_self-portrait-open-mouthed-1630,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-wearing-a-soft-cap-full-face-head-only-1634,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-a-broad-nose,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-a-sketch-book,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-beret-1634,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-beret-and-gold-chain-1631,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-beret-and-turned-up-collar-1659,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_self-portrait-with-bittern-1639,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-gorget-and-beret,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_self-portrait-with-hat,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_self-portrait-with-hat-and-gold-chain-1633,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_self-portrait-with-helmet-1634,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,rembrandt_self-portrait-with-long-bushy-hair-1631,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_self-portrait-with-plumed-beret-1629,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-plumed-cap-and-lowered-sabre-1634,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-raised-sabre-1634,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_self-portrait-with-saskia-1636,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-saskia-in-the-parable-of-the-prodigal-son,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_self-portrait-with-shaded-eyes-1634,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_shah-jahan-and-dara-shikoh,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_sheet-of-sketches-with-a-portrait-of-saskia,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,rembrandt_sick-woman-with-a-large-white-headdress-saskia,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_simeon-in-the-temple,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_simeon-s-hymn-of-praise-1630,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_simeon-with-the-christ-child-in-the-temple,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,rembrandt_simon-with-jesus-1669,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_sitting-syndic-jacob-van-loon,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,rembrandt_sketch-of-a-tree-1638,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_sleeping-puppy-1640,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_small-gray-landscape-a-house-and-trees-beside-a-pool-1640,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Baroque,rembrandt_st-anthonisgate-amsterdam-sun,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_st-bartholomew-1657,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_st-francis-beneath-a-tree-praying-1657,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_st-jerome-beside-a-pollard-willow-1648,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_st-jerome-in-a-dark-chamber,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,rembrandt_st-jerome-in-an-italian-landscape-1653,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_st-jerome-kneeling-1630,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_st-jerome-kneeling-in-prayer-looking-down-1635,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_st-jerome-praying-1632,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_st-jerome-reading-1634,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_st-matthew-and-the-angel-1661,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_st-paul-at-his-writing-desk-1630,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_st-paul-in-meditation-1629,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,rembrandt_st-paul-in-prison-1627,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_st-peter-and-st-john-at-the-entrance-to-the-temple-1649,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_st-peter-in-penitence-1645,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_standing-beggar-turned-to-the-right-1629,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_stormy-landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,rembrandt_student-at-a-table-by-candlelight-1642,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Baroque,rembrandt_studio-scenne-with-sitters-1650,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_study-for-one-of-the-syndics-of-the-cloth-guild-1662,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_study-of-jewish-bride,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_study-of-saskia-called-the-great-jewish-bride-1635,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_supper-at-emmaus-1649,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,rembrandt_susanna-and-the-elders,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_susanna-and-the-elders-1647,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_susanna-und-die-beiden-alten-1634,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_the-abduction-of-ganymede-1635,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Baroque,rembrandt_the-abduction-of-proserpina,"[0.0, 8.0, 5.0, 2.0, 2.0, 0.0, 16.0, 5.0, 6.0]"
+Baroque,rembrandt_the-adoration-of-the-sheperds-1652,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,rembrandt_the-adoration-of-the-shepherds-fragment-1646,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-agony-in-the-garden-1655,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_the-agony-in-the-garden-1657,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_the-anatomy-lesson-of-dr-nicolaes-tulp-1632,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-anatomy-lesson-of-dr-nicolaes-tulp-fragment-1632,"[0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-anatomy-lesson-of-dr-nicolaes-tulp-fragment-1632-1,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-angel-appearing-to-the-shepherds-1634,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-angel-departing-from-the-family-of-tobias-1641,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_the-apostle-bartholomew-1661,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-apostle-paul,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_the-apostle-paul-1659,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_the-apostle-simon-1661,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_the-archangel-raphael-taking-leave-of-the-tobit-family-1637,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-artist-drawing-from-the-model-1639,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-artist-in-his-studio,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_the-artist-s-father,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Baroque,rembrandt_the-artist-s-son-titus-1656,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Baroque,rembrandt_the-artist-s-wife-saskia,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-ascension-of-christ-1636,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-baptism-of-the-eunuch-1626,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-baptism-of-the-eunuch-1641,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,rembrandt_the-barrel-organ-player-polander-standing-with-arms-folded-1631,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_the-bastion-in-amsterdam,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-bathers-1651,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,rembrandt_the-beheading-of-john-the-baptist,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_the-beheading-of-john-the-baptist-1640,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_the-blind-fiddler-1631,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_the-blind-tobit-1651,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,rembrandt_the-blinding-of-samson-1636,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 1.0]"
+Baroque,rembrandt_the-blindness-of-tobit-1629,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Baroque,rembrandt_the-boathouse-called-a-grotto-with-a-brook-1645,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Baroque,rembrandt_the-bull-1650,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_the-carcass-of-an-ox-1657,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_the-card-player-1641,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_the-circumcision-1661,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_the-circumcision-in-the-stable-1654,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_the-circumcision-small-plate,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-concert-of-the-state,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 1.0]"
+Baroque,rembrandt_the-conspiration-of-the-bataves-1662,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-crucifixion-a-square-small-plate-1634,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Baroque,rembrandt_the-crucifixion-an-oval-plate-1640,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_the-denial-of-peter-1660,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_the-descent-from-the-cross-1633,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_the-descent-from-the-cross-1634,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,rembrandt_the-descent-from-the-cross-1642,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_the-descent-from-the-cross-by-torchlight-1654,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,rembrandt_the-dream-of-st-joseph-1655,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_the-elevation-of-the-cross,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,rembrandt_the-entombment-1635,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_the-entombment-1639,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_the-entombment-1654,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Baroque,rembrandt_the-flight-into-egypt,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_the-flight-into-egypt-1630,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_the-flight-into-egypt-a-night-piece-1651,"[0.0, 7.0, 9.0, 4.0, 0.0, 1.0, 5.0, 20.0, 2.0]"
+Baroque,rembrandt_the-flight-into-egypt-a-sketch-1627,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_the-flight-into-egypt-called-in-the-style-of-elzheimer-1653,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_the-flight-into-egypt-crossing-a-brook-1654,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,rembrandt_the-flute-player-1642,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-goldweigher-s-field-1651,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_the-golf-player-1654,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-great-jewish-bride,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-hog-1643,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_the-holy-family-1632,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-holy-family-1645,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_the-holy-family-fragment-1645,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-holy-family-night,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-holy-family-with-a-cat-1654,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_the-hundred-guilder-print,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_the-jewish-bride-1666,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-knight-with-the-falcon,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Baroque,rembrandt_the-lamentation-over-the-dead-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_the-large-lion-hunt-1641,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_the-leper-lazarus-clep-1631,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_the-little-polander-1631,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-man-of-gibeah-1646,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_the-mennonite-minister-cornelis-claesz-1641,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_the-mill,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-mill-1641,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_the-mill-on-the-het-blauwhoofd,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_the-molentje,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_the-monk-in-the-cornfield-1646,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_the-mountebank-1635,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-nightwatch-1642,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-omval-1645,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_the-pancake-woman-1635,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-persian-1632,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-philosopher,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_the-phoenix-or-the-statue-overthrown-1658,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Baroque,rembrandt_the-pilgrims-at-emmaus,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-poet-jeremia-de-decker-1666,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_the-polish-rider-1655,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-portrait-of-jan-six-1647,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_the-prophetess-anna-rembrandt-s-mother-1631,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-raising-of-lazarus-1630,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-raising-of-lazarus-1630-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_the-raising-of-lazarus-1642,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_the-raising-of-the-cross-1629,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Baroque,rembrandt_the-rape-of-europe,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-rat-poison-peddler-the-rat-catcher-1632,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-rest-on-the-flight-1644,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_the-resurection-of-christ-1639,"[1.0, 18.0, 6.0, 4.0, 0.0, 2.0, 5.0, 4.0, 5.0]"
+Baroque,rembrandt_the-resurrection-of-lazurus-a-small-plate-1642,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,rembrandt_the-return-of-the-prodigal-son-1636,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_the-return-of-the-prodigal-son-1669,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_the-rich-man-from-the-parable-1627,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-sacrifice-of-abraham-1635,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_the-schoolmaster-1641,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_the-sense-of-sight,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-shell-conus-marmoreus-1650,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-shell-conus-marmoreus-1650-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_the-shepards-and-the-family-1644,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Baroque,rembrandt_the-shepards-in-the-woods-1644,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-ship-of-fortune-1633,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_the-shipbuilder-and-his-wife-1633,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_the-skater-1639,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_the-sleeping-herdsman-1644,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_the-small-lion-hunt,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_the-small-lion-hunt-with-two-lions-1629,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-spanish-gypsy-1644,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Baroque,rembrandt_the-standard-bearer-1636,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-star-of-the-kings-1651,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,rembrandt_the-stone-bridge,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_the-stoning-of-st-stephen-1625,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_the-stoning-of-st-stephen-1635,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_the-strolling-musicians-1635,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_the-supper-at-emmaus,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Baroque,rembrandt_the-supper-at-emmaus-1648,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-synagogue-1648,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_the-syndics,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_the-three-cottages-1650,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Baroque,rembrandt_the-three-crosses-1653,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]"
+Baroque,rembrandt_the-three-marys-at-the-tomb,"[0.0, 3.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_the-three-trees-1643,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,rembrandt_the-toilet-of-bathsheba-1643,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_the-tribute-money-1635,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,rembrandt_the-tribute-money-1635-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_the-triumph-of-mordechai-1641,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_the-unity-agreement-in-the-country,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,rembrandt_the-virgin-and-the-child-with-the-cat-and-snake-1654,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_the-virgin-of-sorrow-1661,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_the-virgin-with-the-instruments-of-the-passion-1652,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Baroque,rembrandt_the-visitation-1640,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_the-vista-1652,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Baroque,rembrandt_the-woman-taken-in-adultery-1644,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_the-woman-with-the-arrow-1661,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_the-young-rembrandt-as-democritus-the-laughing-philosopher-1629,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_thomas-jacobsz-haaring-the-younger-1656,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_three-female-heads-with-one-sleeping-1637,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_three-oriental-figures-jacob-and-laban-1641,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_three-peasants-travelling-1652,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Baroque,rembrandt_three-women-and-a-child-at-the-door,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_titus,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_titus-reading-1657,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_titus-the-artist-s-son,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_titus-van-rijn-in-a-monk-s-habit-1660,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_tobias-cured-with-his-son-1636,"[1.0, 15.0, 8.0, 3.0, 0.0, 0.0, 4.0, 19.0, 2.0]"
+Baroque,rembrandt_tobit-and-anna-1659,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Baroque,rembrandt_tobit-and-anna-with-a-goat-1645,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,rembrandt_tobit-and-anna-with-the-kid-1645,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,rembrandt_tobit-s-wife-with-the-goat,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_turbaned-soldier-on-horseback-1632,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Baroque,rembrandt_two-negroes-1661,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Baroque,rembrandt_two-old-men-disputing,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_two-studies-of-a-bird-of-paradise-1630,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_two-studies-of-the-head-of-an-old-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,rembrandt_two-thatched-cottages-with-figures-at-the-window,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,rembrandt_two-women-teaching-a-child-to-walk,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_view-of-amstel-river-in-amsterdam-1641,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_view-of-amsterdam-1640,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_view-of-diemen-1655,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_view-of-houtewael-near-the-sint-anthoniespoort-1650,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_view-of-omval-near-amsterdam-1645,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,rembrandt_view-over-the-amstel-from-the-rampart-1650,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_virgin-and-child-in-the-clouds-1641,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_widebrim,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_winter-landscape-1646,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,rembrandt_wittenboogaert-the-gold-weigher-1639,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_woman-carrying-a-child-downstairs-1636,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,rembrandt_woman-in-bed-1645,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,rembrandt_woman-sitting-half-dressed-beside-a-stove-1658,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,rembrandt_woman-standing-with-raised-hands,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,rembrandt_woman-suckling-a-child,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,rembrandt_woman-wearing-a-costume-of-northern-holland,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_woman-wearing-a-gold-chain-1634,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_woman-with-a-pink-1630,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,rembrandt_young-girl-at-the-window,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,rembrandt_young-woman-trying-earrings-1654,"[0.0, 2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,rembrandt_young-woman-with-a-broom,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Baroque,sebastien-bourdon_a-scene-from-roman-history-1645,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,sebastien-bourdon_bacchus-and-ceres-with-nymphs-and-satyrs-1640,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Baroque,sebastien-bourdon_bourgmestre-hollandais-1650,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,sebastien-bourdon_burning-bush,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,sebastien-bourdon_death-of-dido-1640,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,sebastien-bourdon_ein-r-mischer-kalkofen-1637,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,sebastien-bourdon_equestrian-portrait-of-christina-queen-of-sweden-1653,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,sebastien-bourdon_king-charles-x-gustav-of-sweden-1653,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,sebastien-bourdon_king-solomon-sacrificing-to-the-idols,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Baroque,sebastien-bourdon_le-camp-de-boh-miens,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,sebastien-bourdon_le-crucifiement-de-saint-pierre-1643,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,sebastien-bourdon_moses-and-the-brazen-serpent-1654,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,sebastien-bourdon_portrait-of-a-man,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,sebastien-bourdon_portrait-of-ebba-sparre,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Baroque,sebastien-bourdon_presumed-portrait-of-ren-descartes,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,sebastien-bourdon_queen-christina-of-sweden,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,sebastien-bourdon_sacrifice-of-noah-1640,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,sebastien-bourdon_solomon-making-a-sacrifice-to-the-idols,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,sebastien-bourdon_the-beggars-1640,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Baroque,sebastien-bourdon_the-fall-of-simon-magus-1657,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,sebastien-bourdon_the-finding-of-moses-1650,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,sebastien-bourdon_the-holy-family-with-saints-elizabeth-and-the-infant-john-the-baptist-1665,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_allegory-of-justice-and-peace,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,theodoor-van-thulden_allegory-of-vice,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_allegory-of-virtue,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_allegory-united-province,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_discord-expels-art-and-science,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_dutch-virgin-and-frederik,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_francoise-van-bever,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_harmony-and-marriage,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_holy-franciscus-heals-giovanni-di-carat,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Baroque,theodoor-van-thulden_holy-man,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Baroque,theodoor-van-thulden_holy-trinity,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_josina-copes-van-westrum-and-her-children,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_marthyrship-of-the-holy-barbara,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,theodoor-van-thulden_minerva-and-odysseus-at-telemachus,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_odysseus-lands-at-beach-of-hades,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_odysseus-recognised-by-his-dog,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_penelope-announces-odyseus-s-return,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,theodoor-van-thulden_perseus-frees-andromeda,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,theodoor-van-thulden_request-of-brabant-to-join-the-staten,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,theodoor-van-thulden_return-of-peace,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,theodoor-van-thulden_scipio-africanus,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_the-greeks-leave-after-fire-of-troy,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Baroque,theodoor-van-thulden_the-justice-of-the-high-court,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_the-unity-and-justice,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,theodoor-van-thulden_theodoor-flanders-and-brabant-honour-maria,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,theodoor-van-thulden_theodoor-holy-franciscus-announces-birth-of-son,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Baroque,theodoor-van-thulden_time-reveals-the-truth,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Baroque,theodoor-van-thulden_venus-and-adonis,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,willem-kalf_interior-of-a-kitchen-1644,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Baroque,willem-kalf_peasant-interior-with-woman-at-a-well,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Baroque,willem-kalf_still-life,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-1,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,willem-kalf_still-life-1654,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Baroque,willem-kalf_still-life-1665,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,willem-kalf_still-life-with-a-late-ming-ginger-jar-1669,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,willem-kalf_still-life-with-a-nautilus-cup-1662,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-with-a-nautilus-cup-detail-1662,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-with-a-pilgrim-flask-candlestick-porcelain-vase-and-fruit,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,willem-kalf_still-life-with-a-shell,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-with-an-aquamanile-fruit-and-a-nautilus-cup-1660,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Baroque,willem-kalf_still-life-with-chinese-porcelain-bowl-1662,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Baroque,willem-kalf_still-life-with-drinking-horn-1653,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-with-drinking-horn-detail,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-with-fruit-glassware-and-a-wanli-bowl-1659,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Baroque,willem-kalf_still-life-with-glass-goblet-and-fruit-1655,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-with-glassware-and-porcelain-covered-bowl-1662,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,willem-kalf_still-life-with-holbein-bowl-nautilus-cup-glass-goblet-and-fruit-dish-detail-1678,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,willem-kalf_still-life-with-lemon-oranges-and-glass-of-wine-1664,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,willem-kalf_still-life-with-porcelain-and-a-nautilus-cup-1660,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,willem-kalf_still-life-with-silver-bowl-glasses-and-fruit-1658,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,willi-baumeister_seaweed-1950,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Baroque,william-hogarth_mrs-catherine-edwards-1739,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,william-hogarth_portrait-of-lord-george-graham-in-his-saloon,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,william-hogarth_portrait-of-madam-salter-1744,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,william-hogarth_portrait-of-sarah-macholm-in-prison-1733,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Baroque,william-hogarth_scene-in-a-tavern-1735,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,william-hogarth_scholars-at-a-lecture,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Baroque,william-hogarth_simon-fraser-11th-baron-lovat,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Baroque,william-hogarth_the-bench,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Baroque,william-hogarth_the-bench-1758,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,william-hogarth_the-bruiser-charles-churchill-once-the-reverend-in-the-character-of-a-russian-hercules-1763,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Baroque,william-hogarth_the-chorus,"[1.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,william-hogarth_the-company-of-undertakers,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,william-hogarth_the-five-orders-of-perriwigs,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Baroque,william-hogarth_the-laughing-audience-or-a-pleased-audience,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Baroque,william-hogarth_the-pit,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Baroque,william-hogarth_the-wedding-banquet,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Baroque,yov-kondzelevych_ascension-bogorodchansky-iconostasis-1705,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Baroque,yov-kondzelevych_christ-s-baptism-1696,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_fragment-of-the-icon-the-elevation-of-christ-into-heaven-from-the-maniava-hermitage-iconostasis-1705,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_icon-of-apostles-andrew-and-mark-from-the-village-of-voshatyn-in-volhynia(2),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Baroque,yov-kondzelevych_icon-of-apostles-peter-and-matthew-from-the-village-of-voshatyn-in-volhynia(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_icon-of-st-john-chrysostom-and-st-basil-the-great-from-the-village-of-horodyshche-in-volhynia,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Baroque,yov-kondzelevych_icon-of-the-mother-of-god-from-the-bilostok-monastery-iconostasis,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_icon-of-the-mother-of-god-from-the-maniava-hermitage-iconostasis-1705,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_icon-of-the-savior-from-the-maniava-hermitage-iconostasis1698-1705,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_icon-of-the-savior-from-the-village-of-horodyshche-in-volhynia-late-17th-century,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Baroque,yov-kondzelevych_icon-spas-nerukotvornyi-savior-not-made-by-hands-from-the-maniava-hermitage-iconostasis-1705,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,yov-kondzelevych_icon-the-descent-of-the-holy-spirit-from-the-bilostok-monastery-iconostasis-early-18th-century,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_icon-the-nativity-of-virgin-mary-fragment-from-the-village-of-voshatyn-in-volhynia(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Baroque,yov-kondzelevych_saint-george,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Baroque,yov-kondzelevych_the-maniava-hermitage-iconostasis-1705,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painiting-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-1961,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-1966-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 4.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-blue-1953,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-blue-1953-1,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-no-9-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Color_Field_Painting,ad-reinhardt_abstract-painting-red-1952,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,ad-reinhardt_blue-painting-1953,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,ad-reinhardt_painting-1958(4),"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,ad-reinhardt_untitled-1954,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,ad-reinhardt_untitled-1966,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,ad-reinhardt_untitled-6-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Color_Field_Painting,ad-reinhardt_untitled-from-the-portfolio-ten-works-x-ten-painters-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Color_Field_Painting,afro_abstract-composition-1975,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,afro_controcanto-1974,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,afro_feticcio,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,afro_lunario-1974,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,afro_santarossa-1974,"[1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,agnes-martin_rain-study-1960,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,agnes-martin_this-rain-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,agnes-martin_untitled-1959-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,aki-kuroda_galerie-maeght-exhibition-poster,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,aki-kuroda_untitled-5-1982,"[0.0, 0.0, 1.0, 2.0, 1.0, 2.0, 1.0, 1.0, 3.0]"
+Color_Field_Painting,alfred-jensen_interlacing-colors-i-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,alfred-jensen_untitled-1960,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_a-glimpse-of-mars-1969,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,alma-woodsey-thomas_air-view-of-a-spring-nursery-1966,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_atmospheric-effects-i-1970,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,alma-woodsey-thomas_atmospheric-effects-ii-1972,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_autumn-leaves-fluttering-in-the-breeze-1973,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_earth-sermon-beauty-love-and-peace-1971,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,alma-woodsey-thomas_elysian-fields-1973,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,alma-woodsey-thomas_evening-glow-1972,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,alma-woodsey-thomas_iris-tulips-jonquils-and-crocuses-1969,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_late-night-reflections-1972,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,alma-woodsey-thomas_new-galaxy-1970,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_oriental-garden-concerto-1976,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,alma-woodsey-thomas_orion-1973,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_red-azaleas-singing-and-dancing-rock-and-roll-music-1976,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,alma-woodsey-thomas_red-rose-cantata-1973,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,alma-woodsey-thomas_red-sunset-old-pond-concerto-1972,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_red-violet-nursery-viewed-from-above-1970,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,alma-woodsey-thomas_ressurection-1966,"[1.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_sky-light-1973,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,alma-woodsey-thomas_snoopy-sees-earth-wrapped-in-sunset-1970,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_springtime-in-washington-1971,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_starry-night-and-the-astronauts-1972,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alma-woodsey-thomas_white-daisies-rhapsody-1973,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,alma-woodsey-thomas_white-roses-sing-and-sing-1976,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,alma-woodsey-thomas_wind-and-crepe-myrtle-concerto-1973,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,alvaro-lapa_unknown-title-7,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,andre-lanskoy_diary-of-a-madman-23,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,andre-lanskoy_diary-of-a-madman-36,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,andre-lanskoy_diary-of-a-madman-39,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,andre-pierre-arnal_ficelage,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,andre-pierre-arnal_ficelage-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,andre-pierre-arnal_ficelage-2,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,andre-pierre-arnal_pliage-folded-painting-1971,"[1.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,andre-pierre-arnal_pliage-folded-painting-1971-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0]"
+Color_Field_Painting,andre-pierre-arnal_pliage-folded-painting-1971-2,"[1.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,andre-pierre-arnal_pliage-folded-painting-1972-1,"[1.0, 1.0, 2.0, 0.0, 1.0, 2.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,andre-pierre-arnal_pliage-folded-painting-1973,"[0.0, 0.0, 1.0, 1.0, 0.0, 5.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,andre-pierre-arnal_pliage-folded-painting-1975,"[2.0, 7.0, 15.0, 3.0, 1.0, 0.0, 1.0, 3.0, 20.0]"
+Color_Field_Painting,andre-pierre-arnal_pochoir-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Color_Field_Painting,andre-pierre-arnal_pochoir-4,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,angelo-de-sousa_pintura-1974,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,angelo-de-sousa_pintura-1984,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,angelo-de-sousa_sem-titulo-1988,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,angelo-de-sousa_um-2006,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,angelo-de-sousa_um-ocre-2006,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,anne-appleby_appleby-2011,"[7.0, 0.0, 9.0, 0.0, 2.0, 0.0, 0.0, 1.0, 24.0]"
+Color_Field_Painting,anne-appleby_august-1996,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-appleby_autumn-aspen-2000,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,anne-appleby_crocus-2012,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_faded-sweet-pea-2008,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,anne-appleby_gem-2003,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,anne-appleby_highline-cottonwoods-2008,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,anne-appleby_jasmine-2000,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,anne-appleby_kinnikinnick-1997,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_maple-grove-2008,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_mother-e-2009,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,anne-appleby_mulberry-2008,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_red-green-1997,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-appleby_redbud-2008,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_requiem-for-a-ponderosa-pine-2010,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,anne-appleby_sage-1997,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_snow-2011,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,anne-appleby_spring-aspen-2000,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Color_Field_Painting,anne-appleby_summer-aspen-2000,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,anne-appleby_susquehanna-2007,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_sweet-pea-2008,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-appleby_sweet-pine-1997,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-appleby_thaw-2-2011,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,anne-appleby_verona-suite-2003,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,anne-appleby_verona-variation-1-2003,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_verona-variation-10-2003,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,anne-appleby_verona-variation-4-2003,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,anne-appleby_verona-variation-7-2003,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,anne-appleby_willow-1993,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0]"
+Color_Field_Painting,anne-appleby_willow-and-aspen-2011,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-appleby_winter-1999,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_winter-aspen-2000,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,anne-appleby_winter-honeysuckle-2012,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,anne-appleby_wisteria-2001,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-truitt_7-nov-62-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,anne-truitt_9-jan-73-1973,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,anne-truitt_blythe-1998,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,anne-truitt_envoi-1989,"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,anne-truitt_knight-s-heritage-1963,"[6.0, 9.0, 13.0, 4.0, 0.0, 2.0, 2.0, 1.0, 12.0]"
+Color_Field_Painting,anne-truitt_one-may-1976,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,anne-truitt_remember-no-5-1999,"[0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,anne-truitt_remember-no-6-1999,"[2.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,anne-truitt_second-requiem-1977,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,anne-truitt_signal-1965,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,anne-truitt_snow-sea-1981,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,anne-truitt_spanish-main-1963,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,anne-truitt_summer-96-no-64-1996,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,anne-truitt_summer-sentinel-1972,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,anne-truitt_toth-1983,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,anne-truitt_truitt-67-1967,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,anne-truitt_truitt-84-1984,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,anne-truitt_truitt-86-1986,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,anne-truitt_truitt-91-1991,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,anne-truitt_untitled-1967,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-truitt_untitled-1971,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,anne-truitt_untitled-no-11-1983,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Color_Field_Painting,anne-truitt_valley-forge-1963,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,antonio-palolo_lisbon-1973,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,antonio-palolo_untitled-1973-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,antonio-palolo_untitled-1974,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,antonio-palolo_untitled-1992-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_abraham-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_achilles-1952,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_adam,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_be-i-1970,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_black-fire-i-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0]"
+Color_Field_Painting,barnett-newman_by-twos-1949,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,barnett-newman_canto-i-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_canto-ii-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0]"
+Color_Field_Painting,barnett-newman_canto-ii-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_canto-iii-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,barnett-newman_canto-iv-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Color_Field_Painting,barnett-newman_canto-ix-1963,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_canto-v-1963,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,barnett-newman_canto-vi-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_canto-vii-1963,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_canto-viii-1964,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,barnett-newman_canto-x-1964,"[0.0, 0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,barnett-newman_canto-xi-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,barnett-newman_canto-xii-1964,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_canto-xiii-1964,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_canto-xiv-1964,"[0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_canto-xll-1964,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,barnett-newman_canto-xv-1964,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_canto-xvi-1964,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,barnett-newman_canto-xvii-1964,"[0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,barnett-newman_canto-xviii-1964,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_concord-1949,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,barnett-newman_covenant-1949,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_dionysius-1949,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_eighth-station-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,barnett-newman_eleventh-station-1965,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_eve,"[0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,barnett-newman_fifth-station-1960,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,barnett-newman_first-station-1958,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Color_Field_Painting,barnett-newman_fourteenth-station-1966,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,barnett-newman_fourth-station-1960,"[1.0, 1.0, 4.0, 0.0, 6.0, 10.0, 0.0, 6.0, 16.0]"
+Color_Field_Painting,barnett-newman_galaxy-1949,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_jericho-1969,"[7.0, 6.0, 4.0, 1.0, 4.0, 3.0, 12.0, 3.0, 13.0]"
+Color_Field_Painting,barnett-newman_moment-1946,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,barnett-newman_ninth-station-964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,barnett-newman_not-detected-265181(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Color_Field_Painting,barnett-newman_onement-i,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_onement-i-1948,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_onement-iii-1949,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,barnett-newman_onement-v-1952,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,barnett-newman_onement-vi-1953,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_outcry-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_seventh-station-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,barnett-newman_sixth-station-1962,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,barnett-newman_tenth-station-1965,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_the-moment-1966,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,barnett-newman_the-station-of-the-cross-fourth-station-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,barnett-newman_the-third-1964,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_the-voice-1950,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,barnett-newman_the-wild-1950,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_thirteenth-station-1966,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,barnett-newman_title-page-from-18-cantos-1964,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_treble-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Color_Field_Painting,barnett-newman_twelfh-station-1965,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,barnett-newman_two-edges-1948,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_ulysses-1952,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_untitled-2-1948,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Color_Field_Painting,barnett-newman_untitled-3-1949,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_untitled-etching-1-1969,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 3.0]"
+Color_Field_Painting,barnett-newman_untitled-i-1950,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_uriel-1955,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,barnett-newman_vir-heroicus-sublimis-1950,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_vir-heroicus-sublimis-1951,"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,barnett-newman_voice-of-fire-1967,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_white-fire-i-1954,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,barnett-newman_who-s-afraid-of-red-yellow-and-blue-ii,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,barnett-newman_yellow-painting-1949,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,basil-beattie_door-1992,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Color_Field_Painting,basil-beattie_orange-no-1-1969,"[0.0, 0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,basil-beattie_reds-1973,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,blinky-palermo_unknown-title,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,blinky-palermo_untitled-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,blinky-palermo_untitled-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,blinky-palermo_untitled-stoffbild-1969,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0]"
+Color_Field_Painting,brice-marden_air-water,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 1.0, 1.0, 4.0]"
+Color_Field_Painting,brice-marden_blunder-1969,"[1.0, 0.0, 4.0, 0.0, 2.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,brice-marden_cogitatio-1978,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,brice-marden_elements-v,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,brice-marden_for-pearl-1970(1),"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 4.0]"
+Color_Field_Painting,brice-marden_formal-marble-2011,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,brice-marden_grand-street-1969,"[1.0, 1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,brice-marden_hydra-1981,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,brice-marden_red-yellow-blue-1974,"[0.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,brice-marden_red-yellow-blue-painting-no-1-1974,"[0.0, 1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,brice-marden_rodeo-1971,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 3.0, 3.0]"
+Color_Field_Painting,brice-marden_ru-ware-project-2012,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0]"
+Color_Field_Painting,brice-marden_study-ii-1981,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,brice-marden_the-propitious-garden-of-plane-image-version-one-2005,"[1.0, 1.0, 2.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,brice-marden_thira-1980,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,brice-marden_untitled-lewison-24-5,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,brice-marden_window-study-3-1985,"[1.0, 0.0, 3.0, 1.0, 2.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,bridget-riley_achean-1981,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,bridget-riley_big-blue-1982,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,bridget-riley_dominance-portfolio-blue-1977,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,bridget-riley_ecclesia-1985,"[3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,bridget-riley_ra-2-1981,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,bridget-riley_rose-rose-london-2012-olympic-games-poster-2012,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,bridget-riley_royal-liverpool-hospital-installation-1983,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,bridget-riley_zing-1-1971,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,charles-hinman_black-and-white-1964,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,charles-hinman_castor-and-pollux-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,charles-hinman_choreographer-1977,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,charles-hinman_dance-1972,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,charles-hinman_docking-in-space-1970,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,charles-hinman_double-kite-1981,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,charles-hinman_enroute-1982,"[1.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,charles-hinman_fan-dance-1968,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,charles-hinman_intersection-1965,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,charles-hinman_mobius-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,charles-hinman_pinwheel-1964,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,charles-hinman_pizzicato-1964,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,charles-hinman_poltergeist-1964,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,charles-hinman_untitled-1972,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,charles-hinman_untitled-from-the-on-the-bowery-portfolio-1969,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-tousignant_double-c-ph-ide-1997,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,claude-tousignant_monochrome-orang-1956,"[1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-tousignant_verticales-1971,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,claude-viallat_unknown-title,"[0.0, 0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_unknown-title-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_unknown-title-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_unknown-title-3,"[4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,claude-viallat_untitled-116,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-2007-126-2007,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,claude-viallat_untitled-2007-235-2007,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-103-2002,"[4.0, 3.0, 12.0, 7.0, 0.0, 6.0, 0.0, 1.0, 11.0]"
+Color_Field_Painting,claude-viallat_untitled-no-114-2002,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-170-1994,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-184-2001,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-196-2001,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-223-2001,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,claude-viallat_untitled-no-30-1996,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,claude-viallat_untitled-no-326-2001,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,claude-viallat_untitled-no-34-1999,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,claude-viallat_untitled-no-40-1996,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-52-2001,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,claude-viallat_untitled-no-56-1996,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-59-2002,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,claude-viallat_untitled-no-63-1996,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,clyfford-still_1950-k-no-1-1950,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,clyfford-still_1952-a-1952,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Color_Field_Painting,clyfford-still_1956-d-1956,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,clyfford-still_1957-d-no-1-1957(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Color_Field_Painting,clyfford-still_1957-j-no-2-1957,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Color_Field_Painting,clyfford-still_ph-1023-1976,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+Color_Field_Painting,clyfford-still_ph-1033-1976,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,clyfford-still_ph-104-1952,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,clyfford-still_ph-21-1962,"[3.0, 1.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Color_Field_Painting,clyfford-still_untitled-1952,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,clyfford-still_untitled-1954,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1957,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1959,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1959-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1960,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1962,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1971,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,clyfford-still_untitled-1974,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,clyfford-still_untitled-1974-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Color_Field_Painting,conrad-marca-relli_cunard-l-8-62-1962,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,conrad-marca-relli_ibiza-ii-1968,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,conrad-marca-relli_ibiza-iii-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,conrad-marca-relli_ibiza-v-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,conrad-marca-relli_summer-suite-c-1969,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 5.0]"
+Color_Field_Painting,conrad-marca-relli_summer-suite-f-1970,"[2.0, 1.0, 3.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,dan-christensen_amino-royale-2006,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,dan-christensen_bass-casio-1994,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,dan-christensen_crux-1969,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,dan-christensen_hornet-1970,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,dan-christensen_kaitos-1968,"[1.0, 1.0, 3.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,dan-christensen_mo-blues-1991,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,dan-christensen_nathans-diamond-1987,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,dan-christensen_new-morning-1996,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,dan-christensen_nexx-central-revisited-1996,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,dan-christensen_serpens-1968,"[3.0, 4.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,dan-christensen_street-dancer-1986,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,dan-christensen_tdb,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,dan-christensen_troubador-1998,"[5.0, 1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,dan-christensen_untitled-1968,"[2.0, 1.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,dan-christensen_yellow-bumper-1970,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,daniel-buren_tii-205-1965,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,doug-ohlson_capriglia-2005,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,doug-ohlson_china-series-a-flamingo-1975,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,doug-ohlson_lost-twin-one-1995,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,doug-ohlson_mag-1986,"[2.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,doug-ohlson_marker-california-1986,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,doug-ohlson_new-mexico-1985,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,doug-ohlson_paris-green-1990,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,doug-ohlson_peep-show-1993,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,doug-ohlson_sevastipol-2003,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,doug-ohlson_stop-gap-1995,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,doug-ohlson_two-four-1983,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,doug-ohlson_untitled-1999,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,doug-ohlson_wink-1996,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,edward-avedisian_beach-ball-1960,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,edward-avedisian_untitled-017-1965,"[0.0, 1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,edward-avedisian_untitled-1962,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,edward-avedisian_untitled-1969,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Color_Field_Painting,edward-avedisian_untitled-1969-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,edward-avedisian_untitled-1969-2,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,edward-avedisian_untitled-203-watercolor-ball-1965,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,edward-corbett_november-1963-iii-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Color_Field_Painting,edward-corbett_p-t-5-1970,"[4.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,edward-corbett_washington-d-c-december-1964-10-i-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,edward-corbett_washington-d-c-october-8-1964-1964,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Color_Field_Painting,edward-corbett_white-provincetown-1959,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 6.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_18-colors-cincinnati-1982,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_black-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_black-and-white-from-the-series-line-form-color-1951,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ellsworth-kelly_blue-and-red-1951,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_blue-and-red-from-the-series-line-form-color-1951,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_blue-and-yellow-and-red-orange-1965,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ellsworth-kelly_blue-from-the-series-line-form-color-1951,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,ellsworth-kelly_blue-green-black-red-1971,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_blue-green-yellow-orange-red-1966,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ellsworth-kelly_blue-on-white-1961,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_blue-yellow-red-1990,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ellsworth-kelly_boats-in-sanary-harbor-1952,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_broadway-1958,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,ellsworth-kelly_dominican-1952-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,ellsworth-kelly_four-panels-1971,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_green-1951,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_high-yellow-1960,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_nine-colors-1951,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ellsworth-kelly_rectangle-from-the-series-line-form-color-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Color_Field_Painting,ellsworth-kelly_red-and-yellow-1951,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_red-blue-yellow-1951,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_red-orange-white-green-blue-1968,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_red-yellow-blue-1951,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_spectrum-1973,"[1.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ellsworth-kelly_spectrum-iii-1967,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_spectrum-iv-1967,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ellsworth-kelly_spectrum-v-1969,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ellsworth-kelly_three-panels-orange-dark-gray-green-1986-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ellsworth-kelly_train-landscape-1953,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ellsworth-kelly_white-1951,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ellsworth-kelly_white-and-black-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,ellsworth-kelly_yellow-and-blue-1951,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ellsworth-kelly_yellow-from-the-series-line-form-color-1951,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,endre-balint_homage-to-franz-kafka-1976,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Color_Field_Painting,esteban-vicente_afternoon-1971,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,esteban-vicente_one-day-1976,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,esteban-vicente_red-field-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 3.0]"
+Color_Field_Painting,esteban-vicente_silver-light-1975,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,esteban-vicente_untitled-1967,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,esteban-vicente_vision-1991,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 4.0]"
+Color_Field_Painting,frank-bowling_head-1974,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0, 2.0]"
+Color_Field_Painting,frank-bowling_late-blue-1974,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 6.0]"
+Color_Field_Painting,frank-bowling_who-s-afraid-of-barney-newman-1968,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_aghtana-iii-1968,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_astoria-1958,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_blue-horizon-1958,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_bonne-bay-1971,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_color-maze-1966,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_double-gray-scramble-1973,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_fez-2-1964,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_firuzabad-1970,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_fort-n-de-las-flores-1967,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_furg-1975,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_gran-cairo-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_harran-ii-1967,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_honduras-lottery-co-1972,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_jasper-s-dilemma-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_khurasan-gate-iii-1968,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_kufa-gate-1968,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_les-indes-galantes-iv-1973,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_metropolitan-museum-m-1970,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_oak-tree-1970,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,frank-stella_pagosa-springs-1960,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_palmito-ranch-1971,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_polar-co-ordinates-iv-1980,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_polar-co-ordinates-v-1980,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,frank-stella_polar-co-ordinates-variant-iiia-1980,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_polar-co-ordinates-vii-1980,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_protractor-variation-ix-1968,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_rayy-sketch,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_referendum-70-1970,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_river-of-ponds-1971,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_river-of-ponds-i-1971,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_river-of-ponds-iv-1971,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_sabra-iii-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_seward-park-1958,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_sidi-ifni-from-america-s-hommage-picasso-1973,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_sinjerli-variation-iv-1977,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_sinjerli-variations-iia-1977,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_sunset-beach-sketch-1967,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_tahkt-i-sulayman-variation-ii-1969,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_tetuan-iii-1973,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,frank-stella_union-i-1966,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_untitled-1959,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,frank-stella_untitled-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,frank-stella_untitled-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_untitled-1967,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_untitled-1968,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,frank-stella_untitled-abstraction-1956,"[2.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,frank-stella_untitled-black-and-orange-1958,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Color_Field_Painting,frederick-hammersley_middle-east-1964,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,friedel-dzubas_antigua-1971,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_barrier-1983,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,friedel-dzubas_cassia-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,friedel-dzubas_duo-1965,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,friedel-dzubas_durango-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,friedel-dzubas_flowering-2-1963,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_ghana,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,friedel-dzubas_hot-morning-1966,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_isis,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_key-largo-1964,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_lone-blue-1962,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_lotus-1962,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,friedel-dzubas_red-split,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,friedel-dzubas_sartoris-1963,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_towards,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,friedel-dzubas_tundra-ii-1962,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_turning-point-1983,"[1.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,friedel-dzubas_untitled-1968,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,friedel-dzubas_untitled-1971,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_untitled-1981(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,friedel-dzubas_untitled-abstraction-1974,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,friedel-dzubas_untitled-exp-fd-5-7,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,friedel-dzubas_velot-1971,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_adam-s-rib-1980,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,gene-davis_albatross-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,gene-davis_algeria-1982,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_alice-tully-hall-sampler-1961,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_apricot-ripple-1968,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_banjo-1981,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_banjo-1981-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_barricades-1968,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_battle-for-grownups-1970,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_black-dahlia-1971,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_black-friar-1978,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_black-grey-beat-1964(1),"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_black-panther-1970,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_black-popcorn-1969,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_blue-bird-1978,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_blue-broad-jump-1960(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_boudoir-painting-1965,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_bulletproof-1969,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_butterfly-1972,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_cannonball-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,gene-davis_celtic-dawn-1960,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,gene-davis_checkmate-1973,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_circus-1979,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_circus-sounds-1967,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_citadel-1962,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_cold-turkey-1973,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,gene-davis_color-needles-1984,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_concord-1982,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_diamond-jim-1972,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_dr-peppercorn-1967,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_edges-solar-beat-1962,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_end-stripes-1960,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_equinox-1965,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_ferris-wheel-1963(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_ferris-wheel-1980(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_firebox-1964,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_firecracker-1968,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,gene-davis_flamingo-1965,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_flower-machine-1964,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_fox-gate-1982,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,gene-davis_franklin-s-footpath-1972(1),"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_gothic-jab-1968,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_graf-zeppelin-1969,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_green-giant-1980,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_green-glow-1958,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 2.0, 2.0]"
+Color_Field_Painting,gene-davis_green-stripes-1970,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_half-lemon-1969,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_halifax-1969,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_homage-to-matisse-1960,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_homage-to-newman-1979,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_homage-to-newman-ii-1979,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_hot-beat-1964,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_hot-susan-1965,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_ianthe-1969,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_ice-box-p506-1969,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_jack-in-the-box-1969,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_joy-ride-1981,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_king-kong-1969,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_king-s-gate-1978,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_lemon-ice-1965,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_licorice-stick-1961,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_lime-lemon-1970(1),"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_limelight-sounds-of-grass-1960,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_lincoln-center-1971,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_long-john-1968,"[1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_looking-glass,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,gene-davis_meandering-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,gene-davis_midnight-watch-1976,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,gene-davis_mohawk-1970,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,gene-davis_monet-s-garden-1980,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_moroccan-midnight-1984,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_moroccan-wedding-1972(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_niagara-1979,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_night-patrol-1975,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_night-rider-1983,"[4.0, 1.0, 6.0, 4.0, 10.0, 6.0, 2.0, 2.0, 11.0]"
+Color_Field_Painting,gene-davis_orange-twitter-1966,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_passion-flower-1968(1),"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_peeping-wall-1960,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_pepper-pot-1966,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_pin-stripes-1960,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_pink-stripe-1960,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,gene-davis_pocahontas-1978,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Color_Field_Painting,gene-davis_pocono-1984,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_powwow-1969,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_prince-albert-1978,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,gene-davis_pumpkin-1959,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_raspberry-icicle-1967,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_red-baron-1966,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_red-baron-1978,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_red-chatterbox-1967,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_red-devil-1959(1),"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_red-dog-1961,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_red-picnic-1984,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_red-witch-1966,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_renoir-s-curtain-1977,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_royal-canoe-1977,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,gene-davis_royal-curtain-1980,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_royal-veil-1971(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_salute-1958(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_signal-1973,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,gene-davis_smithsonian-resident-associate-program-tenth-anniversary-poster-1975(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_smithsonian-resident-associates-program-1980-15th-anniversary-poster-1980,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_smithsonian-resident-associates-program-1985-20th-anniversary-poster-1985,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_solar-diary-needle-park-1972(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_solar-skin-1964,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_sour-ball-beat-1964,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_split-beat-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_stripes-1957,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 5.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_sun-sonata-1983,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_sunball-1960,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_sweet-carburetor-1969,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_sweet-score-skylark-1960,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_tarzan-series-i-1969(1),"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_tom-s-furnace-1961,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_treble-1975,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,gene-davis_triple-jump-1962,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,gene-davis_two-part-blue-1964,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_two-yellows-1959(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_untitled-150-1971,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,gene-davis_untitled-152-1971,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,gene-davis_untitled-156-1971,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_untitled-1959,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,gene-davis_untitled-1962,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,gene-davis_untitled-1962-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_untitled-1964,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_untitled-1976,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_untitled-1978,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_untitled-1979(2),"[8.0, 3.0, 12.0, 2.0, 1.0, 10.0, 1.0, 1.0, 14.0]"
+Color_Field_Painting,gene-davis_untitled-1981,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gene-davis_untitled-1983,"[4.0, 1.0, 6.0, 0.0, 5.0, 3.0, 2.0, 1.0, 23.0]"
+Color_Field_Painting,gene-davis_untitled-1985,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,gene-davis_untitled-1985-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,gene-davis_untitled-p280-1967,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_untitled-pink-stripes-gray-box-1976,"[1.0, 0.0, 7.0, 4.0, 4.0, 4.0, 4.0, 6.0, 15.0]"
+Color_Field_Painting,gene-davis_untitled-pink-yellow-and-white-1980,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gene-davis_voodoo-1984,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gene-davis_wall-stripes-no-3-1962,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_yankee-doodle-1966,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gene-davis_yoyo-1969,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,gene-davis_yukon-sonata-1981(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,gene-davis_zebra-1969,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gil-teixeira-lopes_cones-enigm-ticos-ii,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Color_Field_Painting,gil-teixeira-lopes_unknown-title,"[1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,gotthard-graubner_caldo-2002,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,gotthard-graubner_centaurea-1983,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,gotthard-graubner_crescendo-2006,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,gotthard-graubner_farbraum-1963,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_farbraumk-rper-1982,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_farbwanne-1984,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,gotthard-graubner_farbwanne-1985,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_istria-v-2011,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_le-vent-du-soleil-1996,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,gotthard-graubner_lysis-2003,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_sarda-i-2001,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_untitled-1964-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 4.0]"
+Color_Field_Painting,gotthard-graubner_untitled-1983,"[0.0, 0.0, 4.0, 2.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,gotthard-graubner_untitled-1988,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,gotthard-graubner_untitled-1991-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_untitled-1992,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,gotthard-graubner_untitled-farbraumk-rper-1978,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,guido-molinari_quantificateur-1988,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,guido-molinari_red-rouge-quantifier-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,guido-molinari_sculptures-created-for-r-m-schafer-s-seventh-string-quartet,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,guido-molinari_untitled-1953,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,guido-molinari_untitled-1966,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_a-little-zen-1970,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,helen-frankenthaler_air-frame-1965,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_bilbao-1998,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_black-eyed-susan-1988,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_blessing-of-the-fleet-1969,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_blue-atmosphere-iii-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_boulevard-1973,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_bullseye-1989,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_cameo-1980,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_contentment-island-2004,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_coral-wedge-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_corot-s-mark-1987,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_dawn-stroke-1977,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,helen-frankenthaler_distillation-1973,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_earliness-1975,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_east-and-beyond-1973,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_frankenthaler-preview-1965,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_freefall-1992,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_glow-ii-1968,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_green-likes-mauve-1970,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_in-on-blue-1976,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_indian-summer-1967,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_leveling-1973,"[3.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_living-edge-1973,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_mauve-district-1966,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,helen-frankenthaler_nepenthe-1972,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_new-york-iii-1972,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_only-orange-1963,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_orange-downpour-1970,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_paris-review-1966,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_pendulum-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_persian-garden-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_ponti-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_pranzo-italiano-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_reflections-ix-1995,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_reflections-viii-1995,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_robinson-s-wrap-1974,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_royal-fireworks-1975,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_sanguine-mood-1971,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_santa-fe-ii-1986,"[1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_shoreline-1952,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_skywriting-1997,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_small-s-paradise-1964,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_southern-exposure-2005,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_springscape-1975,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_summer-insignia-1969,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_sun-corner-1968,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_tahiti-1989,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_thanksgiving-day-1973,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_tutti-fruitti-1966,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_untitled,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_untitled(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_untitled(2),"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_untitled-1963-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_untitled-1965,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,helen-frankenthaler_untitled-1967,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_untitled-1973,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_untitled-1982,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_variation-ii-on-mauve-corner-1969,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_weather-change-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_what-red-lines-can-do-1970,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_where-necessary-1977,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,helen-frankenthaler_white-portal-1967,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,helen-frankenthaler_wind-directions-1970,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,helen-frankenthaler_yellow-jack-1985,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,henri-matisse_the-snail-1953,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,howard-hodgkin_arch-1971,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,howard-hodgkin_bedroom-1968,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,howard-hodgkin_here-we-are-in-croydon-1979,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 7.0, 0.0, 2.0]"
+Color_Field_Painting,howard-hodgkin_interior-day-1974,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,howard-hodgkin_moroccan-door-1991,"[1.0, 2.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,howard-mehring_segwehce-1965,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ian-davenport_matt-black-and-gloss-1991,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,ian-davenport_poured-lines-light-violet-green-blue-red-violet-1995,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ian-davenport_poured-lines-orange-2005,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ian-davenport_poured-lines-southwark-street-2009,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,ian-davenport_poured-lines-yellow-2007,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ian-davenport_poured-painting-orange-red-orange-1996,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ian-davenport_poured-reversal-painting-light-blue-blue-1999,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ian-davenport_puddle-painting-magenta-2008,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,ian-davenport_untitled-1995,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ian-davenport_untitled-1995-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,ian-davenport_untitled-circle-painting-12-multicoloured-panels-no-1-2003,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,imi-knoebel_24-colors-for-blinky-1977,"[2.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,imi-knoebel_anima-mundi-10-ed-2011,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,imi-knoebel_face-e-2004,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,imi-knoebel_ich-nicht-viii-2006,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,imi-knoebel_kinderstern-1996,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ion-nicodim_unknown-title(12),"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ion-nicodim_unknown-title-29,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,ion-nicodim_unknown-title-30,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ion-nicodim_untitled-1987,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_apple-blossom-burst-1971,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_attacca-1975,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_big-a-1968,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_blue-bar-1970,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,jack-bush_blue-green-split-1964,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_bluegold-1973,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,jack-bush_colour-column-on-suede-1965,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,jack-bush_colour-column-on-suede-1965-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_concerto-1975,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_cross-over-1974,"[2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_down-and-across-1967,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_flute-passage-1975,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_green-loop-1971,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,jack-bush_grey-v-1967,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_leap-on-blue-1976,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_low-spread-1974,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,jack-bush_low-sun-1971,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_mabel-s-release-5-1966,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,jack-bush_moonflight-1961,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_narrow-image-1963,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,jack-bush_nice-pink-1965,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_pink-moon-1974,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_purple-blush-1968,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_purple-drops-1971,"[4.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_purple-thrust-1974,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_red-m-1971,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_sing-sing-sing-1974,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_split-circle-3-1961,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_striped-column-1964,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-bush_stripped-to-the-right-1965,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,jack-bush_takeoff-1974,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_tall-spread-1966,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,jack-bush_three-and-blue-loop-1971,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-bush_white-flip-1974,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jack-bush_yellow-mark-1971,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,jack-youngerman_black-red-1962,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,jack-youngerman_blue-delfina-1961,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,jack-youngerman_blueglide-1972,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,jack-youngerman_changes-5-1970,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-youngerman_greengage-1962,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,jack-youngerman_red-vermillion-1961,"[0.0, 1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-youngerman_red-yellow-black-1965,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jack-youngerman_the-50th-year-the-new-school-1969,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jack-youngerman_untitled-1968,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jack-youngerman_yellow-black-1960,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,joe-goode_environmental-impact-1981,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,joe-goode_oak-rock-1980,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,joe-goode_untitled-torn-sky-1970,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,john-ferren_medeanus,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,john-ferren_quiet-1965,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,john-ferren_red-spot-1954,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,john-ferren_ski-1952,"[2.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,john-ferren_three-rocks-1949,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,john-ferren_untitled-1952-1,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,john-ferren_yellow-field-1960,"[0.0, 2.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,john-hoyland_12-12-68-1969,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,john-hoyland_15-10-67-1967,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_17-3-69-1969,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_18-6-65-1965,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_19-12-66-1966,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_20-5-74-1974,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_22-8-74-1974,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,john-hoyland_25-4-69-1969,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,john-hoyland_28-5-66-1966,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,john-hoyland_29-03-60-1960,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,john-hoyland_30-7-75-1975,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_4-5-68-1968,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_6-3-66-1966,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,john-hoyland_april-1961-1961,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,john-hoyland_blues-greens-1969,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_blues-reds-1969,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_dido-1979,"[0.0, 0.0, 2.0, 1.0, 2.0, 2.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,john-hoyland_moon-s-milk-2009,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_no-22-20-2-62-1962,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_red-blue-1969,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_reds-greens-1969,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_tembi-1980,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_tiger-walk-3-4-81-1981,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,john-hoyland_untitled,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,john-hoyland_untitled(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,john-hoyland_untitled-i-1974,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_untitled-ii-1974,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,john-hoyland_untitled-iii-1974,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,john-hoyland_untitled-litograph,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_view-1979,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,john-hoyland_vigil-1980,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Color_Field_Painting,john-hoyland_yellows-1969,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,jorge-martins_red-abstraction-1990,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Color_Field_Painting,jorge-martins_untitled-1984,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,jose-guerrero_andaluc-a-aparici-n-1964,"[0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 3.0, 3.0, 2.0]"
+Color_Field_Painting,jose-guerrero_aparici-n-y-sombras,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,jose-guerrero_azul-de-prusia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Color_Field_Painting,jose-guerrero_black-whims-with-yellow-1966,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Color_Field_Painting,jose-guerrero_comienzo-1982,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,jose-guerrero_comienzo-azul,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,jose-guerrero_cominezo-com-magenta-1984,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,jose-guerrero_composition-1963,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jose-guerrero_crossing-1975,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,jose-guerrero_en-la-casa-de-vel-zquez-1971,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Color_Field_Painting,jose-guerrero_esquinas-1973,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 5.0]"
+Color_Field_Painting,jose-guerrero_fosforencias-1971,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,jose-guerrero_franja-roja-y-amarilla-1975,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jose-guerrero_frigiliana-1985,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jose-guerrero_green-olive-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,jose-guerrero_intervalos-azules-1971,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,jose-guerrero_litoral-1980,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,jose-guerrero_negro-con-rojo,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,jose-guerrero_red-1987,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jose-guerrero_red-composition,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,jose-guerrero_rojo-morado-1985,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,jose-guerrero_untitled,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,jose-guerrero_untitled-1967,"[1.0, 0.0, 1.0, 4.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,jose-guerrero_untitled-1984,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,jose-guerrero_untitled-1985,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jose-guerrero_untitled-1985-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jose-guerrero_untitled-1985-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,jose-guerrero_yellow-1987,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,julio-pomar_banhos-turcos,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,julio-pomar_maio-68-crs-ss-1969,"[3.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,julio-pomar_o-banho-turco-1971,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,julio-pomar_odalisca-com-escrava-ii-segundo-ingres-1969,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,karl-benjamin_14-1965,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,karl-benjamin_20-1977,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,karl-benjamin_black-gray-curves-with-purple-1960,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,karl-benjamin_v-s-1960,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,kenzo-okada_red-and-orange-1968,"[1.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,kenzo-okada_screen-i-diptych-1955,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 1.0, 1.0, 3.0]"
+Color_Field_Painting,kenzo-okada_tanabata-1955,"[3.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,kenzo-okada_three-whites-1963,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,kenzo-okada_untitled-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,larry-zox_caxambus,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,larry-zox_fowey-light-1974,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,larry-zox_open-white-center-1974,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,larry-zox_rotation-b-1964,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,larry-zox_untitled-1964,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,larry-zox_yours-and-mine-1993,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_a-m-no-4-1978,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_after-the-cloud,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,leon-berkowitz_algonquit-series-12-1986,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_atmospheric-abstraction,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_big-bend-v-1976,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_big-blue,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_cathedral-11-1968,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,leon-berkowitz_cathedral-16-1968,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,leon-berkowitz_cathedral-18a-1966,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_cathedral-22-1968,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_cathedral-5-1966,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,leon-berkowitz_chanakuh-3-1978,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_corona-7-1968,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_cup-7-1975,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,leon-berkowitz_dark-light-rose-gold-1978,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_duality-15,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_i-thou-1985,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,leon-berkowitz_innisphere-1978,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_oblique-7-1968,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,leon-berkowitz_pendant-green-1977,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,leon-berkowitz_seven-lights-series-1975,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,leon-berkowitz_solomon-s-temple-1987,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,leon-berkowitz_source-3-1976,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_source-7-1976,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_unities-60-1973,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_untitled-1975,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_untitled-1977,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_untitled-1977(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,leon-berkowitz_up-green-1984,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,leon-berkowitz_vertical-7-1968,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,leon-berkowitz_with-in-1985,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,lorser-feitelson_dichotomic-organization-stripes-1959,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,louis-cane_les-grilles-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,louis-cane_papier-d-coup-1967,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,louis-cane_papier-d-coup-1967-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,louis-cane_papier-d-coup-1967-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,louis-cane_papier-d-coup-1967-3,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,louis-cane_papier-d-coup-et-coll-1967,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,louis-cane_papier-d-coup-et-coll-1967-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,louis-cane_toile-d-coup-e-1970,"[5.0, 3.0, 12.0, 6.0, 4.0, 3.0, 1.0, 1.0, 16.0]"
+Color_Field_Painting,louis-cane_toile-d-coup-e-1975,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,louis-cane_toile-d-coup-e-1976,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,louis-cane_toile-d-coup-e-1989,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,louis-cane_toile-d-coup-e-1991,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,louis-cane_toile-d-coup-e-1991-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,louis-cane_toile-tamponn-e-1967,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,louis-cane_toile-tamponn-e-1967-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,louis-cane_toile-tamponn-e-1967-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,louis-cane_toile-tamponn-e-1967-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,luis-feito_471,"[1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,luis-feito_597,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,luis-feito_untitled,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,luis-feito_untitled-1965,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,luis-feito_untitled-1971,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,manabu-mabe_human-condition,"[0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,manabu-mabe_miragem,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,manabu-mabe_untitled,"[1.0, 0.0, 4.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,mario-cesariny_a-torre-de-pisa-vai-cair-1978,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,mario-cesariny_as-grandes-viagens,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mario-cesariny_heliogabalo,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,mario-cesariny_linha-d-agua,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mario-cesariny_linha-d-gua,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mario-cesariny_linha-d-gua-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mario-cesariny_sem-t-tulo-1996,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,mario-cesariny_sem-t-tulo-2,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mario-cesariny_sem-t-tulo-2001,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,mario-cesariny_sem-t-tulo-2004,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,mario-schifano_grande-angolo-1963,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mario-schifano_segnaletico-n-2-1961,"[1.0, 1.0, 3.0, 1.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,mario-schifano_untitled-1978,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_black-in-deep-red-1957,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,mark-rothko_black-on-dark-sienna-on-purple,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0, 0.0]"
+Color_Field_Painting,mark-rothko_black-on-maroon,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_black-on-maroon-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Color_Field_Painting,mark-rothko_black-on-maroon-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_black-on-maroon-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 0.0]"
+Color_Field_Painting,mark-rothko_black-on-maroon-4,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_blue-and-gray,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_blue-orange-red,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_blue-over-red-1953,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_cat-newyork,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_composition-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_cubierta,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_earth-green,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_four-darks-in-red-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_green-and-maroon,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_green-and-tangerine-on-red,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_lavender-and-mulberry,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Color_Field_Painting,mark-rothko_no-1-royal-red-and-blue-1954,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-10,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-11,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-14-1960,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Color_Field_Painting,mark-rothko_no-14-horizontals-white-over-darks-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-16-1957,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-17-1961(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_no-18,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_no-2,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mark-rothko_no-2-no-7-and-no-2-1951,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-20-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-24,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-3-1967,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-3-no-13,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-301,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Color_Field_Painting,mark-rothko_no-37-no-19-slate-blue-and-brown-on-plum-1958,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-46(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-5-no-22,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-6-yellow-white-blue-over-yellow-on-gray-1954,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-61-rust-and-blue,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-7-dark-over-light-1954,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_no-8-1952,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_no-9-dark-over-light-earth,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_not_detected_242124,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,mark-rothko_not_detected_242125,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,mark-rothko_not_detected_242128,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,mark-rothko_not_detected_242129,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_not_detected_242131,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,mark-rothko_not_detected_242132,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_not_detected_242135,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_not_detected_242136,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_not_detected_242137,"[0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,mark-rothko_number-24-untitled-1951,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_ochre-and-red-on-red,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0]"
+Color_Field_Painting,mark-rothko_ochre-and-red-on-red-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,mark-rothko_ochre-and-red-on-red-2,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_orange-and-yellow(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_orange-over-violet-1968,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_orange-red-orange-1961,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,mark-rothko_purple-brown,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,mark-rothko_red,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_red-and-brown,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_red-and-orange,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_red-on-maroon,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_red-white-and-brown,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_united-blue-yellow-green-on-red-1954,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-10,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-11,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-12,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-1949,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-1949-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-1955,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-1967,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-1968,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-1969-1(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_untitled-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_untitled-5,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-6(1),"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mark-rothko_untitled-7,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-8,"[1.0, 2.0, 10.0, 0.0, 2.0, 6.0, 5.0, 8.0, 14.0]"
+Color_Field_Painting,mark-rothko_untitled-9,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-black-and-gray,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-blue-divided-by-blue-1966,"[3.0, 1.0, 13.0, 2.0, 1.0, 2.0, 2.0, 11.0, 9.0]"
+Color_Field_Painting,mark-rothko_untitled-blue-green-and-brown-1952,"[1.0, 6.0, 11.0, 2.0, 0.0, 5.0, 3.0, 6.0, 17.0]"
+Color_Field_Painting,mark-rothko_untitled-brown-and-gray,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_untitled-gray-and-mauve-1969,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,mark-rothko_untitled-green-on-blue-1968,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,mark-rothko_untitled-mural-for-end-wall,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-red-and-orange-on-salmon-1969,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mark-rothko_untitled-red-blue-orange-1955,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_untitled-yellow-red-and-blue-1953,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,mark-rothko_violet-black-orange-yellow-on-white-and-red,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,mark-rothko_white-center,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_white-on-red(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,mark-rothko_yellow-band,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,mark-rothko_yellow-cherry-orange,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,maurice-esteve_arizovert-1972-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,maurice-esteve_assaba-1983-1,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,maurice-esteve_broucl-1973-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,maurice-esteve_composition-1974-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,maurice-esteve_corne-a-licou-1965-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,maurice-esteve_iounpas-1985-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,maurice-esteve_l-toile-polaire-1954,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,maurice-esteve_les-goudes-1954-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,maurice-esteve_loxos-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,maurice-esteve_messidor-1981-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,maurice-esteve_trigourec-1972-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,maurice-esteve_vigorou,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,michel-carrade_unknown-title-1,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title-10,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title-11,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,michel-carrade_unknown-title-12,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,michel-carrade_unknown-title-13,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,michel-carrade_unknown-title-14,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,michel-carrade_unknown-title-15,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title-16,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,michel-carrade_unknown-title-2,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,michel-carrade_unknown-title-3,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title-4,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,michel-carrade_unknown-title-5,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,michel-carrade_unknown-title-6,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title-7,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title-8,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,michel-carrade_unknown-title-9,"[2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_2-68-1962,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_7-bronze-1958,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,morris-louis_addition-v-1959,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_addition-vii-1958,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_alpha-1960,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,morris-louis_alpha-epsilon-1960,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,morris-louis_alpha-phi-1961,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,morris-louis_alpha-pi-1960,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_alpha-tau-1961,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_alpha-upsilon-1960,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_alphard-1961,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_ambi-i-1960,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_apogee-1962,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_approach-1962,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_aurora-1958,"[5.0, 2.0, 12.0, 0.0, 1.0, 4.0, 5.0, 4.0, 13.0]"
+Color_Field_Painting,morris-louis_ayin-1958,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_bellatrix-1961,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_beta-delta-1961,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,morris-louis_beta-lambda-1961,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_beta-upsilon-1960,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_beth-chaf-1959,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_beth-rash-1959,"[0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 3.0, 1.0, 1.0]"
+Color_Field_Painting,morris-louis_beth-zayin-1959,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,morris-louis_blue-column-1960,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_blue-veil-1958,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_breaking-hue-1954,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_broad-turning-1958,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,morris-louis_buskin-1959,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,morris-louis_claustral-1961,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_dalet-chet-1958,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_dalet-kaf-1959,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_dalet-tet-1959,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_dalet-zayin-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_delta-kappa-1960,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_delta-lambda-1961,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_delta-theta-1961,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_delta-zeta-1960,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_faces-1959,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_floral-v-1960,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_gamma-1960,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,morris-louis_gamma-delta-1960,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,morris-louis_gamma-omicron-1960,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,morris-louis_gamma-ro-1960,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_gamma-tau-1960,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_gemma-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_green-picket-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_high-1959,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_horizontal-i-1962,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_horizontal-viii-1962,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_hot-half-1962,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_iris-1954,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_janus-1960,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_k-s-i-1959,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,morris-louis_nexus-ii-1959,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,morris-louis_number-1-36-1962,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_number-1-68-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_number-1-81-1961,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_number-182-1961,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_number-2-07-1961,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,morris-louis_number-28-1961,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_number-32-1961,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_number-39-1962,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_number-6-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,morris-louis_number-82-1961,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_number-99-1960,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_nun-1959,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_omega-i-1960,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_para-iii-1959,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_partition-1962,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_phi-1961,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_pillar-of-fire-1961,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_pillar-of-hope-1961,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,morris-louis_point-of-tranquility-1960,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,morris-louis_purple-fill-1962,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_red-go-1961,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_roseate-1960(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,morris-louis_russet-1958,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,morris-louis_saf-1959,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_saf-aleph-1959,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_saf-dalet-1959,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_saraband-1959,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,morris-louis_seal-1959,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,morris-louis_spawn-1960,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_tet-1958,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_third-element-1961,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_twined-columns-ii-1960,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_unknown-title,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_untitled-1954,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_untitled-1958,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_untitled-1959,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_untitled-1960,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_untitled-1960-1,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_untitled-1960-2,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_vav-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_vertical-horizon-1961,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,morris-louis_where-1960,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,morris-louis_while-series-ii-1960,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,morris-louis_yad-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,morris-louis_zayin-1958,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,natalia-dumitresco_fleurs-1971,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,natalia-dumitresco_tout-la-joie-1970,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,olivier-debre_bleu,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,olivier-debre_composition-abstraite-1978,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,olivier-debre_composition-bleue-taches-rouge-et-jaune,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,olivier-debre_daitoku-ji-temple-1990,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,olivier-debre_figure-vert-jaune,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,olivier-debre_forme-1998,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,olivier-debre_le-rideau-rouge-ch-teauroux-1987,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,olivier-debre_nauplie,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,olivier-debre_norv-ge-brune-ottual-1978,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,olivier-debre_ocre-jaune-d-automne,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,olivier-debre_ocre-rose-la-trace-bleu-p-le,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,olivier-debre_pale-jaune,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,olivier-debre_paysage-rouge,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,olivier-debre_petit-jardin-du-jaune-1976,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,olivier-debre_petit-vert-la-tache-rose-1976,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,olivier-debre_petite-langue-1985,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,olivier-debre_red-xian-1990,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,olivier-debre_rose-gris-raye-a-la-bande-orange-1996,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,olivier-debre_rouge-coule-de-touraine-1990,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,olivier-debre_royau-bleu-vert,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,olivier-debre_touraine-automne-jaune-rose,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,olivier-debre_tout-vert-1966,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,olivier-debre_untitled-1956,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,pat-lipsky_magus-1981,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,pat-lipsky_morning-fever-1970,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,patrick-heron_horizontal-stripe-painting-november-1957-january-1958-1958,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,patrick-heron_scarlet-lemon-and-ultramarine-march-1957-1957,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,patrick-heron_untitled-from-the-shapes-of-colour-1978,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,patrick-heron_untitled-from-the-shapes-of-colour-1978(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_abstract-red-and-yellow,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,paul-feeley_alioth-1964,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_alnium-1964,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_alruccabah-1964,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_alya-1964,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,paul-feeley_apyu-1963,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_arpa-1964,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_asmidiske-1964,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_carthage-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_cassius-1959,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,paul-feeley_cheleb,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,paul-feeley_denib-el-delphini-1965,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_el-24-1965,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_etamin-1965,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_germanicus-1960,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_gomelza-1965,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,paul-feeley_ios-1957,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,paul-feeley_julius-1960,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_kilroy-1957,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,paul-feeley_minoa-1962,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_ochus-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_remus-1960,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_rijo-1963,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_rouso-1963,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_somara-1963,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_sterope-1957,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_sybaris-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,paul-feeley_tenos-1956,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_the-other-side-1957,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,paul-feeley_the-sculpture-court,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_thera-or-pompeia-1957,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_thruway-1958,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_trajan-1960,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,paul-feeley_untitled,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_untitled-1956,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Color_Field_Painting,paul-feeley_untitled-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_untitled-1964,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_untitled-1965,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_untitled-april-15-1964,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_untitled-august-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,paul-feeley_untitled-color-radiation-from-blue-center-1964,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-feeley_untitled-february-26-1964,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-feeley_untitled-watercolor-4-1964,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-jenkins_continental-divide,"[0.0, 2.0, 0.0, 7.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-jenkins_not_detected_235704,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,paul-jenkins_patternity,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-jenkins_phenomena-calling,"[1.0, 1.0, 2.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,paul-jenkins_phenomena-compass-bearing,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-jenkins_phenomena-french-west-indies,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-jenkins_phenomena-lands-end,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,paul-jenkins_phenomena-montezumas-band,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-jenkins_phenomena-pointed-eas,"[2.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-jenkins_phenomena-solstice-encounter,"[3.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,paul-jenkins_phenomena-wind-arch,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-jenkins_phenomenon-prism-yield(1),"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,paul-jenkins_the-color-of-light,"[1.0, 4.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-jenkins_tibetan-flange,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-reed_17dr-1965,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-reed_18-l-1965,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-reed_18r-1965,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,paul-reed_8-1965,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,paul-reed_draa-1988,"[1.0, 2.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,paul-reed_gilport-d-lxii-1972,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-reed_interchange-xx-1967,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,paul-reed_tatar-1998,"[1.0, 2.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,paul-reed_upstart-18f-1965,"[1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,paul-reed_upstart-xxii-1966,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,paul-reed_upstart-xxv-1966,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,pedro-calapez_asa-02-2007,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,pedro-calapez_campo-de-sombras-muro-02-1996,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,pedro-calapez_cena-10-x-4-a-2000,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,pedro-calapez_composi-o-04-2004,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,pedro-calapez_escala-de-cor-04-2009,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,pedro-calapez_escala-de-cor-05-2009,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,pedro-calapez_escala-de-cor-16-2008,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,pedro-calapez_escala-de-cor-17-2008,"[1.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,pedro-calapez_escala-de-cor-19-2009,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,pedro-calapez_folder-01-2009,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,pedro-calapez_folder-02-2009,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,pedro-calapez_janela-aberta-1998,"[0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,pedro-calapez_joker-2010,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,pedro-calapez_lugar-19-ou-lugar-dos-pequenos-lugares-2003,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,pedro-calapez_paisagem-mayor-2009,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,pedro-calapez_shaped-combi-02-2008,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,perle-fine_blue-chip-blue-1-1974,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Color_Field_Painting,perle-fine_cool-series-black-over-green-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,perle-fine_cool-series-blue-over-red-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,perle-fine_cool-series-dark-pink-over-brown-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Color_Field_Painting,perle-fine_cool-series-no-1-red-over-white-1963,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,perle-fine_cool-series-no-12-fiercely-remote-1963,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,perle-fine_cool-series-no-15-the-very-end-1963,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,perle-fine_cool-series-no-2-yellow-over-tan-1963,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,perle-fine_cool-series-no-22-wide-u-1963,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,perle-fine_cool-series-no-26-first-love-1963,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,perle-fine_cool-series-no-29-cool-blue-cold-green-1963,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,perle-fine_cool-series-no-36-rough-hewn-1963,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,perle-fine_cool-series-no-46-spanking-fresh-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,perle-fine_cool-series-no-7-square-shooter-1963,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,perle-fine_cool-series-no-80-impatient-spring-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,perle-fine_cool-series-no-9-gibraltar-1963,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,perle-fine_untitled-for-cool-series-1960,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,peter-busa_black-magic,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+Color_Field_Painting,peter-busa_untitled-1964,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 5.0]"
+Color_Field_Painting,piero-dorazio_apex-1984,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,piero-dorazio_cercles-de-nuit-1992,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,piero-dorazio_cercles-du-matin-1992,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,piero-dorazio_composite,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,piero-dorazio_in-croce-iii-1969,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,piero-dorazio_k-kkora-1987,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,piero-dorazio_munich-olympic-games-poster-1972,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,piero-dorazio_rosso-perugino-1979,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,piero-dorazio_sistina-i-1987,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,piero-dorazio_untitled-1978,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,piero-dorazio_untitled-1990,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,piero-dorazio_untitled-1998,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,piero-dorazio_untitled-v-1967,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,piero-dorazio_very-sharp-1965,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,piero-dorazio_wait-untitled-xix-1968,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ralph-hotere_dawn-water-poem-iii-after-manhire-1985,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ralph-hotere_kei-muri-i-te-awe-kapara-shadowed-behind-the-tattooed-face-1972,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,ralph-hotere_mural-in-the-founders-foyer-in-hamilton,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ralph-hotere_tukua-mai-he-kaponga-oneone-ki-au-hai-tangi-send-me-a-handful-of-soil-1972,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Color_Field_Painting,ray-parker_kate-for-your-birthday-1964,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ray-parker_like-you-like-it-denise-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ray-parker_love-denise-glad-you-like-it-1960,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,ray-parker_m-yellow-1965,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_spring-1984,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untilted-1959,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1959,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Color_Field_Painting,ray-parker_untitled-1959-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1960,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ray-parker_untitled-1961,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1962,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,ray-parker_untitled-1962-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,ray-parker_untitled-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ray-parker_untitled-1964-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1967,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1967-1,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ray-parker_untitled-1967-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ray-parker_untitled-1968,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1970,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ray-parker_untitled-1970-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ray-parker_untitled-1971,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ray-parker_untitled-1971-1,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1979,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ray-parker_untitled-1980,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ray-parker_untitled-1982,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ray-parker_untitled-71-1974,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-129,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-139,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-19,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-21,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-24,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-27-1970,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-28,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-30,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-32,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-40,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-43,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-45,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-46-1971,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-49,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-54,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,richard-diebenkorn_ocean-park-no-63,"[4.0, 5.0, 9.0, 2.0, 2.0, 9.0, 1.0, 0.0, 13.0]"
+Color_Field_Painting,robert-goodnough_untitled-1961,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,rodolfo-arico_pour-delaunay-1965,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,rodolfo-arico_untitled-1993,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,ron-gorchov_baton-1986,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ron-gorchov_chase-street-lounge-2011,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ron-gorchov_entrance-1972,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ron-gorchov_foley-1967,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,ron-gorchov_la-piva-2012,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,ron-gorchov_loggia-1982,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ron-gorchov_lure-ii-1976,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ron-gorchov_old-flame-1974,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,ron-gorchov_promenade-1985,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,ron-gorchov_samba-2005,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Color_Field_Painting,ron-gorchov_thersites-chastened-2012,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,ron-gorchov_timandra-2007,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ron-gorchov_treasure-island-2012,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ron-gorchov_ulysses-1979,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ron-gorchov_untitled-1968,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ron-gorchov_untitled-1977,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,ronald-davis_diamond-pinwheel-1964,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronald-davis_double-see-thru-1969,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ronald-davis_ring-1968,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_all-night-1989,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_arielle-1978,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ronnie-landfield_blue-line-painting-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,ronnie-landfield_captain-blue-1979,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_catalan-via-paris-1984,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_circe-s-palace-1982,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_coriander-rose-1972,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_edge-of-autumn-1989,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,ronnie-landfield_first-path-1978,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ronnie-landfield_for-the-ages-1985,"[0.0, 1.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_golden-harvest-1981,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_green-mountain-man-1975,"[1.0, 0.0, 3.0, 0.0, 1.0, 3.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ronnie-landfield_jacob-in-the-wilderness-1986,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_jubilant-blue-1972,"[0.0, 1.0, 5.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ronnie-landfield_loves-power-1982,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_marine-mystery-1972,"[1.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_meadow-1981,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,ronnie-landfield_ocean-love-1981,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,ronnie-landfield_oriole-sky-1972,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_red-night-1973,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_rose-s-painting-1986,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_series-painting-10-1966,"[3.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,ronnie-landfield_series-painting-2-1966,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 7.0]"
+Color_Field_Painting,ronnie-landfield_series-painting-5-1966,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 4.0]"
+Color_Field_Painting,ronnie-landfield_series-painting-7-1966,"[0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,ronnie-landfield_series-painting-8-1966,"[1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,ronnie-landfield_sixteenth-century-1985,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_surface-of-coral-1981,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_the-arc-1986,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_the-howl-of-terror-1967,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_trains-and-oceans-1973,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_uriel-1978,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_village-in-the-moon-1985,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ronnie-landfield_vivid-spring-1988,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,ronnie-landfield_volcano-the-heat-1983,"[1.0, 2.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,ronnie-landfield_yellow-line-painting-1973,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,ronnie-landfield_yellow-ochre-1967,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 6.0]"
+Color_Field_Painting,ronnie-landfield_yellow-prairie-1972,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_a-chalice-for-healing-1985,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_acrylic-on-canvas,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_angel-trails-1970,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_back-off-1966,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_big-red-1953,"[0.0, 1.0, 3.0, 0.0, 2.0, 2.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_black-and-red-1953,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_blue-and-red-1953,"[2.0, 1.0, 0.0, 0.0, 0.0, 4.0, 2.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_composition,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 2.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_exposition-sam-francis-19-mars-5-mai-1983-poster,"[0.0, 1.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_from-tokyo-3-1970,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_hommage-to-alfred-jensen-1958,"[1.0, 1.0, 1.0, 5.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_light-in-itself-1979,"[2.0, 1.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_los-angeles,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_mantis-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_red-and-pink-1951,"[1.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 1.0, 4.0]"
+Color_Field_Painting,sam-francis_reefs-1955,"[0.0, 1.0, 1.0, 3.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_sculpture-drawing-sf64-571-1964,"[0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 1.0, 4.0]"
+Color_Field_Painting,sam-francis_sfp83-52-1983,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0]"
+Color_Field_Painting,sam-francis_silvio-set-one-1963,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_toward-disappearance-iii-1958,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1954-1,"[1.0, 1.0, 1.0, 1.0, 1.0, 2.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_untitled-1957,"[1.0, 0.0, 2.0, 3.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1958-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1959-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1959-2,"[0.0, 1.0, 5.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1960-1,"[1.0, 0.0, 3.0, 1.0, 1.0, 1.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_untitled-1960-1(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_untitled-1964,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1964-1,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1964-2,"[1.0, 1.0, 2.0, 3.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1965,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1965(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1965-2,"[3.0, 2.0, 3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1966,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1966(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_untitled-1966(2),"[1.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1969(1),"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1974,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1974-1,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1977,"[0.0, 1.0, 5.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1983,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1984-1,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1984-2,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-1985-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1985-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_untitled-1987,"[1.0, 2.0, 0.0, 3.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1989-2,"[0.0, 0.0, 2.0, 3.0, 0.0, 5.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-1990-3,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-blue-green-1958,"[1.0, 0.0, 3.0, 1.0, 0.0, 3.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,sam-francis_untitled-bright-ring-1-sfp68-55-1968,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_untitled-edge-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-edge-1964(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-edge-1965,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Color_Field_Painting,sam-francis_untitled-edge-1966,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-from-pasadena-box-1963-2,"[4.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-los-angeles-1983,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-purple-edge-1965,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-sam-francis-for-arnold-newman,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_untitled-sf49-075-1949,"[1.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-sf54-077-1954,"[1.0, 0.0, 5.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-sf55-003-1955,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-sf67-016-1967,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_untitled-sf71-045-1971,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_untitled-sf78-233-1978,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-sf78-235-1978,"[0.0, 0.0, 2.0, 0.0, 0.0, 4.0, 2.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_untitled-sfe-020-lembark-i53-1984,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-francis_untitled-sfm66-03-1966,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_untitled-sfm66-04-1966,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_untitled-sfp84-305-sfp86-497-1984,"[10.0, 3.0, 10.0, 4.0, 0.0, 9.0, 0.0, 2.0, 14.0]"
+Color_Field_Painting,sam-francis_untitled-sfs-243-1968,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-francis_untitled-sketch-sf66-048-1966,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,sam-francis_untitled-tokyo-1969,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-francis_veiled-sail-1969,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sam-gilliam_blue-line-2004,"[0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-gilliam_bowling-2001,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sam-gilliam_castle-banner-5-2004,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-gilliam_comet-i-1964,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sam-gilliam_pink-flutter-1969,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sam-gilliam_recitals-2009,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sam-gilliam_rhinoceros-3-2004,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,sam-gilliam_tempo-1965,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sean-scully_backs-fronts-windows-1993,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sean-scully_beach,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sean-scully_bridge-1991,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,sean-scully_coloured-wall-2003,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sean-scully_cradle-1985,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sean-scully_diptych-1991,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Color_Field_Painting,sean-scully_raval-rojo-2004,"[0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sean-scully_untitled-1983,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sean-scully_untitled-1993,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,sean-scully_untitled-6-24-92-1992,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sean-scully_wait-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,sean-scully_wall-of-light-desert-night-1999,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sean-scully_yellow-figure-2002,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sean-scully_yellow-red-1994,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sven-lukin_canestoga-1965,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sven-lukin_detour-2012,"[1.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sven-lukin_diamond-head-1964,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,sven-lukin_disneyesque-1971,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sven-lukin_green-thursday-1964,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sven-lukin_lemon-peel-1963,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sven-lukin_piano-lesson-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,sven-lukin_pink-butress-1966,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,sven-lukin_san-diego-1966,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sven-lukin_snug-2010,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sven-lukin_trafalgar-1965,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,sven-lukin_tucson-1966,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,sven-lukin_untitled-1964,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,sven-lukin_untitled-1965,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sven-lukin_untitled-1969,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,sven-lukin_untitled-1998,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,sven-lukin_untitled-l-4-1963,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,terry-frost_colour-on-the-side-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,terry-frost_may-1962-stays-1962,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,terry-frost_moonship-1972,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,terry-frost_stacked-on-the-side-1970,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,terry-frost_the-moon-rising-1989,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Color_Field_Painting,terry-frost_zebra-1972,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_archimandrite-1960,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_aristo-i-1959,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_classic-yellow-sun-box-1968,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_delphic-shibboleth-1959,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_delphic-sun-box-2-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_deseret-1959,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_divide-1958,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_double-aegean-sun-box-1968,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_double-green-sun-box-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_grand-blue-sun-box-1969,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,theodoros-stamos_homage-to-milton-avery-sun-box-iii-1969,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-1971,"[2.0, 4.0, 16.0, 6.0, 2.0, 6.0, 2.0, 0.0, 10.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-1980,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-2-lefkada-series-1978,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-creten-series-rizitika-4-1983,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-11-1978,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1972,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1977,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1977-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1979-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1979-1(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1980(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1980-1,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1980-1(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1981(3),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1982,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1982(1),"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1983,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-1983(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-for-c-d-friedrich-1981,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-i-1980,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkada-series-ix,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-lefkatos-series-ii-1978,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-nemea-series-4-1973,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-nemea-series-5-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-olympia-ii-1969,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-sunion-1-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_infinity-field-t-series-34-1990,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_infinity-fields-lefkada-series-1980,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_low-white-sun-box-1965,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,theodoros-stamos_morning-24c-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_olivet-sun-box-ii-1967,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_olympia-sun-box-1957,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_purple-color-field-with-two-green-lines,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_rose-sun-box-nr-2-1969,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_spartan-sun-box-i,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,theodoros-stamos_sunbox-1966,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_transparent-green-sun-box-1970,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_twin-sun-box-1965,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_untitled-1959,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_untitled-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_untitled-1967(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,theodoros-stamos_untitled-1971,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Color_Field_Painting,theodoros-stamos_white-sun-box-1966,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,theodoros-stamos_white-sun-mound-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Color_Field_Painting,thomas-downing_blue-space-1954,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,victor-pasmore_a-tree-full-of-birds-2-1979,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,victor-pasmore_blue-mandala-1978,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,victor-pasmore_il-labirinto-della-psiche-1986,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,victor-pasmore_square-motif-in-white-and-indian-red-1960,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,victor-pasmore_the-green-earth-1980,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,victor-pasmore_yellow-abstract-1961,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Color_Field_Painting,walter-battiss_bushwoman,"[2.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Color_Field_Painting,walter-darby-bannard_chatumec-2-1970,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Color_Field_Painting,walter-darby-bannard_cherokee-blanket-1964,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,walter-darby-bannard_green-valentine-2-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Color_Field_Painting,walter-darby-bannard_green-valentine-3-1965,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,walter-darby-bannard_lemon-cards-1-1963,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,walter-darby-bannard_liberty-garden-1972,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,walter-darby-bannard_yellow-rose-1-1963,"[1.0, 2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,william-scott_berlin-blues-4-1965,"[2.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,william-scott_berlin-blues-6-1966,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 6.0]"
+Color_Field_Painting,william-scott_blue-form-on-white-1964,"[1.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 7.0]"
+Color_Field_Painting,william-scott_blue-on-blue-1967,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Color_Field_Painting,william-scott_dark-brown-orange-and-white-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 2.0, 4.0]"
+Color_Field_Painting,william-scott_orange-black-and-white-1960,"[3.0, 1.0, 3.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Color_Field_Painting,william-scott_orange-black-and-white-composition-1953,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Color_Field_Painting,william-scott_painting-1959,"[1.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 2.0, 4.0]"
+Color_Field_Painting,william-scott_white-sand-and-ochre-1961,"[1.0, 1.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 4.0]"
+Color_Field_Painting,yves-gaucher_ocres-jaune-et-vert,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,chuck-close_agnes-1998,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,chuck-close_alex-color-1992,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,chuck-close_emma-2002,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,chuck-close_john-1998,"[1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,chuck-close_leslie-1986,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,chuck-close_phil-1976,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,chuck-close_self-portrait-2000,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,chuck-close_self-portrait-2007,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,dimitris-mytaras_dog,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Contemporary_Realism,dimitris-mytaras_portrait-of-pieridhs,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,dimitris-mytaras_portrait-of-the-officer-george-alexander-a-mangaki-1982,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,dimitris-mytaras_untitled(2),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Contemporary_Realism,donald-sultan_apples-and-oranges-1987,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Contemporary_Realism,eric-fischl_a-visit-to-a-visit-from-the-island,"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,eric-fischl_a-woman-posessed,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Contemporary_Realism,eric-fischl_bad-boy,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_barbecue,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_bayonne,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,eric-fischl_beach-scene-with-pink-hat,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_beata-ludovica,"[5.0, 13.0, 4.0, 1.0, 0.0, 1.0, 9.0, 11.0, 3.0]"
+Contemporary_Realism,eric-fischl_beautiful-day,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,eric-fischl_best-western-study,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,eric-fischl_birth-of-love-2nd-version,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_birthday-boy,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_by-the-river,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,eric-fischl_catboy,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_corrida-in-ronda-no-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Contemporary_Realism,eric-fischl_corrida-in-ronda-no-4,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_corrida-in-ronda-no-6,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,eric-fischl_cyclops-among-the-eternally-dead,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,eric-fischl_daddy-s-girl,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_dancer,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_four-generations-of-dickie-men,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_fred,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_girl-with-doll,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_growing-up-in-the-company-of-women-ii,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,eric-fischl_growing-up-in-the-company-of-women-iii,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_holy-man,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,eric-fischl_kowdoolie,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Contemporary_Realism,eric-fischl_krefeld-project-bathroom-scene-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_krefeld-project-bedroom-scene-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Contemporary_Realism,eric-fischl_krefeld-project-living-room-scene-3,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_krefeld-project-living-room-scene-4,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_master-bedroom,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_new-house,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,eric-fischl_on-the-stairs-of-the-temple,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_once-where-we-looked-to-put-down,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Contemporary_Realism,eric-fischl_portrait-of-a-couple-steve-and-anne-in-la,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,eric-fischl_portrait-of-an-artist-as-a-woman,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,eric-fischl_portrait-of-the-artist-as-an-old-man,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_scarsdale,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,eric-fischl_scenes-from-late-paradise-beached,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_scenes-from-late-paradise-the-drink,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_scenes-from-late-paradise-the-parade,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_scenes-of-late-paradise-the-welcome,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,eric-fischl_self-portrait,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_sisters-of-cythera,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Contemporary_Realism,eric-fischl_sleepwalker,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_so-she-moved-into-the-light,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_study-for-sheer-weight-of-history,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Contemporary_Realism,eric-fischl_the-bed-the-chair-crossing,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-bed-the-chair-dancing-watching,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,eric-fischl_the-bed-the-chair-the-sitter,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Contemporary_Realism,eric-fischl_the-bed-the-chair-touched,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-bed-the-chair-waiting,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-begining-of-the-end,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-clemente-family,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-empress-of-sorrow,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_the-life-of-pigeons,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-offspring-of-a-murderous-love,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-old-man-s-boat,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_the-raft,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Contemporary_Realism,eric-fischl_the-sheer-weight-of-history,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-start-of-a-fairy-tale,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-travel-of-romance,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-travel-of-romance-scene-i,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0]"
+Contemporary_Realism,eric-fischl_the-travel-of-romance-scene-ii,"[1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,eric-fischl_the-travel-of-romance-scene-iv,"[0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_time-for-bed,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_truman-capote-in-hollywod,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_untitled,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_untitled-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_untitled-7,"[1.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_untitled-8,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,eric-fischl_untitled-brice-in-pink-shirt,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_what-s-between-you-and-me,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,eric-fischl_willie-and-liz,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,fairfield-porter_amherst-campus-no-1-1969,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_anemone-and-daffodil-1965,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_anne-1965,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,fairfield-porter_anne-in-a-striped-dress-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,fairfield-porter_apple-blossoms-ii-1974,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,fairfield-porter_girl-in-a-landscape-1965,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_henry-sitting-in-chair-1958,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,fairfield-porter_iced-coffee-1966,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_jane-and-elizabeth,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,fairfield-porter_july-1971,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_july-interior-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,fairfield-porter_late-afternoon-snow-1972,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,fairfield-porter_long-island-landscape-with-red-building-1962,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_october-interior-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,fairfield-porter_penobscot-bay-with-yellow-field-1968,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_red-cables-1940,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_self-portrait-1972,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Contemporary_Realism,fairfield-porter_still-life-with-stapler-1970,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,fairfield-porter_the-christmas-tree-1971,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_the-mirror-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Contemporary_Realism,fairfield-porter_under-the-elms-1972,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,fairfield-porter_wheat-1960,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,fairfield-porter_wild-roses-1961,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,gilles-aillaud_bassin-avec-otarie-1976,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,gilles-aillaud_cage-aux-lions-1967,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,gilles-aillaud_cage-vide-1971,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Contemporary_Realism,gilles-aillaud_crocodile-et-grilles-1969,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Contemporary_Realism,gilles-aillaud_delta-1992,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,gilles-aillaud_hippotame-et-arbre-l-envers-1971,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,gilles-aillaud_int-rieur-vert-1964,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,gilles-aillaud_la-bataille-du-riz-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,gilles-aillaud_mar-e-basse-courants-ii-1986,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,gilles-aillaud_mar-e-basse-ii-rochers-1984,"[1.0, 9.0, 16.0, 4.0, 0.0, 2.0, 1.0, 2.0, 10.0]"
+Contemporary_Realism,gilles-aillaud_orang-outang-derri-re-la-grille-1965,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Contemporary_Realism,gilles-aillaud_otaries-dans-l-eau-1976,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Contemporary_Realism,gilles-aillaud_pinguins-1971,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,gilles-aillaud_serpent-et-trou-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Contemporary_Realism,gilles-aillaud_serpents-et-assiette-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Contemporary_Realism,gilles-aillaud_untitled-1974,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,gilles-aillaud_untitled-1977,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_a-very-small-dog-1980,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_and-then-into-the-sunset-2007,"[1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_andy-warhol-back-view-standing-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_andy-warhol-facing-left-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_angus-1974,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_angus-study-1974,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_automaton-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_baby-jane-in-summer-1978,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,jamie-wyeth_big-inch-1965,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Contemporary_Realism,jamie-wyeth_black-spruce-1994,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_boat-time-1976,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_brandywine-spider-1973,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_cat-bates-of-monhegan-1995,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Contemporary_Realism,jamie-wyeth_coke-1985,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_comet-1997,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_cooling-off-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_corn-crib-1964,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_dandelions,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_emperor-of-chickens-2002,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_fallen-1975,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_foot-1973,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_giant-dryads,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_giuliana-and-the-sunflowers-1987,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_grackles-and-angus-1974,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_gull-rock-1970,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_halloween-monhegan-1972,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_horse-tub-1972,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_if-once-you-have-slept-on-an-island-1996,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_island-church-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_island-library-1977,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_island-roses,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_island-steer-1976,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_john-f-kennedy-1967,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_julia-on-the-swing-1999,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_jump-1979,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_kalounna-in-frogtown-1986,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Contemporary_Realism,jamie-wyeth_katie-on-southern-1998,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_kent-house-1971,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_landmark-1971,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_lattice-work-1967,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_lester-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Contemporary_Realism,jamie-wyeth_lifeline-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_lighthouse-1993,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_lighthouse-dandelions,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_lincoln-kirstein-1965,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_looking-south,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_maine-ice-storm,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_man-reading-monhegan-1974,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_mcgee-s-1971,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_meteor-shower-1993,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_mischief-night-1986,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_monhegan-bell-1978,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_monhegan-s-schoolteacher-2004,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_mushroom-picker-1963,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_new-growth-1971,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_new-shoot-1973,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_newfoundland-1971,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_night-pigs-1979,"[6.0, 6.0, 19.0, 1.0, 0.0, 7.0, 4.0, 7.0, 3.0]"
+Contemporary_Realism,jamie-wyeth_not-detected-267430,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_not-detected-267433,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_not-detected-267434,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_not-detected-267443,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_not-detected-267445,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_obelisk-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_orca-1990,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_orca-bates-1990,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_other-voices-1995,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_pig-and-train-1977,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_portrait-of-andrew-wyeth-1969,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_portrait-of-andy-warhol-1976,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_portrait-of-jean-kennedy-smith-1972,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_portrait-of-lady-1968,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_portrait-of-orca-bates-1989,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_portrait-of-pig-1970,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_portrait-of-shorty-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_pot-1969,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_pumpkinhead-self-portrait-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_record-player-1964,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_root-cellar-1966,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_roots-1971,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_rudolf-nureyev,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_rudolf-nureyev-1977,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Contemporary_Realism,jamie-wyeth_rudolf-nureyev-1978,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_screen-door-to-the-sea-1994,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Contemporary_Realism,jamie-wyeth_sea-of-storms-1970,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_slayton-house-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_spring-plowing-1969,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_submerged-1975,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_summer-house-winter-house-1975,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Contemporary_Realism,jamie-wyeth_switcher-1977,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_the-islander-1976,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_the-mainland-1992,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_the-pickup-2008,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_the-red-house-1972,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_the-rookery-1977,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_the-runaway-pig-1979,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_the-thief-1996,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_tin-woodsman-1968,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_torn-spruce,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_twin-houses-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_twins-1990,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_wanderer,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_warm-halloween-1989(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Contemporary_Realism,jamie-wyeth_whale-1978,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_winter-pig-1975,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Contemporary_Realism,jamie-wyeth_wolf-dog-1976,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_4-glasses-1974,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_black-bowl-red-scarf-2007,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_blue-decanter-polka-dot-bowl-suzani-2009,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_cartwheel-2000,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_chili-peppers-2005,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_coffee-cake-2003,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_cut-peach-blue-vase-1993,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_dishes-from-japan-2003,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_evian-bottles-1976,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,janet-fish_glass-and-shells-1990,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,janet-fish_herb-tea-1995,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_kraft-salad-dressing-1973,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,janet-fish_monkey-business-2005,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,janet-fish_nasturtiums-and-pink-cups-1981,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_orange-pink-green-2003,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,janet-fish_peaches-1971,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,janet-fish_peaches-and-strawflowers-1990,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,janet-fish_plastic-boxes-2007,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_preserved-peaches-1975,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,janet-fish_turkish-delight-2003,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,janet-fish_white-tulips-1999,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,janet-fish_wine-and-cheese-glasses-1975,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_algarve-farm,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_algarve-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,john-miller_anjuna-beach-goa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,john-miller_asven-beach-goa,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_autumn-day-beach,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_autumn-estuary,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_autumn-sunrise,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_autumn-trees,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_beach,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_beach(1),"[0.0, 7.0, 33.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Contemporary_Realism,john-miller_beach(2),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_beach(3),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,john-miller_beach(4),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,john-miller_beach(5),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_beach(6),"[0.0, 7.0, 26.0, 9.0, 0.0, 1.0, 1.0, 1.0, 6.0]"
+Contemporary_Realism,john-miller_beach-goa,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_beach-no-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_beach-with-palm,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_blue-horizon,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,john-miller_calangute-beach,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_casa-do-rio-beach-goa,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_celtic-coastline,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,john-miller_coco-beach-goa,"[0.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_coconut-beach,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_cornish-beach,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Contemporary_Realism,john-miller_cornish-riviera,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_estuary,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_estuary-i,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_estuary-iii,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_evening-beach,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_farm-in-tuscany,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_figure-on-beach,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,john-miller_goan-beach,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_godrevy-lighthouse,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_hayle-towans-beach,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_heat-and-dust,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_horizon,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_horizon-ii,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_interior-landscape-mauve,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Contemporary_Realism,john-miller_late-summer-landscape,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_lelant-beach-new-moon,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_lelant-sandbar-x,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,john-miller_lelant-sea-movement,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_lord-the-sea-is-so-big,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_majorcan-house,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_midsummer-day,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_moonoverthebay,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_morjim-beach-goa,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Contemporary_Realism,john-miller_moroccan-kasbah,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_my-boat-is-so-small,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_off-coco-beach-goa,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_paraportian-i,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_penwith-beach,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_porth-kidney-beach,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_porthkidney-beach,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_porthkidney-with-passing-yacht,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_shoreline,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_spring-in-portugal,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_spring-sandspur,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,john-miller_summer-beach-i,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_summer-haze,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_sunrise,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,john-miller_sunrise-of-wonder,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_sunrise-of-wonder-v,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,john-miller_sunrise-of-wonder-vi,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_sunrise-of-wonder-viii,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_the-camponile-doges-palace-venice,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,john-miller_the-canticle-of-st-francis-on-lelant-beach,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,john-miller_towards-the-bay,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_tresco,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_trevorrian-sancreed-farm,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_tropical-beach,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_view-from-st-giorgio-marina,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_west-penwith-summer-landscape,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_windsurfers-porth-kidney-beach-ii,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,john-miller_yacht-passing-the-terrace,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,john-miller_yellow-chair,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,konstantin-vasilyev_above-the-bonfire,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,konstantin-vasilyev_not-detected-272814,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,konstantin-vasilyev_not-detected-272815,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,konstantin-vasilyev_portrait-of-a-sister-with-shepherd-dog,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,konstantin-vasilyev_provincial-teacher,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Contemporary_Realism,konstantin-vasilyev_the-starry-sky,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,konstantin-vasilyev_village-of-mari,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Contemporary_Realism,lucian-freud_a-filly-1970,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,lucian-freud_acacia,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,lucian-freud_buttercups-1968,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,lucian-freud_cyclamen-1964,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Contemporary_Realism,lucian-freud_daffodils-and-celery-1948,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,lucian-freud_factory-in-north-london,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,lucian-freud_garden-from-the-window,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,lucian-freud_garden-in-winter,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Contemporary_Realism,lucian-freud_garden-notting-hill-gate,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,lucian-freud_girl-in-a-blanket-1953,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,lucian-freud_girl-in-bed-1952,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Contemporary_Realism,lucian-freud_kingcups-souvenir-of-glen-artney,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,lucian-freud_sleeping-nude,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,lucian-freud_two-plants-1980,"[0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,lucian-freud_wasteground-with-houses-paddington-1972,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1989,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1989(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1989(2),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1989(3),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1989(4),"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1992,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1993,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1994,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Contemporary_Realism,mostafa-dashti_untitled-1997,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Contemporary_Realism,mostafa-dashti_untitled-2009(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Contemporary_Realism,neil-welliver_base-of-falls,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_beaver-pond-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Contemporary_Realism,neil-welliver_big-flowage,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_birches,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_blueberries-in-fissures,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_blueberry-burn-morey-s-hill,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,neil-welliver_briggs-meadow-1977,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_canadian-geese,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_cascade,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_cold-claudia-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_edwin-before-osprey-nest,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_figure-in-water,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_figure-with-child,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_figure-with-shirt,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_flotsam-allagash,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_high-water-mark,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,neil-welliver_hope-to-megunticook,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_illusory-flowage,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_islands-allagash,"[1.0, 13.0, 23.0, 4.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Contemporary_Realism,neil-welliver_joanna-s-marsh,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_late-light,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_light-in-brook,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_lower-ducktrap,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,neil-welliver_maine-woodland-png-1970,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_man-in-canoe-jpg,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Contemporary_Realism,neil-welliver_midday-barren,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_new-dams-in-meadow,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,neil-welliver_night-scene-1982,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_nude-in-striped-robe,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_nude-in-striped-robe-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_old-windfall-1982,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_olivia-seated-1968,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_osprey-s-nest-1980,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,neil-welliver_pileated-woodpecker,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_pond-pass,"[0.0, 16.0, 19.0, 5.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Contemporary_Realism,neil-welliver_red-slips,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_redding-salmon-1998,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_sarah,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_seated-figure-claudia-1969,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_shadow,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_shadow-on-brigg-s-meadow,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_shadow-on-frankfort-barren-jpg,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Contemporary_Realism,neil-welliver_study-for-aqua-spring,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_study-for-blue-ducktrap,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_study-for-clouds-i,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_study-for-clouds-ii,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_study-for-falls-jam-brook,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,neil-welliver_study-for-flat-boulder-reflected,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_study-for-head-of-passagassawaukeg,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,neil-welliver_study-for-ice-flow-allagash,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,neil-welliver_study-for-little-spruce,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_study-for-low-water-knight-s-flowage,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Contemporary_Realism,neil-welliver_study-for-midday-barren,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_stump,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_stump-and-ferns,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_stumps-and-allagash,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,neil-welliver_synthetic-blue-st-john,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_the-blue-pool,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_trees-reflected-on-ice,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,neil-welliver_trout-and-reflected-tree,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,neil-welliver_twice,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_two-canoes,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_two-figures-twice-1972,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_two-trout-reflection,"[2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,neil-welliver_untitled-night-scene-study,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,neil-welliver_untitled-two-figures-with-lilies,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,neil-welliver_unyarded-deer,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,philip-pearlstein_figure-lying-on-rug-1970,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_flamingo-2006,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Contemporary_Realism,philip-pearlstein_girl-on-iron-bench-1972,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_iron-bed-and-plastic-chair-1999,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,philip-pearlstein_lying-female-nude-on-purple-drape-1968,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_male-and-female-nudes-with-red-and-purple-drape-1968,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_nude-and-african-drum-2006,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,philip-pearlstein_nude-on-green-cushion-1965,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,philip-pearlstein_nude-on-navajo-rug-1972,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_nude-with-red-model-airplane-1988,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_portrait-of-robert-storr-1988,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_self-portrait-2000,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Contemporary_Realism,philip-pearlstein_swan-accordion-and-mercury-1994,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Contemporary_Realism,philip-pearlstein_two-models-in-a-window-with-cast-iron-toys-1987,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,philip-pearlstein_two-nudes-on-old-indian-rug-1971,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,richard-whitney_abandoned-orchard,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_allen-kenney,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,richard-whitney_andrea-gargiulo,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,richard-whitney_autumn-storm,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,richard-whitney_bill-and-marie-stinson,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,richard-whitney_burst-of-autumn,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_dan-cowan,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,richard-whitney_dean-and-roberta-smith,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,richard-whitney_dr-j-william-littler,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Contemporary_Realism,richard-whitney_dr-nancy-harrington,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,richard-whitney_dr-nelson-kiang,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,richard-whitney_edges-of-april-skies,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,richard-whitney_end-of-an-era,"[0.0, 9.0, 24.0, 9.0, 0.0, 2.0, 1.0, 3.0, 2.0]"
+Contemporary_Realism,richard-whitney_gathering-flowers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_glenda,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,richard-whitney_helen-papoutsy,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_hugh-gallen,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,richard-whitney_james-h-webb,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Contemporary_Realism,richard-whitney_john-h-sununu,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_john-w-king,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,richard-whitney_lane-kirkland,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Contemporary_Realism,richard-whitney_leticia,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,richard-whitney_marion-sadeghi-nejad,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_matinee,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,richard-whitney_michael-j-mcgivney,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_mitt-romney,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,richard-whitney_monadnock-orchard,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_nancy,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_norma-safford,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_robert-reich,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Contemporary_Realism,richard-whitney_sandy-laughner-jr,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Contemporary_Realism,richard-whitney_self-portrait-1973,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Contemporary_Realism,richard-whitney_spring-thaw,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Contemporary_Realism,richard-whitney_spring-willows,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Contemporary_Realism,richard-whitney_walpole-meadow,"[1.0, 8.0, 32.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,adolf-fleischmann_hommage-delaunay-et-gleizes-1938,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,afro_cronaca-autobiographia-1953,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 3.0]"
+Cubism,albert-gleizes_arabesque-brush-or-cubist-composition-1952,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,albert-gleizes_composition-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,albert-gleizes_composition-au-diapason,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,albert-gleizes_composition-for-jazz-1915,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,albert-gleizes_femme-au-fauteuil-1923,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,albert-gleizes_femme-cubiste-1921,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,albert-gleizes_femmes-cousant-1913,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,albert-gleizes_figure-cubiste-1921,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,albert-gleizes_football-players-1912,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,albert-gleizes_houses-in-a-valley-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,albert-gleizes_la-chasse-1911,"[2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,albert-gleizes_landscape-with-bridge-and-viaduct-1910,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Cubism,albert-gleizes_landscape-with-chimneys-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,albert-gleizes_landscape-with-mill,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,albert-gleizes_man-on-a-balcony-portrait-of-dr-th-o-morinaud-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,albert-gleizes_mati-re-et-lumi-re-ou-le-christ-au-t-tramorphe-1934,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,albert-gleizes_new-york-1915,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,albert-gleizes_on-a-sailboat,"[5.0, 5.0, 7.0, 12.0, 1.0, 2.0, 1.0, 2.0, 10.0]"
+Cubism,albert-gleizes_paysage-1914,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,albert-gleizes_portrait-de-jacques-nayral-1911,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,albert-gleizes_serrieres,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,albert-gleizes_sitting-nude-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Cubism,albert-gleizes_tarrytown,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,albert-gleizes_the-schoolboy-1924,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,albert-gleizes_the-swimmers-1912,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,albert-gleizes_two-women-seated-by-a-window-1914,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,albert-gleizes_untitled-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,albert-gleizes_untitled-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,albert-gleizes_untitled-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,albert-gleizes_untitled-5,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,albert-gleizes_untitled-6,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,albert-gleizes_untitled-7,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,albert-gleizes_vers-le-port,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,alberto-magnelli_farmers-at-table-1922,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,alberto-magnelli_femme-la-blouse-jaune-1916,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,alberto-magnelli_incantation-1935,"[9.0, 4.0, 10.0, 9.0, 0.0, 2.0, 2.0, 1.0, 7.0]"
+Cubism,alberto-magnelli_la-toilette-1917,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,alberto-magnelli_man-smoking-1914,"[4.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,aldemir-martins_vase-of-flowers-1949,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,alekos-kontopoulos_armchair-1951,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,alekos-kontopoulos_cupid,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,alekos-kontopoulos_enangalismos,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,alekos-kontopoulos_he-wasn-t-18-1974,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,alekos-kontopoulos_still-life-1956,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,alfred-manessier_david-1948,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,alfred-manessier_les-dieux-marins-1935,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,alfred-manessier_les-p-lerins-d-emmaus-1944,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,alfred-manessier_soir-e-d-octobre-1946,"[3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_azenhas,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_basque-landscape-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,amadeo-de-souza-cardoso_bridge-1914,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_brut-300-tsf-2-1917,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_cash-register-1917,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,amadeo-de-souza-cardoso_castle-1912,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,amadeo-de-souza-cardoso_composition-with-guitar,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,amadeo-de-souza-cardoso_corpus-christi-procession-1913(1),"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_don-quihote-1914,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_entrada-1917,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_girl-of-carnations-1913,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_grief-head-boquilha-1914,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_head-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,amadeo-de-souza-cardoso_head-1913-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_head-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_interior-expression-of-things-1915,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,amadeo-de-souza-cardoso_landscape-1912,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_life-of-instruments-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_painting-1917,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_parto-da-viola-bom-m-nage-1916,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,amadeo-de-souza-cardoso_sheperd,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_stronghold-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,amadeo-de-souza-cardoso_the-kitchen-in-the-house-manhaus-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_the-life-of-instruments,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,amadeo-de-souza-cardoso_the-rise-of-green-square-and-the-woman-s-violin-1916,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_title-unknown-coty-1917,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,amadeo-de-souza-cardoso_ukulele-1915,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_untitled-boats-1913,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,amadeo-de-souza-cardoso_untitled-portrait-of-paul-alexander-1917,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,amadeo-de-souza-cardoso_zinc-1917,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,amedee-ozenfant_36-voiles-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,amedee-ozenfant_accords-1922,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amedee-ozenfant_adam-et-eve-1957,"[6.0, 6.0, 13.0, 6.0, 0.0, 3.0, 2.0, 2.0, 7.0]"
+Cubism,amedee-ozenfant_composition-ii-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,amedee-ozenfant_composition-puriste-1926,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,amedee-ozenfant_le-pichet-blanc-1926,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,amedee-ozenfant_maternity-1941,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,amedee-ozenfant_nacres-1926,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,amedee-ozenfant_pacifique-iii,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,amedee-ozenfant_sisteron,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,amedee-ozenfant_still-life-1921,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,amedee-ozenfant_still-life-1926,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,amedee-ozenfant_synth-se,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,amedee-ozenfant_untitled-1957,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,amedee-ozenfant_voilier-1963,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,andre-derain_a-village,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,andre-derain_baker-s-hotel,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,andre-derain_bathers,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Cubism,andre-derain_bathing-women,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Cubism,andre-derain_landscape-1907,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,andre-derain_martigues-landscape-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,andre-derain_still-life-1910,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,andre-derain_still-life-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Cubism,andre-derain_still-life-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,andre-derain_the-last-supper-of-jesus-1911,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Cubism,andre-derain_vista-de-saint-paul-de-vence-1910,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,andre-masson_birds-and-masks,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Cubism,andre-masson_card-trick,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,andre-masson_l-homme-embl-matique,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Cubism,andre-masson_minors,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,andre-masson_no-name-1(3),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Cubism,andre-masson_no-name-1(7),"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,andre-masson_no-name-1(8),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Cubism,andre-masson_no-name-2(1),"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,andre-masson_no-name-4,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Cubism,andre-masson_pasiphae-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Cubism,andre-masson_portrait-of-roland-tual,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Cubism,andre-masson_portrait-of-the-poet-kleist,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Cubism,andre-masson_prison-gray,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Cubism,andre-masson_reclining-nude-1956,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Cubism,andre-masson_removal,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,andre-masson_the-bird-pierced-with-arrows,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,andre-masson_the-meals,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Cubism,andre-masson_the-sand-crab,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,andre-masson_the-sleeper,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Cubism,andre-masson_the-star(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Cubism,andre-masson_the-vagabond,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Cubism,andre-masson_two-naked,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,andre-masson_untitled,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 3.0]"
+Cubism,andre-masson_woman-holding-a-bird,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,andrã©-lhote_acacias-1959,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,andrã©-lhote_cordes-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,andrã©-lhote_l-atelier-sur-la-terrasse-de-mirmande-1957,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,andrã©-lhote_l-entr-e-du-bassin-flot-bordeaux-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,andrã©-lhote_l-escale-1913,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,andrã©-lhote_la-plage-1920,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,andrã©-lhote_la-plage-1957,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,andrã©-lhote_le-judgment-de-paris-1927,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,andrã©-lhote_le-nile-1952,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,andrã©-lhote_le-port-de-bordeaux-1915,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,andrã©-lhote_les-deux-amies-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,andrã©-lhote_les-joueurs-de-rugby,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,andrã©-lhote_les-palmiers-th-bes-1950,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,andrã©-lhote_mirmande-1930,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,andrã©-lhote_mirmande-jaune-1956,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,andrã©-lhote_nature-morte-au-chinois-1930,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,andrã©-lhote_nu-a-sa-toilette-1918,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,andrã©-lhote_nu-assis-1948,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,andrã©-lhote_paysage-au-lambrequin-rose-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,andrã©-lhote_route-la-cadi-re-1957,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,andrã©-lhote_sur-la-terrasse-1945,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,andrã©-lhote_vue-de-paris-ou-la-seine-au-point-du-jour-1926,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,anita-malfatti_a-boba-1916,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,anita-malfatti_nu-cubista,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,anita-malfatti_o-homem-de-sete-cores-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,aristarkh-lentulov_landscape-with-dry-trees-sergiev-posad,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,aristarkh-lentulov_portrait-of-the-regisseur-alexander-tairov-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Cubism,aristarkh-lentulov_self-portrait-1912,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,aristarkh-lentulov_self-portrait-1915,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,arshile-gorky_blue-figure-in-a-chair,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,arshile-gorky_bound-in-sleep,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,arshile-gorky_child-of-an-idumean-night-composition-no-4,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,arshile-gorky_composition,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,arshile-gorky_enigmatic-combat-1937,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,arshile-gorky_image-in-khorkom,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Cubism,arshile-gorky_man-s-head,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Cubism,arshile-gorky_mechanics-of-flying,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,arshile-gorky_organization-1936,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,arshile-gorky_painting-1937,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,arshile-gorky_portrait-head,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,arshile-gorky_still-life-composition-no-7,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,arshile-gorky_still-life-red-and-yellow,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,arshile-gorky_the-barber-composition-no-5,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,arshile-gorky_the-raven-composition-no-3,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,arshile-gorky_tracking-down-guiltless-doves,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,arshile-gorky_untitled-cubist-figure,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,arthur-dove_clouds-and-water-1930,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,arthur-segal_die-br-cke-in-r-genwalderm-nde-1925,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,arthur-segal_helgoland-1923,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,auguste-herbin_bridge-over-the-oise-to-vadencourt-1912,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,auguste-herbin_composition,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,auguste-herbin_composition-1928,"[2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_composition-cubiste-1917,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,auguste-herbin_composition-landscape-at-ceret-1919,"[1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_composition-monumentale-1919,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,auguste-herbin_cubist-composition-1913,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,auguste-herbin_dessert-1913,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,auguste-herbin_dropsgezicht-1911,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_head-1918,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,auguste-herbin_landscape-in-ceret-1913,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_mill-at-saint-b-nin,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_mill-on-the-marn-creteil-1911,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,auguste-herbin_paysage-c-ret-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,auguste-herbin_still-life,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_still-life-with-oranges-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Cubism,auguste-herbin_the-oise-at-vadencourt-1912,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,auguste-herbin_the-small-boat-1927,"[2.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,auguste-herbin_the-yellow-bridge-at-ceret-1913,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_untitled-1913,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,auguste-herbin_villaggio-di-collina,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,auguste-herbin_women-and-children-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,bela-kadar_constructive-town-1925,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,bela-kadar_dissolving-houses-1920,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,bela-kadar_music,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,bela-kadar_still-life-1930,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,bela-kadar_still-life-with-chessboard-and-pipe-1920,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,ben-nicholson_1934-6-painting-still-life-1936,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,ben-nicholson_1943-45-st-ives-cornwall-1945,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,ben-nicholson_1945-still-life-1945,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,ben-nicholson_20-april-1979-vertical-stripe-1979,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,ben-nicholson_3-forms-in-a-landscape-1967,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,ben-nicholson_aegean-1967,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,ben-nicholson_aegean-2-1967,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,ben-nicholson_august-1956-val-d-orcia-1956,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,ben-nicholson_feb-2-54-1954,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,ben-nicholson_feb-28-53-vertical-seconds-1953,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,ben-nicholson_feb-55-1955,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,ben-nicholson_glass-topped-bottle-1967,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,ben-nicholson_july-27-53-ivory-1953,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,ben-nicholson_pisa-as-intended-1967,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,ben-nicholson_rafael-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,ben-nicholson_ronco-1967,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,ben-nicholson_sept-8-54-torcello-1954,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,ben-nicholson_turkish-form-1967,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,ben-nicholson_turkish-sundial-column-1967,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,brett-whiteley_portrait-of-wendy-1984,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,brett-whiteley_the-cat-1980,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,candido-portinari_chorinho-1942,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,candido-portinari_denise-com-carneiro-branco-1961,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,candido-portinari_menino-com-carneiro-1953,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,carlos-merida_a-hymn-to-the-shulamite-1982,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,carlos-merida_composici-n-abstracta-1975,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,carlos-merida_di-logo-silente-1966,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,carlos-merida_duo,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,carlos-merida_el-abuelo-ixmucan-1966,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,carlos-merida_el-dios-del-fuego-1948,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,carlos-merida_el-doble-1977,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,carlos-merida_el-n-huatl-1964,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,carlos-merida_el-verano-1981,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,carlos-merida_epitalamio-1968,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,carlos-merida_estabilidad-en-dos-puntos-study,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,carlos-merida_faces,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,carlos-merida_figures-with-pipes-1978,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,carlos-merida_geometrica-en-la-forma-1951,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,carlos-merida_juego-en-tres-tonos-1972,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,carlos-merida_la-endecha,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,carlos-merida_la-familia-1977,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,carlos-merida_la-m-scara-de-hun-came-1965,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,carlos-merida_la-m-scara-m-gica-1969,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,carlos-merida_manifestaci-n-1978,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,carlos-merida_native-couple-1939,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,carlos-merida_plano-complejo,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,carlos-merida_the-prodigal-son-1973,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,carlos-merida_untitled-1964,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,carlos-merida_ventana-al-infinito-1972,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,carlos-saenz-de-tejada_at-the-bar,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,carlos-saenz-de-tejada_figurine-for-ravel-s-bolero-antonia-merce-la-argentina-1930,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,carlos-saenz-de-tejada_illustration-for-carmen-1932,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,charles-lapicque_la-bugatti-1925,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,charles-sheeler_still-life-1925,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,christian-schad_kreuzabnahme-1916,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,christian-schad_portrait-de-walter-serner-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Cubism,conrad-marca-relli_la-citt-1951,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,corneliu-michailescu_composition-with-romanian-motifs,"[2.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,corneliu-michailescu_deer-hunter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,corneliu-michailescu_harlequins,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,corneliu-michailescu_housework,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,corneliu-michailescu_interior-of-the-atelier-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Cubism,corneliu-michailescu_still-life-with-fruit-bowl,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,corneliu-michailescu_still-life-with-fruits,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,corneliu-michailescu_still-life-with-grapes-and-carafe,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,corneliu-michailescu_unknown-title,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,david-bomberg_barges-1919,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,david-bomberg_bathing-scene-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,david-bomberg_imaginative-composition-the-tent-1923,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,david-bomberg_in-the-hold-1914,"[0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,david-bomberg_racehorses-1913,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,david-bomberg_the-mud-bath-1914,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,david-bomberg_vision-of-ezekiel-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,diego-rivera_la-tour-eiffel-1914,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,diego-rivera_landscape-at-toledo-1913,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,diego-rivera_motherhood-angelina-and-the-child-diego-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,diego-rivera_portrait-de-martin-luis-guzman-1915,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Cubism,diego-rivera_portrait-of-marevna,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,diego-rivera_portrait-of-oscar-miestchaninoff-1913,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,diego-rivera_portrait-of-ramon-gomez-de-la-serna-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Cubism,diego-rivera_portrait-of-the-adolfo-best-maugard-1913,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,diego-rivera_portrait-of-two-women-1914,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,diego-rivera_sailor-at-breakfast-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,diego-rivera_still-life-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,diego-rivera_the-adoration-of-the-virgin-1913,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,diego-rivera_the-architect-jesus-t-acevedo,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,diego-rivera_view-of-toledo-1912,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,diego-rivera_woman-at-a-well-1913,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,diego-rivera_zapatista-landscape-the-guerrilla-1915,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,eduardo-viana_as-tr-s-ab-boras,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,eduardo-viana_k4-quadrado-azul-1916,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,eduardo-viana_la-petite-1916,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Cubism,eduardo-viana_rapaz-das-lou-as-1919,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,eileen-agar_the-shell-1934,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,endre-bartos_cubist-city-2004,"[3.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,ernst-ludwig-kirchner_dancing-female-nude-gret-palucca,"[2.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Cubism,ernst-ludwig-kirchner_female-rider-1932,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,ernst-ludwig-kirchner_great-lovers-mr-and-miss-hembus,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Cubism,ernst-ludwig-kirchner_lovers-the-hembusses,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,ernst-ludwig-kirchner_lovers-the-kiss,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,ernst-ludwig-kirchner_mask-dance-1929,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,ernst-ludwig-kirchner_sad-female-head-1929,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Cubism,ernst-ludwig-kirchner_the-kiss,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Cubism,ernst-ludwig-kirchner_traber-team,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_a-b-c-1927,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_a-disc-in-the-city-1919,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_acrobats,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Cubism,fernand-leger_acrobats-2,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_acrobats-in-gray-1944,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Cubism,fernand-leger_acrobats-in-the-circus-1918,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_animated-landscape-1921,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_breakfast-1921,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_chimneys-on-rooftops-1911,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Cubism,fernand-leger_composition-1918,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_composition-1919,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_composition-1920,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_contrast-of-forms-1913,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_contrast-of-forms-1918,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_contrasts-of-forms-1913,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,fernand-leger_dance-1929,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 1.0]"
+Cubism,fernand-leger_dancer-in-blue-veil,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_discs-1918,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_discs-1918-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_discs-1919,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_diver-on-a-yellow-background,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,fernand-leger_divers-polychrome,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,fernand-leger_draft-costume-front-1929,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_draft-costume-front-1929-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_drawing-of-ground-plan-for-the-office-of-jean-zay-1937,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_face-by-hand-on-a-red-background,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,fernand-leger_face-with-both-hands-1954,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,fernand-leger_factories-1918,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,fernand-leger_fishermen-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,fernand-leger_head-constructor-1950,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,fernand-leger_houses-in-the-trees-landscape-n-3-1914,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_landscape-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Cubism,fernand-leger_landscape-animated-1st-study-1921,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,fernand-leger_machine-element-1924,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_machine-element-1st-state-1924,"[3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_machine-elements-1919,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_machine-elements-1920,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_man-and-woman-1921,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_man-in-town,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,fernand-leger_mechanical-compositions-1923,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_mechanical-elements-on-red-background-1924,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_men-in-the-city-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,fernand-leger_mural-1951,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_naked-model-in-the-workshop-1913,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_nudes-in-the-forest-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,fernand-leger_pear-compotoir-1923,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_peti-parrot-women-women-in-parrot,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Cubism,fernand-leger_portrait-of-andre-mare-1901,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_portrait-of-henry-viel-a-friend-of-painter-fernand-leger-1903,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,fernand-leger_portrait-of-henry-viel-a-friend-of-painter-fernand-leger-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Cubism,fernand-leger_project-costume-skating-rink,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_project-for-female-costume-skating-rink,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,fernand-leger_propellers-2nd-state-1918,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_red-pot-1926,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_skating-rink-drawing-of-decoration-1921,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_skating-rink-drawing-of-the-curtain-of-scene-1921,"[13.0, 3.0, 4.0, 10.0, 0.0, 1.0, 4.0, 1.0, 9.0]"
+Cubism,fernand-leger_skating-rink-marine-blue-and-red-drawing-of-costume-1921,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,fernand-leger_smoke-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,fernand-leger_smokers-1912,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_staircase-19-1914,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,fernand-leger_still-life-1918,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_still-life-1919,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_still-life-1922,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_still-life-1925,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_still-life-1927,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,fernand-leger_still-life-in-the-machine-elements-1918,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_still-life-in-the-tankard-final-state-1921,"[4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_still-life-with-candle,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_study-for-builders-of-feet-1950,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_study-for-the-city,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_study-of-mask-for-the-creation-of-monde,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,fernand-leger_the-baluster-1925,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_the-bathers-1,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-bathers-the-dancers,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Cubism,fernand-leger_the-big-parade,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,fernand-leger_the-birds-in-the-landscape-1921,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,fernand-leger_the-breakfast-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-bridge-of-the-tug-boat-1920,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_the-butcher-shop-1921,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-chair-membership-to-the-lamp-the-lamp-still-life-1955,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-circus-1918,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-city-1919,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_the-creation-of-the-prehistoric-world-state-1923,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,fernand-leger_the-creation-of-the-world,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,fernand-leger_the-creation-of-the-world-bird-drawing-of-costume-1923,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-creation-of-the-world-costume-of-woman-1923,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-creation-of-the-world-drawing-of-curtain-of-scene-1923,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,fernand-leger_the-creation-of-the-world-great-figure-drawing-of-costume-1923,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-creation-of-the-world-monkey-drawing-of-costume-1923,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,fernand-leger_the-disc-1918,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-face-face-and-hands,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Cubism,fernand-leger_the-four-cyclists,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-great-tug-1923,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_the-hairy,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,fernand-leger_the-house-in-the-trees-1913,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-house-under-the-trees-1913,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-kneeling-woman-1934,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Cubism,fernand-leger_the-large-tug-boat-1923,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-level-crossing-1912,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_the-man-with-the-cane-1920,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-man-with-the-pipe-1918,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-mask-negro,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_the-mechanic-1920,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-moulin-rouge,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-observatory-study-for-the-city,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-rider-acrobat-juggler-1921,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-study-for-the-city-centre-1927,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,fernand-leger_the-three-comrades-1920,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_the-tug-in-the-city,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-two-faces-1951,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_the-two-sailors,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,fernand-leger_the-two-women-bouquet-1921,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_the-two-women-in-blue-vase-1935,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-two-women-two-sisters-1952,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_the-typographer-1919,"[4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-viaduct,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-woman-and-the-child-1922,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-woman-in-blue-1912,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_the-woman-leaves-the-woman-with-the-bird,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,fernand-leger_the-woman-with-black-hair-1952,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,fernand-leger_the-woman-with-the-fruit-dish-1924,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Cubism,fernand-leger_the-worker-sitting,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,fernand-leger_three-characters-1920,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_three-characters-1924,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Cubism,fernand-leger_three-figures-1921,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_three-girls-on-red-background-composition-with-three-women-1927,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,fernand-leger_three-sisters-1952,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_three-women-1921,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_three-women-with-flowers,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,fernand-leger_three-women-with-the-still-life-1920,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,fernand-leger_trouville-1911,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Cubism,fernand-leger_trouville-1921,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,fernand-leger_two-discs-in-the-city-1918,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_two-figures-naked-on-red-bottom-1923,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,fernand-leger_two-women-and-still-life-1st-state-1920,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_two-women-two-sisters-1935,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,fernand-leger_two-women-with-the-toilet-final-state-1920,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_woman-with-a-book-1923,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,fernand-leger_woman-with-a-cat-1921,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,fernand-leger_woman-with-flower-portrait-study-1920,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,fernand-leger_women-with-mirror-1920,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,francis-picabia_ballerina-on-an-ocean-liner-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Cubism,francis-picabia_dances-at-the-spring-1912,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,francis-picabia_edtaonisl-ecclesiastic,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,francis-picabia_new-york-as-seen-from-across-the-body,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,francis-picabia_the-embarassment,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,francis-picabia_udnie-young-american-girl-1913,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,francis-picabia_young-girl,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,franz-marc_animal-destinies-the-trees-show-their-rings-the-animals-their-veins,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,franz-marc_animals-in-a-landscape-1914,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,franz-marc_birds-1914,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,franz-marc_broken-forms-1914,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,franz-marc_caliban-from-shakespeare-s-the-tempest-1914(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_coloful-flowers-abstract-forms,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,franz-marc_deer-in-a-monastery-garden-1912,"[1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,franz-marc_deer-in-the-forest-1913,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_deer-in-the-forest-ii-1914,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,franz-marc_fabulous-beast-ii-1913,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,franz-marc_horse-and-dog-1913,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_horse-asleep,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,franz-marc_in-the-rain-1912,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,franz-marc_long-yellow-horse-1913,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,franz-marc_mandrill-1913,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,franz-marc_monkey-frieze-1911,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,franz-marc_mountain-goats-1914,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,franz-marc_mountains-rocky-way-landscape,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,franz-marc_picture-with-cattle-1913,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,franz-marc_red-deer-1913,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,franz-marc_saint-julian-l-hospitalier-1913,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,franz-marc_seated-mythical-animal-1913,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,franz-marc_sleeping-animals-1913,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,franz-marc_sleeping-deer-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_small-composition-i-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,franz-marc_small-composition-ii-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,franz-marc_small-composition-iii,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,franz-marc_stables-1913,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,franz-marc_the-dream-1912,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,franz-marc_the-enchanted-mill-1913,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,franz-marc_the-first-animals-1913,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,franz-marc_the-fox-1913,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_the-lamb-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,franz-marc_the-waterfall-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,franz-marc_the-wolves-balkan-war-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Cubism,franz-marc_three-horses-1912,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,franz-marc_tiger-1912,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_two-horses-1912,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_two-horses-1913,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,franz-marc_two-horses-red-and-blue-1912,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,franz-marc_tyrol-1914,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,fã©lix-del-marle_self-portrait-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Cubism,fã©lix-del-marle_study-for-a-portrait-of-jean-dupr-1913,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,fã©lix-del-marle_the-port-1914,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,fã©lix-del-marle_the-port-1914-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,fã©lix-del-marle_untitled-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,georges-braque_a-black-pedestal-1919,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,georges-braque_a-house-at-estaque-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,georges-braque_big-nude-1908,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Cubism,georges-braque_big-trees-at-estaque-1908,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,georges-braque_bottle-and-fish-1941,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,georges-braque_brown-still-life-1932,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,georges-braque_cafe-bar-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,georges-braque_fishing-boats,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,georges-braque_fruit-dish,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,georges-braque_head-of-a-woman-1909,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Cubism,georges-braque_musical-instruments-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,georges-braque_napkin-knife-and-pore-1908,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,georges-braque_path-at-estaque-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,georges-braque_piano-and-mandolin,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,georges-braque_plate-and-fruit-dish-1908,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,georges-braque_road-near-estaque-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,georges-braque_still-life-bach-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,georges-braque_still-life-with-a-metronome,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,georges-braque_still-life-with-a-violin-1912,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,georges-braque_still-life-with-bottle-of-bass-1914,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,georges-braque_still-life-with-music-scroll,"[0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,georges-braque_still-life-with-red-tablecloth-1934,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,georges-braque_the-bottle-of-marc-1930,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,georges-braque_the-bowl-of-grapes-1926,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Cubism,georges-braque_the-echo,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,georges-braque_the-fruitdish-1912,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,georges-braque_the-mantelpiece-1925,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,georges-braque_the-pink-napkin-1933,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,georges-braque_the-yellow-napkin-1935,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,georges-braque_viaduct-at-estaque,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,georges-braque_viaduct-at-estaque-1908,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,georges-braque_viaduct-at-l-estaque-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,georges-braque_violin-and-musical-score,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,georges-ribemont-dessaignes_untitled-portrait-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,gino-severini_a-dancer-1,"[7.0, 6.0, 3.0, 16.0, 3.0, 6.0, 3.0, 0.0, 4.0]"
+Cubism,gino-severini_ballerina-1954,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gino-severini_commedia-dell-arte-1958,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,gino-severini_flowers-and-masks-1930,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,gino-severini_harlequin-1965,"[2.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,gino-severini_harlequins-1954,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gino-severini_mosaic-at-the-church-of-st-mark-cortona-italy,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,gino-severini_odalisque-with-mirrors-1942,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,gino-severini_still-life,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gino-severini_still-life-1955,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,gino-severini_still-life-centrifugal-expansion-of-colors-1916,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Cubism,gino-severini_still-life-with-the-dome-of-st-peter-s-1943,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,gino-severini_still-life-with-violin-1964,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gino-severini_the-concert-1955,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gino-severini_the-musicians-1955,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,gino-severini_window-with-doves,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,gino-severini_woman-with-green-plant-1917,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,gosta-adrian-nilsson_acrobats-in-paris-1924,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_bains-1923,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_blue-head-1951,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_bull-and-matador-iii-1926,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Cubism,gosta-adrian-nilsson_composition-with-figure-1923,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,gosta-adrian-nilsson_composition-with-musical-instruments,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_dancers-1921,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_dessin-pour-le-peintre-1923,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_dock-1932,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_explosioner,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_explosioner-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Cubism,gosta-adrian-nilsson_fantasi-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_figurer-i-trappa-1923,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_flotte-1921,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_gratulations-nskning-1919,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_hockey-player,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_house-at-the-beach-1919,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_jack-1915,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_komposition-1917,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,gosta-adrian-nilsson_komposition-1950,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Cubism,gosta-adrian-nilsson_komposition-med-fartyg-och-figurer,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,gosta-adrian-nilsson_komposition-med-gren,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_komposition-med-noter-1921,"[2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_komposition-med-organiska-former-1922,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_lucia-with-mask-1951,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_marin-1-1922,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_mekanik-sandskopa-1922,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_r-dgr-n-figur-1923,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_roddexercis-1917,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_scissor-plant-1952,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_shadows-twilight-1929,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_sj-man,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_soldat-1917,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,gosta-adrian-nilsson_sp-rvagnen-1914,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,gosta-adrian-nilsson_still-life-1923,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_the-javelin-thrower,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,gosta-adrian-nilsson_untitled-1912,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,gosta-adrian-nilsson_vertical-figure-1928,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,hans-hofmann_magenta-and-blue-1950,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,hans-hofmann_provincetown-1942,"[1.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,hans-hofmann_provincetown-1942(1),"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,hans-hofmann_the-window-1950,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,hans-hofmann_untitled-1942,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,hans-richter_colorful-city-with-zeppelin-1916,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,hans-richter_portrait-of-dora-rukser-1927,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,henri-laurens_autumn-1948,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,henri-laurens_bather-fragment-1931,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,henri-laurens_bottle-and-glass-1917,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,henri-laurens_composition-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Cubism,henri-laurens_compote-dish-and-guitar-1927,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,henri-laurens_eventide-1935,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,henri-laurens_femme-allong-e-au-bras-lev-1950,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Cubism,henri-laurens_femme-au-compotier-1920,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,henri-laurens_femme-l-oiseau-1922,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,henri-laurens_femme-tendue-1936,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Cubism,henri-laurens_figura-1929,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,henri-laurens_guitar-1920,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,henri-laurens_head-of-a-boxer-1920,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,henri-laurens_head-of-a-woman-1915,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,henri-laurens_head-of-a-young-girl-t-te-de-jeune-fillette-1920,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,henri-laurens_l-amphion-1952,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,henri-laurens_l-aurore-1944,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,henri-laurens_la-bouteille-1916,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,henri-laurens_la-dormeuse-1943,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,henri-laurens_la-grande-musicienne-1937,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,henri-laurens_la-guitar-rose-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,henri-laurens_le-grand-adieu-1941,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Cubism,henri-laurens_les-ondines-1934,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,henri-laurens_man-with-clarinet-1919,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,henri-laurens_man-with-pipe-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,henri-laurens_seated-woman-1926,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,henri-laurens_seated-woman-1930,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,henri-laurens_sirene-1938,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,henri-laurens_standing-female-nude-femme-nue-debout-1921,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,henri-laurens_untitled-from-dialogues,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,henri-laurens_untitled-from-dialogues(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,henri-laurens_valencia-1927,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,henri-laurens_woman-with-drapery-1928,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Cubism,henri-le-fauconnier_a-still-life-with-a-carafe-and-glasses-1913,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,henri-le-fauconnier_abundance-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,henri-le-fauconnier_figures-1913,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,henri-le-fauconnier_lake-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,henri-le-fauconnier_mountaineers-attacked-by-bears-1912,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,henri-le-fauconnier_the-signal-1915,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,henri-le-fauconnier_the-tree-1912,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,henri-le-fauconnier_zealand-farmer-s-wives-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,henri-matisse_bathers-by-a-river-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,henri-matisse_garden-at-issy,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,henri-matisse_head-white-and-pink,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Cubism,henri-matisse_madame-yvonne-landsberg-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,henri-matisse_portrait-of-mme-matisse-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Cubism,henri-matisse_still-life-after-jan-davidsz-de-heem-s-la-desserte-1915,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,henri-matisse_sun-s-ray-1917,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,henri-matisse_the-moraccans-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jack-bush_red-white-blue-1946,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jack-bush_sailboats-lake-of-bays-1953,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,jack-bush_still-life-with-knife-1954,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,jack-bush_untitled,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jack-bush_untitled(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jack-bush_untitled-wc127-1952,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jacques-villon_4e-bucolique-pollion-from-les-bucoliques,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Cubism,jacques-villon_abstract-figure-in-a-landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Cubism,jacques-villon_au-coin-du-bois,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jacques-villon_birds-in-flight-1958,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jacques-villon_composition-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Cubism,jacques-villon_composition-abstraite-1926,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Cubism,jacques-villon_desserte,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,jacques-villon_fum-e-et-arbres-en-fleurs,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,jacques-villon_girl-at-the-piano-fillette-au-piano-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,jacques-villon_l-acrobate-1913,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,jacques-villon_l-ecuyere-1954,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jacques-villon_la-faucheuse-aux-cheveaux-de-dos,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jacques-villon_la-lutte-1957,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,jacques-villon_le-mois-de-mai-1952,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,jacques-villon_les-peupliers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,jacques-villon_man-sitting-1958,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,jacques-villon_nature-morte-aux-fleurs-jaunes-1956,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jacques-villon_ph-dre-et-hyppolite-1944,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,jacques-villon_portrait-de-j-l-b,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,jacques-villon_portrait-of-an-actor-f-lix-barr-1913,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jacques-villon_rider-in-the-ring-1952,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jacques-villon_taureau-et-g-meaux,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,jacques-villon_the-armchair-1951,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,jacques-villon_the-dining-table-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jacques-villon_the-equilibrist-l-equilibriste-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,jacques-villon_unknown-title,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jacques-villon_untitled,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jacques-villon_untitled-1962,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,jacques-villon_yvonne-d-in-profile-yvonne-d-de-profil-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Cubism,jan-sluyters_houses-in-the-jordaan,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,janos-mattis-teutsch_calling-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,janos-mattis-teutsch_figure-in-landscape,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,janos-mattis-teutsch_man-and-woman-1926,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,janos-mattis-teutsch_the-manual-workers-and-the-intellectuals-1927,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,jean-david_acre-match-box,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_arab-parables-1962,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_biblical-scene,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jean-david_bird-1958,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,jean-david_boats-of-jewish-immigrants-hamaapilim-1948,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,jean-david_city-scape-ceramic,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jean-david_el-al-playing-cards(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,jean-david_figure(3),"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,jean-david_house,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_houses-in-flames,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Cubism,jean-david_israel-1960,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-david_jacob-s-dream,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jean-david_jaffa,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jean-david_jerusalem-1950,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_jonah-and-the-whale-israel-travel-poster-1954,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,jean-david_king-david-israel-travel-poster-1956,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,jean-david_portrait-of-a-woman-ceramic-1959,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-david_refinery,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,jean-david_safad-match-box,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_shimshon-and-the-lion,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,jean-david_still-life-1950,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_still-life-and-fruit,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_still-life-on-a-white-tablecloth,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,jean-david_the-royal-couple-1950,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,jean-david_tomb-of-king-david-and-dormition-abbay-mt-zion-jerusalem,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-david_untitled-railroad-1950,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,jean-david_visit-israel-1950,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-david_woman,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Cubism,jean-helion_au-cycliste-1939,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,jean-helion_fallen-figure-1939,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,jean-helion_figure-rose-1937,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,jean-hugo_l-homme-la-p-querette-1921,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-hugo_la-peinture-et-la-musique-1928,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-hugo_table-de-jeu-1919,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,jean-metzinger_composition-all-gorique-1929,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-metzinger_dancer-in-a-caf-1912,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-metzinger_embarkation-of-harlequin-arlequin-1923,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,jean-metzinger_femme-assise-en-robe-bleue-1950,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-metzinger_femme-la-fen-tre-maternit-1912,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Cubism,jean-metzinger_la-femme-l-ventail-woman-with-fan-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,jean-metzinger_la-plume-jaune-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Cubism,jean-metzinger_la-tricoteuse-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-metzinger_la-violoniste-1955,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-metzinger_landscape-1914,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,jean-metzinger_landscape-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Cubism,jean-metzinger_les-baigneuses-1913,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-metzinger_nu-au-soleil-nude-in-the-sun-1935,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,jean-metzinger_nu-couch-reclining-figure-1946,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,jean-metzinger_nude-in-front-of-a-mirror-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,jean-metzinger_pitcher-hen-house-1923,"[9.0, 2.0, 19.0, 6.0, 1.0, 0.0, 0.0, 1.0, 8.0]"
+Cubism,jean-metzinger_portrait-of-albert-gleizes-1912,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,jean-metzinger_still-life-1919,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-metzinger_still-life-playing-cards-coffee-cup-and-apples-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,jean-metzinger_still-life-playing-cards-coffee-cup-and-apples-1917-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-metzinger_still-life-with-pumpkin-and-bottle-of-rum-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,jean-metzinger_table-by-a-window-1917,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,jean-metzinger_the-village-1918,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jean-metzinger_village-church-and-two-characters-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,jean-metzinger_woman-with-a-coffee-pot-1919,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jean-metzinger_woman-with-a-mandolin-1950,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,joan-miro_ciurana-the-path,"[1.0, 0.0, 0.0, 5.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Cubism,joan-miro_horse-pipe-and-red-flower,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,joan-miro_north-south,"[4.0, 1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,joan-miro_not_detected_227961,"[4.0, 1.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Cubism,joan-miro_not_detected_227962,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,joan-miro_not_detected_227963,"[0.0, 3.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,joan-miro_not_detected_227964,"[0.0, 3.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,joan-miro_nude-with-mirror,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,joan-miro_portrait-of-a-spanish-dancer,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,joan-miro_portrait-of-v-nubiola,"[1.0, 1.0, 4.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,joan-miro_prades-the-village,"[2.0, 3.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,joan-miro_standing-nude,"[2.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 3.0]"
+Cubism,joan-miro_standing-nude-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,joan-miro_still-life-with-coffee-mill,"[3.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,joan-miro_still-life-with-rose,"[2.0, 1.0, 0.0, 3.0, 1.0, 3.0, 0.0, 0.0, 2.0]"
+Cubism,joan-miro_the-carbide-lamp-1923,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,joan-miro_the-ear-of-corn-1923,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,joan-miro_the-farmer-s-wife-1923,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,joan-miro_the-table-still-life-with-rabbit,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Cubism,johannes-itten_der-bachs-nger-helge-lindberg-1916,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,johannes-sveinsson-kjarval_hvitasunnudagr-1919,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,john-marin_city-movement-1940,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Cubism,john-marin_mt-chocorua-no-1-1926,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,john-marin_st-paul-s-manhattan-1914,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,john-marin_stonington-maine-1923,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jose-de-almada-negreiros_acrobats-1947,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,jose-de-almada-negreiros_domingo-lisboeta-1949,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,jose-de-almada-negreiros_fisherwoman-tapestry,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,jose-de-almada-negreiros_tapestry,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jose-de-almada-negreiros_the-fisherman-tapestry,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_bananas,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_book-and-guitar-1925,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,juan-gris_bottle-and-pitcher,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_bottle-wine-glass-and-fruit-bowl,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_bullfighter-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,juan-gris_carafe-and-book-1920,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_clown,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_clown-1919,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_figs,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_fruit-and-book,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,juan-gris_fruit-bowl-and-fruit,"[0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_fruit-bowl-pipe-and-newspaper,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,juan-gris_fruit-dish-and-glass-1924,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,juan-gris_fruit-with-bowl-1926,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_girl,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_glass-and-carafe-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,juan-gris_guitar-and-clarinet-1920,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_guitar-and-fruit-bowl-on-a-table-1918,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_guitar-and-fruit-dish-1919,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_guitar-and-music-paper-1927,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,juan-gris_harlequin-1920,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_harlequin-1922,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,juan-gris_harlequin-with-guitar-1919,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_harlequin-with-violin,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,juan-gris_landscape-at-beaulieu-1918,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,juan-gris_large-reclining-nude,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,juan-gris_lemon,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,juan-gris_man-from-touraine-1918,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,juan-gris_not_detected_207835,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_not_detected_207837,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,juan-gris_pierrot-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,juan-gris_pierrot-1921,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,juan-gris_pierrot-1922,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,juan-gris_pierrot-playing-guitar-1923,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,juan-gris_pierrot-with-book-1924,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,juan-gris_pierrot-with-guitar-1922,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,juan-gris_pierrot-with-guitar-1925,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Cubism,juan-gris_pipe-and-glass-1923,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_portrait-daniel-henry-kahnweiler-1921,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,juan-gris_portrait-of-a-man-1923,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,juan-gris_portrait-of-madame-josette-gris-1916,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_seated-harlequin-1923,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,juan-gris_seltzer-bottle-and-glass-1917,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,juan-gris_still-life-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_still-life-with-goblet,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_still-life-with-guitar-book-and-newspaper,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_still-life-with-lamp-1919,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_still-life-with-newspaper-1916,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,juan-gris_table-overlooking-the-sea-1925,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_the-basket-of-pears-1925,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,juan-gris_the-blue-cloth-1925,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,juan-gris_the-bunch-of-grapes-1924,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_the-cloud-1921,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,juan-gris_the-garden-1916,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,juan-gris_the-glass-1914,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Cubism,juan-gris_the-goblet-1927,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Cubism,juan-gris_the-guitar-with-inlay-1925,"[1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,juan-gris_the-miller-1918,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,juan-gris_the-mountain-le-canigou-1921,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_the-musician-s-table-1926,"[0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,juan-gris_the-open-book-1925,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_the-open-book-1925-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,juan-gris_the-open-window-1921,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_the-reader-1926,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,juan-gris_the-table-in-front-of-the-picture-1926,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,juan-gris_the-three-masks-1923,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,juan-gris_three-lamps-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,juan-gris_two-pierrots-1922,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,juan-gris_violin-with-fruit-1924,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,juan-gris_woman-with-a-mandolin-after-corot-1916,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,juan-gris_woman-with-basket-1927,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,julio-gonzalez_architectural-figure-no-2-1940,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,julio-gonzalez_daphne-1937,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,julio-gonzalez_fantastic-figure-1937,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,julio-gonzalez_femme-au-miroir-1934,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,julio-gonzalez_femme-au-miroir-1937,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Cubism,julio-gonzalez_femme-tendue-lisant-1929,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,julio-gonzalez_figure-with-balls-1938,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,julio-gonzalez_head-1935,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,julio-gonzalez_homme-cactus-dansant-1939,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,julio-gonzalez_la-chevelure-1934,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,julio-gonzalez_les-amoreux-ii-1933,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Cubism,julio-gonzalez_main-gauche-lev-e-no-2-1942,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Cubism,julio-gonzalez_monsieur-cactus-1939,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Cubism,julio-gonzalez_nu-assis-de-dos-1927,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Cubism,julio-gonzalez_reclining-figure-1934,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,julio-gonzalez_t-te-au-miroir-1934,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,julio-gonzalez_torso-1936,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Cubism,julio-gonzalez_visage-criant-a-la-grande-main-1941,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,jury-annenkov_dancer-in-the-landscape,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,jury-annenkov_monk-christopher-with-christ-near-the-river-1917,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Cubism,jury-annenkov_portrait-of-elena-annenkova-1917,"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_arithmetics-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,kazimir-malevich_aviator,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_bureau-and-room-1913,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,kazimir-malevich_composition-with-the-mona-lisa-1914,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_cow-and-fiddle-1913,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_englishman-in-moscow-1914,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_floor-polishers-1912,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_green-and-black-1913,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,kazimir-malevich_head-of-a-peasant-girl,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_in-the-baths-1911,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_in-the-field-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,kazimir-malevich_laundress,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0]"
+Cubism,kazimir-malevich_man-illogical-figures-of-men-and-women-1916,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_mower-1912,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_musical-instrument-1913,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_not_detected_219727-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,kazimir-malevich_peasant-woman-with-buckets-and-a-child,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_peasant-women-in-a-church,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_praying-woman-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Cubism,kazimir-malevich_province-1912,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_reaper,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_reaper-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,kazimir-malevich_reaper-1929,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,kazimir-malevich_sketch-for-a-portrait-of-ivan-klyun,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_soldier-of-the-first-division-1914,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_sportsman-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_standing-figure-1927,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_taking-in-the-harvest-1911,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,kazimir-malevich_the-athlete-of-the-future-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_the-reaper-on-red-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_traveler-1913,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_two-and-a-pushcart-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,kazimir-malevich_vanity-box-1913,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,kazimir-malevich_woman-1916,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,kazimir-malevich_woodcutter,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,konstantin-vasilyev_not-detected-272792,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,konstantinos-parthenis_pink-figure-wizard,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,konstantinos-parthenis_still-life,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,konstantinos-parthenis_still-life-1930,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,konstantinos-parthenis_still-life-1935,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,konstantinos-parthenis_still-life-with-acropolis-in-the-background-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,konstantinos-parthenis_the-night-responds-to-my-complaints-1933,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,lajos-tihanyi_chatting-1928,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,lajos-tihanyi_chatting-1928-1,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lajos-tihanyi_composition-1925,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,lajos-tihanyi_portrait-of-tristan-tzara-1927,"[2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lajos-tihanyi_still-life-with-bottle-and-glass-1928,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,lajos-tihanyi_still-life-with-pipe-1923,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,lajos-tihanyi_three-trees-1922,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,lasar-segall_aldeia-russa-1918,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,lasar-segall_brazilian-landscape-1925,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,le-corbusier_abstract-composition-1927,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,le-corbusier_abstract-composition-figures-in-a-landscape-1930,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,le-corbusier_cubist-pipe-lines,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,le-corbusier_i-was-dreaming-first-version-1953,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,le-corbusier_le-modulor-1956,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,le-corbusier_madame-la-table-est-dress-e-1961,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,le-corbusier_still-life-1920,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,le-corbusier_still-life-1958,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,le-corbusier_still-life-filled-with-space-1924,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,le-corbusier_taureau-bull-or-beefy-man-xviii-1958,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,le-corbusier_taureau-i-1961,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,le-corbusier_th-mes-ubu-parurge-et-alma-rio-1960,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,le-corbusier_untitled-1932,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Cubism,leopold-survage_31,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,leopold-survage_composition-cubiste,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,leopold-survage_d-cor-de-th-atre-pour-les-euclides,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,leopold-survage_destins-1954,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,leopold-survage_femme-et-oiseau-1927,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,leopold-survage_femmes-de-san-giminiano-1950,"[13.0, 8.0, 7.0, 3.0, 2.0, 2.0, 5.0, 3.0, 6.0]"
+Cubism,leopold-survage_homme-dans-la-ville-1917,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,leopold-survage_l-oiseau-1915,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,leopold-survage_la-ville-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,leopold-survage_landscape,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Cubism,leopold-survage_le-voyage-dans-l-infini-le-depart-1959,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Cubism,leopold-survage_les-porteuses-d-eau-1939,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,leopold-survage_les-pr-sences-1956,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,leopold-survage_paysage-l-homme-dans-la-ville-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,leopold-survage_portrait-de-nonnes,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Cubism,leopold-survage_the-beauty-and-the-beast,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,leopold-survage_untitled,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,leopold-survage_untitled-1953,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,leopold-survage_woman-and-bird-1930,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,louis-marcoussis_a-cello-1921,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_a-slice-of-watermelon-1927,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_bees-1940,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_breton-bread-two-fish-spoon-1929,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_composition-au-coquillage-1940,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_composition-au-visage-et-au-coquillage-1939,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_composition-cubiste-au-portrait-poisson-et-clair-de-lune-1926,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_concert-1928,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_couple-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Cubism,louis-marcoussis_figures-and-marine-anchor-1930,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,louis-marcoussis_figures-on-a-beach-1930,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,louis-marcoussis_glass-and-violin,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_guitar-and-pomegranates-by-a-window-1921,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_hy-res-i-1928,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_interior-with-balcony-1928,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Cubism,louis-marcoussis_jug-and-card-1919,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_kerity-landscape-1927,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_la-cithare-1923,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_la-table-1927,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_la-table-1930,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,louis-marcoussis_lulli-1919,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_musician-in-an-interior-1929,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_nature-morte-1926,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_nature-morte-cubiste-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_nimes-1928,"[4.0, 5.0, 10.0, 3.0, 1.0, 2.0, 0.0, 7.0, 14.0]"
+Cubism,louis-marcoussis_nuit-ii-composition-with-frog,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_planches-de-salut-1931(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_poire-verte-et-couteau-1941,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_portret-van-albert-flechteim-1914,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_rain-1929,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_still-life,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_still-life-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,louis-marcoussis_still-life-1925,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_still-life-in-front-of-the-balcony-1929,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Cubism,louis-marcoussis_still-life-in-front-of-the-window-1920,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_still-life-with-ace-of-spades-1921,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,louis-marcoussis_still-life-with-big-bear-1926,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_still-life-with-envelope,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_still-life-with-ephemeris-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,louis-marcoussis_still-life-with-fish-1928,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_still-life-with-pomegranates-and-knife-on-a-pedistal-1925,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_still-life-with-window,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_the-cardplayer-1921,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,louis-marcoussis_the-large-fly-1937,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Cubism,louis-marcoussis_the-open-door-1928,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,louis-marcoussis_the-red-fish-1921,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_the-window-overlooking-the-eiffel-tower-1920,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Cubism,louis-marcoussis_two-poets-1929,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,louis-marcoussis_un-reve-a-dream-1930,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_untitled-still-life-1929,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-marcoussis_viareggio-la-depeche-de-toulouse,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,louis-marcoussis_violin-bottle-flowers-in-a-glass-and-eight-of-spades-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,louis-schanker_abstract-composition-1938,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,louis-schanker_abstract-with-instruments-1932,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,louis-schanker_aerial-act-1940,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,louis-schanker_beggars-1933,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,louis-schanker_caf-1-1938,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,louis-schanker_football,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,louis-schanker_football-1941,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,louis-schanker_forms-in-action-1941,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,louis-schanker_polo-1937,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,louis-schanker_study-in-green-and-black-1939,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,louis-schanker_three-figures,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,louis-schanker_untitled-1939,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,louis-schanker_wall-handball-study-1942,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_barfuesserkirche-i-1924,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_church-of-the-minorites-ii-1926,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Cubism,lyonel-feininger_church-of-the-minorities-ii,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_cyclists-1912,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_gaberndorf-ii-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,lyonel-feininger_gelmeroda-1936,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,lyonel-feininger_gelmeroda-iii-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,lyonel-feininger_gelmeroda-ix-1926,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_gelmeroda-viii-1921,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_gelmeroda-xiii-1936,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,lyonel-feininger_harbor-mole-1913,"[0.0, 2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_hopfgarten-1920,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_jesuiten-iii-jesuits-iii-1915,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_lady-in-mauve-1922,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_landungssteg-1920,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_marine-from-the-first-portfolio-die-erste-mappe-1918,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,lyonel-feininger_market-church-in-halle-1930,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_mid-ocean-1937,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,lyonel-feininger_oberweimar-1921,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_on-the-bridge-ober-weimar-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Cubism,lyonel-feininger_ships-1917,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_st-mary-s-church-with-the-arrow-1930,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Cubism,lyonel-feininger_stiller-tag-am-meer-iii-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,lyonel-feininger_the-cathedral-1920,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,lyonel-feininger_the-green-bridge-ii-1916,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,lyonel-feininger_the-high-shore-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,lyonel-feininger_the-village-of-legefeld-i-dorf-legefeld-i-1916,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,lyonel-feininger_torturm-ii-1925,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,lyubov-popova_air-man-space,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,lyubov-popova_composition-with-figures-1915,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,lyubov-popova_cubist-landscape-city-1914,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,lyubov-popova_dramatic-architecture,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,lyubov-popova_portrait-of-a-philosopher,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,lyubov-popova_relief,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,lyubov-popova_sketch-for-portrait,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,lyubov-popova_space-force-construction,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,lyubov-popova_still-life-with-guitar-1915,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Cubism,lyubov-popova_still-life-with-tray,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,lyubov-popova_the-jug-on-the-table,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,lyubov-popova_the-pianist,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,lyubov-popova_the-traveler,"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,lyubov-popova_violin,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_composition,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,m.-h.-maxy_danube-water-levels-1926,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,m.-h.-maxy_diavolii-stage-design,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_electric-madonna-1926,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_ferma,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,m.-h.-maxy_human-construction-1926,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,m.-h.-maxy_jews-in-snow-1943,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,m.-h.-maxy_madam-ghitas-portrait-composition,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,m.-h.-maxy_madonna,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_market-1920,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_meissen,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_nude-1924,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,m.-h.-maxy_nude-on-green-sofa-1928,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,m.-h.-maxy_nude-with-idol-1924,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 3.0]"
+Cubism,m.-h.-maxy_nude-with-veil-1922,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_organ-grinder-1940,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_peasant-portrait-1931,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,m.-h.-maxy_portrait-of-tristan-tzara-1924,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,m.-h.-maxy_serenade-1934,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,m.-h.-maxy_st-george-place-in-crotches-1935,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,m.-h.-maxy_still-life,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_still-life(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,m.-h.-maxy_still-life-with-a-celluloid-doll-and-iron-1926,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,m.-h.-maxy_string-trio,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,m.-h.-maxy_three-musicians-1926,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,m.-h.-maxy_urban-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_vertical-construction-1923,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,m.-h.-maxy_workers-1935,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,m.c.-escher_not_detected_204650,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,m.c.-escher_portrait-of-a-bearded-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Cubism,m.c.-escher_seated-female-nude,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,m.c.-escher_seated-female-nude-i,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Cubism,m.c.-escher_seated-female-nude-iii,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,man-ray_departure-of-summer,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Cubism,man-ray_electro-magie,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,man-ray_hills,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Cubism,man-ray_landscape,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,man-ray_orquesta-sinfonica-1916,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,man-ray_portrait-of-alfred-stieglitz-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,man-ray_portrait-of-juliet,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,man-ray_silhouette,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,man-ray_still-life-with-red-tea-kettle,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,man-ray_the-black-tray,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Cubism,man-ray_untitled,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,man-ray_untitled-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,man-ray_untitled-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,marc-chagall_a-poet,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,marc-chagall_adam-and-eve-1912,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,marc-chagall_bella-with-white-collar-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Cubism,marc-chagall_birth-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,marc-chagall_blue-lovers-1914,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_cemetery-gates-1917,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,marc-chagall_composition-with-goat-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,marc-chagall_cows-over-vitebsk-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Cubism,marc-chagall_cubist-landscape-1918,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,marc-chagall_david-1914,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_david-in-profile-1914,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_golgotha-1912,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,marc-chagall_green-lovers-1915,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_grey-lovers-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,marc-chagall_homage-to-apollinaire-1912,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,marc-chagall_homage-to-gogol-design-for-curtain-for-gogol-festival-1917,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_house-at-vitebsk-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Cubism,marc-chagall_i-and-the-village-1911,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,marc-chagall_jew-at-prayer-1913,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,marc-chagall_jew-in-green-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Cubism,marc-chagall_listening-to-the-cock-1944,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,marc-chagall_lovers-in-green-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,marc-chagall_lovers-in-pink-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,marc-chagall_lovers-with-flowers-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_marketplace-in-vitebsk-1917,"[3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_mazin-the-poet,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Cubism,marc-chagall_nude-1913,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,marc-chagall_over-the-town-1918,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_paris-through-the-window-1913,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_peasant-life-1925,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_portrait-of-brother-david-with-mandolin-1914,"[10.0, 2.0, 5.0, 5.0, 0.0, 6.0, 1.0, 12.0, 4.0]"
+Cubism,marc-chagall_portrait-of-sister-maryasinka-1914,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Cubism,marc-chagall_purim,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_rain-1911,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_reclining-nude-1911,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Cubism,marc-chagall_red-jew-1915,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,marc-chagall_russian-village-under-the-moon-1911,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,marc-chagall_self-portrait-with-easel-1914,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_self-portrait-with-muse-dream-1918,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_self-portrait-with-palette-1917,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_self-portrait-with-seven-digits-autoportrait-1913,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_snow-covered-church-1927,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_soldiers-1912,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_still-life-1912,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-betrothed-and-eiffel-tower-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,marc-chagall_the-blue-house-1917,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-cattle-dealer-1912,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,marc-chagall_the-drunkard-1912,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-feast-of-the-tabernacles-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_the-fiddler-1913,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,marc-chagall_the-fiddler-1914,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,marc-chagall_the-green-violinist-1924,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-holy-coachman-1912,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-painter-to-the-moon-1917,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,marc-chagall_the-pinch-of-snuff-1912,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-poet-or-half-past-three-1912,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_the-praying-jew-rabbi-of-vitebsk-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-promenade-1918,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-smolensk-newspaper-1914,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_the-soldier-drinks-1912,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-wandering-jew-1925,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_the-watering-trough-1925,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,marc-chagall_three-acrobates-1926,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_to-russia-with-asses-and-others,"[0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0, 0.0, 0.0]"
+Cubism,marc-chagall_visit-to-grandparents-1915,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marc-chagall_vitebsk-from-mount-zadunov-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,marc-chagall_wounded-soldier-1914-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,marcel-duchamp_about-young-sister-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,marcel-duchamp_bride-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,marcel-duchamp_king-and-queen-surrounded-by-swift-nudes-1912,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marcel-duchamp_nude-descending-a-staircase-no-2-1912,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,marcel-duchamp_portrait-dulcinea-1911,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marcel-duchamp_portrait-of-chess-players-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,marcel-duchamp_sad-young-man-in-a-train-1911,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,marcel-duchamp_sonata-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,marcel-duchamp_the-chess-players-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,marcel-duchamp_transition-of-virgin-into-a-bride-1912,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,marcel-janco_abstract-construction,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marcel-janco_bel-a-zurich-1917,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,marcel-janco_caf-concert-1927,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Cubism,marcel-janco_girl-portrait-1930,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marcel-janco_marina-1930,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,marcel-janco_still-life,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marcel-janco_untitled,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_athelhampton-garden,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_black-woman-with-peppers-1938,"[1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_claude-lamorrise-with-two-tibetan-dogs,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_cubist-sunflowers,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_dedicated-to-friends-of-montparnasse,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_hasidic-dance-during-the-celebration-of-hanukkah-1970,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_homage-to-friends-from-montparnasse-1961(1),"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_homage-to-friends-from-montparnasse-1962,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_homage-to-friends-from-montparnasse-1962(1),"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_lady-and-the-animals-1966,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_marika-with-her-dog-and-cats-1968,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_not-identified,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_not-identified-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_not-identified-7,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_not-identified-8,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_peasant-farmer-with-his-goat-1953,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_peasant-woman-with-chicken-1948,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_port-of-stockholm-1962,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-a-stylist-germinal-rangel,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-a-young-david-1955,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-amedeo-modigliani-1955,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-catherine-dolan,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-david-hodge-and-girlfriend,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-diego-rivera-1960,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-henri-matisse-1956,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-ilya-ehrenburg-1956,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-marc-chagall-1956,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-ossip-zadkine,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-pablo-picasso-1956,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-sergei-diaghilev-1956,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_portrait-of-soutine,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_self-portrait-with-still-life-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,marevna-(marie-vorobieff)_study-of-a-dead-crow-1955,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Cubism,marevna-(marie-vorobieff)_the-bathers,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marie-laurencin_apollinaire-and-his-friends-1909,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,mario-sironi_composition-with-propeller,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,mario-sironi_not-identified-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Cubism,mario-sironi_saddled-horse,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,mario-sironi_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Cubism,mario-sironi_the-ballerina,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,mario-sironi_the-lamp-1919,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,mario-sironi_the-plane,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,mario-sironi_the-truck,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,mario-zanini_composi-o-com-figuras-1965,"[1.0, 3.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marsden-hartley_e-1915,"[3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marsden-hartley_handsome-drinks-1916,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,marsden-hartley_himmel-1915,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,marsden-hartley_portrait-of-a-german-officer-1914,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,maurice-de-vlaminck_still-life-copper-goblets,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,maurice-de-vlaminck_still-life-with-knife-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,maurice-de-vlaminck_still-life-with-pears,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,maurice-de-vlaminck_the-table-still-life-with-almonds-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,maurice-de-vlaminck_village-on-the-river-1915,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,maurice-de-vlaminck_wines-liquors-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,max-beckmann_the-iron-footbridge-1922,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,max-ernst_33-little-girls-chasing-butterflies-1958,"[0.0, 1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,max-ernst_fish-fight-1917,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,max-ernst_my-absolute-1934,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,max-ernst_towers-1916,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,max-ernst_untitled-1913,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Cubism,max-weber_avoirdupois,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,max-weber_chardenal-dictionary,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,max-weber_composition-with-four-figures,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,max-weber_figures-in-a-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Cubism,max-weber_invocation,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,max-weber_rush-hour,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,max-weber_russian-ballet,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,max-weber_slide-lecture-at-the-metropolitan-museum,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,max-weber_terminal-station-grand-central,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,max-weber_the-cellist,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,max-weber_the-two-musicians,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,max-weber_the-visit,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,milton-avery_blue-nude-1947,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,milton-avery_green-chair-1944,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,miriam-schapiro_aleksandra-ekster-costume-designs-for-a-1917-production-of-salome,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,miriam-schapiro_alexandra-exter-my-fan-is-half-a-circle-1994,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,miriam-schapiro_i-m-dancin-as-fast-as-i-can-1984,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,miriam-schapiro_incognito,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,miriam-schapiro_master-of-ceremonies-1985,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,miriam-schapiro_moving-away-1985,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,miriam-schapiro_pas-de-deux-1986,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,miriam-schapiro_popova-1992,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,natalia-goncharova_composition-1914,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,natalia-goncharova_forest-red-green-1914,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,natalia-goncharova_pillars-of-salt,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,natalia-goncharova_project-poster-for-the-ballet-by-manuel-de-falla-el-amor-brujo,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_enclosures-and-broken-branches-1938,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,nikos-hadjikyriakos-ghikas_genii-loci-ii-1970,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_interior-with-easel-iii-1927,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,nikos-hadjikyriakos-ghikas_london-roofs-i-1945,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,nikos-hadjikyriakos-ghikas_night-ceremony,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_paris-roofs-ii-1952,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_rainy-landscape-ii-1977,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Cubism,nikos-hadjikyriakos-ghikas_stage-design-for-don-juan-by-andr-obey-1939,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_studio-in-paris-1965,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_tailor-iii-1936,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,nikos-hadjikyriakos-ghikas_the-first-morning-of-the-world-stage-design-for-the-dance-drama-persephone-1961,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_the-studio-in-hydra-1959,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_two-friends-1959,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,nikos-hadjikyriakos-ghikas_view-from-kriezotou-street-1983,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_washing-line-1930,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_waving-leaves-ii-1981,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,nikos-hadjikyriakos-ghikas_wild-garden-1959,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,nzante-spee_david-and-goliath-1995,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,nzante-spee_dernier-championat-mondial-de-boxe-1990,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nzante-spee_echoes-of-music-1994,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,nzante-spee_feeling-at-home-1995,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nzante-spee_le-paradis-des-antilopes-1994,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nzante-spee_music-on-the-move-1995,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,nzante-spee_music-trio-band-1995,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,nzante-spee_the-drummer-and-the-dancers-1995,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,nzante-spee_the-kora-quartet-1995,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,nzante-spee_the-man-the-women-and-the-child-1995,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,nzante-spee_the-saturday-night-session-band-1995,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nzante-spee_the-urgent-state-of-emergency-military-paratroopers-1995,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,nzante-spee_the-wahdoosee-question-1994,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,nzante-spee_the-woodcutter-1995,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,nzante-spee_unknown-title,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,olexandr-archipenko_arabian-1940,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_bathers,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_blue-dancer,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_blue-dancer-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_carrousel-pierrot,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_collage-no-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,olexandr-archipenko_composition-1920,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,olexandr-archipenko_coquette-1950,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_danse-macabre-group-terror-41,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_female-nude-frauenakt,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_grace,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,olexandr-archipenko_group-of-nude-figures,"[1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_head-of-a-woman-1921,"[9.0, 7.0, 11.0, 1.0, 0.0, 7.0, 6.0, 6.0, 3.0]"
+Cubism,olexandr-archipenko_in-the-cafe-woman-with-cup,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,olexandr-archipenko_king-solomon,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_lying-horizontal,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,olexandr-archipenko_madonna-of-the-rocks-1912,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,olexandr-archipenko_mask-1911,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_movers-verso-untitled-1920,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_nude,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Cubism,olexandr-archipenko_nude-female-figure-shown-from-the-back,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_seated-female-nude-black-torso-1911,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,olexandr-archipenko_seated-female-nude-with-left-hand-on-right-leg,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,olexandr-archipenko_seated-female-nude-with-left-leg-bent,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,olexandr-archipenko_seated-geometric-figure,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,olexandr-archipenko_seated-nude-1920,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_sorrow,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,olexandr-archipenko_standing-female-figure,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,olexandr-archipenko_standing-woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_the-appointment-of-the-four-forms-from-the-portfolio-life-forms,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_the-gondolier,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_the-past,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,olexandr-archipenko_torso,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_torso-1,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_torso-in-space-1953,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_two-figures,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,olexandr-archipenko_two-nude-female-figures,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_two-nude-female-figures-seated-and-bending,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_two-nude-female-figures-with-a-cloth,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_vase-figure,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_woman,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,olexandr-archipenko_woman-combing-her-hair,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,olexandr-archipenko_woman-with-a-fan,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_woman-with-a-fan-ii,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,olexandr-archipenko_woman-with-umbrella-1919,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,olga-rozanova_a-blue-fan-1915,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,olga-rozanova_four-aces-simultaneous-composition-1916,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olga-rozanova_jack-of-clubs-1916,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,olga-rozanova_jack-of-hearts,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olga-rozanova_king-of-clubs,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,olga-rozanova_lady-in-pink-artist-s-sister-anna-rozanova,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olga-rozanova_metronome,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olga-rozanova_moderne-movie-theater,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,olga-rozanova_queen-of-diamonds,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,olga-rozanova_queen-of-spades,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,olga-rozanova_room,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,olga-rozanova_scetch-of-the-composition-1916,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,olga-rozanova_sideboard-with-dishes,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,olga-rozanova_simultaneous-representation-of-a-king-of-hearts-and-a-king-of-diamonds-1915,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,olga-rozanova_still-life,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,olga-rozanova_still-life-1913,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olga-rozanova_still-life-with-peatcher-and-apples,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,olga-rozanova_the-barbershop-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,olga-rozanova_the-portrait-of-a-rozanov-1912,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,olga-rozanova_tomatoes,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,olga-rozanova_vase,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,olga-rozanova_workbox,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,olga-rozanova_writing-desk,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,oscar-dominguez_composici-n-con-fondo-azul-1949,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,oscar-dominguez_corrida-ii-1951,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Cubism,oscar-dominguez_femme-l-ecritoire-1943,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,oscar-dominguez_femme-sur-divan-1942,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,oscar-dominguez_femmes-o-mujeres-1942,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,oscar-dominguez_girl-with-a-skipping-rope-1945,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,oscar-dominguez_la-m-quina-de-coser-1943,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,oscar-dominguez_le-peintre-et-son-mod-le-1945,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,oscar-dominguez_les-odalisques-1945,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,oscar-dominguez_mujer-1941,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,oscar-dominguez_silent-listener-1943,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,oscar-dominguez_tauromaquia-1943,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,oscar-dominguez_tauromaquia-1951,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,oscar-dominguez_tauromaquia-1951(1),"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,oscar-dominguez_toros-1950,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,ossip-zadkine_composition,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,ossip-zadkine_conversation,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,ossip-zadkine_musicians,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,ossip-zadkine_the-dream,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,ossip-zadkine_the-messengers-of-the-day,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,otto-dix_head-of-a-man-self-portrait,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,otto-dix_leda,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Cubism,otto-dix_moon-woma,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,otto-dix_self-portrait-as-mars,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Cubism,otto-dix_the-nun,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Cubism,otto-dix_trench,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,otto-dix_warrior-with-a-pipe,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,otto-gustav-carlsund_composition-g-om-trique-1925,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,otto-gustav-carlsund_composition-with-music-instrument,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,otto-gustav-carlsund_composition-with-red-dots-1927,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,otto-gustav-carlsund_empire-1941,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,otto-gustav-carlsund_framf-r-toalettspegeln,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,otto-gustav-carlsund_muralm-lning-p-manganbl-grund-1947,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,otto-gustav-carlsund_musician-with-accordion-blue-bar-1926,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,otto-gustav-carlsund_sitting-cubist-woman-1927,"[1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Cubism,otto-gustav-carlsund_staden-p-berget-1947,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_a-bullfight-1934,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_a-child-with-pigeons-1943,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,pablo-picasso_a-dream-1932,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_a-driade-nude-in-the-forest-1908,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_a-glass-of-absinthe-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_a-muse-1935,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_a-reclining-female-nude-1936,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_algerian-women-1955,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_algerian-women-delacroix-1955,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_artist-s-studio-1916,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_artist-s-studio-on-street-la-boetie-1920,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_barselona-harlequin-1917,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_bather-1908,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,pablo-picasso_bowl-of-fruit-and-guitar-1920,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_breakfast-1953,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,pablo-picasso_bull-plate-iv-1945,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,pablo-picasso_bull-plate-ix-1946,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pablo-picasso_bull-plate-v-1945,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_bull-plate-vi-1945,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_bull-plate-vii-1945,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_bull-plate-viii-1946,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_bull-plate-x-1946,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Cubism,pablo-picasso_bull-plate-xi-1946,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,pablo-picasso_bull-study-1946,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_bust-of-a-woman-1942,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_bust-of-woman-1936,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pablo-picasso_bust-of-woman-1939,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_bust-of-woman-with-flowers,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_bust-of-woman-with-yellow-ribbon-jacqueline-1962,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_bust-of-young-woman-from-avignon-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_buste-of-young-woman-marie-therese-walter-1926,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pablo-picasso_carnival-at-the-bistro-1909,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_cat-eating-a-bird-1939,"[7.0, 2.0, 0.0, 3.0, 0.0, 10.0, 24.0, 2.0, 2.0]"
+Cubism,pablo-picasso_child-with-flower-1945,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_cock-and-knife-1947,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,pablo-picasso_composition-1946,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_composition-with-skull-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,pablo-picasso_composition-with-skull-study,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Cubism,pablo-picasso_crane-and-pitcher-1945,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,pablo-picasso_crane-book-and-oil-lamp-1946,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_crouching-female-nude-1959,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_drawing-woman-surrounded-by-her-children-1950,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,pablo-picasso_el-paseo-de-colon-1917,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_farmer-s-wife-on-a-stepladder-1933,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_female-bust-portrait-de-dora-maar-1941,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_female-nude-1941,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,pablo-picasso_female-nude-near-the-garden-1956,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_female-nude-sitting-in-red-armchair-1932,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,pablo-picasso_figure-with-fruit-dish,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,pablo-picasso_flowers-in-a-grey-jar-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_flowers-on-the-table-1907,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_fruit-dish-1912,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_fruit-in-a-vase-1909,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_girl-in-chair-1952,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_glass-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_glass-and-fruits-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_glass-and-pitcher-1944,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_glass-bottle-packet-of-tobacco-1922,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_green-pan-and-black-bottle-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_guitar-bottle-and-fruit-bowl-1921,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_guitar-bottle-fruit-dish-and-glass-on-the-table-1919,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pablo-picasso_guitar-i-love-eva-1912,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_guitar-on-pedestal-1920,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_guitar-on-pedestal-1920-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_guitar-on-pedestal-1920-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_harlequin-1918,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_harlequin-and-woman-with-necklace-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_harlequin-with-violin,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_head,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_head-of-a-man-1908,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Cubism,pablo-picasso_head-of-a-man-1908-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_head-of-woman-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Cubism,pablo-picasso_house-in-a-garden-1908,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_house-in-the-garden-1908,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_interior-with-easel-1926,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_interior-with-girl-drawing-1956,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_jacqueline-at-the-studio-1956,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pablo-picasso_jacqueline-sitting-with-her-cat-1964,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_jacqueline-with-flowers-1954,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_jug-candle-and-enamel-pan-1945,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_las-meninas-velazquez-1957,"[4.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_las-meninas-velazquez-1957-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_las-meninas-velazquez-1957-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Cubism,pablo-picasso_las-meninas-velazquez-1957-5,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_leeks-fish-head-skull-and-pitcher-1945,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,pablo-picasso_lovers-1919,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_man-with-mandolin-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_man-with-mandolin-1920-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_matador-1970,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_mediterranean-landscape-1952,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_milliners-workshop-of-the-milliner-1926,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_model-for-the-cover-of-minotaur-1933,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,pablo-picasso_mother-and-child-marie-therese-and-maya-1938,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_musical-instruments-1912,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_musicians-with-masks-1921,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_musicians-with-masks-1921-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_naked-woman-on-the-beach-and-shovel-1960,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_nude-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Cubism,pablo-picasso_nude-with-raised-arms-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_nude-with-raised-arms-the-avignon-dancer-1907,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_on-the-beach-dinard-1928,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_our-futures-is-in-the-air-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,pablo-picasso_painter-and-his-model-1927,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_painter-and-his-model-1928,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pablo-picasso_paternity-1971,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_pedestal-1920,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_pedestal-glasses-cups-mandolin-1911,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_pitcher-and-bowls-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_portrait-of-jacqueline-1957,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_portrait-of-jacqueline-roque-with-her-hands-crossed-1954,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pablo-picasso_portrait-of-manuel-pallares-1909,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_portrait-of-sylvette-david,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_portrait-of-sylvette-david-1954,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_portrait-of-sylvette-david-in-green-chair-1954,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_pot-glass-and-book-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_punchinello-with-guitar-1920,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_queen-isabella-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,pablo-picasso_scenes-of-bullfighting-1945,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_seated-female-nude-1939,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_seated-man-with-his-arms-crossed-1915,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_seated-nude,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_seated-woman-1908,"[6.0, 6.0, 12.0, 2.0, 0.0, 8.0, 0.0, 8.0, 5.0]"
+Cubism,pablo-picasso_seated-woman-1927,"[2.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_seated-woman-1930,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_seated-woman-1939,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_seated-woman-1953,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_seated-woman-in-garden-1938,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_seated-woman-with-spelling-book-1941,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_skull-and-leeks-1945,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_skull-urchins-and-lamp-on-a-table-1943,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,pablo-picasso_spring-1956,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pablo-picasso_square-du-vert-galant-1943,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_still-life,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pablo-picasso_still-life-1914,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_still-life-1922,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_still-life-in-front-of-a-window-at-saint-raphael-1919,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pablo-picasso_still-life-in-front-of-a-window-overlooking-the-eglise-st-augustin-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_still-life-on-a-table-1947,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_still-life-school-of-paris-1936,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_still-life-with-antique-bust-1925,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,pablo-picasso_still-life-with-bull-s-skull-1939,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_still-life-with-bust-and-palette,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,pablo-picasso_still-life-with-class-and-an-apple-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_still-life-with-gobleet-1914,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_still-life-with-guitar-1942,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_still-life-with-lemon-and-oranges-1936,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_still-life-with-lemons-1907,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_still-life-with-skull-of-ox-1942,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,pablo-picasso_still-life-with-skull-on-an-armchair-1946,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_still-life-with-stone-1924,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_still-life-with-the-mandolin-1924,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_studio,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_table-in-front-of-window-1919,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_the-bird-cage,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_the-girls-of-avignon-1907,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_the-girls-of-avignon-study-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_the-great-odalisque-after-ingres-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Cubism,pablo-picasso_the-sculpture-1925,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_the-student-1919,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,pablo-picasso_the-table-1919,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_three-women-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_three-women-rhythmical-version-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,pablo-picasso_two-naked-figures,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_two-seated-women-1958,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_two-women-on-the-beach-1956,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Cubism,pablo-picasso_untitled-1919,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pablo-picasso_untitled-1920,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_untitled-1920-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pablo-picasso_untitled-1920-2,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_untitled-1937,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pablo-picasso_untitled-1939,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,pablo-picasso_vase-with-flowers-1943,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pablo-picasso_window-opened-to-the-street-penthieure-1920,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_woman-in-an-armchair-1941,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_woman-s-head-1934,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,pablo-picasso_woman-sitting-in-an-armchair-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,pablo-picasso_woman-sitting-in-an-armchair-1938,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_woman-with-a-fan-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_woman-with-a-shirt-sitting-in-a-chair-1913,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,pablo-picasso_woman-with-guitar-1913,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pablo-picasso_woman-with-mandolin-1925,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pablo-picasso_woman-with-yellow-shirt-1907,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,pablo-picasso_wounded-bird,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_bathers-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,paul-cezanne_bathers-mont-sainte-victoire-in-the-background,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_bend-in-forest-road-1906,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,paul-cezanne_bibemus-quarry,"[0.0, 2.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_bibemus-quarry-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_bibemus-quarry-1898,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_bibemus-quarry-1898-1,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_bibemus-the-red-rock-1897,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_chateau-noir,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,paul-cezanne_chateau-noir-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,paul-cezanne_chateau-noir-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,paul-cezanne_chateau-noir-3,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_chateau-noir-4,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_corner-of-quarry,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_farm-at-montgeroult-1898,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_forest-1894,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,paul-cezanne_forest-near-the-rocky-caves-above-the-chateau-noir-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,paul-cezanne_house-and-trees-1894,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_in-the-park-of-chateau-noir-1900,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_in-the-park-of-the-chateau-noir,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,paul-cezanne_in-the-woods-1896,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,paul-cezanne_in-the-woods-1898,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_jourdan-s-cottage-1906,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_jourdan-s-cottage-1906-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,paul-cezanne_large-bathers-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_large-bathers-1906-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,paul-cezanne_maison-maria-with-a-view-of-chateau-noir-1895,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_mill-on-the-river,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_mont-sainte-victoire,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-6,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-7,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-8,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves-1905,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,paul-cezanne_montagne-sainte-victoire-and-the-black-chateau,"[3.0, 15.0, 17.0, 4.0, 0.0, 0.0, 5.0, 2.0, 2.0]"
+Cubism,paul-cezanne_montagne-sainte-victoire-from-lauves,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_morning-in-provence,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,paul-cezanne_river-at-the-bridge-of-the-three-sources-1906,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_riverbanks-1905,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,paul-cezanne_rocks-near-the-caves-below-the-chateau-noir,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_roses-in-a-bottle-1904,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_still-life-with-green-melon,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_still-life-with-three-skulls,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Cubism,paul-cezanne_study-of-bathers,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_study-of-bathers-1,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_the-bend-in-the-road,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_the-garden-at-les-lauves-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,paul-cezanne_the-garden-terrace-at-les-lauves-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,paul-cezanne_the-old-gardener-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,paul-cezanne_the-park-of-the-chateau-noir-with-well,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,paul-cezanne_trees-by-the-water-1900,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_turning-road-at-montgeroult-1899,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-cezanne_well-by-the-winding-road-in-the-park-of-chateau-noir,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,paul-klee_castle-garden-1931(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_city-of-churches-1918(1),"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-klee_dream-city-1921(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,paul-klee_groynes-1925(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,paul-klee_hairdryer-in-marc-s-garden-1915(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_hammamet-with-mosque-1914(1),"[2.0, 1.0, 2.0, 0.0, 1.0, 1.0, 1.0, 1.0, 2.0]"
+Cubism,paul-klee_harbour-with-sailing-ships-1937(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-klee_in-the-houses-of-st-germain-1914(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,paul-klee_landscape-with-sunset-1923(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,paul-klee_oriental-architecture-1929,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_oriental-garden-1939(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,paul-klee_pious-northern-landscape-1917(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,paul-klee_red-and-white-domes-1914(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_red-balloon-1922(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,paul-klee_revolving-house-1921(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,paul-klee_rose-garden-1920(1),"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,paul-klee_senecio-1922(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_summer-houses-1919(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_swamp-legend-1919(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Cubism,paul-klee_the-chapel-1917(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,paul-klee_the-mask-with-the-little-flag-1925(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,paul-klee_untitled-still-life-1940(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_view-towards-the-port-of-hammamet-1914,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,paul-klee_villa-r-1919(2),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,paul-klee_wall-painting-from-the-temple-of-longing-1922(1),"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,peter-busa_new-york-times-1945,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pierre-tal-coat_nature-morte-au-pichet-et-raisins,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pierre-tal-coat_nature-morte-sur-la-table-1944,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pierre-tal-coat_untitled(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,piet-mondrian_not-identified,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,piet-mondrian_still-life-with-gingerpot-1-1911,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,piet-mondrian_still-life-with-gingerpot-2-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,piet-mondrian_the-gray-tree-1911,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_abramtsevo-the-boys-at-the-river-drawing-for-the-painting-boys-bathing-1920,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pyotr-konchalovsky_abramtsevo-the-bridge-drawing-for-the-painting-bridge-in-abramtsevo-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_abramtsevo-the-trees-1920,"[0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_agave-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_bridge-in-nara-the-wind-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,pyotr-konchalovsky_cassis-1913,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_cassis-1913-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_cassis-1913-2,"[4.0, 6.0, 23.0, 10.0, 0.0, 1.0, 1.0, 0.0, 8.0]"
+Cubism,pyotr-konchalovsky_cassis-boats-1913,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_cassis-sea-1913,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_cassis-ships-1913,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,pyotr-konchalovsky_cassis-the-ship-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_cassis-the-view-from-the-window-1913,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_city-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Cubism,pyotr-konchalovsky_crimea-1916,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_crimea-alupka-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_crimea-alupka-1916-1,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_factory-in-nara-1918,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_figure-in-a-collection-of-poems-autographs-1920,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,pyotr-konchalovsky_kuntsevo-cottage-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_kuntsevo-yellow-cottage-1919,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_landscape-1912,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_mount-cassis-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,pyotr-konchalovsky_near-siena-1912,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_port-of-siena-1912,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_portrait-of-a-e-goncz-1918,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pyotr-konchalovsky_portrait-of-a-e-goncz-1918-1,"[0.0, 3.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,pyotr-konchalovsky_portrait-of-a-violinist-grigory-fedorovich-romashkov-1918-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_portrait-of-actress-vizarova-1917,"[0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 2.0, 0.0, 2.0]"
+Cubism,pyotr-konchalovsky_portrait-of-artist-leonard-mikhailovich-bunatyan-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 5.0]"
+Cubism,pyotr-konchalovsky_portrait-of-olga-konchalovskaya-wife-of-the-artist-in-blue-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_portrait-of-p-denike-yuriev-and-a-pokrovsky-1913,"[4.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_portrait-of-the-artist-vladimir-rozhdestvensky-1912,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_portrait-the-sketch-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,pyotr-konchalovsky_san-gimignano-1912,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pyotr-konchalovsky_san-gimignano-1912-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,pyotr-konchalovsky_self-portrait-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Cubism,pyotr-konchalovsky_siena-1912-2,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_siena-1912-3,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_sketch-a-still-life-with-copper-jugs-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,pyotr-konchalovsky_sketch-a-still-life-with-guitar-1917,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_sketch-a-still-life-with-guitar-1917-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_still-life-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,pyotr-konchalovsky_still-life-box-of-cigars-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_still-life-checkers-and-oranges-1916,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_still-life-crystal-1916,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,pyotr-konchalovsky_still-life-lotus-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,pyotr-konchalovsky_still-life-samovar-1917,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_still-life-scales-1916,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,pyotr-konchalovsky_still-life-scales-1916-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_still-life-table-with-the-dishes-1919,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_still-life-the-guitar-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,pyotr-konchalovsky_still-life-the-palette-and-paint-1912,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_still-life-the-stove-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Cubism,pyotr-konchalovsky_still-life-with-a-pipe-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_still-life-with-a-samovar-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_still-life-with-jug-1919,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_still-life-with-samovar-pipe-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Cubism,pyotr-konchalovsky_still-life-with-violin-1916,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_sudak-mulberry-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_sudak-the-valley-1917,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,pyotr-konchalovsky_the-game-of-billiards-1918,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pyotr-konchalovsky_the-model-by-the-stove-1917,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_the-model-by-the-stove-1917-2,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,pyotr-konchalovsky_the-model-in-a-chair-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Cubism,pyotr-konchalovsky_the-model-on-the-carpet-1919,"[2.0, 2.0, 5.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_vessels-on-the-red-tablecloth-1916,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,pyotr-konchalovsky_violinist-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Cubism,pyotr-konchalovsky_workbench-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,rafael-zabaleta_bathers-on-the-beach-under-umbrella-1955,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,rafael-zabaleta_drawing-sideboard-tavern-window,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,rafael-zabaleta_interior-with-nude-1956,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,rafael-zabaleta_painters-and-model-1954,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,rafael-zabaleta_peasants-1952,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,rafael-zabaleta_self-portrait-with-model-and-the-still-life-1955,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,rafael-zabaleta_sideboard-1958,"[4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,rafael-zabaleta_the-satyr-1958,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,rafael-zabaleta_the-three-graces,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,ramon-oviedo_especie-inverosimil,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,ramon-oviedo_hombre-toro-leon-de-oro,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Cubism,ramon-oviedo_the-title-of-this-painting-is-a-question-mark-1994,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Cubism,raoul-dufy_arcades-at-l-estaque-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,raoul-dufy_bather-1908,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,raoul-dufy_birdcage-1914,"[0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,raoul-dufy_design-for-fabric,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,raoul-dufy_fishing-design-for-fabric,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,raoul-dufy_fountain-in-avignon-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,raoul-dufy_hommage-to-mozart-1915,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,raoul-dufy_landscape-of-falaise-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,raoul-dufy_large-bather-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,raoul-dufy_love-1910,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,raoul-dufy_the-hunt-design-for-fabric,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,raoul-dufy_the-neapolitan-fisherman-1914,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Cubism,raoul-dufy_the-pleasures-of-peace-dance-the-journey-to-the-islands-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Cubism,raoul-dufy_the-studio-on-seguier-street-1909,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Cubism,raoul-dufy_the-trapeze-artists-1922,"[1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,raoul-dufy_the-violin-1916,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,raoul-dufy_trees-1913,"[1.0, 2.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,raoul-dufy_trees-at-estaque-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,rene-magritte_bathers-1921(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Cubism,rene-magritte_donna-1923(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,rene-magritte_georgette-at-the-piano-1923(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,rene-magritte_landscape-1920(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,rene-magritte_modern-1923(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Cubism,rene-magritte_nude-1919(1),"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Cubism,rene-magritte_portrait-of-pierre-broodcoorens-1921(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Cubism,rene-magritte_reclining-nude-1925(1),"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,rene-magritte_self-portrait-1923(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Cubism,rene-magritte_the-model-1922(1),"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,rene-magritte_three-nudes-in-an-interior-1923(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,rene-magritte_youth-1924(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,roger-bissiã¨re_composition-avec-mandoline-1925,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,roger-bissiã¨re_la-guitare,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,roger-bissiã¨re_mandoline-sur-chaise,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,roger-bissiã¨re_nature-morte-avec-mandoline,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,roger-de-la-fresnaye_artillery-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,roger-de-la-fresnaye_castor-and-pollux-1922,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,roger-de-la-fresnaye_diabolo,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,roger-de-la-fresnaye_joan-of-arc,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,roger-de-la-fresnaye_landscape-at-ferte-soud-jouarre-1911,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,roger-de-la-fresnaye_man-with-a-red-kerchief-1922,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,roger-de-la-fresnaye_married-life-1913,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,roger-de-la-fresnaye_nudes-in-landscape-1910,"[0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,roger-de-la-fresnaye_seated-man-1914,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,roger-de-la-fresnaye_seated-nude,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,roger-de-la-fresnaye_smoking-in-the-shelter-1918,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Cubism,roger-de-la-fresnaye_standing-nude-from-the-front,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,roger-de-la-fresnaye_still-life-tin-of-tea-and-pot-of-tobacco-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Cubism,roger-de-la-fresnaye_still-life-with-coffee-pot-and-melon,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,roger-de-la-fresnaye_study-for-le-pierrot-1921,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,roger-de-la-fresnaye_the-conquest-of-the-air,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Cubism,roger-de-la-fresnaye_the-conquest-of-the-air-1913,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,roger-de-la-fresnaye_the-factory-chimney-meulan-landscape-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,roger-de-la-fresnaye_the-fourteenth-of-july-1914,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,roger-de-la-fresnaye_the-penholder-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,roger-de-la-fresnaye_the-table-louis-philippe,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,romare-bearden_battle-with-cicones-1977,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Cubism,romare-bearden_berkeley-the-city-and-its-people-1973,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,romare-bearden_clockwise-series-1979-1984,"[0.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,romare-bearden_family-mother-and-child-1980,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,romare-bearden_golgotha,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Cubism,romare-bearden_morning,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,romare-bearden_the-calabash-1970,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,roy-lichtenstein_bull-iii-1973(1),"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,roy-lichtenstein_bull-vi-1973(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,roy-lichtenstein_figures-with-sunset-1978(1),"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,roy-lichtenstein_landscape-with-figures-and-rainbow-1980(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,roy-lichtenstein_preparedness-1968,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,roy-lichtenstein_still-life-after-picasso-1964,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,roy-lichtenstein_the-red-horseman-1974,"[2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,roy-lichtenstein_woman-in-a-wheelchair-1963,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,roy-lichtenstein_woman-with-hat,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,rufino-tamayo_friend-of-the-birds-1944,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Cubism,rufino-tamayo_mujer-en-gris-1931,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Cubism,rufino-tamayo_the-troubadour-1945,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,rufino-tamayo_the-woman-with-red-mask-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Cubism,rufino-tamayo_woman-with-pineapple-1941,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,sa-nogueira_jardim-suspenso-i-1961,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,salvador-dali_crystalline-still-life,"[1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,salvador-dali_cubist-composition-portrait-of-a-seated-person-holding-a-letter,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,salvador-dali_cubist-figure,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Cubism,salvador-dali_cubist-self-portrait,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,salvador-dali_head-of-a-woman,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Cubism,salvador-dali_homage-to-erik-satie,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,salvador-dali_la-jorneta,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Cubism,salvador-dali_late-night-dreams,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,salvador-dali_mannequin-barcelona-mannequin-1927,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Cubism,salvador-dali_microphysical-madonna,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,salvador-dali_neo-cubist-academy-composition-with-three-figures,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,salvador-dali_pierrot-and-guitar,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,salvador-dali_pierrot-playing-the-guitar,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,salvador-dali_puristic-still-life,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Cubism,salvador-dali_self-portrait-being-duplicated-into-three-1927,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,salvador-dali_soft-nude-nude-watch,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Cubism,salvador-dali_still-life-3,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,salvador-dali_still-life-4,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,salvador-dali_still-life-5,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,salvador-dali_still-life-7,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,salvador-dali_still-life-8,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 1.0]"
+Cubism,salvador-dali_still-life-by-moonlight,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,salvador-dali_still-life-watermelon,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,salvador-dali_still-life-with-moonight,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,salvador-dali_the-ram-the-spectral-cow,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,salvador-dali_untitled-stereoscopic-painting,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Cubism,saul-steinberg_head-1929,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,saul-steinberg_head-1945,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,saul-steinberg_spoleto-festival-1969,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Cubism,saul-steinberg_untitled-1971(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,serge-charchoune_nature-morte-la-pipe-1943,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,serge-charchoune_red-still-life-n2-1926,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Cubism,serge-charchoune_still-life-with-pear-n-1-1926,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,serge-charchoune_washtable-1926,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stanley-pinker_a-girl-with-an-umbrella,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stanley-pinker_a-self-portrait-as-a-cactus-in-search-of-a-new-muse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,stanley-pinker_gone-but-not-forgotten-1976,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,stanley-pinker_still-life-1957,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,stanley-pinker_the-bathers,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,stanley-pinker_the-patio-nerja,"[1.0, 0.0, 5.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Cubism,stuart-davis_blips-and-ifs-1964,"[1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,stuart-davis_colonial-cubism-1954,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_edison-mazda-1924,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_egg-beater-no-4-1928,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,stuart-davis_g-w-1944,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_hot-still-scape-for-six-colors-7th-avenue-style-1940,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_lucky-strike-1921,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,stuart-davis_new-york-waterfront-1938,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,stuart-davis_owh-in-san-pao-1951,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_percolator-1927,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_rapt-at-rappaport-s-1952,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Cubism,stuart-davis_report-from-rockport-1940,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_seine-cart-1939,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_something-on-the-eight-ball-1954,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,stuart-davis_steeple-and-street-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,stuart-davis_the-mellow-pad-1951,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Cubism,stuart-davis_tree-and-urn-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Cubism,stuart-davis_visa-1951,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,tarsila-do-amaral_a-boneca,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,tarsila-do-amaral_a-caipirinha,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,tarsila-do-amaral_nu,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,tarsila-do-amaral_s-o-paulo,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,tarsila-do-amaral_s-o-paulo(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,theo-van-doesburg_abstract-portrait-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Cubism,theo-van-doesburg_composition-i-still-life-1916,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,theo-van-doesburg_composition-ii-still-life-1916,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,theo-van-doesburg_composition-iii-still-life-1916,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,theo-van-doesburg_composition-iv-still-life-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,theo-van-doesburg_composition-the-cow-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Cubism,theo-van-doesburg_composition-the-cow-3,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Cubism,theo-van-doesburg_composition-the-cow-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Cubism,theo-van-doesburg_composition-the-cow-5,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,theo-van-doesburg_composition-the-cow-6,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,theo-van-doesburg_composition-the-cow-7,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,theo-van-doesburg_composition-with-three-heads-from-sketchbook-13,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Cubism,theo-van-doesburg_kneeling-nude,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,theo-van-doesburg_landscape-1916,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,theo-van-doesburg_landscape-study-for-composition-xii-1918,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Cubism,theo-van-doesburg_lena-in-interieur-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Cubism,theo-van-doesburg_the-cardplayers-1916,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,theo-van-doesburg_tree-1916,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,umberto-boccioni_antigraceful-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Cubism,umberto-boccioni_development-of-a-bottle-in-space-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,umberto-boccioni_dynamism-of-racing-horse-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,umberto-boccioni_glass-and-syphon-1913,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,umberto-boccioni_landscape-mountains-1916,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,umberto-boccioni_nocturne-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Cubism,umberto-boccioni_plastic-synthesis-seated-person-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Cubism,umberto-boccioni_silvia-1915,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,umberto-boccioni_study-for-sculpture-empty-and-full-abstracts-of-a-head-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Cubism,umberto-boccioni_the-antigraceful-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Cubism,umberto-boccioni_the-drinker-1914,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,umberto-boccioni_unique-forms-of-continuity-in-space-1913,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,vajda-lajos_floating-houses-1937,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,vajda-lajos_houses-at-szentendre-with-crucifix-1937,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,vajda-lajos_spotty-house-1936,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,vajda-lajos_table-still-life-with-armchair-1934,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Cubism,vasile-dobrian_composition-with-guitar-1961,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,vasile-dobrian_crop-harvesting,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,vasile-dobrian_musical-1993,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,vasile-dobrian_red-guitar-1982,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,vicente-manansala_ang-magbabayo-pounding-rice-1979,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,vicente-manansala_birds-of-paradise,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,vicente-manansala_candle-vendors-1976,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,vicente-manansala_community,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,vicente-manansala_luksong-tinik-jumping-over-thorns-1973,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,vicente-manansala_machinery,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,vicente-manansala_madonna-and-child-1966,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,vicente-manansala_madonna-of-the-slums-1950,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Cubism,vicente-manansala_man-girl-and-cock-1953,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,vicente-manansala_market-vendors-1949,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,vicente-manansala_mother-and-child-1981,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,vicente-manansala_philippines-mother-and-child-1965,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Cubism,vicente-manansala_planting-rice-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Cubism,vicente-manansala_still-life,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Cubism,vicente-manansala_still-life-1957,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,vicente-manansala_the-bird-seller-1976,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Cubism,vicente-manansala_the-musicians,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,vicente-manansala_two-men-with-cockerel,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,vicente-manansala_untitled,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,vicente-manansala_untitled-bamboos,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,vicente-manansala_untitled-landscape-1966,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,vicente-manansala_vendors-from-the-market-place,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Cubism,victor-brauner_dobrudjan-landscape-1937,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,victor-brauner_portrait-of-ilarie-voronca-1925,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,victor-brauner_woman-worker-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Cubism,vladimir-tatlin_model-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Cubism,vladimir-tatlin_portrait-of-the-artist,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Cubism,vladimir-tatlin_relief,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,vladimir-tatlin_sketch-for-stage-set-glinka-s-king-life,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Cubism,vladimir-tatlin_the-fishmonger-1911,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,vladimir-tatlin_the-sailor-self-portrait-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Cubism,wifredo-lam_cubist-face-1939,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,wifredo-lam_femme-cheval-1943,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Cubism,wifredo-lam_figure-blanche,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Cubism,wifredo-lam_le-repos-du-mod-le-1938,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,wifredo-lam_madame-lumumba-1938,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Cubism,wifredo-lam_mother-and-child-ii-1939,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Cubism,wifredo-lam_satan-1942,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Cubism,wifredo-lam_the-fiance-1944,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Cubism,wifredo-lam_the-jungle-1943,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Cubism,wifredo-lam_the-murmur-1943,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Cubism,willi-baumeister_apollo-1923,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,willi-baumeister_chess-1925,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,willi-baumeister_chess-players-iii-1924,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Cubism,willi-baumeister_depiction-of-apollo-1921,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,willi-baumeister_female-runner-ii-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,willi-baumeister_hockey-1924,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,willi-baumeister_machine-man-with-spiral-turn-1930,"[6.0, 7.0, 7.0, 7.0, 0.0, 5.0, 2.0, 4.0, 12.0]"
+Cubism,willi-baumeister_painter-with-palette-1933,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Cubism,willi-baumeister_picture-t-21-1922,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Cubism,willi-baumeister_seated-figure-abstracted-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,willi-baumeister_swimmers-on-the-ladder-1929,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Cubism,willi-baumeister_tennis-1933,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Cubism,willi-baumeister_tennis-players-1929,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Cubism,willi-baumeister_the-painter-1929,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Cubism,willi-baumeister_the-sculptor-1923,"[0.0, 1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,willi-baumeister_three-stepped-figures-1920,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,willi-baumeister_wall-picture-with-metals-1923,"[0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Cubism,william-h.-johnson_jitterbugs-iv-1941(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Cubism,yiannis-moralis_girl-untying-her-sandal-1973,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Cubism,yiannis-moralis_not-detected-13(1),"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Cubism,yiannis-moralis_not-detected-16,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Cubism,yiannis-moralis_not-detected-18,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Cubism,yiannis-moralis_not-detected-9(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Cubism,yiannis-moralis_nude(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Cubism,yiannis-moralis_nude-lying,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Cubism,yiannis-moralis_reclining-nude-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Cubism,yiannis-moralis_woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Cubism,yiannis-tsaroychis_drawing-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Cubism,yiannis-tsaroychis_landscape-of-olympia-1934,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,yiannis-tsaroychis_landscape-of-olympia-1934-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Cubism,yiannis-tsaroychis_portrait-of-young-man-in-winter-1934,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Cubism,yiannis-tsaroychis_still-life-on-yellowish-background-1935,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Cubism,yiannis-tsaroychis_the-spirit-of-the-technique-1960,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_crucifixion,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_crucifixion-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_crucifixion-and-saints,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_dante-alighieri,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_david-with-the-head-of-goliath,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_deposition-of-christ,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_dormition-of-the-virgin,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_equestrian-monument-to-niccolo-da-tolentino-1456,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_eve,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_farinata-degli-uberti,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_giovanni-boccaccio,"[1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_god-the-father-1442,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_holy-trinity-with-st-jerome,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_lying-saint,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_madonna-and-child,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,andrea-del-castagno_madonna-and-child-with-saints,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_martyrdom-of-st-thomas,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_mary-seated-under-the-cross,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_niccol-acciaioli,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_our-lady-of-the-assumption-with-saints-miniato-and-julian-1450,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_petrarch,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,andrea-del-castagno_piet,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Early_Renaissance,andrea-del-castagno_portrait-of-a-gentleman,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_portraits-of-two-members-of-medici-family,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_queen-esther,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_queen-tomyris,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_resurrection,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,andrea-del-castagno_st-jerome,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_st-john-the-baptist-1442,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_st-john-the-evangelist-1442,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_st-julian-and-the-redeemer,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_st-mark-1442,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-3,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-4,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_stories-of-christ-s-passion-1447-5,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-del-castagno_the-cuman-sibyl,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-castagno_the-last-supper-1447,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,andrea-del-verrocchio_david-1475,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_equestrian-statue-of-the-condottiere-bartolomeo-colleoni-1488,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_giuliano-de-medici-1478,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_lorenzo-de-medici-1480,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_madonna-and-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_madonna-and-child-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,andrea-del-verrocchio_madonna-and-child-1483,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-verrocchio_portrait-of-a-woman,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_putto-with-dolphin,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,andrea-del-verrocchio_saint-monica,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-verrocchio_st-jerome,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,andrea-del-verrocchio_the-baptism-of-christ,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-del-verrocchio_the-battle-of-pydna,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_the-doubting-thomas-1483,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,andrea-del-verrocchio_tobias-and-the-angel,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_tomb-of-giovanni-and-pietro-de-medici-1472,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-del-verrocchio_woman-looking-down,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-mantegna_adoration-of-the-magi-1460,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,andrea-mantegna_adoration-of-the-magi-central-panel-from-the-altarpiece,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_adoration-of-the-shepherds-1456,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,andrea-mantegna_altarpiece-of-san-zeno-in-verona-central-panel-madonna-and-angels-1459,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-mantegna_altarpiece-of-san-zeno-in-verona-left-panel-of-st-peter-and-st-paul-st-john-the-evangelist-st-1459,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-mantegna_altarpiece-of-san-zeno-in-verona-right-panel-of-st-benedict-st-lawrence-st-gregory-and-st-john-1459,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-mantegna_bacchanal-in-silene-1480,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_bacchanalia-with-a-wine-1480,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-mantegna_bird-on-a-branch-1485,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_calvary-central-predella-panel-from-the-st-zeno-of-verona-altarpiece-1459,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_ceiling-of-the-camera-picta-or-camera-degli-sposi-1470,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_christ-of-pity-supported-by-a-cherub-and-a-seraph-1490,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_death-of-the-virgin-1461,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,andrea-mantegna_horse-and-groom-with-hunting-dogs-from-the-camera-degli-sposi-or-camera-picta-detail-1474,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,andrea-mantegna_judith-1475,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-mantegna_lamentation-over-the-dead-christ-1450,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,andrea-mantegna_madonna-and-child-with-cherubs-1490,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_madonna-of-the-cave,"[4.0, 11.0, 7.0, 0.0, 0.0, 0.0, 2.0, 19.0, 1.0]"
+Early_Renaissance,andrea-mantegna_maria-with-the-sleeping-child-1455,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,andrea-mantegna_martyrdom-of-st-james-1448,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,andrea-mantegna_pieta-1459,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_polyptych-of-st-luke-1455,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_portrait-of-a-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,andrea-mantegna_portrait-of-a-man-1460,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Early_Renaissance,andrea-mantegna_portrait-of-cardinal-carlo-de-medici-1466,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_portrait-of-cardinal-lodovico-mezzarota-1459,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_portrait-of-francesco-gonzaga,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Early_Renaissance,andrea-mantegna_prayer-in-the-garden-1459,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,andrea-mantegna_presentation-at-the-temple-1453,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_presentation-of-christ-in-the-temple-1466,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_saint-bernardine-of-siena-1450,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,andrea-mantegna_san-sebastian-1480,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_scene-waitingservant-with-dogs-fragment-1474,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-christopher-1448,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-christopher-1448-1,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-christopher-1448-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-james-1448,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-james-1448-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Early_Renaissance,andrea-mantegna_scenes-from-the-life-of-st-james-1448-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_st-euphemia-1454,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,andrea-mantegna_st-george-1467,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_st-james-the-great-on-his-way-to-execution-1448,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_st-jerome-in-the-wilderness-1450,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,andrea-mantegna_st-mark-1450,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Early_Renaissance,andrea-mantegna_st-sebastian-1475,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_study-for-a-christ-1490,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Early_Renaissance,andrea-mantegna_study-of-an-ancient-bas-relief-of-the-arch-of-constantine-1490,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-agony-in-the-garden-1455,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-ascension-left-hand-panel-from-the-altarpiece,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,andrea-mantegna_the-battle-of-sea-gods-1480,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-child-jesus-in-the-manger-1450,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-circumcision-of-christ-1464,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-court-of-the-gonzaga-1474,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-dead-christ-1478,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-descent-from-the-cross-1475,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-descent-into-hell-1468,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-entombment-1459,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-entombment-1475,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-entombment-1475-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-flagellation-of-christ-in-the-pavement-1475,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-holy-family-1485,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-holy-family-painting-on-wood-1455,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-house-of-ludovico-gonzaga-bridegroom-decorated-wall-and-his-son-1475,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-martyrdom-of-saint-christopher-1506,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-nativity-1490,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-resurrected-christ-between-st-andrew-and-longinus-1475,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-resurrection-right-hand-predella-panel-from-the-altarpiece-of-st-zeno-of-verona-1459,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_the-virgin-and-child-with-saint-jerome-and-louis-of-toulouse-1455,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,andrea-mantegna_the-virgin-and-child-with-saints-jerome-a-1455,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,andrea-mantegna_three-studies-elongated-figures-1455,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_two-holy-women-in-prayer-1455,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,andrea-mantegna_two-studies-for-christ-at-the-column-1459,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_vase-with-orange-1490,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_virgin-and-child-1470,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,andrea-mantegna_virgin-and-child-1490,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,andrea-mantegna_virgin-and-child-madonna-of-humility-1490,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,andrea-mantegna_virgin-and-child-with-st-john-the-baptist-st-zachary-and-st-elizabeth-1490,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,antonello-da-messina_abraham-served-by-three-angels,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_annunciation-1474,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,antonello-da-messina_christ,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_christ-blessing-1465,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,antonello-da-messina_crusifixion-1455,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,antonello-da-messina_crusifixion-1475,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,antonello-da-messina_crusifixion-1475-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,antonello-da-messina_ecce-homo,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,antonello-da-messina_ecce-homo-1470,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,antonello-da-messina_ecce-homo-1474,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,antonello-da-messina_madonna-and-child-1475,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_madonna-and-child-madonna-benson-1470,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_madonna-and-child-salting-madonna,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_madonna-and-child-with-a-praying-franciscan-donor,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_painter-self-portrait,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,antonello-da-messina_pieta,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,antonello-da-messina_polyptych-with-st-gregory-1473,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-1,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-1470,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-1470-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-1473,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-1474,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-1475(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-2,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-3,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-the-condottiero-1475,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-man-trivulzio-portrait-1476,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-young-man,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-a-young-man-1478,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,antonello-da-messina_portrait-of-an-unknown-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Early_Renaissance,antonello-da-messina_san-cassiano-altarpiece-1476,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_self-portrait,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_st-augustine,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_st-gregory,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,antonello-da-messina_st-jerome,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,antonello-da-messina_st-jerome-in-his-study,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_st-jerome-penitet,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0]"
+Early_Renaissance,antonello-da-messina_st-sebastian-1477,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,antonello-da-messina_the-dead-christ-supported-by-an-angel-1478(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,antonello-da-messina_virgin-annunciate-1475,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,antonello-da-messina_virgin-of-the-annunciation-1473,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,bartolome-bermejo_christ-at-the-tomb-supported-by-two-angels-1474,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,bartolome-bermejo_christ-leading-the-patriarchs-to-the-paradise-1480,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,bartolome-bermejo_christ-leading-the-patriarchs-to-the-paradise-detail-1480,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,bartolome-bermejo_crucifixion-1480,"[0.0, 6.0, 1.0, 0.0, 4.0, 2.0, 2.0, 34.0, 1.0]"
+Early_Renaissance,bartolome-bermejo_death-of-the-virgin-1462,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Early_Renaissance,bartolome-bermejo_piet-of-canon-luis-despl-1490,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Early_Renaissance,bartolome-bermejo_piet-of-canon-luis-despl-detail-1490,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,bartolome-bermejo_resurrection-and-descent-of-christ-to-limbo-1480,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,bartolome-bermejo_saint-augustine-1485,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,bartolome-bermejo_saint-michael-triumphs-over-the-devil-1468,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,bartolome-bermejo_saint-sebastian-1485,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,bartolome-bermejo_st-dominic-enthroned-in-glory-1477,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,bartolome-bermejo_the-flagellation-of-st-engracia-1477,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_adoration-of-the-magi,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_adoration-of-the-magi-1,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_angel-gathering-flowers-in-a-heavenly-landscape-detail,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_angels-worshipping-1461,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_angels-worshipping-detail-1461,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_angels-worshipping-detail-1461-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_angels-worshipping-detail-1461-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_angels-worshipping-detail-1461-3,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_arrival-of-st-augustine-in-milan-1465,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_baptism-of-st-augustine-1465,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_birth-of-st-francis-prophecy-of-the-birth-by-a-pilgrim-homage-of-the-simple-man,"[1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_birth-of-st-francis-prophecy-of-the-birth-by-a-pilgrim-homage-of-the-simple-man-detail,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_blessing-of-the-faithful-at-hippo-1465,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_conversion-of-the-heretic-1465,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_death-and-ascention-of-st-francis,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_death-of-st-monica-1465,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_death-of-the-knight-of-celano,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_descent-from-the-cross,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_disembarkation-at-ostia-1465,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_dream-of-innocent-iii-and-the-confirmation-of-the-rule,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_dream-of-innocent-iii-and-the-confirmation-of-the-rule-detail,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_establishment-of-the-manger-at-greccio,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_fall-of-simon-magus-1462,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_funeral-of-st-augustine-1465,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-1485,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-between-st-francis-and-st-bernardine-of-siena,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-detail,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-enthroned-among-st-benedict-st-scholastica-st-ursula-and-st-john-gualberto,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-giving-blessings,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-surrounded-by-saints,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-surrounded-by-saints-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-with-st-francis-and-the-donor-fra-jacopo-da-montefalco-left-and-st-bernardino-1452,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-and-child-with-sts-john-the-baptist-peter-jerome-and-paul,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_madonna-della-cintola,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_martyrdom-of-st-sebastian,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_overall-view-of-the-tabernacle-of-the-madonna-delle-tosse,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_preaching-to-the-birds-and-blessing-montefalco-1452,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_preaching-to-the-birds-and-blessing-montefalco-detail,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magi-1461,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magi-detail,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magi-detail-1461,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-1,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-2,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-3,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-4,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-5,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-6,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-7,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-balthazar-detail-1461-8,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-1,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-2,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-3,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-4,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-5,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-6,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-caspar-detail-1461-7,"[2.0, 3.0, 1.0, 6.0, 1.0, 3.0, 13.0, 17.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-magus-melchior-detail-1461,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_procession-of-the-oldest-king-1460,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_raphael-and-tobias-1465,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_renunciation-of-worldly-goods-and-the-bishop-of-assisi-dresses-st-francis,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-2,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_saint-ursula-with-angels-and-donor-detail-4,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_san-domenico-annunciation,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_scenes-from-the-life-of-st-francis-north-wall,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_scenes-from-the-life-of-st-francis-south-wall,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_scenes-with-st-ambrose-1465,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_scenes-with-st-ambrose-detail-1465,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-anthony-of-padua,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-at-the-university-of-carthage-1465,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-1465,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-1465-1,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-detail-1465,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-detail-1465-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-departing-for-milan-detail-1465-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-leaving-his-mother-1465,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-reading-rhetoric-and-philosophy-at-the-school-of-rome-1465,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-reading-rhetoric-and-philosophy-at-the-school-of-rome-detail-1465,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-reading-the-epistle-of-st-paul-1465,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-augustine-s-vision-of-st-jerome-1465,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-bartolus-1465,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-dominic-reuscitates-napoleone-orsini,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-fina-1465,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-fortunatus-enthroned,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-francis-giving-away-his-clothes-vision-of-the-church-militant-and-triumphant,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-francis-giving-away-his-clothes-vision-of-the-church-militant-and-triumphant-detail,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-francis-in-glory-and-saints,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-francis-in-glory-and-saints-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-gimignano-1465,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-jerome-pulling-a-thorn-from-a-lion-s-paw,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-john-detail-of-the-four-evangelists-1465,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-luke-detail-of-the-four-evangelists-1465,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-mark-detail-of-the-four-evangelists-1465,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-matthew-detail-of-the-four-evangelists-1465,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-monica-1465,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_st-nicholas-of-bari-1465,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-nicholas-of-tolentino-1465,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_st-sebastian-1465,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_st-sebastian-intercessor-1465,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_stigmatization-of-st-francis,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-condemned-1466,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-assumption-of-the-virgin,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-death-of-mary,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-four-evangelists,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-maria-lactans,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-madonna-delle-tosse-maria-lactans-detail,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-annunciation-mary,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-annunciation-the-archangel-gabriel,"[0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-annunciation-to-joachim,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-birth-of-mary,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-expultion-of-joachim-from-the-temple,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_tabernacle-of-the-visitation-meeting-at-the-golden-gate,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-1462,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-dance-of-salome-detail-1462-3,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-departure-of-st-jerome-from-antioch,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_the-expulsion-of-the-devils-from-arezzo,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-four-evangelists-1465,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-parable-of-the-holy-trinity-and-the-visit-to-the-monks-of-mount-pisano-1465,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-raising-of-lazarus,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-raising-of-lazarus-detail,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-school-of-tagaste-1465,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_the-school-of-tagaste-1465-1,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-school-of-tagaste-detail-1465,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-triumph-of-st-thomas-aquinas-1484,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-vigil-of-the-shepherds-detail,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_the-vintage-and-drunkenness-of-noah-1484,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,benozzo-gozzoli_tobias-and-the-fish-1465,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_trial-by-fire-before-the-sultan,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_trial-by-fire-before-the-sultan-detail,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_upper-portions-of-the-east-window-wall-1465,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_view-of-the-apsidal-chapel-of-sant-agostino-cycle-of-st-augustine-1465,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_view-of-the-left-hand-wall-of-the-chapel-1465,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,benozzo-gozzoli_view-of-the-main-apsidal-chapel-1452,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_view-of-the-main-apsidal-chapel-1452-1,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_view-of-the-right-hand-wall-of-the-chapel-1465,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_view-of-the-vaults-1465,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_vision-of-st-dominic-and-meeting-of-st-francis-and-st-dominic,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,benozzo-gozzoli_visit-to-the-monks-of-mount-pisano-1465,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_adoration-of-the-shepherds-1480,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_angels-pity,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_annunciation,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_annunciation-angel-1482,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_annunciation-angel-gabriel-1468,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_annunciation-with-saint-emidius-1486,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_apostles-1473,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_apostles-1473-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_archangel-michael-1477,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_christ-s-prayer-on-oelber-1468,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_coronation-of-the-virgin-1493,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_crucifixion,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_depiction-of-saint-saintephen,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna-1473,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna-1482,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna-enthroned-maria-lactans-1473,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna-saint-jerome-and-st-sebastian-1490,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_enthroned-madonna-st-jerome-and-st-sebastian-1490,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_flagellation-of-christ-1468,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_lamentation-of-christ-1473,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,carlo-crivelli_lamentation-over-the-dead-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Early_Renaissance,carlo-crivelli_lamentation-over-the-dead-christ-1485,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Early_Renaissance,carlo-crivelli_madonna,"[2.0, 12.0, 10.0, 1.0, 1.0, 0.0, 2.0, 14.0, 4.0]"
+Early_Renaissance,carlo-crivelli_madonna-1486,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_madonna-and-child-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,carlo-crivelli_madonna-and-child-enthroned,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_madonna-and-child-enthroned-with-donor,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_madonna-and-child-st-francis-of-assisi-1472,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_madonna-enthroned-with-donor-detail,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_madonna-of-the-passion,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_man-of-sorrow-1468,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_mary-magdalene-1490,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,carlo-crivelli_mary-with-child,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_piet,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_piet-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Early_Renaissance,carlo-crivelli_piet-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_polyptych,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-anthony-saint-jerome-saint-andrew-1482,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-bartholomew,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-bartholomew-1473,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-catherine-of-alexandria,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-catherine-of-alexandria-1473,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-dominic-1476,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-emidius-1473,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-francis,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-francis-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-francis-of-assisi-catches-the-blood-of-christ-from-the-wounds-1486,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-george,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-george-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-george-1473,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-george-and-the-dragon-1490,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-james-1473,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-james-of-the-marches-with-two-kneeling-donor-1477,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-james-the-elder-saint-bernard-of-siena-saint-nicodemus-1482,"[0.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-jerome-1473,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-jerome-1477,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-john-the-baptist-1468,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-john-the-baptist-1473,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-john-the-evangelist,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,carlo-crivelli_saint-laurenzius-1468,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-louis-of-toulouse,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-louis-of-toulouse-saint-jerome-saint-peter-and,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-mary-magdalene,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-nicolas,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-paul-1473,"[0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-paul-saint-john-chrysostom-and-saint-basil,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-peter,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-peter-1473,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-peter-and-saint-paul,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_saint-peter-martyr-and-saint-venetianus-of-camerino-1482,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-roch,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,carlo-crivelli_saint-roch-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,carlo-crivelli_saint-sebastian,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saint-thomas-aquinas-1476,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,carlo-crivelli_saint-ursula-1473,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_saints-anthony-and-lucia,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Early_Renaissance,carlo-crivelli_the-central-panels-of-the-polyptych,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_the-virgin-and-child-with-saints-francis-and-sebastian,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Early_Renaissance,carlo-crivelli_triptych-of-camerino-1482,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,carlo-crivelli_two-apostles-1475,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Early_Renaissance,carlo-crivelli_virgin-and-child,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_virgin-and-child-1482,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_virgin-and-child-enthroned,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_virgin-and-child-enthroned-with-saints,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,carlo-crivelli_virgin-annunciation-1468,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,carlo-crivelli_virgin-proclamation-1482,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_a-sibyl-1486,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_adoration-of-the-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_adoration-of-the-magi-1490,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_adoration-of-the-shepherds-1485,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_altarpiece-of-st-vincent-ferrer,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_altarpiece-of-st-vincent-ferrer-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_angel-appearing-to-zacharias-1490,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_announcement-of-death-to-st-fina-1475,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_annunciation,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_annunciation-closeup-1490,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_apse,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_baptism-of-christ,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_baptism-of-christ-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_christ-in-glory-with-st-benedict-c-480-547-st-romuald-c-952-1027-st-attinia-st-grecinia-and-the-1492,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_confirmation-of-the-rule,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_confirmation-of-the-rule-1485,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_coronation-of-the-virgin,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_coronation-of-the-virgin-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_coronation-of-the-virgin-1490,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_david,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_death-and-assumption-of-the-virgin-1490,"[0.0, 27.0, 7.0, 5.0, 0.0, 0.0, 0.0, 3.0, 6.0]"
+Early_Renaissance,domenico-ghirlandaio_decoration-of-the-sala-del-gigli,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_decoration-of-the-sala-del-gigli-1484,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_decoration-of-the-sala-del-gigli-1484-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_elderly-woman-1490,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_expulsion-of-joachim-1490,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_francesco-sassetti-and-his-son-teodoro,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_giovanna-tornabuoni-and-her-accompaniment,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_herod-s-banquet-1490,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_lamentation-over-the-dead-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_last-supper,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_last-supper-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_last-supper-2,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_ludovica-tornabuoni,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-and-child,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-and-child-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-and-child-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-and-child-enthroned-with-four-angels-the-archangels-michael-and-raphael-and-st-gusto-1485,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-and-child-enthroned-with-saints,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-and-child-enthroned-with-st-dionysius-aeropagita-domenic-clement-and-thomas-aquinas,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-and-child-with-st-sebastian-and-st-julian,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-in-glory-with-saints,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-of-mercy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_madonna-of-mercy-and-lamentation,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_marriage-of-mary-1490,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_martyrdom-of-st-peter-martyr-1490,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_meeting-of-augustus-and-the-sibyl,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_old-man-with-a-young-boy,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_piero-eldest-son-of-lorenzo-the-magnificent-called-piero-the-unfortunate,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-a-girl,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-a-lady,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-a-young-woman,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-francesco-sassetti-1483,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-giovane-donna,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-giovanna-tornabuoni,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-giovanna-tornabuoni-1490,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-lucrezia-tornabuoni,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-the-donor-francesca-pitti-tornabuoni-1490,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-the-donor-giovanni-tornabuoni-1490,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_portrait-of-the-donor-nera-corsi-sassetti-1485,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_preaching-of-st-john-the-baptist-1490,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_presentation-of-the-virgin-1490,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_renunciation-of-worldly-goods-1485,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_slaughter-of-the-innocents-1490,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-antony,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_st-barbara,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-barbara-crushing-her-infidel-father,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_st-catherine-of-siena-and-st-lawrence,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-christopher,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_st-dominic-burning-heretical-writings-1490,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_st-jerome,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_st-jerome-1480,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-john-the-baptist-in-the-desert-1490,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_st-john-the-evangelist-1490,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-john-the-evangelist-on-the-island-of-patmos-1485,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_st-luke-1490,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-mark-the-evangelist-1490,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-matthew-the-evangelist-1490,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_st-stephen,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_st-stephen-st-jacobo-st-peter,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_st-stephen-the-martyr,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_stigmata-of-st-francis-1485,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_study,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_study-1,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_study-of-garments,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_study-of-two-women,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_the-adoration-of-the-magi-1487,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-adoration-of-the-magi-1488,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-annunciation-1490,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_the-birth-of-mary-1490,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-birth-of-st-john-the-baptist-1490,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_the-calling-of-st-peter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_the-calling-of-st-peter-and-st-andrew-1481,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_the-coronation-of-the-virgin,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_the-death-of-st-francis-1485,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_the-funeral-of-st-fina-1475,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-miracle-of-a-child-1486,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-nativity,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,domenico-ghirlandaio_the-nativity-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-trial-by-fire-st-francis-before-the-sultan-of-egypt-1485,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-virgin-and-child,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_the-visitation,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_the-visitation-1491,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_vaulting-of-the-sassetti-chapel,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_vaulting-of-the-tornabuoni-chapel-1490,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-ghirlandaio_virgin-mary,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,domenico-ghirlandaio_zacharias-writes-down-the-name-of-his-son,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-veneziano_madonna-and-child,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-veneziano_madonna-and-child-1437,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-veneziano_madonna-and-child-1450,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Early_Renaissance,domenico-veneziano_madonna-and-child-with-st-lucy-st-francis-st-nicolas-and-st-john-the-baptist-from-santa-lucia,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,domenico-veneziano_martyrdom-of-st-lucy,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,domenico-veneziano_matteo-olivieri-1450,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,domenico-veneziano_not-detected-269819,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-veneziano_portrait-of-a-young-woman,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,domenico-veneziano_st-john-in-the-desert,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,domenico-veneziano_st-john-the-baptist-and-st-francis-of-assisi,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Early_Renaissance,domenico-veneziano_the-adoration-of-the-magi-1439,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-veneziano_the-annunciation-predella-panel-from-the-st-lucy-altarpiece,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,domenico-veneziano_the-madonna-and-child-with-saints,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,domenico-veneziano_the-miracle-of-st-zenobius-1448,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Early_Renaissance,domenico-veneziano_the-stigmatization-of-st-francis,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,domenico-veneziano_virgin-and-child,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Early_Renaissance,donatello_david-1409,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,donatello_david-1432,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,donatello_equestrian-statue-of-gattamelata-at-padua,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,donatello_judith-and-holofernes-1460,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,donatello_magdalene-penitent,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Early_Renaissance,donatello_statue-of-st-george-in-orsanmichele-florence-1416,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,donatello_statue-of-st-john-the-baptist-in-the-duomo-di-siena,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,donatello_the-feast-of-herod-1427,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,donatello_virgin-and-child-with-four-angels,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,donatello_zuccone-statue-of-the-prophet-habakkuk-1425,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,filippo-brunelleschi_crucifixion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Early_Renaissance,filippo-brunelleschi_madonna-with-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-brunelleschi_madonna-with-child-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,filippo-brunelleschi_madonna-with-child-1405,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,filippo-brunelleschi_perspective-drawing-for-church-of-santo-spirito-in-florence,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,filippo-brunelleschi_saint-peter-1413,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-brunelleschi_sketches-of-the-machines(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Early_Renaissance,filippo-brunelleschi_sketches-of-the-machines-1(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,filippo-brunelleschi_the-sacrifice-of-isaac-bronze-competition-relief-for-the-baptistry-doors-florence-1401-bronze-1401,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-child-with-saints,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-child-with-saints-1465,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-magi,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-1,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-2,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-3,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_adoration-of-the-magi-detail-4,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_ambrose-legend-1441,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Early_Renaissance,filippo-lippi_announcement-of-the-death-of-the-virgin,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_annunciation,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_annunciation-1435,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_annunciation-1445,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_annunciation-1450,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_annunciation-1469,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,filippo-lippi_annunciation-left-wing-1430,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,filippo-lippi_annunciation-right-wing-1430,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_birth-and-naming-st-john-1465,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,filippo-lippi_birth-and-naming-st-john-detail-1465,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_circumcision-1465,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_confirmation-of-the-carmelite-rule,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,filippo-lippi_confirmation-of-the-carmelite-rule-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_coronation-of-the-virgin-1445,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_coronation-of-the-virgin-1447,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,filippo-lippi_coronation-of-the-virgin-1469,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_coronation-of-the-virgin-detail-1447,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,filippo-lippi_dead-christ-supported-by-mary-and-st-john-the-evangelist,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,filippo-lippi_death-of-the-virgin-1469,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-1465,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-detail-1465,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-detail-1465-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,filippo-lippi_disputation-in-the-synagogue-detail-1465-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_esther-at-the-palace-gate,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_female-figure-1430,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_figure-study-1465,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_funeral-of-st-jerome-1465,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_head-of-a-woman-1452,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-1,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-1430,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-4,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-enthroned-with-saints,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-enthroned-with-two-angels,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-with-saints-angels-and-a-donor,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-with-st-fredianus-and-st-augustine-1438,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-and-child-with-two-angels-1465,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_madonna-del-ceppo,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,filippo-lippi_madonna-della-cintola,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-enthroned,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_madonna-enthroned-with-saints,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_madonna-of-humility-1430,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,filippo-lippi_madonna-of-humility-with-angels-and-donor,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_madonna-with-the-child-and-two-angels-1465,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_man-of-sorrows,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_meeting-of-joachim-and-anne-at-the-golden-gate,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_nativity-1469,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_portrait-of-a-man-and-woman-at-a-casement,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_portrait-of-a-woman-1440,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_saint-anthony-and-archangel-michael-1456,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_saints-augustin-and-francis-a-bishop-saint-and-saint-benedict,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_seven-saints-1450,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_st-alberto-of-trapani-1465,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,filippo-lippi_st-benedict-orders-st-maurus-to-the-rescue-of-st-placidus,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_st-fredianus-diverts-the-river-serchio,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_st-jerome-in-the-desert-1456,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_st-john-taking-leave-of-his-parents-1465,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_st-john-taking-leave-of-his-parents-detail-1465,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_st-john-the-evangelist-1454,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_st-lawrence-enthroned-with-saints-and-donors-1453,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,filippo-lippi_st-luke-the-evangelist-1454,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_the-adoration-of-the-infant-jesus-1459,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_the-adoration-of-the-infant-jesus-1465,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-annunciation-1450,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-annunciation-with-two-kneeling-donors-1455,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_the-beheading-of-john-the-baptis-1465,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-birth-and-infancy-of-st-stephen,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,filippo-lippi_the-birth-and-infancy-of-st-stephen-detail,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-birth-and-infancy-of-st-stephen-detail-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-doctors-of-the-church-1437,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-1464,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-detail-1464,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-detail-1464-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-feast-of-herod-salome-s-dance-detail-1464-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Early_Renaissance,filippo-lippi_the-funeral-of-st-stephen,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-funeral-of-st-stephen-detail,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Early_Renaissance,filippo-lippi_the-funeral-of-st-stephen-detail-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,filippo-lippi_the-martyrdom-of-st-stephen-1460,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,filippo-lippi_the-triumph-of-mordecai,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,filippo-lippi_the-virgin-appears-to-st-bernard-1447,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_the-vision-of-st-augustine-1465,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,filippo-lippi_triptych,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,filippo-lippi_two-saints,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,filippo-lippi_virgin-with-the-child-and-scenes-from-the-life-of-st-anne,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,filippo-lippi_virgin-with-the-child-and-scenes-from-the-life-of-st-anne-detail,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Early_Renaissance,filippo-lippi_vision-of-st-augustine,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_a-bishop-saint,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_adoration-and-annunciation,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_adoration-of-the-magi,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_adoration-of-the-magi-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_adoration-of-the-magi-1424,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_adoration-of-the-magi-1434,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_adoration-of-the-magi-1442,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_annalena-altarpiece,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_annunciation,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_annunciation-1432,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_annunciation-1434,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_annunciation-1442,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_annunciation-1443,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_annunciation-1452,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Early_Renaissance,fra-angelico_annunciation-and-adoration-of-the-magi,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_annunciation-detail,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_apparition-of-st-francis-at-arles-1429,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_archangel-gabriel-annunciate-1433,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_beheading-of-saint-cosmas-and-saint-damian-1440,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_birth-of-the-virgin-1434,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_bosco-ai-frati-altarpiece,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_christ-glorified-in-the-court-of-heaven-1430,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_christ-in-limbo-1442,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_christ-the-judge,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_christ-the-judge-1447,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_christ-the-judge-detali,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_circumcision-1452,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_communion-of-the-apostles-1452,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_compagnia-di-san-francesco-altarpiece,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,fra-angelico_condemnation-of-st-lawrence-by-the-emperor-valerian-1449,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_coronation-of-the-virgin-1435,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435-2,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_coronation-of-the-virgin-detail-1435-3,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_cortona-polyptych,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_crucified-christ-1434,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_crucified-christ-with-saint-john-the-evangelist,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,fra-angelico_crucified-christ-with-the-virgin-st-john-the-evangelist-and-cardinal-juan-de-torquemada-1442,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,fra-angelico_crucifixion,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_crucifixion-and-saints-1442,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Early_Renaissance,fra-angelico_crucifixion-with-mourners-and-sts-dominic-and-thomas-aquinas-1442,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_crucifixion-with-st-dominic,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_crucifixion-with-st-dominic-1445,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_crucifixion-with-st-dominic-flagellating-himself,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_crucifixion-with-the-virgin-and-sts-cosmas-john-the-evangelist-and-peter-martyr-1442,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,fra-angelico_crucifixion-with-the-virgin-john-the-evangelist-and-mary-magdelene-1420,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_crucifixion-with-the-virgin-mary-magdalene-and-st-dominic-1442,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_death-of-the-virgin-1434,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,fra-angelico_deposition-from-the-cross-1440,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_dispute-before-sanhedrin-1449,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_dormition-of-the-virgin-1432,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,fra-angelico_entombment-1440,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_flight-into-egypt-1452,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_glorification-of-saint-dominic,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_institution-of-the-eucharist-1442,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_institution-of-the-eucharist-1446,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Early_Renaissance,fra-angelico_king-david-playin-a-psaltery,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_lamentation-over-christ-1441,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,fra-angelico_lamentation-over-christ-1442,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_lamentation-over-st-francis,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_last-judgment,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_last-judgment-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_linaioli-tabernacle,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_linaioli-tabernacle-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_madonna-and-child,"[4.0, 19.0, 12.0, 2.0, 0.0, 0.0, 1.0, 7.0, 5.0]"
+Early_Renaissance,fra-angelico_madonna-and-child-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_madonna-and-child-1435,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_madonna-and-child-of-the-grapes,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_madonna-of-humility,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_madonna-of-humility-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_madonna-of-mercy-with-kneeling-friars,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_madonna-of-the-star,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_madonna-with-the-child-and-angels,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_marriage-of-the-virgin-1432,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_marriage-of-the-virgin-1434,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,fra-angelico_martyrdom-of-st-lawrence-1449,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_massacre-of-the-innocents-1452,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_meeting-of-st-francis-and-st-dominic,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_mystic-wheel-the-vision-of-ezekiel-1452,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,fra-angelico_nailing-of-christ-to-the-cross-1442,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_nativity-1441,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_noli-me-tangere-1442,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_not_detected_244627,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_paintings-for-the-armadio-degli-argenti-1452,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_penitent-st-jerome,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,fra-angelico_perugia-altarpiece-1448,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_perugia-altarpiece-1448-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_perugia-altarpiece-central-panel-1448,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_perugia-altarpiece-left-panel-1448,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_perugia-altarpiece-right-panel-1448,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_predella-of-the-san-domenico-altarpiece-1424,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_presentation-of-jesus-in-the-temple-1442,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_prophets-1447,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_prophets-detail,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_receiving-the-stigmata,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_reliquary-tabernacle,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_resurrection-of-christ-and-women-at-the-tomb-1442,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_sacred-conversation-1443,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_saint-anthony-the-abbot-tempted-by-a-lump-of-gold-1436,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-before-lisius-1440,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-condamned-1440,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-crucifixed-and-stoned-1440,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,fra-angelico_saint-cosmas-and-saint-damian-salvaged-1440,"[2.0, 12.0, 7.0, 0.0, 2.0, 3.0, 7.0, 6.0, 5.0]"
+Early_Renaissance,fra-angelico_saint-dominic-adoring-the-crucifixion-1442,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_saint-lawrence-receiving-the-treasures-of-the-church-from-pope-sixtus-ii-1449,"[1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_san-domenico-altarpiece-1430,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_scenes-from-the-life-of-christ-1452,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_scenes-from-the-life-of-christ-1452-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_scenes-from-the-lives-of-sts-lawrence-and-stephen-1449,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_sepulchring-of-saint-cosmas-and-saint-damian-1440,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 1.0]"
+Early_Renaissance,fra-angelico_st-bernard-of-clairvaux-1440,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_st-jerome-1440,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,fra-angelico_st-lawrence-giving-alms-1449,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_st-lawrence-on-trial,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_st-mark-1424,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_st-matthew-1424,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_st-michael-1424,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_st-nicholas-of-bari-1424,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Early_Renaissance,fra-angelico_st-peter-consacrates-st-lawrence-as-deacon-1449,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_st-peter-consacrates-stephen-as-deacon-1449,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Early_Renaissance,fra-angelico_st-peter-martyr-1440,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_st-peter-martyr-1442,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_st-peter-martyr-altarpiece-1428,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_st-peter-preaching-in-the-presence-of-st-mark,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_st-roche-1440,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_st-romuald-1440,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_st-stephen-being-led-to-his-martyrdom-1449,"[0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_st-stephen-distributing-alms-1449,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_st-thomas-aquinas-1440,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_the-apostle-st-james-the-great-freeing-the-magician-hermogenes-1435,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_the-burial-of-the-virgin-and-the-reception-of-her-soul-in-heaven-1435,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_the-coronation-of-the-virgin-1435,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_the-coronation-of-the-virgin-1441,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_the-healing-of-justinian-by-saint-cosmas-and-saint-damian-1440,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_the-healing-of-palladia-by-saint-cosmas-and-saint-damian-1440,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_the-martyrdom-of-st-mark,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Early_Renaissance,fra-angelico_the-meeting-of-sts-dominic-and-francis-of-assisi-1435,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_the-mocking-of-christ-1441,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,fra-angelico_the-naming-of-st-john-the-baptist-1435,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_the-ordination-of-st-lawrence,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_the-presentation-of-christ-in-the-temple-1434,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_the-sermon-of-st-stephen-1449,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_the-stoning-of-stephen-1449,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-1448,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-1448-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-birth-of-st-nicholas-1448,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-giving-dowry-to-three-poor-girls-1448,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-st-nicholas-saves-the-ship-1448,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-st-nicholas-saves-the-ship-detail-1448,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-the-death-of-the-saint-1448,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,fra-angelico_the-story-of-st-nicholas-the-liberation-of-three-innocents-1448,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,fra-angelico_the-trial-by-fire-of-st-francis-before-the-sultan,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_the-virgin-consigns-the-habit-to-st-dominic-1434,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_the-virgin-of-humility-1445,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_thebaid,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,fra-angelico_transfiguration-1442,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_view-of-east-wall-of-the-chapel-1449,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_view-of-the-chapel-vaulting,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_view-of-the-chapel-vaulting-1449,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,fra-angelico_virgin-and-child,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_virgin-and-child-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_virgin-and-child-enthroned-with-twelve-angels,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,fra-angelico_virgin-and-child-with-sts-dominic-and-catherine-of-alexandria,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,fra-angelico_virgin-and-child-with-sts-dominic-and-thomas-aquinas,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_virgin-mary-annunciate-1433,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,fra-angelico_visitation-1434,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_barbarigo-altarpiece-1488-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Early_Renaissance,giovanni-bellini_christ-blessing,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,giovanni-bellini_dead-christ-in-the-sepulchre-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,giovanni-bellini_dead-christ-supported-by-angels-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,giovanni-bellini_dead-christ-supported-by-angels-1485-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,giovanni-bellini_dead-christ-supported-by-the-madonna-and-st-john-1460,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,giovanni-bellini_four-allegories-falsehood-wisdom,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_four-allegories-fortune-or-melancholy,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_frari-triptych-1488,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,giovanni-bellini_greek-madonna-1460,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,giovanni-bellini_head-of-st-john-the-baptist-1468,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Early_Renaissance,giovanni-bellini_madonna-and-child-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,giovanni-bellini_madonna-and-child-1464,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,giovanni-bellini_madonna-and-child-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Early_Renaissance,giovanni-bellini_madonna-enthroned-cherishing-the-sleeping-child-1475,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,giovanni-bellini_madonna-in-adoration-of-the-sleeping-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,giovanni-bellini_madonna-with-blessing-child-1480,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,giovanni-bellini_madonna-with-child,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_madonna-with-child-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,giovanni-bellini_madonna-with-child-1455,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,giovanni-bellini_madonna-with-child-blessing-1464,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,giovanni-bellini_madonna-with-child-standing-on-a-parapet,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,giovanni-bellini_madonna-with-the-child-1464,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,giovanni-bellini_man-with-a-turban,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,giovanni-bellini_pesaro-altarpiece-1474-2,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_pesaro-altarpiece-predella-1474,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,giovanni-bellini_pesaro-altarpiece-predella-1474-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,giovanni-bellini_pieta-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 2.0, 4.0, 0.0]"
+Early_Renaissance,giovanni-bellini_pieta-with-the-virgin-and-st-john,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-3,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-5,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-6,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-7,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,giovanni-bellini_polyptych-of-san-vincenzo-ferreri-1468-8,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,giovanni-bellini_portrait-of-a-condottiere,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,giovanni-bellini_portrait-of-a-humanist-1480,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_portrait-of-a-venetian-gentleman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,giovanni-bellini_presentation-at-the-temple-1464,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,giovanni-bellini_resurrection-of-christ-1479,"[5.0, 21.0, 4.0, 2.0, 0.0, 2.0, 2.0, 6.0, 8.0]"
+Early_Renaissance,giovanni-bellini_saint-jerome-reading-1490,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,giovanni-bellini_st-francis-in-ecstasy-1485,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_st-jerome-in-the-desert,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,giovanni-bellini_st-jerome-in-the-wilderness-1450,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,giovanni-bellini_st-jerome-reading-in-the-countryside-1485,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,giovanni-bellini_the-agony-in-the-garden,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,giovanni-bellini_the-dead-christ-supported-by-two-angels,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,giovanni-bellini_the-madonna-of-the-red-cherubs,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_the-madonna-of-the-trees-1487,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,giovanni-bellini_the-san-giobbe-altarpiece-detail-of-music-making-angels-1480,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_the-virgin-and-child-with-st-peter-and-st-sebastian,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,giovanni-bellini_transfiguration-of-christ,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,giovanni-bellini_transfiguration-of-christ-on-mount-tabor,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,giovanni-bellini_virgin-and-child-1,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,giovanni-bellini_virgin-and-child-1488,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,giovanni-bellini_virgin-and-child-with-st-catherine-and-mary-magdalene,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_annunciation-1444,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_christ-in-the-grave,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Early_Renaissance,jacopo-bellini_christ-s-descent-into-limbo,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,jacopo-bellini_crucifix,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,jacopo-bellini_dormition-of-the-virgin,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_flagellation,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_john-the-evangelist-the-apostle-peter-1430,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,jacopo-bellini_lamentation,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Early_Renaissance,jacopo-bellini_madonna-and-child(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,jacopo-bellini_madonna-and-child-1448,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_madonna-and-child-1450,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,jacopo-bellini_nativity,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_presentation-of-the-virgin-at-the-temple,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,jacopo-bellini_profile-of-a-man,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,jacopo-bellini_profile-portrait-of-a-boy,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,jacopo-bellini_ross-and-rider,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_saint-anthony-abbot-and-saint-bernardino-da-siena-1460,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,jacopo-bellini_saint-jerome-1430,"[2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_sketch-of-deer-doe,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,jacopo-bellini_sketch-of-figures-and-scenes-from-the-antique-age,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_sketch-of-young-deer,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,jacopo-bellini_st-michael-defeating-satan,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_the-crucifixion,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,jacopo-bellini_the-madonna-of-humility-adored-by-leonello-d-este,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_the-three-dead-and-three-loud,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_the-twelve-apostles-in-a-barrel-vaulted-passage-1470,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_tomb-of-a-prince(2),"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,jacopo-bellini_triptych-of-st-lawrence-1470,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_triptych-of-st-sebastian-1464,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,jacopo-bellini_triptych-of-the-nativity-1470,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,jacopo-bellini_triptych-of-the-virgin-1470,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,jacopo-bellini_unknown,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_unknown(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_unknown(2),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,jacopo-bellini_unknown(3),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Early_Renaissance,jacopo-bellini_unknown(4),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,jacopo-bellini_view-of-a-fortification-of-jerusalem(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,jacopo-bellini_virgin-and-child,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,jacopo-bellini_virgin-with-child,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,konstantin-somov_copy-of-portrait-of-simonetta-vespucci-by-piero-di-cosimo,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_an-artillery-park-jpg-1487,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_annunciation-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_automobile,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_cannon-foundry-1487,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_comparison-of-scalp-skin-and-onion-1489,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_crossbow-machine,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_design-for-a-flying-machine,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_design-for-a-flying-machine-1488,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_design-for-a-giant-crossbow-1482,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_designs-for-a-boat,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_drawings-of-water-lifting-devices,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_flying-machine,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_grotesque-profile,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_head-of-a-girl,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_head-of-an-old-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_landscape-drawing-for-santa-maria-della-neve-1473,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_lily,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_madonna-with-a-flower-madonna-benois,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_multi-barrel-gun,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_one-of-leonardo-da-vinci-s-designs-for-an-ornithopter,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_perspectival-study-of-the-adoration-of-the-magi,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_portrait-of-a-musician-1485,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_portrait-of-ginevra-benci,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_profile-of-a-warrior-in-helmet,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_scythed-chariot,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_self-portrait-leonardo-discovered-a-2009-in-leonardo-s-codex-on-the-flight-of-birds,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_siege-defenses,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_st-jerome,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_studies-of-a-bewalking,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_studies-of-central-plan-buildings-1480,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_studies-of-human-skull-1489,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_study,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_study-for-the-adoration-of-the-magi,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,leonardo-da-vinci_study-for-the-madonna-with-the-fruit-bowl,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_study-of-a-central-church,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_study-of-a-child-with-a-cat,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_study-of-hands,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_study-of-nursing-madonna-and-profile-heads,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,leonardo-da-vinci_study-of-the-effect-of-light-on-a-profile-head-facsimile,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Early_Renaissance,leonardo-da-vinci_study-of-the-hanged-bernardo-di-bandino-baroncelli-assassin-of-giuliano-de-medici-1479,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_study-of-the-madonna-and-child-with-a-cat,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_study-sheet-1478,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_the-adoration-of-the-magi-1480,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_the-anatomy-of-a-foot,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_the-baptism-of-christ,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_the-madonna-of-the-carnation,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,leonardo-da-vinci_virgin-of-the-rocks,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,leonardo-da-vinci_woman-s-head,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,luca-signorelli_adoration-of-the-magi,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_adoration-of-the-shepherds,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_annunciation,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,luca-signorelli_annunciation-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_christ-and-the-doubting-thomas-1482,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,luca-signorelli_crucifixion-of-st-sepulchre,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_four-demons-with-a-book,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,luca-signorelli_head-of-a-poet-wearing-a-cap,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,luca-signorelli_madonna-and-child,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,luca-signorelli_madonna-and-child-with-saints-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,luca-signorelli_madonna-and-child-with-saints-2,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_moses-s-testament-and-death-detail-1482,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,luca-signorelli_moses-s-testament-and-death-detail-1482-1,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_moses-s-testament-and-death-detail-1482-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482-1,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,luca-signorelli_pair-of-apostles-in-dispute-1482-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,luca-signorelli_polyptych,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,luca-signorelli_saints-eligius-and-antonio,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,luca-signorelli_st-jerome-detail-from-virgin-enthroned-with-saints,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,luca-signorelli_st-paul,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_the-apostles-peter-and-john-the-evangelist-1482,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,luca-signorelli_the-birth-of-st-john-the-baptist,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,luca-signorelli_the-conversion-of-paul-1482,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,luca-signorelli_the-crucifixion-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,luca-signorelli_the-descent-of-the-holy-ghost,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,luca-signorelli_the-flagellation,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,luca-signorelli_the-martyrdom-of-st-sebastian,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,luca-signorelli_view-of-the-vaulting-of-the-sacristy-of-st-john-1482,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,luca-signorelli_virgin-enthroned-with-saints,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,masaccio_adam-and-eve-banished-from-paradise,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Early_Renaissance,masaccio_adoration-of-the-knigs-1428,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,masaccio_baptism-of-the-neophytes-1427,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,masaccio_birth-tray-1428,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,masaccio_crucifixion,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,masaccio_crucifixion-of-st-peter-1426,"[0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,masaccio_distribution-of-alms-and-death-of-ananias-1425,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,masaccio_madonna-casini,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,masaccio_madonna-of-humility-1420,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,masaccio_maria-and-child-1426,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,masaccio_martyrdom-of-san-giovanni-battista-1426,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,masaccio_not_detected_199406-1428,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,masaccio_portrait-of-a-young-man-1425,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,masaccio_portrait-of-a-young-woman-1425,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,masaccio_raising-of-the-son-of-teophilus-and-st-peter-enthroned,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,masaccio_san-giovenale-triptych-central-panel-1423,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,masaccio_san-giovenale-triptych-left-panel,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,masaccio_san-giovenale-triptych-right-panel,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,masaccio_self-portait-1420,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Early_Renaissance,masaccio_st-andrew-1426,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,masaccio_st-girolamo-end-giovanni-battista-1428,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,masaccio_st-juvenal-triptych-1422,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,masaccio_st-paul-1426,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,masaccio_st-peter-healing-the-sick-with-his-shadow-1425,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,masaccio_the-agony-in-the-garden,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,masaccio_the-madonna-and-child-with-st-anna,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,masaccio_the-tribute-money-1425,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,masaccio_the-trinity-1428,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,paolo-uccello_24-hours-clock,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_a-young-lady-of-fashion,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_adoration-of-the-child-1437,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Early_Renaissance,paolo-uccello_adoration-of-the-child-1437-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_after-a-work,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Early_Renaissance,paolo-uccello_christ-on-cross-1438,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,paolo-uccello_creation-of-adam-1445,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,paolo-uccello_crucifixion-1430,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_disputation-of-st-stephen,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_episodes-of-the-hermit-life-1460,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_equestrian-monument-of-sir-john-hawkwood-1436,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_flood,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_fresco-in-the-cloister-of-san-miniato-al-monte-loggia-in-florence-1439,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Early_Renaissance,paolo-uccello_head-of-prophet-1443,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_head-of-prophet-1443-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Early_Renaissance,paolo-uccello_head-of-prophet-1443-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,paolo-uccello_head-of-prophet-1443-3,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,paolo-uccello_hope,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_madonna,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_madonna-1452,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Early_Renaissance,paolo-uccello_madonna-1452-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,paolo-uccello_maria-birth-scene-1440,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_miracle-of-the-desecrated-host,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_miracle-of-the-desecrated-host-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_naked-child-since-mid-body-arms-crossed,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Early_Renaissance,paolo-uccello_oculus-depicting-the-nativity-1443,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_oculus-depicting-the-resurrection-1443,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_perspective-study-of-mazzocchio,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,paolo-uccello_perspective-study-of-mazzocchio-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_portrait-of-a-lady,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_portrait-of-a-lady-1450,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,paolo-uccello_portrait-of-a-man,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,paolo-uccello_portrait-of-a-young-man-1440,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_portrait-of-man-in-profile,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,paolo-uccello_portrait-of-manuel-chrysoloras-wearing-a-hat-and-holding-a-book,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_portraits-of-giotto-uccello-donatello-manetti-and-bruno,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_procession-of-re-ordained-in-a-church-1469,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_roundel-with-head,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,paolo-uccello_roundel-with-head-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,paolo-uccello_saint-jerome-and-saint-dominic-1435,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_saints-and-two-children-1445,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_scene-adoration-of-the-three-kings-1440,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_scene-of-peace-offerings-noah-s-drunkenness-and-shame-1448,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_scene-st-james-of-todi-1440,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,paolo-uccello_scene-temple-mary-1440,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_scenes-of-monastic-life,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,paolo-uccello_scenes-of-monastic-life-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_scenes-of-monastic-life-2,"[2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_st-dominic,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_st-francis,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_st-george-and-the-dragon,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,paolo-uccello_st-george-and-the-dragon-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_st-paul,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_standing-man,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_stoning-of-st-stephen,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_the-adoration-of-the-child-1463,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_the-adoration-of-the-kings,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,paolo-uccello_the-adoration-of-the-magi,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_the-adoration-of-the-magi-1435,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_the-annunciation,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_the-battle-of-san-romano,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_the-battle-of-san-romano-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_the-battle-of-san-romano-1440,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_the-flood,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,paolo-uccello_the-hunt-in-the-forest,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_the-intervention-of-micheletto-cotignola-1438,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_tobias-and-the-angel,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,paolo-uccello_two-angels-and-two-devils-1469,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Early_Renaissance,paolo-uccello_vase-in-perspective,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,paolo-uccello_victory-over-bernardino-della-ciarda-1438,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Early_Renaissance,piero-della-francesca_angel(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Early_Renaissance,piero-della-francesca_angel-1(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,piero-della-francesca_annunciation-1464(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_annunciation-detail(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,piero-della-francesca_archangel-gabriel,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_augustinian-saint,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_baptism-of-christ-1450(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_baptism-of-christ-detail-1450(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_battle-between-constantine-and-maxentius-1464(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes-detail(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes-detail-1(1),"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_battle-between-heraclius-and-chosroes-detail-2(1),"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_burial-of-the-holy-wood-1464(1),"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,piero-della-francesca_constantine-s-victory-over-maxentius-detail(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,piero-della-francesca_constantine-s-victory-over-maxentius-detail-1(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_crucifixion(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,piero-della-francesca_crucifixion-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,piero-della-francesca_death-of-adam(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,piero-della-francesca_death-of-adam-detail(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_exaltation-of-the-cross-detail(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_exaltation-of-the-cross-heraclius-enters-jerusalem-with-the-cross-1464(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Early_Renaissance,piero-della-francesca_federico-da-montefeltro-1472(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,piero-della-francesca_federigo-da-montefeltro-1465(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_finding-and-recognition-of-the-true-cross(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_finding-of-the-true-cross-1464(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_head-of-an-angel(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_heraclius-restores-the-cross-to-jerusalem-1464(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_hercules,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,piero-della-francesca_ideal-city,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_madonna-and-child,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,piero-della-francesca_madonna-and-child-attended-by-angels,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,piero-della-francesca_madonna-and-child-with-saints-1472(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,piero-della-francesca_madonna-of-senigallia-with-child-and-two-angels(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Early_Renaissance,piero-della-francesca_meeting-between-the-queen-of-sheba-and-king-solomon(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_meeting-between-the-queen-of-sheba-and-king-solomon-detail(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,piero-della-francesca_nativity-1475(2),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_nativity-detail-1475(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_polyptych-of-st-anthony(1),"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_polyptych-of-the-misericordia-1462(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_portrait-of-a-boy,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_portrait-of-battista-sforza-1465(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_portraits-federico-da-montefeltro-and-battista-sforza-1465(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-and-meeting-between-the-queen-of-sheba-and-king-solomon-1464(1),"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-detail(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-detail-1(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,piero-della-francesca_procession-of-the-queen-of-sheba-detail-2(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,piero-della-francesca_prophet(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Early_Renaissance,piero-della-francesca_prophet-1(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_queen-of-sheba(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,piero-della-francesca_queen-of-sheba-worshipping-the-wood-of-the-cross-1464(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,piero-della-francesca_recognition-of-the-true-cross(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,piero-della-francesca_recognition-of-the-true-cross-detail(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Early_Renaissance,piero-della-francesca_saint-mary-magdalen-1460(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_sigismondo-malatesta-1451(1),"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_st-andrew-and-st-bernardino,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_st-anthony-resurrects-a-child,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,piero-della-francesca_st-augustine(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_st-augustine-and-st-michael(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_st-benedict,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_st-elizabeth-saves-a-boy,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_st-francis,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_st-francis-and-st-elizabeth,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,piero-della-francesca_st-jerome-and-a-donor-1451,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_st-john-the-evangelist-and-st-nicholas-of-tolentino(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_st-julian(1),"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_st-ludovico,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,piero-della-francesca_st-michael(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,piero-della-francesca_st-sebastian-and-john-the-baptist(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_st-sigismund-and-sigismondo-pandolfo-malatesta-1451(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_the-annunciation,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_the-dream-of-constantine-1464(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,piero-della-francesca_the-flagellation-of-christ(1),"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,piero-della-francesca_the-flagellation-of-christ-detail(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,piero-della-francesca_the-flagellation-of-christ-detail-1(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Early_Renaissance,piero-della-francesca_the-madonna-del-parto-1460(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_the-madonna-of-mercy-1445(1),"[0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_the-penance-of-st-jerome(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Early_Renaissance,piero-della-francesca_the-resurrection(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0, 0.0]"
+Early_Renaissance,piero-della-francesca_the-stigmatisation-of-st-francis,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_torment-of-the-jew(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_triumph-of-battista-sforza,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_triumph-of-federico-da-montefeltro,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_victory-of-constantine-at-the-battle-of-the-milvian-bridge-1464(1),"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,piero-della-francesca_view-of-the-cappella-maggiore-1466(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,piero-della-francesca_virgin-and-child,"[1.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,piero-della-francesca_vision-of-constantine-detail(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,pietro-perugino_angels-detail,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_baptism-of-christ-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_baptism-of-christ-1483,"[1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_birth-of-christ-tondo,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_birth-of-the-virgin-1473,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,pietro-perugino_cathedral-of-sansepolcro-internal,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_christ-handing-the-keys-to-st-peter-1482,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_christ-handing-the-keys-to-st-peter-detail-1-1482,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_christ-handing-the-keys-to-st-peter-detail-2,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_christ-in-the-sarcophagus-1473,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,pietro-perugino_dead-christ-at-the-tomb,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Early_Renaissance,pietro-perugino_giovanni-colombini,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_journey-of-moses-and-circumcision-of-her-second-child-1483,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_madonna-enthroned-with-saints-catherine-and-rose-of-alexandria-and-two-angels-1492,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_madonna-with-child-1473,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_madonna-with-children-and-st-john-1485,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_miracle-of-snow-and-foundation-of-santa-maria-maggiore-1473,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,pietro-perugino_moses-s-journey-into-egypt,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_moses-s-journey-into-egypt-and-the-circumcision-of-his-son-eliezer-detail,"[1.0, 5.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,pietro-perugino_pieta-with-st-jerome-and-santa-maria-magdalena,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,pietro-perugino_polyptych-annunziata-assumption-of-mary,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_polyptych-annunziata-john-the-baptist,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,pietro-perugino_polyptych-annunziata-st-helena,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,pietro-perugino_polyptych-annunziata-st-illuminata,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_polyptych-annunziata-st-philip-benizi,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_pope-antero-1483,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,pietro-perugino_pope-fabiano-1483,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_portrait-of-a-young-man,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,pietro-perugino_portrait-of-a-young-man-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,pietro-perugino_portrait-of-lorenzo-di-credi,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,pietro-perugino_saints-rocco-and-romanee-in-the-view-of-the-town-deruta-1478,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_st-anthony-of-padua-and-st-sebastian-1478,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_st-augustine-polyptych-detail,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_st-francis-and-the-four-obedient,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,pietro-perugino_st-jerome-penitence,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_st-jerome-who-attends-two-unfairly-hanged-1473,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,pietro-perugino_st-jerome-who-resurrected-the-bishop-andrea-1473,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,pietro-perugino_st-sebastian-1490,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Early_Renaissance,pietro-perugino_st-sebastian-and-pieces-of-figure-of-st-rocco-and-st-peter,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-adoration-of-the-magi,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-adoration-of-the-magi-1473,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-adoration-of-the-magi-particular-detail-1470,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-annunciation-of-mary,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-galitzin-triptych,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-miracle-baby-born-with-one-dead,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-the-healing-of-a-young,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-the-healing-of-a-young-detail,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_the-miracles-of-san-bernardino-the-healing-of-the-blind-and-deaf-riccardo-micuzio,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-nativity-of-the-virgin-st-joseph-and-the-shepherds-adoring-the-infant-christ,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_the-pazzi-crucifixion-detail-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pietro-perugino_the-pazzi-crucifixion-detail-2,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pietro-perugino_the-pazzi-crucifixion-detail-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,pietro-perugino_the-visitation-with-st-anne-and-st-john-the-stigmata-of-st-francis-1473,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,pietro-perugino_virgin-and-st-jerome-and-st-augustine,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,pisanello_apes-1430,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,pisanello_apparition-of-the-virgin-to-sts-anthony-abbot-and-george,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pisanello_dog,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,pisanello_duck-1440,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pisanello_hanged-men-and-two-portraits-1430,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,pisanello_horses-1433,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,pisanello_portrait-of-emperor-sigismund-of-luxembourg-1433,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pisanello_stork-1430,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,pisanello_study-of-a-head-1436,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,pisanello_study-of-a-young-man-with-his-hands-tied-behind-his-back-1438,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,pisanello_study-of-horse-heads-1433,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,pisanello_study-of-the-head-of-a-horse-1439,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,pisanello_the-vision-of-saint-eustace-1438,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,pisanello_three-cows-1440,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_adoration-of-the-child(1),"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_adoration-of-the-magi(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_adoration-of-the-magi-1467(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_adoration-of-the-magi-1476-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_adoration-of-the-magi-1500(1),"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_allegory-of-abundance-1485(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_angel(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_annunciation-1481(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_annunciation-1500(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_annunciation-cestello-detail-1490(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,sandro-botticelli_baptism-of-st-zenobius-and-his-appointment-as-bishop-1505(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_calumny-of-apelles(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_christ-carrying-the-cross(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Early_Renaissance,sandro-botticelli_christ-crowned-with-thorns(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_christ-in-the-sepulchre(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_crucifixion(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,sandro-botticelli_figures-on-the-road-to-calvary(1),"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_fortitude(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,sandro-botticelli_giuliano-de-medici-1478(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_illustration-to-the-divine-comedy-inferno-1480(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,sandro-botticelli_inferno-canto-xviii-1480(1),"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_inferno-canto-xxxi-1480(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_judith-leaving-the-tent-of-holofernes-1500(1),"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_lamentation-over-the-dead-christ-1490(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Early_Renaissance,sandro-botticelli_last-communion-of-st-jerome(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child-1470(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child-1510(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child-and-the-young-st-john-the-baptist-1495(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child-with-an-angel(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child-with-six-saints(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child-with-st-john-the-baptist(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-and-child-with-two-angels(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,sandro-botticelli_madonna-del-magnificat-1485(1),"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-in-glory-with-seraphim-1470(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-of-the-book(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-of-the-magnificat-1481(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-of-the-rosegarden-1470(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_madonna-of-the-sea(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_madonna-with-child-and-singing-angels(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_madonna-with-child-and-three-angels(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,sandro-botticelli_madonna-with-two-angels(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_pallas(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,sandro-botticelli_pallas-and-centaur(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_paradise-canto-vi-1490(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,sandro-botticelli_paradise-canto-xxx-1490(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_pity-1490(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-man(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-man-1(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-man-with-the-medal-of-cosimo-1474(1),"[1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-man(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-1483(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-1483-1(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-with-red-cap(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-man-with-red-cap-1477(1),"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-woman(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-woman-1(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-a-young-woman-1485(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-dante(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_portrait-of-simonetta-vespucci(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_primavera-1478(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_purgatory-1490(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_saint-jean-baptiste-1490(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_salome-with-the-head-of-st-john-the-baptist(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_santa-maria-novella(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_scene-from-the-life-of-moses-1482(1),"[1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_scene-from-the-life-of-moses-scenes-on-the-left-1482(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_sebastian(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_simonetta(1),"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_sixtus-ii-1481(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_st-augustine(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_st-augustine-in-his-cell-1490(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_st-augustine-in-his-study-predella-panel-from-the-altarpiece-of-st-mark-1490(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Early_Renaissance,sandro-botticelli_st-dominic(1),"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_st-jerome(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_st-jerome-in-penitence-predella-panel-from-the-altarpiece-of-st-mark-1490(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,sandro-botticelli_st-john-on-patmos-1492(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,sandro-botticelli_study-of-two-standing-figures(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-abyss-of-hell-1480(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Early_Renaissance,sandro-botticelli_the-agony-in-the-garden(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-annunciation-1500(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,sandro-botticelli_the-annunciation-predella-panel-from-the-altarpiece-of-st-mark-1490(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-birth-of-venus-1485(1),"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-cestello-annunciation(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-coronation-of-the-virgin-altarpiece-of-st-mark(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-discovery-of-the-body-of-holofernes(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-extraction-of-the-heart-of-st-ignatius-from-the-altarpiece-of-st-barnabas-1488(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-flagellation(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-flight-into-egypt(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-madonna-and-child-with-the-infant-saint-john-the-baptist(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-madonna-of-the-roses(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-miracle-of-st-eligius-predella-panel-from-the-altarpiece-of-st-mark-1492(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-mystical-nativity(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-outcast(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-punishment-of-korah-dathan-and-abiram-1481(1),"[0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-resurrection(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Early_Renaissance,sandro-botticelli_the-return-of-judith-to-bethulia-1473(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-story-of-lucretia-1504(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-story-of-nastagio(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-story-of-nastagio-degli-onesti-1483(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-story-of-nastagio-degli-onesti-i-from-the-decameron-by-boccaccio-1483(1),"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-story-of-nastagio-degli-onesti-the-banquet-in-the-pine-forest-1483(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-story-of-virginia-1504(1),"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-temptation-of-christ-1482(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,sandro-botticelli_the-triumph-of-mordecai-from-the-story-of-esther-1480(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-virgin-adoring-the-child(1),"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-virgin-adoring-the-child-1(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-virgin-adoring-the-child-1490(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,sandro-botticelli_the-virgin-and-child-enthroned-1484(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-virgin-and-child-surrounded-by-five-angels(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-virgin-and-child-with-the-infant-st-john(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-virgin-and-child-with-two-angels-and-st-john-the-baptist(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Early_Renaissance,sandro-botticelli_the-vision-of-st-augustine-from-the-altarpiece-of-st-barnabas(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-youth-moses-1482(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_the-youth-moses-detail-1482(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_three-angels-1480(1),"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_three-miracles-of-st-zenobius-1505(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,sandro-botticelli_three-miracles-of-st-zenobius-1505-1(1),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_three-scenes-from-the-story-of-esther(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Early_Renaissance,sandro-botticelli_transfiguration-st-jerome-st-augustine-1500(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_trinity(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Early_Renaissance,sandro-botticelli_venus-and-mars(1),"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_venus-and-the-graces-offering-gifts-to-a-young-girl-1486(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_virgin-and-child-with-saints-from-the-altarpiece-of-san-barnabas-1488(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Early_Renaissance,sandro-botticelli_virgin-and-child-with-the-infant-st-john-the-baptistbetween-1500(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Early_Renaissance,sandro-botticelli_virgin-and-child-with-two-angels-1469(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Early_Renaissance,sandro-botticelli_woman-with-attributes-of-saint-catherine-so-called-catherina-sforza-sandro-botticelli-1475(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Early_Renaissance,sandro-botticelli_workshop-of-esther-at-the-palace-gate-1480(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Early_Renaissance,sandro-botticelli_young-man-greeted-by-seven-liberal-arts-1490(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,abidin-dino_drawing-pain-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,abidin-dino_drawing-pain-self-portrait-1967,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,abidin-dino_harpooned-man-1970,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,abidin-dino_legendes-a-venir-theatre-poster,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,abidin-dino_legendes-a-venir-theatre-poster-1972,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,abidin-dino_nomads-portrait-of-a-woman-1940,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,abidin-dino_self-portrait-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,abraham-manievich_portrait-of-the-artist-s-wife-1929,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,abraham-manievich_unfinished-painting,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,abraham-manievich_untitled-1925,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ad-reinhardt_a-page-by-ad-reinhardt,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ad-reinhardt_ho-to-look-at-an-artist,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,ad-reinhardt_how-to-look-at-a-spiral-1946(1),"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ad-reinhardt_how-to-look-at-modern-art-1946,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ad-reinhardt_how-to-look-at-modern-art-detail-1946,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ad-reinhardt_illustration-for-the-races-of-mankind-by-ruth-benedict-and-gene-weltfish-1944,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,ad-reinhardt_the-rescue-of-art-1946,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,adam-baltatu_fantastic-landscape,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,adam-baltatu_towards-the-noon,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,adolf-fleischmann_harbour-1928,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,adolf-fleischmann_sill-life-with-fruits-mussels-and-a-bottle,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,akseli-gallen-kallela_le-depart-de-v-in-m-inen-1906,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 5.0, 1.0, 1.0]"
+Expressionism,akseli-gallen-kallela_lemmink-inen-s-mother-1897,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 7.0, 0.0]"
+Expressionism,akseli-gallen-kallela_mt-donia-sabuk-1909,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,akseli-gallen-kallela_portrait-of-maxim-gorky-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,akseli-gallen-kallela_portrait-of-phyllis-sj-str-m-1914,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,akseli-gallen-kallela_poster-for-the-german-exposition-of-art-in-ateneum-1922,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,akseli-gallen-kallela_stockflotte-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,akseli-gallen-kallela_sunset-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,akseli-gallen-kallela_the-abduction-of-sampo-1905,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 5.0, 2.0, 1.0]"
+Expressionism,akseli-gallen-kallela_the-storm-1902,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 5.0, 1.0, 1.0]"
+Expressionism,albert-bloch_blue-ravine,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,albert-bloch_blue-waterfall-1932,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,albert-bloch_cityscape,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,albert-bloch_cityscape-with-tower,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,albert-bloch_conference,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,albert-bloch_conversation-1950,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,albert-bloch_don-quixote,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,albert-bloch_duel-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,albert-bloch_entombent,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,albert-bloch_figures-on-dark-ground-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,albert-bloch_for-clown-iv,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,albert-bloch_garden-glimpse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,albert-bloch_group-of-three,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,albert-bloch_gulls-1941,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,albert-bloch_harlequinade-1911,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,albert-bloch_head-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,albert-bloch_houses-at-night,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,albert-bloch_interior,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,albert-bloch_lamentation,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,albert-bloch_march-of-the-clowns-1941,"[3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,albert-bloch_masked-portrait-georg-trakl-1943,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,albert-bloch_mountain,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,albert-bloch_night-in-the-valley-1917,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,albert-bloch_night-v-1917,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,albert-bloch_old-graverayd-1940,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,albert-bloch_passing-train,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,albert-bloch_piping-pierrot,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,albert-bloch_portrait-of-a-boy,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,albert-bloch_portrait-of-a-man-1911,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,albert-bloch_portrait-of-mr-a-m,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,albert-bloch_prize-fight,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,albert-bloch_procession-with-the-cross,"[0.0, 6.0, 3.0, 0.0, 0.0, 0.0, 15.0, 22.0, 2.0]"
+Expressionism,albert-bloch_reclining-figure,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,albert-bloch_scherzo-1926,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,albert-bloch_souvenir-1921,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,albert-bloch_still-life-iii,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,albert-bloch_study-of-shape-and-color-9-with-railway-bridge,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,albert-bloch_the-dancer-ragtime-1911,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,albert-bloch_the-four-pierrots-1912,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,albert-bloch_the-green-dress-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,albert-bloch_the-grieving-women,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,albert-bloch_the-house-next-door-1934,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,albert-bloch_the-three-pierrots-no-2-1911,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,albert-bloch_three-pierrots-and-harlequin-1914,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,albert-bloch_two-seated-nudes,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,albert-bloch_untitled-infernal-figures,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,albert-bloch_veranda,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,albert-bloch_walk-to-emmaus-1938,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,albert-bloch_windy-night-sky-1944,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,albert-bloch_winter,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,albert-bloch_winter-in-the-dead-wood-1938,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,alberto-burri_procession-of-the-dead-christ-1946,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,alberto-burri_upper-piazza-1947,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,alekos-kontopoulos_companionship,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,alekos-kontopoulos_despite-fourth-hour-is-coming-1973,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,alekos-kontopoulos_head-1939,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,alekos-kontopoulos_naked-female-form,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,alekos-kontopoulos_portrait,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,alekos-kontopoulos_self-portrait,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,alekos-kontopoulos_self-portrait(1),"[0.0, 1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,alekos-kontopoulos_self-portrait(2),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,alekos-kontopoulos_self-portrait(3),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,alekos-kontopoulos_the-farmer,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,alekos-kontopoulos_view-of-mount-athos,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,alexander-calder_calder-s-circus-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,alexander-calder_comb,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,alexander-calder_composition-in-black-1946,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,alexander-calder_cow-1926,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,alexander-calder_elephant-1928,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,alexander-calder_four-fish-in-water,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,alexander-calder_helen-wills-1927,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,alexander-calder_hollow-egg-1939,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,alexander-calder_hooked-rug-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,alexander-calder_josephine-baker-iii-1927,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,alexander-calder_only-only-bird-1951,"[3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,alexander-calder_portrait-of-a-man-1929,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,alexander-calder_romulus-and-remus-1928,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,alexander-calder_spring-1928,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,alexander-calder_the-acrobats-1944,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,alexander-calder_the-circus-1932,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,alexander-calder_yellow-tights-1945,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,amadeo-de-souza-cardoso_a-clear-house-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amadeo-de-souza-cardoso_a-mongol,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0, 3.0, 1.0]"
+Expressionism,amadeo-de-souza-cardoso_amadeo-and-manuel-laranjeiro-1906,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amadeo-de-souza-cardoso_brook-house-1913,"[5.0, 3.0, 18.0, 1.0, 0.0, 2.0, 9.0, 2.0, 2.0]"
+Expressionism,amadeo-de-souza-cardoso_caricature-of-the-artist-emmerico-nunes-1909,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,amadeo-de-souza-cardoso_clown-horse-salamandra-1912,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,amadeo-de-souza-cardoso_composition-with-violin,"[18.0, 4.0, 10.0, 15.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,amadeo-de-souza-cardoso_dancer-1910,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amadeo-de-souza-cardoso_green-eye-mask-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 6.0, 0.0, 2.0]"
+Expressionism,amadeo-de-souza-cardoso_green-landscape-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,amadeo-de-souza-cardoso_landscape-with-black-figure-1915,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amadeo-de-souza-cardoso_le-moulin-1912,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amadeo-de-souza-cardoso_os-galgos-1911,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,amadeo-de-souza-cardoso_popular-song-bird-and-brazil-1916,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amadeo-de-souza-cardoso_portrait-of-francisco-cardoso-1912,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,amadeo-de-souza-cardoso_portrait-of-man-1913,"[1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 2.0, 1.0, 2.0]"
+Expressionism,amadeo-de-souza-cardoso_red-ocean-blue-1915,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Expressionism,amadeo-de-souza-cardoso_sorrows-heads-1914,"[1.0, 1.0, 1.0, 1.0, 0.0, 3.0, 2.0, 2.0, 0.0]"
+Expressionism,amadeo-de-souza-cardoso_the-leap-of-the-rabbit-1911(1),"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amadeo-de-souza-cardoso_the-rat-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 4.0, 3.0, 1.0, 1.0]"
+Expressionism,amadeo-de-souza-cardoso_windmill-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 5.0, 2.0]"
+Expressionism,amadeo-de-souza-cardoso_windows-of-a-fisherman-1915(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amadeo-de-souza-cardoso_woman-sevant-1914,"[2.0, 1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Expressionism,amedeo-modigliani_a-blond-wearing-earrings,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_a-girl-in-yellow-dress-1917,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_a-head-1915,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_a-red-bust-1913,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_a-suffering-nude,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_a-woman-with-velvet-ribbon,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_a-woman-with-white-collar-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_a-young-girl-1916,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_a-young-girl-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_a-young-girl-with-a-black-overall-1918,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_adrienne-woman-with-bangs-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_alice-1915,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_almaisa-1916,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_andre-rouveyre-1915,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_anna-akhmatova-1911,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,amedeo-modigliani_anna-akhmatova-1911-1(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_anna-hanka-zabrowska-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_anna-hanka-zborowska-1917,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_annie-bjarne-1919,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_antonia-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,amedeo-modigliani_bearded-man-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_beatrice-hastings-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_beatrice-hastings-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_beatrice-hastings-1915-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_beatrice-hastings-leaning-on-her-elbow-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_beatrice-hastings-seated-1915,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_beggar-woman-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_big-red-buste-leopold-ii-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_blonde-nude-1917,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_boy-in-a-blue-shirt,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_boy-in-shorts-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_bride-and-groom-the-couple,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_burgundian-woman-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_bust-of-a-young-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_bust-of-a-young-woman-mademoiselle-marthe,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_bust-of-manuel-humbert,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_bust-of-young-girl,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_cafe-singer-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,amedeo-modigliani_caryatid,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,amedeo-modigliani_caryatid-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_caryatid-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_caryatid-1913,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_caryatid-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_caryatid-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_chaim-soutine,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_chaim-soutine-1916,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_chakoska-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_cheron,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_constant-leopold,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_count-weilhorski,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_cypress-trees-and-house-1919,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_dancer,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_dark-young-woman-seated-by-a-bed-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_doctor-devaraigne-1917,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_elena-picard-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,amedeo-modigliani_elvira-with-a-white-collar-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_fat-child-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_female-nude,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_female-nude-with-hat,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_flower-vendor-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_frans-hellens-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_germaine-survage-with-earrings-1918,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_girl-in-a-green-blouse-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_girl-in-a-sailor-s-blouse-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_girl-in-blue-1919,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_girl-in-the-shirt-red-haired-girl-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,amedeo-modigliani_girl-with-a-polka-dot-blouse-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_girl-with-pigtails-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_gypsy-woman-with-a-baby-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_hanka-zborowska-1919,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_head,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_head-of-a-girl,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_head-of-a-woman,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_head-of-a-woman-with-a-hat-1907,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_head-of-a-young-girl-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_head-of-a-young-woman-1908-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_head-of-red-haired-woman-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_jacques-and-berthe-lipchitz-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_jean-alexandre-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-1918-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-1919-1,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-in-a-hat,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-in-a-yellow-jumper-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-in-front-of-a-door-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-with-a-scarf-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-with-hat-and-necklace-1917,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-with-necklace-1917,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_jeanne-hebuterne-with-white-collar-1919,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_joseph-levi-1910,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_landscape,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_landscape-southern-france-1919,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_large-seated-nude,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_le-grand-nu-the-great-nude-1917,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_leon-indenbaum-1915,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_leopold-zborowski-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_leopold-zborowski-with-a-walking-stick-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_little-girl-in-black-apron-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_little-girl-in-blue-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_little-louise-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_little-serving-woman-1919,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_lolotte-1916,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_lolotte-head-of-a-woman-in-a-hat,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_louise-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Expressionism,amedeo-modigliani_lunia-czechovska-1919,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_lunia-czechowska,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_lunia-czechowska-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_lunia-czechowska-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_lunia-czechowska-with-her-left-hand-on-her-cheek-1918,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_lying-nude-1917,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_madame-dorival-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_madame-georges-van-muyden-1917,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_madame-othon-friesz-la-marseillaise-1915,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_madame-pompadour-1915,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_madame-zborowska-with-clasped-hands,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_man-s-head-portrait-of-a-poet,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_man-with-a-glass-of-wine,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_man-with-a-pipe-the-notary-of-nice-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_manuel-humberg-esteve-1916,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_marcelle-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_margarita-seated-1916,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_marie-daughter-of-the-people-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_maurice-drouard-1909,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_max-jacob,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_max-jacob-1916,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_minoutcha,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_monsier-deleu-1916,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_monsieur-lepoutre-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_nude,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_nude-1917,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_nude-bust-1915,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_nude-looking-over-her-right-shoulder-1917,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_nude-on-a-blue-cushion,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_nude-on-sofa-1918,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_nude-on-sofa-almaisa-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_nude-seating-on-a-sofa-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_nude-with-coral-necklace-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_nude-with-hat,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_nude-with-necklace-1917,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_oscar-miestchaninoff-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_paul-guillaume-1915,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_paul-guillaume-1916,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_pierre-edouard-baranowski-1918,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_pierre-reverdy,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_pierrot-self-portrait-as-pierrot-1915,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_pink-blouse-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-de-paul-alexanders-1913,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-girl-victoria-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-man-with-hat-jose-pacheco,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-polish-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-woman-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-woman-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-woman-1915,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-woman-1919,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-woman-in-a-black-tie-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-woman-with-a-white-collar-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-young-girl-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-young-girl-louise-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-young-woman,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-young-woman-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-a-young-woman-1919,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-anna-zborowska-1917,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_portrait-of-anna-zborowska-1919,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1915,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1915-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1916,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-1916-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-beatrice-hastings-before-a-door-1915,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-blaise-cendrars-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-celso-lagar-1915,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-chaim-soutine-1915,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-chaim-soutine-1917,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-diego-rivera-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-diego-rivera-1914-1,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-diego-rivera-1916,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-doctor-devaraigne-1917,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-dr-paul-alexandre-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_portrait-of-elena-pavlowski-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-frank-burty-haviland-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-frank-haviland-burty-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-george-ortiz-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-henri-laurens-1915,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-henri-laurens-1915-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-jean-alexandre-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-jean-cocteau-1917,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1918-3,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1919,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-1919-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-in-a-blue-chair-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-in-a-large-hat,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-jeanne-hebuterne-with-her-left-arm-behind-her-head-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-juan-gris-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-leon-bakst-1917,"[2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski-1917,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-leopold-zborowski-1919,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-lunia-czechowska-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-lunia-czechowska-in-white-blouse-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-madame-kisling,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-madame-rachele-osterlind-1919,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-madame-reynouard-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-madame-survage-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-madame-zborowska-1917,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-marevna-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-margarita-1916,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-mario-varvogli,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_portrait-of-maude-abrantes-1907(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-moise-kisling,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-moise-kisling-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_portrait-of-moise-kisling-1916,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-monsieur-lepoutre-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_portrait-of-morgan-russell-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-oscar-miestchanioff-1916,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-pardy,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-paul-alexander,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-paul-alexander-on-green-background-1909,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-paul-alexandre-1909,"[0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-paul-guillaume-1916,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-paulette-jourdain-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-picasso-1915,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-picasso-1915-1,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-pinchus-kremenge-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_portrait-of-raymond-1915,"[2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-the-mechanical-1917,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-the-painter-manuel-humbert-1916-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_portrait-of-the-photographer-dilewski-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_raimondo-1915,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_reclining-nude,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_reclining-nude-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_reclining-nude-1917-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_reclining-nude-1917-2,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_reclining-nude-from-the-back-1917,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_reclining-nude-on-a-blue-cushion-red-nude,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_reclining-nude-with-arms-folded-under-her-head-1916,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_reclining-nude-with-blue-cushion-1917,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_reclining-nude-with-folded-arms-behind-her-head-1917,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_reclining-nude-with-head-resting-on-right-arm-1919,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_reclining-nude-with-left-arm-resting-on-forehead-1917,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_recumbent-nude-1917,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_red-haired-young-man-1919,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_red-headed-girl-in-evening-dress-1918,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_redhead-girl-1915,"[2.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_redheaded-woman-wearing-a-pendant-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_roger-dutilleul-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_rosa-porprina-1915,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_rose-caryatid-audace-1913,"[0.0, 1.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_rose-caryatid-audace-1914,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_seated-algerian-almaiisa-1916,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_seated-boy-with-cap-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-female-nude-1916,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-jeanne-hebuterne-1918,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_seated-nude,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_seated-nude-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_seated-nude-1909,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_seated-nude-1917,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-nude-1917-2,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_seated-nude-1918,"[0.0, 0.0, 4.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-nude-with-a-shirt-1917,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-nude-with-necklace-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_seated-woman-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-woman-weared-in-blue-blouse-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-woman-with-child-motherhood-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_seated-young-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_seated-young-woman-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_self-portrait-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,amedeo-modigliani_servant-girl,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_serving-woman-also-known-as-la-fantesca-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,amedeo-modigliani_sitting-man-on-orange-background-1918,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_standing-caryatid-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_standing-nude,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_standing-nude-elvira-1918,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_standing-nude-with-garden-background-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_stone-head,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_study-for-the-cellist-1909,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_study-of-a-head-1913,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_teresa-1915,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_the-amazon-1909,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_the-artist-s-wife-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_the-beautiful-confectioner-1916,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_the-beggar-of-livorne-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_the-black-dress-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_the-blue-blouse,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Expressionism,amedeo-modigliani_the-boy,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_the-caretaker-s-son-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 5.0, 0.0]"
+Expressionism,amedeo-modigliani_the-cellist-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_the-jewish-woman-1908,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_the-little-peasant-1918,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_the-man-with-the-monocle,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_the-mistress-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Expressionism,amedeo-modigliani_the-peasant-from-livorno-1909,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,amedeo-modigliani_the-pretty-housewife-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_the-pretty-vegetable-vendor-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_the-red-head,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_the-servant-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_the-servant-girl,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,amedeo-modigliani_the-singer-from-nice,"[6.0, 2.0, 3.0, 0.0, 1.0, 5.0, 19.0, 2.0, 6.0]"
+Expressionism,amedeo-modigliani_the-tuscan-road-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_the-typographer-pedro,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_the-young-apprentice,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_the-zouave-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_thora-klinckowstrom-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_tree-and-house-1919,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_two-girls-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_venus-standing-nude-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_victoria-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,amedeo-modigliani_viking-eggeling-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-in-yellow-jacket-amazon-1909,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_woman-s-head-1915,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-s-head-1915-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,amedeo-modigliani_woman-s-head-1915-2,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-s-head-in-profile-1907,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_woman-s-head-rosalia,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-s-head-with-beauty-spot,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-seated-by-a-fireplace-1915,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-a-black-tie-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_woman-with-a-fan-lunia-czechowska-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-a-green-necklace-madame-menier-1918,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-a-necklace-1917,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-a-red-necklace-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,amedeo-modigliani_woman-with-blue-eyes-1918,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-earrings,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-red-hair-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-velvet-ribbon-the-black-border-1915,"[2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_woman-with-white-coat-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,amedeo-modigliani_women-with-red-hair-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_young-brunette-girl-sitting-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_young-girl-in-a-striped-shirt-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,amedeo-modigliani_young-girl-in-beret-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_young-girl-seated-1918,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_young-girl-wearing-a-rose-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,amedeo-modigliani_young-girl-with-blue-eyes,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_young-man-student-1919,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,amedeo-modigliani_young-man-with-cap-1919,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,amedeo-modigliani_young-servant-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_young-woman,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_young-woman-1910,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,amedeo-modigliani_young-woman-in-a-shirt-the-little-milkmaid,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,amedeo-modigliani_young-woman-in-a-small-ruff-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_young-woman-in-a-yellow-dress-madame-modot-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,amedeo-modigliani_young-woman-of-the-people-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,andre-derain_a-woman-with-green-dress-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,andre-derain_banks-of-seine,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,andre-derain_bathers-1907,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,andre-derain_black-binge,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,andre-derain_black-scarf-1935,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,andre-derain_bust-of-a-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,andre-derain_deerstalking-1938,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,andre-derain_drinker,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,andre-derain_forest-at-martigues,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,andre-derain_landscape-near-martigues-1908,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Expressionism,andre-derain_not-detected-256142,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,andre-derain_not-detected-256143,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,andre-derain_not-detected-256144,"[2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,andre-derain_not-detected-256149,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,andre-derain_orgiastic-women-1945,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,andre-derain_portrait-of-a-man-with-a-newspaper,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,andre-derain_portrait-of-a-woman,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,andre-derain_portrait-of-a-young-girl-in-black,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,andre-derain_portrait-of-francesco-iturrino-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,andre-derain_portrait-of-lucien-gilbert-1906,"[1.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Expressionism,andre-derain_portrait-of-madame-carco,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,andre-derain_return-of-ulysses-1938,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,andre-derain_self-portrait-with-a-pipe-1953,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,andre-derain_the-artist-in-his-studio-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,andre-derain_the-bagpiper-at-camiers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,andre-derain_the-cup-of-tea-1935,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,andre-derain_the-offering-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,andre-derain_the-portrait-of-woman-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,andre-derain_the-road-to-calvary-1901,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,andre-derain_the-still-life-in-front-of-cross-on-top-of-the-mountain-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,andre-derain_the-two-sisters-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,andre-derain_untitled,"[0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,anita-malfatti_a-onda-1917,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,anita-malfatti_a-ventania-1917,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,anita-malfatti_o-barco-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,anita-malfatti_o-caminho-da-vida,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,anita-malfatti_o-canal-e-a-ponte,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,anita-malfatti_o-farol-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,anita-malfatti_o-homem-amarelo-1917,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,anita-malfatti_samba-1945,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,antoni-tapies_self-portrait-1945,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,antonio-carneiro_auto-retrato-1921,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,antonio-carneiro_contempla-o-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Expressionism,antonio-carneiro_dia-de-chuva-em-ponte-de-lima-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,antonio-carneiro_menina-com-gato-maria-1900,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,antonio-carneiro_retrato-de-carlos-carneiro-cavaleiro-1928,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,antonio-carneiro_rua-bret-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,arthur-dove_me-and-the-moon-1937,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,arthur-dove_morning-sun-1935,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,arthur-dove_red-sun-1935,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,arthur-dove_sunrise-1924,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,arthur-dove_tree-1935,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Expressionism,arthur-segal_der-bildhauer-1919,"[2.0, 4.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,arthur-segal_der-s-ndenfall,"[2.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,arthur-segal_die-k-nigin-von-saba-1918,"[1.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,arthur-segal_die-melkerin,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 3.0]"
+Expressionism,arthur-segal_eliyahu,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,arthur-segal_schneeschipper-snow-shovellers-1919,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 3.0, 2.0]"
+Expressionism,arthur-segal_stra-e-mit-kirchturm-1924,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Expressionism,arthur-segal_vom-strande-cover-1913,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arthur-segal_vom-strande-page-1-1913,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,arthur-segal_vom-strande-page-11-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,arthur-segal_vom-strande-page-13-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,arthur-segal_vom-strande-page-3-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,arthur-segal_vom-strande-page-5-1913,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,arthur-segal_vom-strande-page-7-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,arthur-segal_vom-strande-page-9-1913,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,arthur-segal_woodcut,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,arturo-souto_a-woman-1954,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,arturo-souto_accordionist-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,arturo-souto_album-cover-the-artists-are-on-the-war-in-spain-1937,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,arturo-souto_artist-and-model-1950,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,arturo-souto_balcony-to-the-sea-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,arturo-souto_ball-1931,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,arturo-souto_balloons,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arturo-souto_black,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Expressionism,arturo-souto_boats,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,arturo-souto_brothel-1932,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,arturo-souto_chamber-of-torture-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,arturo-souto_classical-ruins-view-of-rome-1935,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,arturo-souto_clowns-1944,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,arturo-souto_composition-mulattos-with-pitchers-1933,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,arturo-souto_composition-rapture-1943,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,arturo-souto_courtyard-of-a-gang-of-old-bullring-in-spain-1944,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,arturo-souto_cover-of-blanco-y-negro,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,arturo-souto_cover-of-vieiros-1962,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,arturo-souto_dance-class-1932,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,arturo-souto_double-maternity-1964,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,arturo-souto_enthusiasm-of-fighting,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,arturo-souto_galician-scene-1962,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arturo-souto_harbour-scene-1939,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,arturo-souto_harlequin-1932,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,arturo-souto_horse,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,arturo-souto_horses-by-the-water-1934,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arturo-souto_i-go-1934,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,arturo-souto_inn-at-port-1932,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,arturo-souto_leonel-alber-playing-the-violin,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,arturo-souto_market-of-segovia-1945,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,arturo-souto_militiamen-in-an-interior-1937,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,arturo-souto_nonsense-1932,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,arturo-souto_objects-in-space-1957,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arturo-souto_objects-in-space-1958,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arturo-souto_pair-1951,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,arturo-souto_paris-at-night-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,arturo-souto_parisians-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,arturo-souto_port-of-bilbao-1933,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,arturo-souto_portrait-of-georgina-xenia-alber,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,arturo-souto_portrait-of-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,arturo-souto_refugees-1937,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Expressionism,arturo-souto_rome-by-the-figure-pond,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,arturo-souto_sailor-with-woman-1951,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arturo-souto_scullery-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,arturo-souto_slums-1932,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,arturo-souto_square-of-brussels-1938,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,arturo-souto_stamp-1929,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,arturo-souto_still-life-1957,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,arturo-souto_still-life-with-harlequin-1960,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,arturo-souto_the-four-horsemen-of-the-apocalypse-1937,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,arturo-souto_the-landscape-lit-4-th-1931,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,arturo-souto_the-los-angeles-dropped-leda-and-the-swan-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,arturo-souto_the-painter-diego-rivera-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,arturo-souto_the-toureiro-and-the-maja-1932,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,arturo-souto_tribute-to-the-mexican-revolution,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,arturo-souto_war-scene-1937,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,arturo-souto_war-scene-1937-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,arturo-souto_war-scene-1937-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,arturo-souto_war-scene-1937-3,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,arturo-souto_war-scene-1937-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,arturo-souto_war-scene-1937-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Expressionism,arturo-souto_war-scene-1937-6,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Expressionism,arturo-souto_war-scene-1937-7,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,arturo-souto_women-and-fish-1933,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,arturo-souto_women-crying-1954,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,arturo-souto_workshop-of-the-artist-1935,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,arturo-souto_young-family,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,august-macke_afternoon-in-the-garden,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,august-macke_anglers-on-the-rhine,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,august-macke_arcade-in-thun,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,august-macke_at-the-rhine-near-hersel,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_blue-parrots,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_catedral-of-freiburg-in-the-switzerland,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,august-macke_circus,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_dealer-with-jugs,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,august-macke_dog-on-fire,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,august-macke_elisabeth-gerhard-sewing,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,august-macke_female-nude-at-a-knited-carpet,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,august-macke_female-nude-with-corall-necklace,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,august-macke_franz-marc-and-maria-in-the-studio-pastel-lenbachhaus-munich,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,august-macke_franz-marc-with-russi,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_garden-restaurant,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,august-macke_gartenbild,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_girl-in-the-greenery,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_horse-market,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,august-macke_house-in-a-landscape,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_in-the-zoological-garden-1914,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_indianer,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,august-macke_landscape-near-hammamet,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_landscape-on-the-teggernsee-with-a-reading-man,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_market-in-algiers,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_native-aericans-on-horses,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,august-macke_our-street-with-horse-riding-bonn,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,august-macke_parkway,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,august-macke_paul-klee,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,august-macke_portrait-of-dr-ludwig-deubner-writing,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Expressionism,august-macke_portrait-of-franz-marc,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,august-macke_portrait-of-the-artist-s-wife-with-a-hat,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,august-macke_portrait-with-apples-portrait-of-the-artist-s-wife,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,august-macke_reading-man-in-park,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_reading-woman,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_reclining-female-nude,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_red-house-in-park,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,august-macke_round-dance,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_russisches-ballett-i,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,august-macke_sailing-boat-on-the-tegernsee,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,august-macke_salto-mortale-in-circus,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,august-macke_satire-to-the-blue-rider,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,august-macke_seated-female-with-a-pillow,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,august-macke_self-portrait,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,august-macke_self-portrait-with-hat,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,august-macke_sketch-of-the-bridge,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_st-george,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,august-macke_st-germain-near-tunis,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_st-mary-s-with-houses-and-chimney-bonn,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_still-life-hyacinths-carpet,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_still-life-with-bowl-of-apples-and-japanese-fan,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,august-macke_street-with-church-in-kandern,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_stroller,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_sunny-way,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,august-macke_terrace-of-the-country-house-in-st-germain,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_the-church-of-st-mary-in-bonn-in-snow-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,august-macke_the-hat-shop-1913,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,august-macke_the-storm-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,august-macke_the-way-on-the-water,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,august-macke_three-acts,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,august-macke_three-women-at-the-table-by-the-lamp,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,august-macke_tightrope-walker,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,august-macke_tree-in-the-cornfield,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,august-macke_trees-and-fields,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,august-macke_two-women-and-a-man-on-an-avenue,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,august-macke_under-the-arcades,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,august-macke_untitled,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_vegetable-fields,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_view-of-tegernsee,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_walking-in-the-park,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_woman-in-a-green-jacket-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,august-macke_woman-in-park,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,august-macke_woman-sewing,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,august-macke_woman-with-child-and-girls-on-a-road,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,august-macke_woman-with-lyre-and-dog,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,aurel-cojan_benches-in-the-park-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,aurel-cojan_chimeras-in-the-workshop,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,aurel-cojan_nature-morte-au-pichet-1949,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,balthus_andre-derain-1936,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,balthus_big-landscape-with-cow,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_bust-of-the-young-girl,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_cathy-1935,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,balthus_cathy-s-toilette-1933,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,balthus_chassy-by-the-fireplace-at-workshop,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,balthus_colette-sitting,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_drawing-room,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_drawing-room-1942,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,balthus_figure-in-front-of-a-mantel-1955,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_getting-up,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,balthus_getting-up-1955,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_girl-and-cat-1937,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,balthus_girl-at-the-window-1955,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,balthus_girl-kneeling-her-arms-on-a-chair,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,balthus_girl-on-a-bed,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,balthus_girl-on-a-white-horse-1941,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,balthus_gotteron-1943,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,balthus_great-landscape-with-trees-the-triangular-field-1955,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,balthus_japanese-girl-with-a-black-mirror-1967,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,balthus_japanese-girl-with-by-the-red-table-1967,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,balthus_joan-miro-and-his-daughter-dolores-1937,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_katia-reading-1974,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_lady-abdy-1935,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,balthus_landscape-in-chassy,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_landscape-in-chassy-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_landscape-in-morvan-1955,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,balthus_landscape-with-oxen-1942,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,balthus_larchant-1939,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,balthus_large-landscape-with-a-tree-1957,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_montecalvello-1979,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_nude-at-rest-1977,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_nude-in-profile,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,balthus_nude-with-a-guitar-1986,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_nude-with-a-silk-scarf,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,balthus_nude-with-cat-1949,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,balthus_nude-with-her-arms-raised-1951,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_painter-and-his-model-1981,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,balthus_pastoral-1960,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_patience-1943,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_patience-1955,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_portrait-of-baroness-alain-de-rothschild-1958,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,balthus_princess-maria-volkonsky-at-the-age-of-twelve-1945,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,balthus_self-portrait-1940,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,balthus_sleeping-girl-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,balthus_sleeping-nude-1980,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_still-life-quince-and-pear-1956,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,balthus_still-life-with-a-figure-1942,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,balthus_still-life-with-lamp-1958,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,balthus_still-life-with-lamp-1958-1,"[0.0, 0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_study-for-the-dream-i-1935,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,balthus_study-for-the-painting-nude-resting-1972,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,balthus_study-for-the-siesta-1958,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,balthus_study-of-a-girl-with-a-window,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_study-to-guitar-lesson-1934,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,balthus_the-bouquet-of-roses-on-the-window-1958,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-cardgame-1950,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,balthus_the-cardgame-1973,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-cat-in-the-mirror,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-cat-in-the-mirror-1,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-cat-in-the-mirror-2,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-cherry-tree,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-child-with-pigeons,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,balthus_the-dream,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_the-first-communicants-1926,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,balthus_the-golden-fruit-1956,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,balthus_the-golden-years,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,balthus_the-king-of-cats-1935,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-moth-1960,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,balthus_the-room,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,balthus_the-room-1948,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,balthus_the-toilet-1957,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-turkish-room-1963,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_the-victim,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,balthus_the-week-with-four-thursdays-1949,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,balthus_the-white-skirt-1937,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,balthus_the-yonne-valley-1957,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_three-sisters,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,balthus_three-sisters-1954,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_three-sisters-1964,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,balthus_young-girl-asleep-1994,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_young-girl-at-the-window-1957,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,balthus_young-girl-with-white-skirt-1955,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,barnett-newman_rothko-by-newman,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,basuki-abdullah_balinese-ceremony,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,bela-czobel_madonna-1937,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,bela-czobel_muse-1930,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,bela-czobel_nude-with-red-turban-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Expressionism,bela-czobel_szentendre-1964,"[2.0, 1.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,bela-kadar_ecstasy-1917,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,bela-kadar_three-nudes-1916,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,betty-parsons_page-1-of-an-illustrated-letter-from-betty-parsons-to-h-e-henry-ernst-schnakenberg,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,betty-parsons_sailboat-rockport,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,billy-childish_billy-and-dolli-1996,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,billy-childish_billy-and-traci-2001,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,billy-childish_chinese-lanterns-2005,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,billy-childish_drunk-1997,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,billy-childish_erupting-volcano-2011,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,billy-childish_erupting-volcano-sea-view-2011,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,billy-childish_hand-on-face-2000,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,billy-childish_in-5-minits-you-ll-know-me-sic-1996,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,billy-childish_john-h-amos-1-2008,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,billy-childish_john-h-amos-2-2008,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,billy-childish_john-h-amos-3-2008,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,billy-childish_lt-sydney-a-cloman-first-infantry-on-his-horse-on-the-wounded-knee-battleground-2010,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,billy-childish_lt-sydney-a-cloman-first-infantry-on-his-horse-on-the-wounded-knee-battleground-2010(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,billy-childish_man-sat-on-chairs-2011,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,billy-childish_man-walking-in-snow-1999,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,billy-childish_north-beach-san-francisco-2003,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,billy-childish_reunion-owl-2011,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,billy-childish_robert-walser-lying-dead-in-the-snow-2008,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,billy-childish_scull,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,billy-childish_self-portrait-in-hat-2003,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,billy-childish_sibelius-amongst-saplings-2010,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,billy-childish_sibelius-man-with-stick-2011,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,billy-childish_st-john-s-church-chatham-2004,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,billy-childish_tea-drinker-high-atlas-2008,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,billy-childish_the-drinker-1996,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,billy-childish_thumbprint-1997,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,billy-childish_untitled-2010,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Expressionism,boris-grigoriev_german-butcher,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,boris-grigoriev_girl-with-a-milk-can-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,boris-grigoriev_kachalov-vasily-ivanovich-in-the-role-of-tsar-fedor-ivanovich-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,boris-grigoriev_self-portrait-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,boris-grigoriev_self-portrait-with-a-chicken-and-a-rooster-1924,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,boris-grigoriev_still-life-with-cat-and-onions-1928,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,boris-grigoriev_sunflowers-1919,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,boris-grigoriev_the-harlot-of-marseilles-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,boris-grigoriev_the-people-s-land-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,bui-xuan-phai_ancient-hanoi-street,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,bui-xuan-phai_cheo,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,bui-xuan-phai_cheo(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,bui-xuan-phai_hanoi,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,bui-xuan-phai_hanoi-street,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,bui-xuan-phai_hanoi-street-nd,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,bui-xuan-phai_nude,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,bui-xuan-phai_portrait,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,bui-xuan-phai_portrait(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,bui-xuan-phai_portrait(2),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,bui-xuan-phai_seascape,"[1.0, 5.0, 31.0, 6.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,bui-xuan-phai_unknown-title,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,bui-xuan-phai_unknown-title(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,bui-xuan-phai_unknown-title(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,burhan-dogancay_a-farm-house-in-france-1952,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,burhan-dogancay_nude-1951,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,burhan-dogancay_vagrant-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,candido-portinari_a-descoberta-da-terra-1941,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,candido-portinari_a-primeira-missa-no-brasil-1948,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,candido-portinari_auto-retrato-1957,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,candido-portinari_boys-playing,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,candido-portinari_carnaval,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,candido-portinari_catechesis-1941,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,candido-portinari_coffee-harvest-1958,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,candido-portinari_corn-harvest-1959,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,candido-portinari_crian-a-morta-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,candido-portinari_dead-boy-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,candido-portinari_dep-sito-de-leo,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,candido-portinari_dom-quixote-1961,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,candido-portinari_dom-quixote-e-sancho-pan-a-saindo-para-suas-aventuras-1956,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,candido-portinari_favelas-1930,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,candido-portinari_gaiola-i-do-livro-menino-de-engenho-1959,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,candido-portinari_grupo-de-meninas-brincando-1940,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,candido-portinari_lavadeiras,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,candido-portinari_lavadeiras-1943,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,candido-portinari_marriage-on-the-farm-1944,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,candido-portinari_menino-com-p-ssaro-1957,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,candido-portinari_meninos-e-pi-es-1947,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,candido-portinari_mulher-chorando-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Expressionism,candido-portinari_mulher-com-filho-morto,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,candido-portinari_namorados-1940,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,candido-portinari_navio-negreiro-1950,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,candido-portinari_ndia-e-mulata-1934,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,candido-portinari_o-painel-tiradentes-1948,"[0.0, 3.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Expressionism,candido-portinari_o-vendedor-de-passarinhos,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,candido-portinari_os-retirantes-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,candido-portinari_retirantes,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,candido-portinari_roundelay-1932,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,candido-portinari_s-o-francisco-de-assis-1941,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,candido-portinari_sapateiro-de-brodowski-1941,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,candido-portinari_scarecrow-1955,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,candido-portinari_scarecrow-1958,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,candido-portinari_scarecrow-1959,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,candido-portinari_scarecrow-1959-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,candido-portinari_the-girls-of-arcozelo,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,carlos-botelho_barcos-no-rio-1930,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,carlos-botelho_echoes-of-the-week-in-paris-1929,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,carlos-botelho_lisboa-e-o-tejo-domingo-1935,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,carlos-botelho_my-father-1937,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,carlos-botelho_nocturnal-new-york-1940,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,carlos-botelho_with-carnivals-such-as-this-one-1938,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,carlos-orozco-romero_mujer-con-sombrero-mu-equita,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,carlos-orozco-romero_striker,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,carlos-orozco-romero_the-eclipse-1952,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,carlos-orozco-romero_two-women,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,carlos-orozco-romero_woman,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,carlos-orozco-romero_woman-with-hat,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_a-sad-girl-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_arrantzales-ond-rroa-1919,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_attorneys-1950,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_buitrago-houses-1920,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,carlos-saenz-de-tejada_colombina-1950,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_founding-act-of-the-municipal-savings-bank-of-vitoria-in-1850,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,carlos-saenz-de-tejada_girl-with-doll,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 7.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_girl-with-horse,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,carlos-saenz-de-tejada_loneliness-1927,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 10.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_mural-sketch-for-agricultural-research-institute,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_platero-the-lulling-sleeping-brother,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_platero-well,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,carlos-saenz-de-tejada_portrait-of-benvenuti-gonzalez-del-campillo-1920,"[6.0, 20.0, 9.0, 4.0, 1.0, 1.0, 0.0, 3.0, 4.0]"
+Expressionism,carlos-saenz-de-tejada_portrait-of-carlos-saenz-de-tejada-benvenuti-1941,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,carlos-saenz-de-tejada_portrait-of-eduardo-santonja-rosales,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_rio-lozoya-the-passage-by-the-paular,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,carlos-saenz-de-tejada_sketch-of-decoration-for-the-dome-convent-of-jesus-and-mary-college,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_sketch-of-mural-decoration-for-the-institute-of-agronomic-research-madird-1949,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_sketches-for-mural-castillo-de-la-mota-1957,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_speaking-with-platero,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_the-brigades-of-dawn-1938,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_the-chapman,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_the-enchanted-forest-holy-company,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,carlos-saenz-de-tejada_the-groves-of-mallorca,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 5.0, 2.0]"
+Expressionism,carlos-saenz-de-tejada_the-village-idiot-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,carlos-saenz-de-tejada_untitled,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_carcass-of-beef(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_ceret-landscape,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,chaim-soutine_ceret-landscape-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_ceret-lanscape,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,chaim-soutine_chartres-cathedral,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,chaim-soutine_desolation-1924,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,chaim-soutine_flowers-and-fish-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_girl-at-fence,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_girl-in-red,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_gladioli-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,chaim-soutine_gorge-de-loup-sur-vence,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_hanging-hare,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,chaim-soutine_hen-and-tomatoes,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_herrings-and-a-bottle-of-chianti,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_houses-at-ceret,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_houses-of-cagnes,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_houses-with-pointed-roofs,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,chaim-soutine_landscape-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_landscape-2,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_landscape-at-cagnes,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_landscape-at-cagnes-la-gaude,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_landscape-of-cagnes,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_landscape-of-the-south-of-france,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_le-rouquin,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_little-girl-in-blue,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,chaim-soutine_little-girl-with-doll,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,chaim-soutine_little-pastry-cook,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_midday-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_mother-and-child,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_old-house-near-chartres,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_old-woman-with-dog,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_parisian-suburb,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,chaim-soutine_pastry-cook-with-red-handkerchief,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_polish-woman,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,chaim-soutine_portrait-of-a-child,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,chaim-soutine_portrait-of-a-woman,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_portrait-of-emile-lejeune-1925,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,chaim-soutine_portrait-of-madame-x-also-known-as-pink-portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_portrait-of-moise-kisling,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_portrait-of-the-sculptor-oscar-miestchaninoff,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_red-houses,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_road-at-cagnes,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_self-portrait,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_self-portrait-by-curtain,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,chaim-soutine_self-portrait-with-beard,"[0.0, 3.0, 2.0, 2.0, 0.0, 9.0, 15.0, 19.0, 4.0]"
+Expressionism,chaim-soutine_servant-girl-in-blue,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,chaim-soutine_still-life-with-fish,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_still-life-with-lamp,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_still-life-with-soup-tureen,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_street-of-cagnes-sur-ner,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_suburban-landscape-with-red-houses,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_the-cellist-serevitsch,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,chaim-soutine_the-mad-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,chaim-soutine_the-mad-woman-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_the-table,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_two-children-on-a-road,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,chaim-soutine_two-children-on-a-road-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_view-of-ceret,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_white-house-on-a-hill,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_woman-in-profile-portrait-of-madame-tennent,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,chaim-soutine_woman-in-red,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_woman-with-arms-folded,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,chaim-soutine_young-man-wearing-a-small-hat,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,chaim-soutine_young-woman,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,charles-demuth_acrobats-1919,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,charles-demuth_coastal-scene-1915,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,charles-demuth_pansies-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,charles-demuth_plums-1925,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,charles-demuth_provincetown-dunes-1914,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,charles-demuth_the-boat-ride-from-sorrento-1919,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,charles-demuth_the-death-of-nana-1915,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,charles-demuth_the-jazz-singer-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,charles-demuth_the-shine-1916,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,charles-demuth_turkish-bath-with-self-portrait-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,charles-demuth_vaudeville-dancers-1918,"[1.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,charles-demuth_wild-orchids-1920,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,christo-coetzee_face-and-figure-1948,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,christo-coetzee_pompeian-lobster-1954,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,christo-coetzee_spiral-axis-1949,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,christo-coetzee_young-man-1951,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,chronis-botsoglou_-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,chronis-botsoglou_1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,chronis-botsoglou_1968,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,chronis-botsoglou_1983,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,chronis-botsoglou_2,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,chronis-botsoglou_345989-botsoglou7,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,chronis-botsoglou_andras-se-kokkino-1980,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,chronis-botsoglou_artist-s-mother-1983,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,chronis-botsoglou_assets-large-t-420-53463739,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,chronis-botsoglou_assets-large-t-420-54038443,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_botsoglou-erotika-4,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_botsoglou3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_erotica,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_erotica-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_erotica-2,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_gunaika-sto-xwro-tou-hliotriviou,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,chronis-botsoglou_helen,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,chronis-botsoglou_interior,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_landscape-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,chronis-botsoglou_man-s-head-1993,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_mpotsoglou8,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,chronis-botsoglou_mutilhnios-psaras,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,chronis-botsoglou_nauths,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,chronis-botsoglou_nekyia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,chronis-botsoglou_nekyia-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,chronis-botsoglou_p-5533,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,chronis-botsoglou_paris-metro,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,chronis-botsoglou_self-portrait,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,chronis-botsoglou_self-portrait-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,chronis-botsoglou_self-portrait-1973,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]"
+Expressionism,chronis-botsoglou_self-portrait-1998,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_sex,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,chronis-botsoglou_study-1965,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,chronis-botsoglou_study-for-portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,chronis-botsoglou_study-for-portrait-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,chronis-botsoglou_tehn-30-1-10,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,chronis-botsoglou_the-artist-s-mother,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,chronis-botsoglou_the-artist-s-mother-1988,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,chronis-botsoglou_the-embalmer,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_tribute-to-bouzianis-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,chronis-botsoglou_tribute-to-byzantine-masters-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,chronis-botsoglou_tribute-to-france-hals-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,chronis-botsoglou_tribute-to-whistler-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,chronis-botsoglou_triptych-of-mourning-1998,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,chronis-botsoglou_untitled,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,chronis-botsoglou_untitled-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,chronis-botsoglou_untitled-1980,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,chronis-botsoglou_untitled-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,chronis-botsoglou_untitled-3,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,clyfford-still_1936-7-no-2-1936,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,clyfford-still_1938-n-no-1-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,clyfford-still_ph-343-1937,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 2.0]"
+Expressionism,clyfford-still_ph-77-1936,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,clyfford-still_self-portrait-ph-382-1940,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,clyfford-still_untitled-1934,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Expressionism,constantin-blendea_tensiunea-inaltimii,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,constantin-blendea_unknown-title-7,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,constantin-brancusi_arch,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,constantin-brancusi_colette,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,constantin-brancusi_madamoiselle-pogany,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,constantin-brancusi_madamoiselle-pogany-1913,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,constantin-brancusi_muse-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,constantin-brancusi_nude,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,constantin-brancusi_prometheus-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,constantin-brancusi_sleeping-muse-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,constantin-brancusi_sleeping-muse-ii,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,constantin-brancusi_table-of-silence-1907,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,constantin-brancusi_the-kiss-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,constantin-brancusi_the-kiss-1912,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,constantin-brancusi_the-kiss-1912-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,constantin-brancusi_the-prayer-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Expressionism,constantin-brancusi_torso-of-a-young-girl-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,constantin-brancusi_torso-of-a-young-man-i-1917,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,constantin-brancusi_white-negress-ii-1926,"[0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,constantin-brancusi_wisdom,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,constantin-flondor_d-apr-s-el-greco-1965(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,constantin-flondor_lutheran-church-1954,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 3.0, 2.0, 1.0]"
+Expressionism,corneliu-baba_child-portrait,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,corneliu-baba_fellow-citizens-1974,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,corneliu-baba_george-enescu,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,corneliu-baba_lucia-sturdza-bulandra-1953,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,corneliu-baba_maternity,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,corneliu-baba_maternity-1979,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,corneliu-baba_mihail-sadoveanu,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,corneliu-baba_piet-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Expressionism,corneliu-baba_portrait,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,corneliu-baba_portrait(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 3.0]"
+Expressionism,corneliu-baba_portrait-harlequin-1974,"[6.0, 5.0, 6.0, 2.0, 0.0, 4.0, 11.0, 15.0, 3.0]"
+Expressionism,corneliu-baba_portrait-of-a-girl-1974,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,corneliu-baba_potrait-of-a-girl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,corneliu-baba_potrait-of-a-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,corneliu-baba_self-portrait-1980,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,corneliu-baba_self-portrait-with-red-fez-1971,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,corneliu-baba_steel-workers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,corneliu-baba_still-life,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,corneliu-baba_the-fear-homage-to-francisco-goya-1987,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,corneliu-baba_the-mad-king-1986,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,corneliu-baba_the-mad-king-1987,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Expressionism,corneliu-baba_the-mad-king-i-m-the-king-1986,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,corneliu-baba_woman-ironing,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,corneliu-michailescu_black-eyes,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,corneliu-michailescu_composition-1930,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,corneliu-michailescu_composition-1930-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,corneliu-michailescu_prezic-toare,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,corneliu-michailescu_still-life,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,corneliu-michailescu_the-three-graces,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,corneliu-michailescu_venice,"[0.0, 2.0, 5.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,costas-niarchos_akteon-i,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_at-the-beach,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_at-the-beach-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_boats,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_eros-idea,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_iphigenia,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,costas-niarchos_landscape,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_landscape-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_landscape-of-evrostini,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,costas-niarchos_portrait-of-a-woman-with-black-cat,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,costas-niarchos_portrait-of-krzysztof-kie-lowski,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,costas-niarchos_the-dominant-orange,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_untitled(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_untitled(2),"[1.0, 2.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_untitled(3),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,costas-niarchos_untitled(4),"[0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_untitled-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,costas-niarchos_untitled-1(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,costas-niarchos_untitled-1(2),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,costas-niarchos_untitleda,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,costas-niarchos_view,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,damien-hirst_human-skull-in-space,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]"
+Expressionism,damien-hirst_the-meek-shall-inherit-the-earth,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,david-alfaro-siqueiros_birth-of-fascism-1936,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_carlos-orozco-romero-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_christ-1965,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_enough-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_excommunication-and-execution-of-father-hidalgo-1953,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_from-the-dictatorship-of-porfirio-diaz-to-the-revolution-the-people-in-arms-1957,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,david-alfaro-siqueiros_george-gershwin,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_hannibal,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,david-alfaro-siqueiros_hart-crane-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_head-of-a-woman-1936,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_portrait-of-a-dead-child-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,david-alfaro-siqueiros_portrait-of-angelica-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_portrait-of-dramatist-margarita-urueta-1947,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,david-alfaro-siqueiros_portrait-of-jose-clemente-orozco-1883-1949-1947-oil-on-canvas-1947,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_proletarian-mother-1929,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,david-alfaro-siqueiros_self-portrait-1946,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_self-portrait-1961,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,david-alfaro-siqueiros_the-sob-1939,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_the-torment-of-cuauhtemoc-sketch,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,david-alfaro-siqueiros_women-of-chilpancingo-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+Expressionism,david-bomberg_bomb-store-1942,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,david-bomberg_bomb-store-1942-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,david-bomberg_flowers-1943,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,david-bomberg_lilian-1932,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0, 0.0]"
+Expressionism,david-bomberg_self-portrait-1932,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,david-bomberg_the-artist-s-wife-and-baby-1937,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,david-bomberg_tregor-and-tregoff-cornwall-1947,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,david-bomberg_vigilante-1955,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,dimitris-mytaras_a-visiting-bird,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_anavasis,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,dimitris-mytaras_boat-and-mermaid,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_boats,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_boats-in-halkida,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_composition-for-the-fantastic-theater,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,dimitris-mytaras_dreamy-figure,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_female-figure,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_female-figure-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,dimitris-mytaras_female-figure-with-an-angel,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_female-figures,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_figures,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_figures-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_figures-2,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_g,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_girl-with-angels,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,dimitris-mytaras_mirror-with-green-ca-1964,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,dimitris-mytaras_mirror-with-mauve-1964,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_mother-and-child,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,dimitris-mytaras_mytaras-06-3,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_nude,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,dimitris-mytaras_on-high-seas,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_ortrait-of-a-woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,dimitris-mytaras_pireaus,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_portrait-of-man-sitting-1980,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_portrat-of-n-l-1975,"[5.0, 5.0, 6.0, 0.0, 2.0, 0.0, 17.0, 7.0, 3.0]"
+Expressionism,dimitris-mytaras_reclining-figure,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_reclining-girl,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,dimitris-mytaras_red-boat,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_seated-woman-in-black-boots,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_shells,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_ships-in-a-port,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_still-life,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,dimitris-mytaras_still-life-with-figure-1961,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_studio-1993,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_swallows,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_table-1957,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_the-red-boat,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_the-white-and-red-mask,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_theatrical-figure-on-a-yellow-sofa,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_tomb-of-evrion,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,dimitris-mytaras_two-figures-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_two-forms,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_two-girls,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_untitled,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_untitled(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,dimitris-mytaras_untitled(10),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,dimitris-mytaras_untitled(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,dimitris-mytaras_untitled(4),"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_untitled(5),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,dimitris-mytaras_untitled(6),"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_untitled(7),"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_untitled(8),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,dimitris-mytaras_untitled(9),"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,dimitris-mytaras_untitled-1990,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_untitled-1995,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_untitled-1996,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,dimitris-mytaras_woman-in-profile,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_woman-in-the-mirror,"[3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,dimitris-mytaras_woman-with-a-dog-1994,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,dimitris-mytaras_woman-with-doves,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ding-yanyong_nudes-1963,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ding-yanyong_opera-figures-1971,"[0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,ding-yanyong_portrait-of-a-lady,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,ding-yanyong_portrait-with-horse-1971,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_adam-and-eve-1918,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,edvard-munch_albert-kollmann-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_alma-mater-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_anxiety-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,edvard-munch_ashes-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,edvard-munch_ashes-ii-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,edvard-munch_august-stindberg-1892,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,edvard-munch_awakening-men-1916,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_bathing-man-1918,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_bathing-men-1907,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_berlin-girl-1906,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,edvard-munch_brothel-scene-zum-sussen-madel-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,edvard-munch_building-the-winter-studio-ekely-1929,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_by-the-deathbed-fever-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,edvard-munch_by-the-deathbed-fever-i-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,edvard-munch_by-the-roulette-1892,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_by-the-window-1940,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,edvard-munch_children-in-the-street-1915,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_christen-sandberg-1909,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_christmas-in-the-brothel-1905,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_count-harry-kessler-1906,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_couple-on-the-shore-from-the-reinhardt-frieze-1907,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_cupid-and-psyche-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,edvard-munch_dagny-juel-przybyszewska-1893,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,edvard-munch_dance-of-life-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,edvard-munch_death-in-the-sickroom-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,edvard-munch_death-of-marat-i-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,edvard-munch_despair-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_evening-on-karl-johan-street-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,edvard-munch_eye-in-eye-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,edvard-munch_fertility-ii-1902,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_forest-1903,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_four-girls-in-arsgardstrand-1903,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_friedrich-nietzsche-1906(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,edvard-munch_from-thuringewald-1905,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_galloping-horse-1912,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_girl-and-death-1894,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_girl-combing-her-hair-1892,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,edvard-munch_girl-yawning-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,edvard-munch_girls-on-a-bridge-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_golgotha-1900,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,edvard-munch_harry-graf-kessler-1904,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_head-of-a-dog-1930,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,edvard-munch_high-summer-ii-1915,"[0.0, 0.0, 5.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_history-1916,"[3.0, 11.0, 25.0, 3.0, 0.0, 0.0, 1.0, 4.0, 3.0]"
+Expressionism,edvard-munch_horse-team-1919,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_jealousy-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,edvard-munch_jealousy-from-the-series-the-green-room-1907,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_jens-thiis-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_jurisprudence-1887,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,edvard-munch_kiss-1897,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,edvard-munch_kiss-iv-1902,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,edvard-munch_ludvig-karsten-1905,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_madonna-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,edvard-munch_man-and-woman-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,edvard-munch_man-and-woman-i-1905,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_man-and-woman-ii-1915,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,edvard-munch_man-bathing-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,edvard-munch_meeting-1921,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,edvard-munch_melancholy,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,edvard-munch_melancholy-1892,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,edvard-munch_model-in-front-of-the-verandah-1942,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,edvard-munch_model-on-the-couch-1928,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,edvard-munch_mother-and-daughter-1897,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,edvard-munch_night-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,edvard-munch_nude-1896,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_nude-i-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,edvard-munch_old-man-in-warnemunde-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,edvard-munch_old-trees-1925,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_paris-nude-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,edvard-munch_portrait-of-inger-munch-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,edvard-munch_professor-daniel-jacobson-1909,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_puberty-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Expressionism,edvard-munch_rain-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_red-and-white-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,edvard-munch_red-creeper-1900,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_red-house-and-spruces-1927,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,edvard-munch_red-virginia-creeper-1900,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-1886,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-1926,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,edvard-munch_self-portrait-after-spanish-influenza-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,edvard-munch_self-portrait-at-ekely-1926,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-at-professor-jacobson-s-hospital-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,edvard-munch_self-portrait-beneath-woman-s-mask-1892,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-between-the-clock-and-the-bed-1943,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,edvard-munch_self-portrait-during-eye-disease-ii-1930,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,edvard-munch_self-portrait-during-the-eye-disease-i-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-i-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_self-portrait-in-bergen-1916,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-in-distress-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,edvard-munch_self-portrait-in-hell-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,edvard-munch_self-portrait-in-the-garden-ekely-1942,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-the-night-wanderer-1924,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,edvard-munch_self-portrait-with-bottle-of-wine-1906,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-with-brushes-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,edvard-munch_self-portrait-with-burning-cigarette-1895,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-with-cod-s-head-1940,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_self-portrait-with-hand-under-cheek,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,edvard-munch_self-portrait-with-striped-pullover-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,edvard-munch_separation-1894,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,edvard-munch_snow-falling-in-the-lane-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,edvard-munch_spring-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,edvard-munch_spring-plowing-1916,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_stanislaw-przybyszewski-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Expressionism,edvard-munch_starry-night-1924,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,edvard-munch_street-in-asgardstrand-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_summer-night-at-aasgaardstrand,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,edvard-munch_summer-night-inger-on-the-shore-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,edvard-munch_tavern-in-st-cloud-1890,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_the-artist-and-his-model-1921,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-day-after-1895,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,edvard-munch_the-dead-mother-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,edvard-munch_the-death-chamber-1896,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,edvard-munch_the-fisherman-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,edvard-munch_the-flower-of-pain-1897,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,edvard-munch_the-four-sons-of-dr-linde-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,edvard-munch_the-girls-on-the-bridge-1901,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-hands-1893,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,edvard-munch_the-haymaker-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-ladies-on-the-bridge-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_the-lonely-ones-1935,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,edvard-munch_the-lumberjack-1913,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-murderer-1910,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,edvard-munch_the-murderer-in-the-lane-1919,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,edvard-munch_the-murderess-1906,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,edvard-munch_the-painter-jacob-bratland-1892,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-scream-1893(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-scream-1896,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,edvard-munch_the-scream-1910,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-sick-child-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Expressionism,edvard-munch_the-sick-child-ii-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,edvard-munch_the-storm-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,edvard-munch_the-sun-1916,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-village-street-1906,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_the-wave-1921,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_the-wedding-of-the-bohemian-munch-seated-on-the-far-left-1925,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,edvard-munch_the-women-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,edvard-munch_the-yellow-log-1912,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,edvard-munch_thorvald-stang-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,edvard-munch_three-girls-on-the-jetty-1903,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_towards-the-forest-ii-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,edvard-munch_train-smoke-1900,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_trees-on-the-shore-1904,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_vampire-1895,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,edvard-munch_vampire-ii-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,edvard-munch_walter-rathenau-1907,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_white-night-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,edvard-munch_winter-kragero-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_woman-in-blue-frau-barth-1921,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,edvard-munch_woman-on-the-verandah-1924,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,edvard-munch_women-on-the-bridge,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_women-on-the-bridge-1902,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,edvard-munch_worker-and-child-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,edvard-munch_workers-in-the-snow-1913,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,edvard-munch_workers-on-their-way-home-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,edvard-munch_workers-on-their-way-home-i-1920,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,edvard-munch_writer-hans-jaeger-1889,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,edvard-munch_young-man-and-prostitute-1893,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,egon-schiele_a-tree-in-late-autumn-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,egon-schiele_agony-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,egon-schiele_arthur-roessler-1910,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_autumn-sun-1912,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_autumn-tree-in-movement-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_bare-tree-behind-a-fence-1912,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,egon-schiele_boy-in-a-sailor-suit-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_boy-with-hand-to-face-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,egon-schiele_cardinal-and-nun-caress-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,egon-schiele_child-in-black-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,egon-schiele_church-in-stein-on-the-danube-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_city-on-the-blue-river-1910,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_clothed-woman-reclining,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_dead-city-city-on-the-blue-river-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,egon-schiele_dead-mother-1910,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_death-and-the-maiden-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,egon-schiele_deuring-castle-bregenz-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_double-portrait-chief-inspector-heinrich-benesch-and-his-son-otto-1913,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,egon-schiele_double-self-portrait-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,egon-schiele_edge-of-town-krumau-town-crescent-1918,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_female-nude-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_female-nude-1910-1,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_female-nude-lying-on-her-stomach-1917,"[8.0, 2.0, 6.0, 9.0, 0.0, 8.0, 2.0, 12.0, 6.0]"
+Expressionism,egon-schiele_field-landscape-kreuzberg-near-krumau-1910,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_field-of-flowers-1910,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_fighter-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,egon-schiele_fuchsia-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_girl-in-black-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_girl-with-green-pinafore-1910,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,egon-schiele_girl-with-hood-1910,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_head-of-dr-fritsch-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,egon-schiele_hermits-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,egon-schiele_hindering-the-artist-is-a-crime-it-is-murdering-life-in-the-bud-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 1.0]"
+Expressionism,egon-schiele_house-between-trees-i-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_i-love-antitheses-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,egon-schiele_island-town-krumau-town-crescent-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Expressionism,egon-schiele_kneeling-female-nude-back-view-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_kneeling-semi-nude-1911,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_kneeling-young-man-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Expressionism,egon-schiele_krumau-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,egon-schiele_krumau-on-the-molde-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,egon-schiele_levitation-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,egon-schiele_little-girl-with-blond-hair-in-a-red-dress-1916,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,egon-schiele_little-tree-chestnut-tree-at-lake-constance-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_long-haired-nude-bent-over-forward-jerk-view-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_lovers-man-and-woman-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_madame-schiele-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,egon-schiele_madame-sohn-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_male-nude,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,egon-schiele_man-bencind-down-deeply-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,egon-schiele_man-with-blue-headband-and-hand-on-cheek-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,egon-schiele_meadow-church-and-houses-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_moa-1911,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_mother-and-child-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,egon-schiele_mother-and-child-1914-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,egon-schiele_mother-and-child-madonna-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,egon-schiele_mother-with-two-children-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,egon-schiele_mountain-torrent-1918,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_old-brick-house-in-carinthia-1913,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_old-houses-in-krumau-1914,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,egon-schiele_peasant-homestead-in-a-landscape-1913,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_poldi-lodzinsky-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_portrait-of-a-man-with-a-floppy-hat-portrait-of-erwin-dominilk-osen-1910,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-a-woman-1912,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-an-old-man-johann-harms-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,egon-schiele_portrait-of-dr-hugo-koller-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_portrait-of-dr-viktor-ritter-von-bauer-1917,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-eduard-kosmack-frontal-with-clasped-hands-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-eduard-kosmack-with-raised-left-hand-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,egon-schiele_portrait-of-erich-lederer-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-heinrich-benesch-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-heinrich-rieger-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-johann-harms-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-karl-maylander-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,egon-schiele_portrait-of-karl-zakovsek-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-the-actress-marga-boerner-1917,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,egon-schiele_portrait-of-the-artist-s-wife-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,egon-schiele_portrait-of-the-artist-s-wife-seated-holding-her-right-leg-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_portrait-of-the-painter-max-oppenheimer-1910,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_portrait-of-the-publisher-eduard-kosmack-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,egon-schiele_portrait-of-victor-ritter-von-bauer-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_pregnant-woman-and-death-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,egon-schiele_procession-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,egon-schiele_prophets-double-self-portrait-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_reclining-boy-leaning-on-his-elbow-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,egon-schiele_reclining-female-nude-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,egon-schiele_reclining-female-nude-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_reclining-girl-on-a-pillow-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_reclining-woman-with-blond-hair-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_reclining-woman-with-blonde-hair-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_reclining-woman-with-green-stockings-adele-harms-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_reclining-woman-with-red-blouse-1908,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,egon-schiele_rufer-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_russian-prisoner-of-war-grigori-kladjishuli-1916,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,egon-schiele_russian-prisoner-of-war-with-fur-hat-1915,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,egon-schiele_schiele-s-room-in-neulengbach-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,egon-schiele_seated-child-1917,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_seated-child-1918,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,egon-schiele_seated-couple-egon-and-edith-schiele-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 1.0]"
+Expressionism,egon-schiele_seated-girl-1910,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_seated-girl-facing-front-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,egon-schiele_seated-girl-with-raised-left-leg-1911,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_seated-male-nude-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_seated-male-nude-right-hand-outstretched-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,egon-schiele_seated-woman-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,egon-schiele_seated-woman-in-violet-stockings-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_seated-woman-with-bent-knee-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_seated-woman-with-green-stockings-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,egon-schiele_seated-woman-with-her-left-hand-in-her-hair-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_seated-young-girl-1910,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-1910-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,egon-schiele_self-portrait-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,egon-schiele_self-portrait-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-1914,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_self-portrait-as-prisoner-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,egon-schiele_self-portrait-as-st-sebastian-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-as-st-sebastian-poster-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-in-a-jerkin-with-right-elbow-raised-1914,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-in-lavender-and-dark-suit-standing-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-nude-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 3.0]"
+Expressionism,egon-schiele_self-portrait-with-arm-twisting-above-head-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,egon-schiele_self-portrait-with-black-vase-and-spread-fingers-1911,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-with-brown-background-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,egon-schiele_self-portrait-with-checkered-shirt-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_self-portrait-with-chinese-lantern-fruits-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-with-hand-to-cheek-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-with-hands-on-chest-1910,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_self-portrait-with-outstretched-arms-1911,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,egon-schiele_self-portrait-with-raised-arms-back-view-1912,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_semi-nude-back-view-1918,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_semi-nude-with-colored-skirt-and-raised-arms-1911,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_sitting-child-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,egon-schiele_sitting-woman-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 2.0]"
+Expressionism,egon-schiele_sitting-woman-1918,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_sitting-woman-in-a-green-blouse-1913,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_sleeping-child-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_spitalskirche-molding-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_standing-female-nude-in-a-blue-robe-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,egon-schiele_standing-figure-with-halo-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,egon-schiele_standing-girl-in-a-blue-dress-and-green-stockings-back-view-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,egon-schiele_standing-male-nude-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_standing-male-nude-back-view-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,egon-schiele_standing-male-nude-with-a-red-loincloth-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,egon-schiele_standing-nude-with-large-hat-gertrude-schiele-1910,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_standing-woman-in-red-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,egon-schiele_study-of-hands-1913,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_sunflower-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_sunflowers-1911,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_sunflowers-1911-1,"[2.0, 3.0, 9.0, 1.0, 0.0, 8.0, 4.0, 11.0, 7.0]"
+Expressionism,egon-schiele_the-art-dealer-guido-arnot-1918,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_the-artist-s-mother-sleeping-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,egon-schiele_the-artist-s-sister-in-law-in-a-striped-dress-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_the-artist-s-sister-melanie-1908,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,egon-schiele_the-artist-s-wife-seated-1918,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_the-blind-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,egon-schiele_the-bridge-1913,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_the-brother-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_the-dancer-moa-1911,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_the-daydreamer-gerti-schiele-1911,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_the-embrace-1917,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_the-family-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,egon-schiele_the-green-stocking-1914,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_the-holy-family-1913,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,egon-schiele_the-mill-1916,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_the-scornful-woman-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_the-self-seers-death-and-man-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,egon-schiele_the-sleeping-girl-1913,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,egon-schiele_the-truth-was-revealed-1913,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_three-girls-1911,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_triple-self-portrait-1913,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_two-boys-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,egon-schiele_two-female-nudes-one-reclining-one-kneeling-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,egon-schiele_two-friends-1912,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_two-girls-1911,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,egon-schiele_two-girls-lying-entwined-1915,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_two-girls-on-a-fringed-blanket-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,egon-schiele_two-guttersnipes-1910,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_two-kneeling-figures-parallelogram-1913,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_two-little-girls-1911,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,egon-schiele_two-seated-girls-1911,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,egon-schiele_untitled,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_upright-standing-woman-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,egon-schiele_wally-with-a-red-blouse,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_willy-lidl-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,egon-schiele_winter-trees-1912,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_woman-in-a-green-blouse-and-muff-1915,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,egon-schiele_woman-in-black-stockings-1913,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_woman-undressing-1914,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,egon-schiele_woman-with-black-stockings-1912,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,egon-schiele_woman-with-blue-stockings-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_woman-with-long-hair-1911,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,egon-schiele_young-boy-1918,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,egon-schiele_young-mother-1914,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,elaine-de-kooning_pele-no-1-1982,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,elaine-de-kooning_self-portrait-1946,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,emil-nolde_at-the-caf,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,emil-nolde_autumn-sea-vii,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,emil-nolde_bonnichsen-family-1915,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,emil-nolde_burial-1915,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,emil-nolde_candle-dancers-1912,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_child-and-large-bird-1912,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,emil-nolde_colored-sky-above-the-marais,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_crucifixion,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,emil-nolde_dance-around-the-golden-calf-1910,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,emil-nolde_dancing-couple-1950,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,emil-nolde_excited-people,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,emil-nolde_figure-with-flowers-1915,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,emil-nolde_flower-garden-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,emil-nolde_flower-garden-marigolds-1919,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,emil-nolde_gustav-schiefler-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,emil-nolde_head-of-spanish-woman,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,emil-nolde_holy-family-1931,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_indonesian-couple-1921,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,emil-nolde_irises-and-poppies,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,emil-nolde_jesus-christ-and-the-sinner-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,emil-nolde_kneeling-negro-girl-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,emil-nolde_large-poppies-1942,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_legend-saint-mary-of-egypt-death-in-the-desert,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,emil-nolde_maruchbrucke,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_mask-still-life-iii-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,emil-nolde_mocking-of-christ-1909,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,emil-nolde_papuan-youth-1914,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,emil-nolde_pentecast-1909,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,emil-nolde_portrait-of-south-sea-islander,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,emil-nolde_portrait-of-south-sea-islander-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,emil-nolde_portrait-of-south-sea-islander-1937,"[1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_self-portrait-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,emil-nolde_stormy-sea,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_sunflowers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,emil-nolde_sunflowers-1917,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_sunrise-at-the-sea-1927,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_sunset,"[0.0, 0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_the-enthusiast,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,emil-nolde_the-last-supper-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,emil-nolde_the-missionary-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,emil-nolde_the-tribute-money-1915,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,emil-nolde_wildly-dancing-children,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_women-and-pierrot-1917,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,emil-nolde_young-couple-1935,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,endre-balint_at-candle-light-1940,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,endre-balint_circus-woman-1947,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,endre-balint_house-at-szentendre-1948,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,endre-balint_houses-at-hastings-1959,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,endre-balint_magic-night-at-szentendre-1966,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,endre-balint_my-room-at-the-bindendorfs-1937,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,endre-balint_self-portrait-1936,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,endre-balint_self-portrait-1942,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,endre-balint_statue-in-a-cemetery-1959,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,endre-balint_still-life-1946,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,endre-balint_still-life-with-fish-1946,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,endre-balint_unknown-title-1948,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_after-the-bath,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_albert-square-in-dresden,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_archer,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_archer-at-wildboden-1937,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_archers-1937,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_arching-girls-in-the-wood,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_arcrobats,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_artist-and-female-modell,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_artist-begging-for-applause,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_at-the-forest-edge-1936,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_bathers-at-sea,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_bathers-on-the-lawn,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_bathers-under-trees,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_bathing-woman-between-rocks,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_bathing-women-and-children-1932,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_bathing-women-between-white-rocks,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_bathing-women-in-a-room-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_berlin-street-scene-1914,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_blond-woman-in-a-red-dress-portrait-of-elisabeth-hembus,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_blue-dressed-artists,"[2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_book-illustration-side-of-the-military-road,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_boy-with-arrow,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_brandenburg-gate-in-berlin,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_bridge-in-berlin,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_bridge-in-landwassertal,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_bridge-in-wiesen,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_cake-walk,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_capelli-rossi-red-hair,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_cattles-in-the-spring,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_cattles-under-a-rainbow,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_circus-rider,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_circus-rider-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_clavadel-mountain-seen-from-frauenkirch,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_coast-of-fehmarn,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_cocotte-on-the-road,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_coffee-drinking-women,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_colourful-dance,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_colourful-dance-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_colourful-dance-1932,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_couple,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_couple-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_couple-in-a-room,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_cows-at-sunset-1919,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_crouching-girl,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_czardas-dancers-1920,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dance,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_dance-group-of-the-mary-wigman-school-in-dresden,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_dance-of-negros,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_dance-school,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dance-shool,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_dancer,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_dancer-1912,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dancer-and-audience-1917,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dancer-in-a-blue-skirt,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dancing-couple,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_dancing-couple-1914,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dancing-couple-of-the-variety,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dancing-girls-in-colourful-rays-1937,"[1.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dancing-mary-wigman,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_davos-in-snow,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_davos-in-summer,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_der-belle-alliance-platz-in-berlin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_design-for-the-banquet-hall-in-essen-1933,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_design-for-the-banquet-hall-in-essen-1933-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_design-for-the-wall-painting-colourful-dance,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dodo-and-her-son,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dodo-head-on-pillow,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dodo-with-a-big-feather-hat,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_dodo-with-a-japanese-umbrella,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dodo-with-a-japanese-umbrella-1,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_dodo-with-large-fan,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_donna-nella-notte,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_douple-self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_dr-o-kohnstamm,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_dresden-friedrichstadt,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_english-dance-couple-1913,"[1.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_english-dancers,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_entcounter,"[3.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_entertainment,"[4.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_equestrienne,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_equestrienne-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_erna-japanschirm,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_erna-with-cigarette-1915,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_evenig-scene,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_farmer-milking-a-goat,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_farmers-driving-cattle-to-a-alpine-pasture,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_female-artist,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-cabaret-dancer,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-dancer,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-head,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_female-lover,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-nude-kneeling-before-a-red-screen,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_female-nude-with-black-hat,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-nude-with-black-hat-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-nude-with-black-hat-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-nude-with-shadow-of-a-twig,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_female-nudes,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_female-nudes-in-a-atelier,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_female-nudes-striding-into-the-sea,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_firs,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_five-bathing-women-at-a-lake,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_five-women-at-the-street,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_five-women-on-the-street,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_forest-cemetery,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_forest-gorge,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_four-bathers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_frankfurter-westhafen,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_frauenkirche,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_friedrichstrasse-berlin,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_gasometer-in-vorortbahn-1920,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_gateway-to-the-freight-depot-in-altstadt,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_gelbes-engelufer-in-berlin,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_girl-with-cat-franzi,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_girl-with-long-hair,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_graef-and-friend,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_green-house,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_group-of-artists-1927,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_half-naked-woman-with-a-hat-1911,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_hallesches-tor-berlin,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_hamburg-dancers,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_harnessed-team,"[3.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_head-bosshart,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_head-of-a-sick-man,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_head-of-a-sick-man-self-portrait,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_head-of-a-woman-in-front-of-sunflowers,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_head-of-dr-bauer,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_head-of-dr-bauer-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_head-of-the-painter-self-portrait,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_house-in-the-meadows,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_house-on-fehmarn,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_hungarian-dance,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_in-the-greenhouse,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_interieur,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_japanese,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_japanese-parasol,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_junkerboden,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_kitchen-in-an-alpine-hut,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_kokottenkopf-with-feathered-hat,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_landscape-in-the-spring,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_leipziger-strasse-with-eletric-train,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_life-on-the-alpine-pasture,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_life-on-the-alpine-pasture-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_lovers,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_lovers-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_lovers-in-the-bibliothek,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_man-and-naked-woman,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_man-s-head-self-portrait,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_man-s-head-self-portrait-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_marcella,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_mary-wigman-s-dance-of-the-dead-1928,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_mask-dance,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 4.0]"
+Expressionism,ernst-ludwig-kirchner_men-with-wheelbarrows-1927,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_milli,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_milliner-with-hat,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_moon-rising-at-the-staffelalp,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_mother-and-children,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_mountain-atelier,"[5.0, 3.0, 12.0, 9.0, 0.0, 2.0, 5.0, 1.0, 9.0]"
+Expressionism,ernst-ludwig-kirchner_mountain-forest-1920,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_mountain-hut-with-goat,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_mountain-top,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_mountains-and-houses-in-the-snow,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_mountains-in-winter-1919,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_nacked-couple-on-a-couch,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_nacked-female-dancer,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_naked-girl-behind-the-curtain-franzi-1926,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_naked-women-on-meadow,"[6.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_nervous-heads,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_nervous-people-eating,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_nollendorfplatz,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_nude-in-orange-and-yellow-1930,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_nude-woman-combing-her-hair-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_nudes-in-a-meadow,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_nudes-in-atelier,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_nudes-in-the-sun,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_nudeyoung-woman-in-front-of-a-oven,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_painter-and-modell,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_palucca,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_parterre-acrobats,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_peter-schemihls-miraculous-story,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_peter-schlemihl-s-remarkable-story,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_pfortensteg-in-chemnitz,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_pink-roses,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_playing-children,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_playing-naked-people,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_portrait,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-a-sick-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-a-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-a-woman-in-a-white-dress,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-art-dealer-manfred-shames-1932,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-dodo-with-hat,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-dr-huggler,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-dr-ludwig-binswanger,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-erich-heckel-at-the-easel,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-gerda,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-hans-frisch,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-ludwig-schames,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-otto-mueller,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-otto-mueller-with-pipe,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-the-conductor-and-composer-otto-klemperer,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_portrait-of-van-de-velde,"[7.0, 2.0, 2.0, 3.0, 1.0, 6.0, 21.0, 5.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_postdamerplatz,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_postdamerplatz-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_practising-dancer,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_profile-head-self-portrait,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_railway-in-dresden-1909,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_railway-underpass-in-dresden-1926,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_railways-in-the-taunus,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_reclining-female-nude,"[3.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_reclining-female-nude-in-front-of-a-mirror,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_reclining-female-nude-on-a-couch,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_reclining-nude-in-a-bathtub-with-pulled-on-legs,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_reclining-nude-isabella-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_red-cocotte,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_red-elisabeth-riverbank-berlin-1913,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_red-tree-on-the-beach,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_resting-couple,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_return-of-the-animals,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_rhaetian-railway-davos,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_rotating-dancer,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_russian-dancer,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_russian-woman,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_sailboats-at-fehmarn,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_sailboats-at-fehmarn-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_schimmeldressurakt-1909,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_schlemihls-entcounter-with-small-grey-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_schlemihls-entcounter-with-the-shadow,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_schlemihls-in-the-loneliness-of-the-room,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_seated-female-nude,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_seated-lady-dodo,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-1938,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-3,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-4,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-5,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-as-a-soldier-1915,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-as-an-invalid,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-under-the-influence-of-morphium,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-with-a-model,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-with-cigarette,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-with-model,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-with-model-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_self-portrait-with-shadow,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_sertigtal,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_sertigtal-in-autumn-1926,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_sertigweg-1926,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_shepherd-in-the-evening,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_sick-woman,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_sitting-girl,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_sitting-woman-with-a-wooden-sculpture,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_sledge-in-the-fog-1929,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_sleeping-nilly,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_small-french,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_snow-at-the-staffelalp,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_snowy-landscape,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_staberhof-farm-on-fehmarn-i-1913,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_stafelalp-at-moon-light,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_staffelalp-by-moonlight,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_staffelalp-in-the-autumn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_standing-female-nude-in-frot-of-a-tent,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_station-in-davos,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_station-in-davos-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_still-life-with-duck-and-snipe,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_still-life-with-sculpture,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_still-life-with-sculpture-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_still-life-with-sculpture-in-front-of-a-window-1935,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_still-live-with-tulips-and-oranges,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_stooping-act-in-space,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_store-in-the-rain-1927,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-at-stadtpark,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-berlin,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-in-the-rain,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-scene,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_street-scene-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-scene-at-night,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-scene-in-berlin,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_street-scene-in-front-of-a-barbershop,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_street-scene-in-front-of-the-shop-window,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-scene-with-green-cocotte,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_street-scenes,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_street-with-passangers,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_study-of-a-head,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_study-on-red-tart,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_sun-bath,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_tavern,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-amselfluh,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-blue-tree,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-choice-of-paris,"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-dance-between-the-women,"[3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-drinker-self-portrait,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_the-french-are-sitting-on-the-couch,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_the-garden-cafe,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_the-mountain,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-painter-self-portrait,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_the-railway,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_the-railway-overpass,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_the-red-tower-in-halle-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-rhine-bridge,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,ernst-ludwig-kirchner_the-selling-of-the-shadow,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-soldier-bath,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_the-tent,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_three-bathers-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_three-bathers-on-the-beach,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_three-faces,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_three-naked-in-the-forest-1935,"[1.0, 1.0, 2.0, 0.0, 0.0, 3.0, 1.0, 0.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes-and-reclining-man,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes-in-the-forest,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 4.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes-in-the-forest-1,"[3.0, 1.0, 3.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes-in-the-forest-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes-in-the-forest-3,"[2.0, 1.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_three-nudes-in-the-forest-4,"[3.0, 0.0, 2.0, 0.0, 0.0, 3.0, 1.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_three-women,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_three-women-in-a-cafe,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_tower-room-selfportrait-with-erna,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_trains-gorge-near-monstein-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_tram-and-rail,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_tramway-in-dresden,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_tree-bathers-sitting-on-rocks,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_two-acrobats-1933,"[4.0, 3.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-bathers,"[0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_two-bathing-girls-in-a-bathtub,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_two-brothers,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-cocottes,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-female-nudes,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_two-female-nudes-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-female-nudes-at-a-couch,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-girls,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-heads-looking-at-each-other,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_two-nude-girls,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-nudes-in-the-wood-ii,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_two-railway-bridges-in-dresden,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-seated-woman-and-a-striding-man,"[1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 1.0, 3.0]"
+Expressionism,ernst-ludwig-kirchner_two-women-at-a-couch,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_two-women-at-the-sea,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-women-at-the-street,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-women-in-a-cafe-1929,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_two-women-with-sink,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_two-yellow-knots-with-bunch-of-flowers,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_view-from-the-window,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_view-into-a-cafe,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_view-of-basel-and-the-rhine-1928,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_villa-in-dresden,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_violett-house-infront-of-a-snowy-mountain,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_walking-man-in-the-meadow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_walking-woman-with-dog,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_wildboden-mountains-forest-1928,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_windswept-firs,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_winter-landscape-in-moonlight-1919,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_witch-and-scarecrow-in-the-snow-1932,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_wod-cart-in-forest,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_woman-at-tea-time-sick-woman-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_woman-before-the-mirror-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_woman-in-a-green-blouse,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_woman-is-walking-over-a-nighty-street-1929,"[5.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_women,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,ernst-ludwig-kirchner_women-and-sculptures-on-the-beach,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ernst-ludwig-kirchner_women-on-the-street-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,ernst-ludwig-kirchner_women-playing-with-a-ball-1932,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,esteban-vicente_paisaje-con-sombrilla-roja-1931,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,esteban-vicente_portrait-of-his-sister-sagrario-1925,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,esteban-vicente_still-life-with-le-crapouillot-1925,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,eugã¨ne-grasset_la-morphiniste-1897,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 4.0, 0.0]"
+Expressionism,eugã¨ne-grasset_three-women-and-three-wolves,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 11.0, 0.0, 0.0]"
+Expressionism,filipp-malyavin_dancing-woman-1913,"[0.0, 1.0, 1.0, 2.0, 2.0, 3.0, 3.0, 0.0, 0.0]"
+Expressionism,filipp-malyavin_demonstration-of-a-newborn,"[5.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,filipp-malyavin_farandole-1926,"[1.0, 1.0, 3.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,filipp-malyavin_laughting-1898,"[3.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,filipp-malyavin_lenin-1920,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,filipp-malyavin_nude,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,filipp-malyavin_peasant-with-red-headscarf,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 3.0, 2.0]"
+Expressionism,filipp-malyavin_portrait-of-a-rich-peasant,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0, 4.0, 0.0]"
+Expressionism,filipp-malyavin_portrait-of-daria-ivanovna-tatarintseva-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,filipp-malyavin_portrait-of-sculptor-vladimir-beklemishev,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,filipp-malyavin_singing-peasants,"[4.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,filipp-malyavin_three-women-1902,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 6.0, 0.0, 1.0]"
+Expressionism,filipp-malyavin_two-girls-1910,"[1.0, 2.0, 3.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Expressionism,forrest-bess_landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,francis-picabia_face-of-a-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,francis-picabia_gertrude-stein,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,francis-picabia_guillaume-apollinaire-in-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Expressionism,francis-picabia_not_detected_236830,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,francis-picabia_nude-from-back-on-a-background-of-the-sea,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,francis-picabia_port-of-saint-tropez-evening-effect,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,francis-picabia_portrait-of-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Expressionism,francis-picabia_provincial-landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,francis-picabia_riverbank,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,francis-picabia_self-portrait,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,francis-picabia_self-portrait-3,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,francis-picabia_spanish-woman,"[2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,francis-picabia_still-life,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,francis-picabia_the-creeks-1944,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,francis-picabia_the-laundresses,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,francis-picabia_viareggio,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,francis-picabia_virgin-with-infant,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,francis-picabia_young-girl-with-flowers,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_albero-di-fronte,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,frank-auerbach_albero-di-fronte-1,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_bacchus-and-ariadne,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,frank-auerbach_behind-camden-town-station-summer-evening,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_david-landau,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_david-landau-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_david-landau-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,frank-auerbach_e-o-w-on-her-blue-eiderdown-iii,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_empire-cinema-modern-postcard,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,frank-auerbach_figure-on-a-bed-1970,"[2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_head-of-e-o-w,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,frank-auerbach_head-of-e-o-w-1960,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_head-of-e-o-w-i,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,frank-auerbach_head-of-e-o-w-iv,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,frank-auerbach_head-of-g-b,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,frank-auerbach_head-of-gerda-boehm,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,frank-auerbach_head-of-julia,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,frank-auerbach_head-of-paula-eyles,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,frank-auerbach_in-the-studio,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_j-y-m-seated-no-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_jake,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_maples-demo,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_mornington-crescent,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_park-village,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,frank-auerbach_portrait-of-julia,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,frank-auerbach_primrose-hill-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_reclining-figure-i,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_reclining-figure-ii,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,frank-auerbach_rimbaud,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,frank-auerbach_rimbaud-1976,"[4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_seated-figure,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_study-after-titian-i,"[6.0, 6.0, 2.0, 3.0, 1.0, 9.0, 6.0, 5.0, 8.0]"
+Expressionism,frank-auerbach_study-after-titian-ii,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_the-awning,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_the-origin-of-the-great-bear-1968,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_the-sitting-room,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_to-the-studios,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_to-the-studios-1980,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_to-the-studios-1991,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,frank-auerbach_tower-blocks,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,frank-auerbach_tree-at-tretire,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,frank-auerbach_tree-at-tretire-ii,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,frank-auerbach_working-drawing-for-primrose-hill,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,frank-auerbach_working-drawing-for-primrose-hill-1,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,frantisek-kupka_algiers,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_always-poor-1902,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,frantisek-kupka_ballad-of-epona-1900,"[2.0, 1.0, 0.0, 5.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,frantisek-kupka_bathers-1906,"[2.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,frantisek-kupka_danse-macabre-1896,"[3.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0, 2.0]"
+Expressionism,frantisek-kupka_equality-money-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Expressionism,frantisek-kupka_front-cover-of-the-l-argent-issue-from-l-assiette-au-beurre-1902,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_head-of-slut-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,frantisek-kupka_humanitas,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_i-do-not-care-1902,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,frantisek-kupka_lipstick-1908,"[5.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,frantisek-kupka_procession-1905,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,frantisek-kupka_prometheus-in-chains-1905,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_prometheus-in-chains-1905-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Expressionism,frantisek-kupka_prometheus-in-chains-1905-2,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_prometheus-in-chains-1905-3,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,frantisek-kupka_prometheus-in-chains-1905-4,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,frantisek-kupka_prometheus-in-chains-1905-5,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,frantisek-kupka_report,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_sleeping-face-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,frantisek-kupka_study-of-chapter-1908,"[1.0, 2.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,frantisek-kupka_tango-1909,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_the-black-idol-resistance-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_the-gallien-girl-1910,"[3.0, 0.0, 2.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_the-guy-1910,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,frantisek-kupka_the-little-girl-with-a-ball-1908,"[1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,frantisek-kupka_the-novelist,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,frantisek-kupka_the-song-of-songs,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,frantisek-kupka_the-victorious-dragon-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,frantisek-kupka_woman-and-horse-1906,"[0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,frantisek-kupka_women-in-the-tavern,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-kline_chatham-square-1948,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,franz-kline_hot-jazz-1940,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_a-dog-1912,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_animal-legend-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,franz-marc_bathing-girls-1910,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_blue-fox-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,franz-marc_blue-horse-i-1911,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,franz-marc_cows-yellow-red-green-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_crouching-deer-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,franz-marc_dead-deer-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Expressionism,franz-marc_deer-in-the-forest-ii-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,franz-marc_deer-in-the-snow-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,franz-marc_dog-lying-in-the-snow,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,franz-marc_donkey-frieze-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,franz-marc_fairy-animals-1913,"[0.0, 2.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_fighting-forms-1914,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,franz-marc_four-foxes-1913,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_gazelles-1913,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_girl-with-cat-ii-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,franz-marc_grazing-horses-iv-the-red-horses-1911,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_haystacks-in-the-snow-1911,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_horse-in-a-landscape-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_lion-hunt-after-delacroix-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,franz-marc_little-blue-horse-1912,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,franz-marc_little-yellow-horses-1912,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_nude-lying-in-the-flowers-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_nude-with-cat-1910,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_pigs,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,franz-marc_playing-dogs,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,franz-marc_playing-weasels-1909,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,franz-marc_red-and-blue-horse-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_resting-cows-1911,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_resting-horses-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_riding-school-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,franz-marc_shepherds,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Expressionism,franz-marc_sleeping-shepherdness-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_the-birth-of-the-horse-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,franz-marc_the-large-blue-horses-1911,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_the-little-blue-horses-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,franz-marc_the-monkey-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,franz-marc_the-red-deer-1912,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_the-shepherdness-1912,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_the-steer-the-bull-1911,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_the-tower-of-blue-horses-1913,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,franz-marc_the-unfortunte-land-of-tyrol-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,franz-marc_the-yellow-cow-1911,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_three-cats-1913,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,franz-marc_tiger-1912-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,franz-marc_two-blue-horses-1913,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,franz-marc_two-blue-horses-in-front-of-a-red-roc-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_two-cats-blue-and-yellow-1912,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,franz-marc_village-street,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_weasels-playing-1911,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,franz-marc_wild-pigs-boar-and-sow-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,franz-marc_woodcutter-1911,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,franz-marc_young-boy-with-a-lamb-1911,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,fred-williams_boab-trees-kimberley-s-1981,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,fred-williams_dight-s-falls-1974,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,fred-williams_hillock-1966,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,fred-williams_hillside-i-1965,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,fred-williams_iron-ore-landscape-1981,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,fred-williams_landscape-with-acacias-1974,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,fred-williams_landscape-with-goose-1974,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,fred-williams_red-landscape,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,fred-williams_sapling-forest-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Expressionism,fred-williams_sapling-forest-1962,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,fred-williams_saplings-mittagong-ii-1961,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,fred-williams_seascape-with-boat-mornington-1968,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,fred-williams_upwey-landscape-ii-1965,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,fred-williams_waterpond-in-a-landscape-ii-1966,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,fred-williams_yellow-landscape-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Expressionism,fã©lix-del-marle_etude-pour-l-homme-qui-boit-1931,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,fã©lix-del-marle_nu-agenouill-sur-fond-bleu-1937,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_actress-1954,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_boy-outdoors-1927(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_chair,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_enas-efhvos-1928,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,george-bouzianis_factory-in-munich-1927,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_father-and-son(2),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_female-dancers-1936,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_figure-of-a-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,george-bouzianis_flowers-1917,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_gunaikeia-morfh-1937-409,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_house-in-the-countryside-1931,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_houses-1945-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_houses-in-montmartre-1931,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_kefali-andra-1915,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_kefali-ths-gunaikas-tou-zwgrafou-1917,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_kid-eating-breakfast-1921,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_ksaplwth-gunaika-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,george-bouzianis_lady-with-umbrella-1935,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,george-bouzianis_landscape-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,george-bouzianis_liza-kottou-1947,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_naked-boy-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_naked-man-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_nude-sitting-woman-1919,"[0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_old-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,george-bouzianis_old-woman-with-red-scarf(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,george-bouzianis_portrait(7),"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,george-bouzianis_portrait-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,george-bouzianis_portrait-1927(2),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_portrait-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,george-bouzianis_portrait-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,george-bouzianis_portrait-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,george-bouzianis_portrait-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Expressionism,george-bouzianis_portrait-6,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_portrait-6(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_portrait-6(2),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_portrait-6(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 3.0]"
+Expressionism,george-bouzianis_portrait-of-a-boy-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Expressionism,george-bouzianis_portrait-of-a-man,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_portrait-of-a-man-1919(2),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_portrait-of-a-woman-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,george-bouzianis_portrait-of-a-woman-wearing-a-scarf,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,george-bouzianis_portrait-of-man,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_portrait-of-mrs-kountse-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,george-bouzianis_portrait-of-painter-waldmuller,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_portrait-of-thanos(2),"[3.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_portrait-of-vasileios-hatzis-1913(2),"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_portrait-of-woman,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_proswpografia-neou-andra-1930,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_reclining-woman-1927,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_self-portrait(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_self-portrait-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_self-portrait-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_self-portrait-1922-23,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_self-portrait-2,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_self-portrait-3,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_still-life-1927-28,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_still-life-with-cheese-bread-1932,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_still-life-with-fruit-1930,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_still-life-with-fruit-and-chair-1931,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_still-life-with-fruit-and-pans-1929,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_still-life-with-fruit-and-pitcher-1930,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,george-bouzianis_still-life-with-pomegranate-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Expressionism,george-bouzianis_still-life-with-pomegranate-and-pans-1931,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,george-bouzianis_still-life-with-pomegranate-bottle-and-chair-1929,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_still-life-with-tomatoes-and-pitcher,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_still-life-with-watermelon-1932,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_synthesh-maketa-1950-58,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_the-woman-who-looks-back,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_topio-sto-aixenaou-1924,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,george-bouzianis_topio-sto-aixenaou-1925,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,george-bouzianis_topio-sto-aixenaou-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,george-bouzianis_trees-in-the-riverside,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,george-bouzianis_two-women(2),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,george-bouzianis_view-of-paris-1930,"[0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,george-bouzianis_woman-looking-over-her-shoulder,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,george-luks_autumn-landscape,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,george-luks_boulders-on-a-riverbank-1919,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,george-luks_house-on-the-point,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,george-luks_lower-ausable-lake-adirondacks,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,george-mavroides_back-again-1954,"[4.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,george-mavroides_church-mykonos-1971,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,george-mavroides_effie-1959,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,george-mavroides_girl,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,george-mavroides_girl-wearing-white-dress-2000,"[2.0, 1.0, 3.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,george-mavroides_he-strange-light-1984,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,george-mavroides_island-landscape,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,george-mavroides_landscape,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,george-mavroides_lying-naked-1985,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 4.0, 2.0]"
+Expressionism,george-mavroides_mary-1981,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,george-mavroides_memory-of-manet-1984,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,george-mavroides_nino-2000,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,george-mavroides_nude,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,george-mavroides_on-a-couch,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,george-mavroides_pink-blouse-1971,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,george-mavroides_plate-with-fruits-1958,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,george-mavroides_portrait-of-andreas-vurlumis-1960,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,george-mavroides_portrait-of-nina,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,george-mavroides_red-hair-1976,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,george-mavroides_seated-nude,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,george-mavroides_sophia-1968,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,george-mavroides_standing-nude-1959,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,george-mavroides_the-green-with-erica-1970,"[1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 7.0, 0.0]"
+Expressionism,george-mavroides_vase-with-flowers-1992,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,george-mavroides_ydra,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,george-mavroides_ydra-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,george-pemba_inkanyamba-1987,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,george-pemba_young-woman-1947,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,george-pemba_young-xhoza-girl-1942,"[0.0, 3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,george-pemba_zulu-woman-unfinished-symphony-1941,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,george-segal_coffee-mug-1978,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,george-segal_helen-in-wicker-rocker-1978,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,george-segal_red-haired-girl-with-green-robe-1986,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,george-segal_untitled-1968,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,george-segal_white-rain-1978,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,george-segal_woman-in-red-kimono-1985,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,george-segal_woman-on-wicker-rocker,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,georges-braque_a-bird-passing-through-a-cloud-1957,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_a-bird-passing-through-a-cloud-1957-1,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-braque_a-landscape-drawn-into-squares,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,georges-braque_a-man-at-the-easel-1942,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,georges-braque_a-pumpkin-1944,"[4.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,georges-braque_a-red-pedestal-1939,"[2.0, 0.0, 4.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_a-red-pedestal-1942,"[2.0, 0.0, 2.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_a-winging-1955,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,georges-braque_amaryllis-1958,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,georges-braque_anemones-1924,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_at-sunset-bird-xvi-1958,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,georges-braque_balustre-et-crane-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 4.0]"
+Expressionism,georges-braque_basket-with-anemones-1924,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,georges-braque_bird-and-it-s-nest,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,georges-braque_bird-in-the-foliage-1961,"[8.0, 2.0, 8.0, 0.0, 2.0, 7.0, 4.0, 3.0, 18.0]"
+Expressionism,georges-braque_bird-returning-to-it-s-nest-1956,"[4.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,georges-braque_birds-1957,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,georges-braque_birds-in-the-clouds-1960,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-braque_blue-aquarium-1962,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-braque_boats-on-the-seashore-1929,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,georges-braque_figure-double,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 4.0, 1.0]"
+Expressionism,georges-braque_figure-double-with-marine-background-1942,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 3.0, 2.0, 0.0]"
+Expressionism,georges-braque_flower-study-1909,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,georges-braque_fruit-on-a-tablecloth-with-a-fruitdish-1925,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 2.0, 4.0]"
+Expressionism,georges-braque_glass-pitcher-and-lemons-1942,"[2.0, 1.0, 2.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_guitar-fruit-and-pitcher-1927,"[1.0, 0.0, 2.0, 1.0, 0.0, 3.0, 0.0, 2.0, 3.0]"
+Expressionism,georges-braque_interior-with-palette-1942,"[2.0, 1.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_leaves-in-color-of-light-1953,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_lemon-walnuts-and-pot-with-tobacco,"[3.0, 0.0, 6.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_lemons-1929,"[5.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_mandolin-glass-pot-and-fruit-1927,"[2.0, 0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Expressionism,georges-braque_my-bicycle-1941,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_next-to-the-sea-1958,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,georges-braque_night-1951,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_not_detected_193676,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+Expressionism,georges-braque_nude-woman-with-basket-of-fruit-canephorus-1926,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,georges-braque_oysters-1950,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,georges-braque_resurrection-of-the-bird-1959,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_still-life,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_still-life-mandolin-ii,"[1.0, 2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,georges-braque_still-life-with-brown-jug,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,georges-braque_still-life-with-clarinet-1927,"[3.0, 0.0, 3.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_still-life-with-flowers-1945,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,georges-braque_still-life-with-flowers-1945-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_still-life-with-fruits,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,georges-braque_still-life-with-grapes(1),"[3.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,georges-braque_still-life-with-guitar-1935,"[1.0, 2.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 3.0]"
+Expressionism,georges-braque_still-life-with-lobster-1948,"[4.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_still-life-with-skull,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,georges-braque_still-life-with-stairs-1943,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,georges-braque_the-aquarium-1951,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,georges-braque_the-bicycle,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-billiard-table-1944,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-braque_the-birds-1953,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,georges-braque_the-black-fish-1942,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,georges-braque_the-blue-jug-1946,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-blue-washbasin-1942,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-boat-of-the-flag,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,georges-braque_the-chair-1948,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0]"
+Expressionism,georges-braque_the-duet-1937,"[4.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,georges-braque_the-glass-of-lilac-1946,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-braque_the-green-napkin-1943,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-man-of-the-guitar,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,georges-braque_the-metallic-plow-1962,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-braque_the-packing-case-1947,"[1.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Expressionism,georges-braque_the-painter-and-his-model-1939,"[5.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-patience-1942,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Expressionism,georges-braque_the-pedestal-1921,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,georges-braque_the-pedestal-1938,"[3.0, 1.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-plow-1961,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_the-purple-tablecloth-1936,"[3.0, 0.0, 3.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_the-round-table-1929,"[4.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,georges-braque_the-salon-1944,"[1.0, 0.0, 2.0, 1.0, 1.0, 2.0, 1.0, 0.0, 4.0]"
+Expressionism,georges-braque_the-studio-1939,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 5.0]"
+Expressionism,georges-braque_the-studio-i-1949,"[2.0, 0.0, 4.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,georges-braque_the-studio-ii-1949,"[1.0, 1.0, 2.0, 1.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-studio-iii-1949,"[3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0, 2.0]"
+Expressionism,georges-braque_the-studio-iv-1950,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 5.0]"
+Expressionism,georges-braque_the-studio-ix-1954,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Expressionism,georges-braque_the-studio-v-1949,"[4.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_the-studio-vi-1951,"[3.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,georges-braque_the-studio-viii-1954,"[2.0, 0.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,georges-braque_the-sunflowers-1943,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,georges-braque_the-terrace-1948,"[1.0, 0.0, 1.0, 6.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,georges-braque_the-three-boats-1929,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,georges-braque_the-wash-stand-1942,"[1.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,georges-braque_the-weeding-machine-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,georges-braque_the-window-shade,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-braque_two-mullets-1941,"[5.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,georges-braque_under-the-lamp-1952,"[3.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-braque_vanitas-1939,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,georges-braque_vase-of-tulips-1927,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,georges-braque_woman-at-the-mirror-1945,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 3.0]"
+Expressionism,georges-braque_woman-with-a-mandolin-1937,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,georges-braque_woman-with-book-1945,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 3.0]"
+Expressionism,georges-rouault_acrobate-vii-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,georges-rouault_bittersweet-1935,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,georges-rouault_christ-et-docteur-1937,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,georges-rouault_christ-on-the-lake,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,georges-rouault_clown-et-enfant-1930,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-rouault_clown-tragique-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,georges-rouault_crucifixion-1937,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,georges-rouault_dors-mon-amour-sleep-my-love-1935,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,georges-rouault_l-quais-1937,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,georges-rouault_la-parade-1930,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,georges-rouault_le-vieux-clown-1930,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,georges-rouault_pierrots-bleus-au-bouquet-1946,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,georges-rouault_self-portrait-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Expressionism,georges-rouault_slaughter-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Expressionism,georges-rouault_the-clown-1907,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,georges-rouault_the-old-king-1936,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,georges-rouault_trois-personnages-dans-un-paysage-de-bretagne-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,gerard-sekoto_blue-head,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,gerard-sekoto_blue-head-1961,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,gerard-sekoto_boy-and-the-candle-1943,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,gerard-sekoto_dancing-senegalese-figures-1967,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,gerard-sekoto_family-with-candle,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,gerard-sekoto_mary-dikeledi-sekoto-1947,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,gerard-sekoto_paris-street-scene,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,gerard-sekoto_police-man-on-a-white-horse-in-the-fields-1959,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,gerard-sekoto_prayer-in-church-1947,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,gerard-sekoto_self-portrait-1947,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,gerard-sekoto_the-jazz-band-1961,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,gerard-sekoto_the-shebeen-sophiatown,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,gerard-sekoto_the-wine-drinker-1945,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,gerard-sekoto_three-men-walking-1940,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,gerard-sekoto_washerwomen,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,gosta-adrian-nilsson_gatuscen,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,gosta-adrian-nilsson_outbreak-of-fire,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,gregoire-boonzaier_district-six,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,gregoire-boonzaier_district-six-1979,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,gregoire-boonzaier_hibiscus-1978,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,gregoire-boonzaier_still-life-flowers-1979,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,grã©goire-michonze_picasso-1971,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,grã©goire-michonze_self-portrait-1971,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,gulacsy-lajos_emily-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 5.0, 3.0]"
+Expressionism,gulacsy-lajos_man-with-hat-and-woman-with-black-scarf-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,gulacsy-lajos_self-portrait-1903,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,gulacsy-lajos_siege-of-a-castle-1910,"[0.0, 1.0, 1.0, 2.0, 1.0, 1.0, 2.0, 0.0, 3.0]"
+Expressionism,gulacsy-lajos_transcience-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 7.0, 0.0]"
+Expressionism,hans-bellmer_portrait-of-jean-arp-1957,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,hans-bellmer_self-portrait-1971,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,hans-hofmann_self-portrait-1932,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,hans-hofmann_self-portrait-with-brushes-1942,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,hans-hofmann_st-tropez-1928,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,hans-hofmann_untitled-1928,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,hans-hofmann_untitled-1929,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,hans-richter_autumn-1917,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,hans-richter_portrait-de-lou-m-rten-1915,"[1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,hans-richter_self-portrait,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,hedda-sterne_composition-drawing,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,hedda-sterne_portrait-of-frederick-kiesler-1954,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,hedda-sterne_reclining-nude-1938,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,hedda-sterne_saul-steinberg-1950,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Expressionism,hedda-sterne_the-artist-saul-steiberg-1944,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,helene-schjerfbeck_annuli-reading-1923,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,helene-schjerfbeck_blond-woman-1925,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Expressionism,helene-schjerfbeck_circus-girl-1916,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,helene-schjerfbeck_forty-year-old-1939,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,helene-schjerfbeck_friends-1942,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,helene-schjerfbeck_girl-from-california-1934,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,helene-schjerfbeck_girl-from-eydtkuhnen-ii-1927,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,helene-schjerfbeck_girl-from-loviisa-1941,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,helene-schjerfbeck_girl-from-the-islands-1929,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,helene-schjerfbeck_girl-with-blue-ribbon-1943,"[1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,helene-schjerfbeck_katkelma-1905,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,helene-schjerfbeck_nurse-i-kaija-lahtinen-1943,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,helene-schjerfbeck_portrait-of-a-girl-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,helene-schjerfbeck_portrait-of-a-girl-in-blue-and-brown-inez-1944,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,helene-schjerfbeck_rosy-cheeked-girl-1927,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,helene-schjerfbeck_seated-woman-in-white-dress-1908,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 4.0]"
+Expressionism,helene-schjerfbeck_self-portrait-with-black-background-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,helene-schjerfbeck_self-portrait-with-black-mouth-1939,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,helene-schjerfbeck_siblings-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,helene-schjerfbeck_smiling-girl-1921,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,helene-schjerfbeck_stilhet-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,helene-schjerfbeck_the-family-heirloom-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,helene-schjerfbeck_the-fortune-teller-woman-in-yellow-dress-1926,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,helene-schjerfbeck_the-gipsy-woman-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,helene-schjerfbeck_the-teacher-1933,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,helene-schjerfbeck_under-the-linden-1911,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-catargi_landscape-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_a-nude-lying-on-her-back-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_a-nude-with-her-heel-on-her-knee-1936,"[1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_aicha-and-laurette-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-matisse_algerian-woman-1909,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_arabian-coffee-house-1913,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,henri-matisse_asia-1946,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_bathers-with-a-turtle-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,henri-matisse_blue-eyes-1934,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,henri-matisse_boudoir-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+Expressionism,henri-matisse_coffee-1916,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,henri-matisse_conversation-1912,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_corner-of-the-artist-s-studio-1912,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_cyclamen-pourpre-1912,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_dance-1912,"[0.0, 1.0, 3.0, 2.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_dance-ii-1910,"[5.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,henri-matisse_dancer-and-rocaille-armchair-on-a-black-background-1942,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_decorative-figure-on-an-ornamental-background-1925,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_female-toilets-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_figure-at-the-rideau-releve,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,henri-matisse_figure-in-scutari-carpet-1922(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,henri-matisse_fish-tank-in-the-room-1912,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_flowers-and-ceramic-plate,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,henri-matisse_french-window-at-collioure,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,henri-matisse_game-of-bowls-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_girl-with-a-black-cat,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_girl-with-tulips-1910,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_goldfish-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_harmony-in-red-1908,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_interior-in-venetian-red-1946,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_interior-in-yellow-1946,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_interior-with-a-bowl-with-red-fish-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,henri-matisse_interior-with-a-violin,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_interior-with-a-violin-case-1919,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_interior-with-black-fern-1948,"[1.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_interior-with-egyptian-curtain-1948,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_interior-with-etruscan-vase-1940,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_interior-with-phonograph,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_ivy-in-flower-1941,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,henri-matisse_joaquina,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_landscape-viewed-from-a-window-1913,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,henri-matisse_large-red-interior-1948,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_leda-and-the-swan,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,henri-matisse_luxe-1907,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,henri-matisse_manila-shawl-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_marguerite-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,henri-matisse_montalban-landscape-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_moraccan-garden-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_moroccan-amido-1911,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_music-1910,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 3.0, 2.0, 2.0]"
+Expressionism,henri-matisse_music-1939,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_music-sketch-1907,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_my-room-at-the-beau-rivage-1918,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_nasturtiums-with-the-dance-ii-1912,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_not-identified-14,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,henri-matisse_not-identified-17,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_not-identified-18,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_not-identified-19,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_not-identified-20,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,henri-matisse_not-identified-21,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,henri-matisse_not-identified-22,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_not-identified-23,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_not-identified-24,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_not-identified-25,"[1.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_not-identified-27,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_not-identified-3,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_notre-dame-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_nude,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,henri-matisse_nude-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-matisse_nude-6,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_nude-black-and-gold-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,henri-matisse_nude-in-a-chair,"[0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_nude-in-sunlit-landscape-1909,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_nude-with-oranges-1951,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_nude-with-scarf,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_nymph-and-satyr-1909,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,henri-matisse_odalisque-1923,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_odalisque-blue-harmony-1937,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,henri-matisse_odalisque-half-length-the-tatoo-1923,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_odalisque-harmony-in-red-1926,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_odalisque-in-grey-culottes-1927,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_odalisque-in-red-trousers-1921,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,henri-matisse_odalisque-sitting-with-board-1928,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_odalisque-with-a-tambourine-1926,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_odalisque-with-a-turkish-chair-1928,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_odalisque-with-gray-pants-1927,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,henri-matisse_odalisque-with-green-scarf,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_odalisques,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_odalisques-1928,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_odalisques-1928-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_olga-merson-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Expressionism,henri-matisse_pianist-and-checker-players-1924,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,henri-matisse_pineapple-and-anemones-1940,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_pink-nude-1935,"[1.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_pink-nude-or-seated-nude-1909,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,henri-matisse_plum-blossoms-green-background-1948,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_poppies,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_portrait-of-l-n-delekorskaya-1947,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_portrait-of-pierre-matisse-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,henri-matisse_portrait-of-saul-stein-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,henri-matisse_purple-robe-and-anemones-1937,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_reader-on-a-black-background-1918,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_reader-on-a-black-background-1939,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_reclining-nude-1924,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-matisse_reclining-nude-back-1927,"[2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_red-fish-and-a-sculpture-1911,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_red-fish-in-interior,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_red-interior-still-life-on-a-blue-table-1947,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_red-studio-1911,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_sculpture-and-persian-vase-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_seated-figure-striped-carpet-1920,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_seated-figure-tan-room-1918,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_seated-riffian-1913,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_seated-woman-back-turned-to-the-open-window-1922,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_seville-still-life-1911,"[0.0, 0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_sitting-woman-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_sleeping-nude-on-a-red-background-1916,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_small-odalisque-in-purple-robe-1937,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_spanish-still-life-seville-ii-1911,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_spanish-woman-with-a-tamborine-1909,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_standing-moroccan-in-green-standing-riffian-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_standing-nude-nude-study-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_standing-odalisque-reflected-in-a-mirror-1923,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_still-life-12,"[2.0, 3.0, 30.0, 4.0, 0.0, 0.0, 0.0, 2.0, 9.0]"
+Expressionism,henri-matisse_still-life-13,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_still-life-14,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,henri-matisse_still-life-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-3,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-4,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-5,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-6,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-8,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,henri-matisse_still-life-with-a-magnolia-1941,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-a-pewter-jug-and-pink-statuette-1910,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-a-red-rug-1906,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-a-shell-1940,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-aubergines-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_still-life-with-blue-tablecloth-1906,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-with-dance-1909,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-flowers,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-with-gourds,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-with-lemons-1943,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-oranges-ii-1899,"[0.0, 0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-oysters-1940,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-with-pineapples,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-pineapples-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_still-life-with-shellfish,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_still-life-with-sleeper-1940,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_still-life-with-vase-bottle-and-fruit,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_studio-quay-of-saint-michel-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-matisse_sunlit-interior-1942,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,henri-matisse_tea-in-the-garden-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_the-arm-1938,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-artist-and-his-model-1919,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_the-bay-of-nice-1918,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_the-blue-window-1911,"[0.0, 3.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_the-daisies-1939,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_the-dance-1933,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_the-dance-1933-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-dance-1933-2,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-dark-door-1942,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_the-dream-1935,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_the-dream-1940,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_the-family-of-the-artist-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-french-window-at-nice-1919,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-girl-with-green-eyes-1908,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-gourds-1916,"[4.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_the-hindu-pose-1923,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-lute-1943,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_the-maiden-and-the-vase-of-flowers-or-pink-nude,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-matisse_the-painter-and-his-model-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-painting-lesson-1919,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,henri-matisse_the-palm-1912,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_the-piano-lesson,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_the-piano-lesson-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-pinapple-1948,"[1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 5.0]"
+Expressionism,henri-matisse_the-pink-studio-1911,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_the-racaille-chair-1946,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,henri-matisse_the-reader-marguerite-matisse-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_the-red-madras-headdress-1907,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-red-onions-1906,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_the-red-table-1939,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-romanian-green-bluse-1939,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,henri-matisse_the-rumanian-blouse-1940,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_the-silence-that-lives-in-houses-1947,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-matisse_the-three-sisters-with-a-sculpture-left-panel-from-the-three-sisters-triptych-1917,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_the-white-feather-1919,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,henri-matisse_the-window-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_the-young-sailor-ii-1906,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_three-sisters-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_tulips-and-oysters-on-a-black-background-1943,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_two-dancers-study-for-rouge-et-noir-1938,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_two-women-1939,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_vase-of-irises-1912,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,henri-matisse_view-of-notre-dame-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 3.0, 2.0, 1.0]"
+Expressionism,henri-matisse_wo-girls-in-a-yellow-and-red-interior-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,henri-matisse_woman-at-tbe-piano,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_woman-at-the-fountain-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 2.0, 4.0, 0.0]"
+Expressionism,henri-matisse_woman-in-a-purple-coat-1937,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_woman-in-blue-or-the-large-blue-robe-and-mimosas-1937,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_woman-in-green-with-a-carnation-1909,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,henri-matisse_woman-in-turban-lorette-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,henri-matisse_woman-on-a-sofa,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_woman-on-sofa-or-couch,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_woman-portrait-1939,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_woman-reading,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,henri-matisse_woman-reading-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,henri-matisse_woman-reading-at-a-dressing-table-interieur-nice-1919,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,henri-matisse_woman-reading-with-peaches-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,henri-matisse_woman-sitting-in-a-chair,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_woman-with-a-green-parasol-on-a-balcony-1919,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-matisse_woman-with-a-madras-hat-1930,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_woman-with-a-veil-1942,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,henri-matisse_woman-with-a-white-dress-1934,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,henri-matisse_woman-with-oriental-dress-1919,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,henri-matisse_young-girl-in-a-persian-dress-1942,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_young-woman-at-the-window-sunset-1921,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,henri-matisse_young-woman-in-a-blue-blouse-portrait-of-l-n-delektorskaya-1939,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_young-woman-in-white-red-background-1946,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_young-woman-playing-violin-1923,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_young-women-in-the-garden-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,henri-matisse_zorah-on-the-terrace-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,henri-matisse_zorah-standing-1912,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henri-matisse_zulma-1950,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,henri-michaux_composition-aux-trois-t-tes,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,henri-michaux_face,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Expressionism,henri-michaux_les-trois-graces-1930,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,henry-moore_family-grown-1949,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,henry-moore_the-past-1961,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,henry-moore_west-wind-1928,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,hilma-af-klint_svanen-1914,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,hilma-af-klint_the-swan-no-17-1915(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,horia-bernea_alms,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,horia-bernea_ancient-romanian-landscape,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,horia-bernea_ancient-romanian-landscape-ii-1999,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,horia-bernea_bread-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,horia-bernea_column-in-the-verandah,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,horia-bernea_expressionist-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,horia-bernea_hill-1975,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,horia-bernea_hills-1965,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,horia-bernea_hills-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,horia-bernea_hills-at-poiana-m-rului-1966,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,horia-bernea_houses-in-poiana-m-rului-1972,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,horia-bernea_in-the-verandah-1985,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,horia-bernea_marina,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,horia-bernea_spring-night-1965,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,horia-bernea_the-big-column,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,horia-bernea_the-column,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,horia-bernea_the-column(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,horia-bernea_the-column-1997,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,horia-bernea_the-column-1999,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,horia-bernea_the-column-ii,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,horia-bernea_the-edge-of-the-city-1964,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,horia-bernea_tile-roofs,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,ilka-gedo_artificial-flower-on-a-naples-yellow-background-1980,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Expressionism,ilka-gedo_artificial-flower-with-a-grey-background-1981,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ilka-gedo_artificial-flower-with-falling-leaves-1970,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_artificial-flower-with-inscriptions-1975,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,ilka-gedo_artificial-flowers-with-daggers-1974,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Expressionism,ilka-gedo_blossoming-fruit-tree,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ilka-gedo_domed-rose-garden-1972,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_double-self-portrait-1985,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ilka-gedo_ganz-factory-1948,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 3.0]"
+Expressionism,ilka-gedo_ganz-factory-1948-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,ilka-gedo_jardin-des-plantes-paris-1980,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,ilka-gedo_kitchen-window-in-puscsin-1976,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,ilka-gedo_machines-at-the-ganz-factory-from-folder-57-1947,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,ilka-gedo_man-and-woman-kidnap-1982,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_mask-store-1980,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ilka-gedo_monster-and-boy-1981,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_nodding-artificial-flower-red-version-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,ilka-gedo_pink-self-portrait-1984,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,ilka-gedo_portrait-of-kl-ri-horv-th-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,ilka-gedo_rose-garden-in-the-wind-1973,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ilka-gedo_rose-garden-with-a-green-background-1981,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_rose-garden-with-triangular-window-1980,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_self-portrait-1944,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,ilka-gedo_self-portrait-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,ilka-gedo_self-portrait-1947-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,ilka-gedo_self-portrait-1948,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Expressionism,ilka-gedo_self-portrait-in-pregnancy-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0]"
+Expressionism,ilka-gedo_self-portrait-with-a-hat-1983,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ilka-gedo_self-portrait-with-a-strawhat-1984,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,ilka-gedo_spring-1973,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_table-1-1949,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,ilka-gedo_table-1949,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ilka-gedo_table-8-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0]"
+Expressionism,ilka-gedo_the-big-tree-trunk-1978,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,ilka-gedo_the-march-of-triangles-1981,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,ilka-gedo_two-figures-at-work-at-a-table-1948,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Expressionism,ilka-gedo_witches-in-preparation-1981,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ilka-gedo_woman-at-work-at-a-table-1948,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ion-nicodim_ariana,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,ion-nicodim_ode-to-man-1968(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-nicodim_tapestry,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ion-nicodim_unknown-title(13),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-nicodim_unknown-title(15),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ion-nicodim_unknown-title(16),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,ion-nicodim_unknown-title(21),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,ion-nicodim_untitled,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ion-nicodim_woman-portrait,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ion-pacea_composition-en-rouge,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ion-pacea_flori,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,ion-pacea_interior,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ion-pacea_marina-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ion-pacea_marina-5,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ion-pacea_marina-6,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ion-pacea_marina-with-red-sun,"[1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0, 2.0]"
+Expressionism,ion-pacea_midnight-sun,"[9.0, 13.0, 11.0, 7.0, 1.0, 5.0, 4.0, 2.0, 6.0]"
+Expressionism,ion-pacea_peisaj,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ion-pacea_peisaj-de-litoral,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Expressionism,ion-pacea_peisaj-de-litoral-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-pacea_portret,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ion-pacea_sunset,"[1.0, 1.0, 4.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,ion-pacea_the-garden,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-pacea_tree-coming-into-bud,"[2.0, 1.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Expressionism,ion-tuculescu_african-mask-1939,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,ion-tuculescu_after-wars-rebirth,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_apocalypse,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Expressionism,ion-tuculescu_autoportrait-on-a-autumn-leave,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_blue-field,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_blue-totem,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_butterfly-dance,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_butterfly-spring,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-tuculescu_charming-sea,"[1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_circuits,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_composition-wtih-dolls,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_compositon,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ion-tuculescu_depth,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_drift,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-tuculescu_god-s-eyes,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,ion-tuculescu_heat,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_landscape-with-tree,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,ion-tuculescu_looks,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-tuculescu_looks-of-the-colors,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-tuculescu_looks-of-the-shadow,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_make-up-box-the-green-eyes,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,ion-tuculescu_marina-at-mangalia,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_moods-of-the-field,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_multiple-lives,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,ion-tuculescu_on-the-coast,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_peacocks-of-the-glances,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,ion-tuculescu_relations-in-orange,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_rural-interior-with-covers,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,ion-tuculescu_the-secret-of-the-peacocks,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_totem-on-the-field,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_totems-on-the-morning-road,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_traces,"[0.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_travelling-eyes,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ion-tuculescu_violet-figure,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ion-tuculescu_winter-on-the-street,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,iosif-iser_baletist-1930,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,iosif-iser_ballerina,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,iosif-iser_ballerina-1930,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,iosif-iser_behind-the-scenes-1932,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,iosif-iser_dobrujan-landscape-with-five-turk-women,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,iosif-iser_harlequin,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,iosif-iser_intimacy-1944,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,iosif-iser_laid-back-nude,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,iosif-iser_laid-back-nude-1941,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,iosif-iser_nude,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,iosif-iser_nude-on-the-chair-1935,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,iosif-iser_nude-on-the-chair-1938,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,iosif-iser_nude-with-book-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,iosif-iser_nuns,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,iosif-iser_odalisque-with-red-scarf,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,iosif-iser_pierrot-and-columbine-1943,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,iosif-iser_portrait,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,iosif-iser_seated-woman-with-yellow-jacket,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,iosif-iser_spanioloaic,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,iosif-iser_tatar-family-1920,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,iosif-iser_tatar-family-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,iosif-iser_tatar-interior-1933,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,iosif-iser_tatar-woman-1935,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,iosif-iser_tatar-women,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,iosif-iser_the-red-shawl,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,iosif-iser_tired-dancer,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,iosif-iser_toreador,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,iosif-iser_turci-din-mangalia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,iosif-iser_turcoaice,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,iosif-iser_turks-at-the-cafe-1937,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,iosif-iser_two-spanish-women,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,iosif-iser_woman-from-muscel-1935,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,iosif-iser_woman-on-the-sofa,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Expressionism,irma-stern_bathers-1965,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,irma-stern_umgababa-1922,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,irma-stern_woman-with-a-jug-1949,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,irma-stern_zanzibar-garden,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,istvan-farkas_after-the-storm-1934,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,istvan-farkas_dawn-on-the-outskirts-of-town-morning-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,istvan-farkas_fate-walking-at-the-water-tower-1934,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,istvan-farkas_french-poet-and-his-mother-1932,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,istvan-farkas_green-and-black-french-landscape-1930,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,istvan-farkas_has-anything-happened-1941,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,istvan-farkas_landscape-at-dusk-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,istvan-farkas_man-and-woman-in-the-window-1939,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,istvan-farkas_model-with-big-hands-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Expressionism,istvan-farkas_night-on-the-outskirts-of-town-1931,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,istvan-farkas_night-scene-1939,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Expressionism,istvan-farkas_on-the-beach-under-purple-sky-1934,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,istvan-farkas_on-the-hillside-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,istvan-farkas_portrait-of-countess-g-z-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,istvan-farkas_seaside-landscape-1935,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,istvan-farkas_self-portrait-1932,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Expressionism,istvan-farkas_separated-1941,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,istvan-farkas_standing-in-the-sun-1943,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,istvan-farkas_still-life-with-coffee-maker-1943,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,istvan-farkas_the-aged-sailor-and-the-old-woman-1939,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,istvan-farkas_the-lunatic-at-syracuse-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Expressionism,istvan-farkas_woman-in-black-1931,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,ivan-albright_inland-sea-japan-1967,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ivan-albright_josephine-and-adam-1947,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ivan-albright_michigan-summer-days,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ivan-albright_moscow-1967,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ivan-albright_moscow-1967(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,ivan-albright_nile-river-at-aswan-egypt-1960,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,ivan-albright_road-augsburg-to-munich-germany-1975,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Expressionism,ivan-albright_road-to-kairouan-tunisia-1970,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ivan-albright_self-portrait-no-18-1983,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0]"
+Expressionism,ivan-albright_self-portrait-no-20-1983,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,ivan-albright_three-trees-georgia-1969,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ivan-albright_view-from-hotel-window-prinsenstraat-amsterdam-holland,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ivan-milev_our-mothers-are-always-dressed-in-black-1926,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Expressionism,ivan-milev_self-portrait-1920,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 4.0]"
+Expressionism,ivan-milev_septemvri-1923-1925,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,ivan-milev_the-maglizh-monastery-1924,"[3.0, 0.0, 3.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,ivan-milev_venice-1924,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]"
+Expressionism,jack-bush_a-barn-1944,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,jack-bush_backyard-haliburton-1944,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,jack-bush_church-near-king-city-1940,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,jack-bush_dark-country-1946,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,jack-bush_farm-house-caledon-1944,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,jack-bush_ferry-at-bigwin-island-1952,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 3.0]"
+Expressionism,jack-bush_french-farm-house-montreal-1930,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jack-bush_grey-day-mattawa-1947,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 5.0, 3.0, 0.0]"
+Expressionism,jack-bush_haunted-house-1945,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 4.0, 0.0]"
+Expressionism,jack-bush_in-the-afternoon-mattawa-1947,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 5.0, 0.0, 2.0]"
+Expressionism,jack-bush_life-drawing-woman-1938,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,jack-bush_nude-1954,"[1.0, 1.0, 1.0, 3.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,jack-bush_nude-study-1949,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,jack-bush_rcaf-elem-school-eglinton-1944,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,jack-bush_the-wet-road,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,jack-bush_tulips-1945,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,jack-bush_white-buildings-1947,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,jack-bush_woods-in-autumn-1944,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,jackson-pollock_animals-and-figures(1),"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,jackson-pollock_bird-1941(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,jackson-pollock_circle-1941(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,jackson-pollock_figures-in-a-landscape(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,jackson-pollock_going-west,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,jackson-pollock_landscape-with-steer-1937(2),"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,jackson-pollock_landscape-with-steer-1937(3),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,jackson-pollock_mask(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,jackson-pollock_sheet-of-studies-1941(1),"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,jackson-pollock_untitled(4),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Expressionism,jackson-pollock_untitled(5),"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,jacoba-van-heemskerck_abstract-composition,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,jacoba-van-heemskerck_bild-no-131-1921,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jacoba-van-heemskerck_bomen-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jacoba-van-heemskerck_composition-1914,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,jacoba-van-heemskerck_forest-track-1918,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jacoba-van-heemskerck_natuurmotieven-1920,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jacoba-van-heemskerck_stadt-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,jacoba-van-heemskerck_tree-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jacques-villon_l-italienne-after-modigliani-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,jacques-villon_maternit-after-picasso-1901,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jacques-villon_untitled-1950,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,james-ensor_christ-s-entry-into-brussels-in-1889-1888,"[2.0, 1.0, 1.0, 4.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,james-ensor_skeletons-trying-to-warm-themselves-1889,"[2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 4.0, 1.0, 0.0]"
+Expressionism,james-ensor_the-drunkards-1883,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,jan-sluyters_a-standing-nude,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,jan-sluyters_composition-earthly-and-heavenly-love,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,jan-sluyters_leidseplein,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jan-sluyters_moon-night,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jan-sluyters_odalisque,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jan-sluyters_portrait-of-a-lady-in-red,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jan-sluyters_portrait-of-the-20-year-old-ina-leaves-1932,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jan-sluyters_reclining-nude-with-black-stockings-greet,"[1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,jan-sluyters_recumbent-female-nude-1922,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,jan-sluyters_seated-nude-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,jan-sluyters_selling,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,jan-sluyters_still-life-with-standing-nude,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jan-sluyters_the-daughter-of-sormani-1917,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,jan-sluyters_townview-amsterdam-het-rokin,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,jan-sluyters_two-nudes-in-studio,"[10.0, 3.0, 8.0, 6.0, 0.0, 7.0, 0.0, 9.0, 6.0]"
+Expressionism,janos-mattis-teutsch_portrait-of-brancusi,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,janos-mattis-teutsch_the-dream-of-the-painter-1947,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Expressionism,jay-defeo_persephone-1957,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,jay-defeo_untitled-1973,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-david_children,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-david_couple,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,jean-david_el-al-poster-1963,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,jean-david_esther-and-ahaseurus,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-david_fantastic-figures,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,jean-david_figure(1),"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-david_figure(2),"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,jean-david_head-portrait,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,jean-david_holiday-all-year-round-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,jean-david_illustration-for-haggadah-of-pesach-1970,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-david_illustration-for-haggadah-of-pesach-1970(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,jean-david_jerusalem,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,jean-david_jerusalem(1),"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-david_jerusalem-of-gold,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,jean-david_le-menage-hereux,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-david_peace-dove-over-jerusalem,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-david_port-scene,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,jean-david_untitled,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,jean-david_untitled(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-david_untitled(2),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,jean-david_untitled(3),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-david_untitled(4),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,jean-david_vase-of-flowers,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,jean-david_woman-with-braids-yemenite-1934,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,jean-dubuffet_double-self-portrait-in-a-bowler-hat,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,jean-dubuffet_fear,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,jean-dubuffet_landscape-of-algeria,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-dubuffet_lecciones-botanica,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,jean-dubuffet_lili-masque,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,jean-dubuffet_portrait-de-georges-limbour,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-dubuffet_portrait-of-armand-salacrou,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Expressionism,jean-dubuffet_smoking-cherries,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-dubuffet_two-female-heads-in-profile,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,jean-dubuffet_walk-in-the-forest,"[1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,jean-fautrier_large-tragic-head-1942,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,jean-fautrier_le-grand-sanglier-noir-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Expressionism,jean-fautrier_nature-morte-aux-oignons-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jean-fautrier_nature-morte-aux-poires-1928,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,jean-fautrier_nu-couch-1944,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,jean-fautrier_nu-feminin-allong-1937,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,jean-fautrier_nu-noir-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,jean-fautrier_petit-nu-noir-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,jean-fautrier_visage-violet-1947,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,jean-helion_accident-1979,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jean-helion_la-citrouille-et-son-reflet-1958,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-helion_leland-bell-reading-i-1951,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-helion_man-with-a-shoe-1944,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,jean-helion_mannequinerie-en-solde-1978,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jean-helion_page-de-musique-1962,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-helion_pegeen-1944,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,jean-helion_remake-1983,"[5.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,jean-helion_suite-puciere-1978,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 3.0]"
+Expressionism,jean-helion_untitled-1952,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,jean-helion_untitled-1957,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,jean-helion_untitled-sketchbook-page-1955,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jean-helion_untitled-sketchbook-page-1955-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,jean-helion_untitled-skull-series-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,jean-paul-lemieux_evening-visitor-1956,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,jean-paul-lemieux_jeune-fille-au-chandail-rouge-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,jean-paul-lemieux_jeune-fille-l-hiver-1977,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,jean-paul-lemieux_julie-et-l-univers,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,jean-paul-lemieux_l-ap-tre-1966,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,jean-paul-lemieux_l-orpheline-1957,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,jean-paul-lemieux_la-conversation-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,jean-paul-lemieux_la-femme-au-chapeau-blanc,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,jean-paul-lemieux_la-noce-de-juin,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-paul-lemieux_la-r-cr-ation-1961,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,jean-paul-lemieux_le-champ-de-tr-fles,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,jean-paul-lemieux_le-cheval-blanc-1984,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-paul-lemieux_le-parasol,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,jean-paul-lemieux_le-pr-1979,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-paul-lemieux_les-champs-blancs-1956,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,jean-paul-lemieux_les-masques-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,jean-paul-lemieux_marine-1957,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,jean-paul-lemieux_montr-al-il-y-a-longtemps-1966,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-paul-lemieux_nu-sur-fond-bleu-1963,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,jean-paul-lemieux_petit-nu-1962,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,jean-paul-lemieux_portrait-1961,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-paul-lemieux_qu-bec-vue-de-l-le-d-orl-ans-1963,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jean-paul-lemieux_route-15-1965,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,jean-paul-lemieux_t-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,jean-paul-lemieux_traverse-d-hiver-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,jean-paul-lemieux_untitled-river-view-1956,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jean-paul-lemieux_young-lady-with-hat-1971,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,jean-paul-lemieux_young-man-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,jean-rene-bazaine_girls-with-bare-breasts-1942,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jean-rene-bazaine_the-street-child-1936,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,joan-ponc_untitled-1946-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,joan-ponc_untitled-1946-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,joao-vieira_careto-com-burro-1994,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,joao-vieira_pianel-do-infante-1987,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,johannes-itten_abstract-figures-1949,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,johannes-itten_bergsee-a-mountain-lake-1936,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,johannes-itten_bewegungsstudie-ii-1935,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,johannes-itten_formfiguren-1936,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,johannes-itten_portrait-of-a-girl,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,johannes-itten_sitting-woman-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,johannes-itten_waldrandblumen-1919,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,johannes-sveinsson-kjarval_amazon-woman-of-the-mountain-1961,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,johannes-sveinsson-kjarval_bleikdalsa-1967,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,johannes-sveinsson-kjarval_fantasia-1940,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,johannes-sveinsson-kjarval_forest-palace-1918,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 8.0, 0.0, 0.0]"
+Expressionism,johannes-sveinsson-kjarval_from-thingvellir-1957,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,johannes-sveinsson-kjarval_kiddi-og-jeg-1950,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,johannes-sveinsson-kjarval_land-and-air-1965,"[2.0, 9.0, 10.0, 6.0, 0.0, 7.0, 1.0, 4.0, 11.0]"
+Expressionism,johannes-sveinsson-kjarval_lava-at-bessastadir-1954,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,johannes-sveinsson-kjarval_skjaldbrei-ur,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,johannes-sveinsson-kjarval_sv-nahraun-lava-field,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,johannes-sveinsson-kjarval_the-sisters-of-stapi-1948,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,johannes-sveinsson-kjarval_unknown-title,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,johannes-sveinsson-kjarval_unknown-title-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,john-ferren_composition-la-carte-de-france-1931,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,john-marin_from-seeing-cape-split-1935,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,john-marin_island-ship-s-stern-1934,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,john-marin_marin-island-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,john-marin_off-york-island-1922,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,john-marin_schooner-yachts-deer-isle-maine-1928,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,john-marin_sunset-1922,"[1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,john-marin_top-of-radio-city-new-york-city-1937,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,john-marin_tunk-mountains-autumn-maine-1945,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 3.0, 0.0, 3.0]"
+Expressionism,john-marin_weehawken-sequence-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,john-marin_weehawken-sequence-no-30-1916,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,john-marin_wehawken-sequence,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,john-marin_woolworth-building-no-28-1912,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Expressionism,jose-clemente-orozco_advance-1940,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,jose-clemente-orozco_combat-1927,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,jose-clemente-orozco_mexican-soldiers-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Expressionism,jose-clemente-orozco_soldiers-1926,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,jose-clemente-orozco_the-white-house,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,jose-clemente-orozco_zapata-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,jose-clemente-orozco_zapatista-s-marching-1931,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,jose-de-almada-negreiros_self-portrait-1928,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,jose-de-almada-negreiros_self-portrait-1947,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,jose-de-almada-negreiros_self-portrait-in-a-group,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,jose-de-almada-negreiros_untitled-1930,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jose-de-almada-negreiros_untitled-indian-ink-and-gouache-on-paper-1948(2),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_a-mask,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_alh-ndiga-huts-1933,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,jose-gutierrez-solana_beggars-warming-1933,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,jose-gutierrez-solana_birds,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_bull-fighting-in-ronda,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_cape-in-a-village-1930,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,jose-gutierrez-solana_carnival-in-a-village,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_children-with-the-lamp,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jose-gutierrez-solana_chinese-torture,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_claudia-girls,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_cupletista-or-makeup-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_drawing-for-the-end-of-the-world,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_drawing-for-the-end-of-the-world-1932,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,jose-gutierrez-solana_fish-and-crab,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_masks,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_masks-cooks,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_masks-drinking,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_masks-of-cowbells,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_masks-with-donkey,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_murga-cadiz,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_naked-man-and-woman,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_old-mountain,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,jose-gutierrez-solana_people-1933,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_portrait-of-mrs-amalia-gutierrez-solana,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,jose-gutierrez-solana_procession-in-toledo,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_sailor-with-basket,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_self-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_self-portrait-with-doll,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_still-life-with-dead-turkey,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,jose-gutierrez-solana_still-life-with-red-cabbage-copper-cauliflower-and-cabbage,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_the-bibliophile,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_the-bishop-s-visit,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-blessed-1933,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_the-blind-musician-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-burial-of-the-sardine,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-cabinets,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,jose-gutierrez-solana_the-carnival,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-chorus-girls,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-clowns,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-coffee-gathering-pombo,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,jose-gutierrez-solana_the-designer-of-masks,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-end-of-the-world,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-fallen,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,jose-gutierrez-solana_the-hairdresser,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-hairdresser-1933,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-meeting-at-the-pharmacy-1934,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-merchant-captain-1934,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,jose-gutierrez-solana_the-painter-s-dog-1933,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-poster-of-the-crime-the-blind-musician,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,jose-gutierrez-solana_the-ramp-at-puerto-chico,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jose-gutierrez-solana_the-return-of-the-indian,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-scavengers,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_the-trail-1933,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,jose-gutierrez-solana_the-trial-of-madame-roland,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jose-gutierrez-solana_trail-traperos,"[0.0, 1.0, 7.0, 1.0, 0.0, 4.0, 2.0, 24.0, 6.0]"
+Expressionism,jose-gutierrez-solana_two-masks,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_two-women,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,jose-gutierrez-solana_uncle-miseries-1933,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_village-cupletista,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jose-gutierrez-solana_woman-in-the-mirror,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,jose-gutierrez-solana_women-of-life-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,jose-gutierrez-solana_women-of-life-1933,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,josef-albers_portrait-study-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Expressionism,josef-albers_self-portrait-1918,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,josef-albers_standing-bird-front-view-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,josef-herman_autumn-idyll-1956,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,josef-herman_digging-for-roots-1949,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,josef-herman_field-workers-1961,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,josef-herman_harvest-scene-1960,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,josef-herman_in-the-canteen-1954,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,josef-herman_men-at-table-1987,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,josef-herman_miners-singing-1951,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,josef-herman_mother-and-child-1945,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,josef-herman_pruning-the-vines-1952,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,josef-herman_snooker-players-1982,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,josef-herman_the-gardener-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,josef-herman_the-washerwomen-1954,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,josef-herman_three-mexican-women-1968,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,josef-herman_three-welsh-miners-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,josef-herman_vineyards-in-the-autumn-1957,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,jules-pascin_clara-1926,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,jules-pascin_claudine-resting-1913,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jules-pascin_dancer-at-the-moulin-rouge-1908,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,jules-pascin_in-the-hotel-room-1908,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jules-pascin_lady-wearing-a-turban-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,jules-pascin_portrait-of-hermine-david-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Expressionism,jules-pascin_salome,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,jules-pascin_seated-nude-with-black-stockings-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,jules-pascin_siesta-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,jules-pascin_the-circus-1910,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jules-pascin_the-temptation-of-saint-anthony-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,jules-pascin_the-turkish-family-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,jules-pascin_two-girls-on-the-ground-1909,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jules-pascin_woman-lying-down-with-her-arms-raised-1907,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,jules-pascin_young-woman-putting-on-her-socks-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,jules-perahim_the-argument-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,jules-perahim_the-partisan-1959,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,julio-pomar_gadanheiro-1945,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,julio-pomar_maria-da-fonte-1957,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,julio-pomar_o-almo-o-do-trolha-1950,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,julio-pomar_sub-rbio,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jury-annenkov_abram-efros-1921,"[1.0, 2.0, 3.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,jury-annenkov_eisenstein,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,jury-annenkov_hommage-a-modigliani-nude-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-5,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-6,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jury-annenkov_leon-trotsky,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,jury-annenkov_maurice-ravel-1932,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 2.0, 0.0, 3.0]"
+Expressionism,jury-annenkov_montparnasse,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,jury-annenkov_portrait-of-alexander-tikhonov,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,jury-annenkov_portrait-of-kamenev-1926,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jury-annenkov_portrait-of-maxim-gorky-1920,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,jury-annenkov_portrait-of-poet-anna-akhmatova-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,jury-annenkov_portrait-of-poet-boris-pasternak-1921,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,jury-annenkov_portrait-of-trotsky-1926,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,jury-annenkov_portrait-of-z-i-grzhebin-1919,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,jury-annenkov_portrait-of-z-p-annenkova,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,jury-annenkov_portrait-of-zinoviev-1926,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,jury-annenkov_sergei-yesenin-russian-poet-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,jury-annenkov_spire-and-trees-1945,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,jury-annenkov_the-intellectual,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,jury-annenkov_vladimir-mayakovsky,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,kathe-kollwitz_bread-1924,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,kathe-kollwitz_germany-s-children-starve-1924,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235963,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,kathe-kollwitz_not_detected_235964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235965,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235966,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235967,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235968,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235969,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235970,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235973,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 7.0, 34.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235974,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Expressionism,kathe-kollwitz_not_detected_235975,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,kathe-kollwitz_not_detected_235976,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235977,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235978,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235979,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235980,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235982,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,kathe-kollwitz_not_detected_235983,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235984,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235985,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235986,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,kathe-kollwitz_not_detected_235987,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235988,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235989,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235990,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235991,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,kathe-kollwitz_not_detected_235992,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235993,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,kathe-kollwitz_not_detected_235995,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235996,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,kathe-kollwitz_not_detected_235997,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,kathe-kollwitz_outbreak-1908,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,kathe-kollwitz_revolt-by-the-gates-of-a-park-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_the-end-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,kathe-kollwitz_the-march-of-the-weavers-in-berlin-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,kathe-kollwitz_the-prisoners-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,kathe-kollwitz_whetting-the-scythe,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,kees-van-dongen_femme-avec-cigarette-1908,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,kees-van-dongen_josephine-baker-1925,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,kees-van-dongen_la-gitane-la-curieuse-1911,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,kees-van-dongen_la-nuit-ou-la-lune-d-coup-e,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,kees-van-dongen_modjesko-opera-singer-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,kees-van-dongen_odalisque-couch-e-1909,"[0.0, 3.0, 0.0, 2.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,kees-van-dongen_parisian-lady-1910,"[5.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,kees-van-dongen_self-portrait-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,kees-van-dongen_the-corn-poppy-1919,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Expressionism,kees-van-dongen_the-quai-venice-1921,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,kees-van-dongen_the-red-clown-1905,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 3.0, 0.0, 2.0]"
+Expressionism,kees-van-dongen_trouville-la-mer-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,kees-van-dongen_woman-with-a-dog-walking-on-the-beach-1937,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,kees-van-dongen_woman-with-blue-eyes-1908,"[5.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,kees-van-dongen_woman-with-green-stockings-1905,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,konstantinos-parthenis_agia-sofia,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,konstantinos-parthenis_allegorical-composition,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,konstantinos-parthenis_allegorical-scene-1955,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,konstantinos-parthenis_angel,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,konstantinos-parthenis_bathers-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,konstantinos-parthenis_figure-from-greek-antiquity-diptych,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,konstantinos-parthenis_gazing-at-peace-1938,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,konstantinos-parthenis_heracles-battle-with-the-amazons-1927,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,konstantinos-parthenis_hymn-to-the-dawn,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,konstantinos-parthenis_kerkyra-the-old-fortress-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,konstantinos-parthenis_la-temperanza-woman-holding-a-knife-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,konstantinos-parthenis_landscape-with-cypresses-1920,"[0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,konstantinos-parthenis_landscape-with-three-figures-1935,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,konstantinos-parthenis_large-nude-1925,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,konstantinos-parthenis_music-1920,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,konstantinos-parthenis_portrait-of-aristovouli-lopresti-1933,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,konstantinos-parthenis_st-cecilia-1938,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,konstantinos-parthenis_still-life-with-bottles,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,konstantinos-parthenis_the-apotheosis-of-athanasios-diakos-1933,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,konstantinos-parthenis_the-resurrection,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,konstantinos-parthenis_the-riches-of-communication-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,konstantinos-parthenis_the-small-church-of-kefalonia-1925,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,konstantinos-parthenis_the-virgin-mary-1942,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,konstantinos-parthenis_victory,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Expressionism,konstantinos-parthenis_victory-triptych-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,konstantinos-parthenis_virgin-with-divine-infant-crucifixion-1942,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,kurt-schwitters_mountain-graveyard-1919,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,lajos-tihanyi_portrait-of-a-child,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,lajos-tihanyi_portrait-of-a-young-girl-1916,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,lajos-tihanyi_portrait-of-gr-sz-andor-1915,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lajos-tihanyi_portrait-of-jacques-de-la-fregonniere-1933,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,lajos-tihanyi_self-portrait-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,lajos-tihanyi_self-portrait-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Expressionism,lajos-tihanyi_self-portrait-1920,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,lajos-tihanyi_self-portrait-1920-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,lajos-tihanyi_self-portrait-wearing-cap-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,lasar-segall_a-fam-lia-enferma-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,lasar-segall_dois-nus-1930,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lasar-segall_duas-figuras-1933,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lasar-segall_fam-lia-1922,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lasar-segall_m-e-morta-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,lasar-segall_maternidade-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,laszlo-mednyanszky_absinth-drinker-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,laszlo-mednyanszky_burial-in-the-carpathian-mountains-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,laszlo-mednyanszky_evanescence-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,laszlo-mednyanszky_fallen-russian-soldier-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,laszlo-mednyanszky_fires-in-the-forest-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,laszlo-mednyanszky_head-of-a-tramp-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,laszlo-mednyanszky_in-the-tavern-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,laszlo-mednyanszky_mugging-1913,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,laszlo-mednyanszky_old-man-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,laszlo-mednyanszky_old-tramp-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,laszlo-mednyanszky_prisoners-marching-off-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,laszlo-mednyanszky_soldiers-1918,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,laszlo-moholy-nagy_figurative-composition(1),"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,laszlo-moholy-nagy_self-portrait-1919,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lennart-rodhe_sk-despelerskan-1944,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_conversation,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ligia-macovei_flower-hat,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ligia-macovei_flower-sellers-in-venice-1958,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ligia-macovei_for-a-walk,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_landscape-with-boat-1940,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ligia-macovei_landscape-with-bridge-1940,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,ligia-macovei_party,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_partygoers,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_red-hat,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,ligia-macovei_reverie,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_self-portrait-1943,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,ligia-macovei_sicilian-fisherman-s-family,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,ligia-macovei_still-life,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_still-life-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_the-girl-with-an-orange,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,ligia-macovei_thinking,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-10,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-11,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-12,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-13,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-14,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ligia-macovei_unknown-title-15,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-16,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-17,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-18,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-19,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ligia-macovei_unknown-title-2,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-20,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-21,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-22,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,ligia-macovei_unknown-title-23,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-24,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-25,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-26,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-27,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-28,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-29,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-3,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-30,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-5,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-6,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_unknown-title-7,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-8,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,ligia-macovei_unknown-title-9,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ligia-macovei_vegetal-1977,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ligia-macovei_youth,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,louay-kayyali_boats-on-the-beach,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,louay-kayyali_boy-in-red-jacket,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,louay-kayyali_fisherman-in-arwad-1976,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,louay-kayyali_fisherman-smoking-a-cigarette,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,louay-kayyali_irises,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,louay-kayyali_maaloula-1963,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,louay-kayyali_maaloula-1964,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,louay-kayyali_maaloula-1969,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,louay-kayyali_maaloula-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,louay-kayyali_mother-and-child-1960,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,louay-kayyali_motherhood-1974,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,louay-kayyali_portrait-of-a-lady-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,louay-kayyali_seated-boy,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,louay-kayyali_seated-old-man-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,louay-kayyali_sleeping-boy-1972,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,louay-kayyali_the-bead-seller,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,louay-kayyali_the-bread-maker-1974,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,louay-kayyali_the-flute-seller,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,louay-kayyali_the-ice-cream-seller-1960,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,louay-kayyali_the-laundrette-1971,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,louay-kayyali_the-mother-1961,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,louay-kayyali_the-socks-seller-1973,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,louay-kayyali_woman-selling-figs,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,lovis-corinth_armor-in-the-studio-1918,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,lovis-corinth_cain-1917,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 6.0, 1.0, 0.0]"
+Expressionism,lovis-corinth_cowshed-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,lovis-corinth_ecce-homo-1925,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,lovis-corinth_gertrud-eysoldt-as-salome-1903,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,lovis-corinth_in-the-slaughter-house-1893,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,lovis-corinth_large-still-life-with-figure-1911,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lovis-corinth_meat-and-fish-at-hiller-s-berlin-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,lovis-corinth_nana-female-nude-1911,"[1.0, 2.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 2.0]"
+Expressionism,lovis-corinth_portr-t-der-charlotte-berend-corinth-1912,"[3.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lovis-corinth_portrait-of-alfred-kuhn-1923,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,lovis-corinth_portrait-of-the-poet-herbert-eulenberg-1924,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,lovis-corinth_red-christ-1922,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,lovis-corinth_self-portrait-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,lovis-corinth_self-portrait-1925,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,lovis-corinth_self-portrait-at-the-easel-1922,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,lovis-corinth_the-abduction-1918,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 5.0, 0.0, 1.0]"
+Expressionism,lovis-corinth_the-blinded-samson-1912,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 4.0, 3.0, 0.0]"
+Expressionism,lovis-corinth_the-magdalen-with-pearls-in-her-hair-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,lovis-corinth_the-walchensee-in-the-moonlight-1920,"[3.0, 11.0, 14.0, 3.0, 1.0, 1.0, 9.0, 3.0, 5.0]"
+Expressionism,lovis-corinth_the-walchensee-mountains-wreathed-in-cloud-1925,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 5.0, 0.0, 2.0]"
+Expressionism,lovis-corinth_the-walchensee-new-snow-1922,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,lovis-corinth_the-walchensee-on-the-terrace-1922,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,lovis-corinth_the-walchensee-silberweg-1923,"[1.0, 0.0, 4.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,lovis-corinth_the-walchensee-with-mountain-range-and-shore-1925,"[0.0, 3.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,lovis-corinth_thomas-in-armor-1925,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,lucian-freud_a-man-and-his-daughter-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,lucian-freud_a-painter,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_a-woman-painter,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_a-young-painter,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_after-breakfast,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_after-cezanne-2000,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_after-chardin,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_albie-2004,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_ali-1974,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_alice-and-okie,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,lucian-freud_alice-costelloe,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Expressionism,lucian-freud_aline,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_and-the-bridegroom,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_annabel,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_annabel-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_annabel-2,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,lucian-freud_annabel-and-rattler,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_annabel-portrait-iii-1987,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,lucian-freud_annabel-sleeping-1988,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,lucian-freud_annie-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_annie-and-alice-1975,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_armchair-by-the-fireplace,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_baby-on-a-green-sofa-1961,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_bella,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_bella-1981,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,lucian-freud_bella-1983,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_bella-1986,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,lucian-freud_bella-and-esther-1988,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_bella-final-version-state-ii,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_bella-in-her-pluto-t-shirt,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_benefits-supervisor-sleeping-also-known-as-big-sue,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_benefits-supervisor-sleeping-ii,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_blond-girl,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_blond-girl-night-portrait-1985,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_blonde-girl-on-a-bed,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_boy-s-head,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_bruce-bernard,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,lucian-freud_bruce-bernard-seated,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_child-reading-ii,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_child-with-a-toy-dog-1958,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_daughter-and-father,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_david-and-eli-2004,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_david-dawson,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_david-hockney,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,lucian-freud_david-pluto-and-eli,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_donegal-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,lucian-freud_double-portrait-1986,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_double-portrait-1990,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_eight-months-gone,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_eli,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_eli-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,lucian-freud_eli-and-david-2006,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_esther,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_esther-1983,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_evacuee-boy,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_evening-in-the-studio,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_father-and-daughter-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,lucian-freud_figure-with-bare-arms-1961,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_final-portrait-1977,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,lucian-freud_flora-with-blue-toe-nails-2001,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Expressionism,lucian-freud_four-eggs-on-a-plate,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_frances-costelloe,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_frances-costelloe-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_francis-bacon,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,lucian-freud_francis-bacon-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_francis-wyndham,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_frank-auerbach-1976,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_fred-1985,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_gaz,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_girl-by-the-sea,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,lucian-freud_girl-holding-her-foot-1985,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_girl-in-a-dark-dress-1951,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_girl-in-a-dark-jacket-1947,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_girl-in-a-fur-coat-1967,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_girl-in-a-white-dress-1947,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,lucian-freud_girl-in-striped-nightshirt-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,lucian-freud_girl-reading-1952,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_girl-s-head,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,lucian-freud_girl-sitting-in-the-attic-doorway,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_girl-with-a-white-dog,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,lucian-freud_girl-with-closed-eyes-1987,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_girl-with-fair-hair,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_girl-with-fuzzy-hair,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_girl-with-her-eyes-closed,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_girl-writing,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,lucian-freud_grand-interior-notting-hill,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Expressionism,lucian-freud_grey-gelding,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_guy-and-speck-1981,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_guy-half-asleep-1982,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_head-of-a-boy,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_head-of-a-child,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_head-of-a-child-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_head-of-a-girl-1976,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,lucian-freud_head-of-a-man-1982,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_head-of-a-naked-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,lucian-freud_head-of-a-woman-portrait-of-lady-elizabeth-cavendish-1950,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,lucian-freud_head-of-ali,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_head-of-an-irishman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,lucian-freud_head-of-boy-with-a-book,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_head-of-bruce-bernard-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,lucian-freud_head-of-the-big-man,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_head-on-a-green-sofa-1961,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_hotel-bedroom,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_ib-1984,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_ib-and-her-husband-1992,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_interior-at-paddington-1951,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_interior-with-hand-mirror-self-portrait,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,lucian-freud_interior-with-plant-reflection-listening-self-portrait-1968,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,lucian-freud_irish-woman-on-a-bed-2004,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_isaiah-berlin,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_john-deakin-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_john-minton-1952,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,lucian-freud_john-richardson,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_julie-and-martin,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,lucian-freud_kate-moss,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_large-head,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,lucian-freud_large-interior-london-w-9-1973,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Expressionism,lucian-freud_large-interior-paddington-1969,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_large-interior-w11-after-watteau-1983,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_last-portrait-of-leigh,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,lucian-freud_lawrence-gowing,"[2.0, 2.0, 1.0, 0.0, 0.0, 3.0, 16.0, 19.0, 5.0]"
+Expressionism,lucian-freud_leigh-bowery-1991,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_leigh-on-a-green-sofa,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_leigh-under-the-skylight,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_lord-goodman-in-his-yellow-pyjamas,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_lying-by-the-rags-1990,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_man-in-a-chair-1985,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_man-in-a-headscarf-also-known-as-the-procurer,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,lucian-freud_man-in-a-mackintosh-1958,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,lucian-freud_man-in-a-sports-shirt-1982,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_man-in-a-string-chair-1989,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_man-in-a-white-shirt-2003,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_man-in-silver-suit,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_man-posing,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,lucian-freud_man-s-head-self-portrait-1963,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_man-s-head-small-portrait-iii-self-portrait-1963,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_man-smoking-1987,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_man-with-leg-up,"[0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_memory-of-london,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,lucian-freud_michael-andrews-and-june-1966,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_naked-child-laughing-1963,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_naked-girl-1966,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_naked-girl-1985,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_naked-girl-asleep-i-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_naked-girl-asleep-ii-1968,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_naked-girl-perched-on-a-chair,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,lucian-freud_naked-girl-with-egg-1981,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_naked-man-back-view,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_naked-man-on-a-bed,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,lucian-freud_naked-man-with-his-friend,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_naked-man-with-rat,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_naked-portait-and-a-green-chair,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_naked-portrait,"[0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_naked-portrait-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_naked-portrait-1973,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,lucian-freud_naked-portrait-2,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_naked-portrait-2005,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_naked-portrait-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_naked-portrait-with-reflection-1980,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_naked-solicitor,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_naked-woman-on-a-sofa-1985,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_new-yorker,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,lucian-freud_night-portrait,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_night-portrait-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_night-portrait-face-down-2000,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_paddington-interior-harry-diamond-1970,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_painter-and-model-1987,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_painter-working-reflection,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_palm-tree,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_pluto-and-the-bateman-sisters,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_pluto-s-grave,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,lucian-freud_portrait-of-a-head,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,lucian-freud_portrait-of-christian-berard-1948,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_portrait-of-ib-1990,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_portrait-of-rose-1979,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_portrait-of-stephen-spender,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_portrait-on-a-grey-cover,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_portrait-on-a-white-cover-2003,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_pregnant-girl,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_queen-elizabeth-ii-2001,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_red-haired-man-on-a-chair-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,lucian-freud_reflection-self-portrait-1985,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_reflection-with-two-children-self-portrait-1965,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_resting-on-the-green-chair,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,lucian-freud_robert-fellowes,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_sally-clarke,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_seated-nude-1991,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,lucian-freud_self-portrait-1940,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,lucian-freud_self-portrait-reflection-2004,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_self-portrait-with-black-eye,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,lucian-freud_skewbald-mare-2004,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_sleeping-by-the-lion-carpet-also-known-as-sue-tilley,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_sleeping-head-1962,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_small-naked-portrait-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_small-portait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,lucian-freud_solicitors-head,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_standing-by-the-rags-1989,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_stephen-spender,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,lucian-freud_still-life-quinces-1982,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_still-life-with-a-book-1992,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,lucian-freud_strawberries-1952,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_sunny-morning-eight-legs,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_susanna,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_susanna-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_susie-1988,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_susie-1989,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_the-big-man-1977,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_the-butcher-s-daughter,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_the-egytptian-book,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,lucian-freud_the-painter-s-brother-stephen-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-daughter-ib-1978,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-doctor,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-father,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_the-painter-s-garden-2004,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-1,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-1984,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-1984-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-ii-1972,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-iii-1972,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-reading-1975,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-resting-i-1976,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_the-painter-s-mother-resting-iii-1977,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,lucian-freud_the-painter-surprised-by-a-naked-admirer-2005,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,lucian-freud_the-pearce-family,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_thistle,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,lucian-freud_triple-portrait-1987,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,lucian-freud_two-brothers-from-ulster,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,lucian-freud_two-irishmen-in-w11-1985,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_two-japanese-wrestlers-by-a-sink-1983,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,lucian-freud_two-men-1988,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lucian-freud_two-men-in-the-studio-1989,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_untitled,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_untitled-quince,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_woman-in-a-butterfly-jersey-1991,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_woman-in-a-grey-sweater-1988,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,lucian-freud_woman-in-a-white-shirt-1957,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,lucian-freud_woman-sleeping,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,lucian-freud_woman-smiling-1959,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,lucian-freud_woman-with-an-arm-tattoo,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,lucian-freud_woman-with-eyes-closed,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lucian-freud_young-girl-resting,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,lygia-pape_the-red-umbrella-1971,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,lynd-ward_beowulf-wrestles-with-grendel-1933,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272460,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272461,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272462,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272465,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272466,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272467,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272468,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272471,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,lynd-ward_not-detected-272472,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272473,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272475,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272476,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272477,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272479,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272480,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272482,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272483,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272484,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272486,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272490,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272491,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272492,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272493,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272494,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272495,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272497,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272498,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lynd-ward_not-detected-272499,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272503,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272504,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272505,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272506,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272507,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272509,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272510,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272511,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272512,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272513,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272514,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,lynd-ward_not-detected-272515,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lynd-ward_not-detected-272518,"[5.0, 4.0, 2.0, 2.0, 0.0, 0.0, 2.0, 23.0, 6.0]"
+Expressionism,lynd-ward_not-detected-272521,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272525,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272526,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272531,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272532,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272533,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272534,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272536,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272537,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272538,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272539,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272542,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,lynd-ward_not-detected-272543,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272548,"[0.0, 4.0, 1.0, 0.0, 10.0, 4.0, 20.0, 9.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272549,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,lynd-ward_not-detected-272553,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,lyonel-feininger_bathers-on-the-beach-i-1912-1912,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_carnival-in-arcueil-1911,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_carnival-in-arcueil-1911-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_cathedral-of-socialism-1919,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lyonel-feininger_city-on-the-mountain-stadt-auf-dem-berge-1918,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,lyonel-feininger_desolated-village-verfallenes-dorf-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,lyonel-feininger_euphoric-victory-siegesrausch-1918,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_gelmeroda-v-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_hanseatic-ships-hansaschiffe-1919,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,lyonel-feininger_in-a-village-near-paris-street-in-paris-pink-sky-1909,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_jimjam,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,lyonel-feininger_mystic-river-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,lyonel-feininger_rainy-day-on-the-beach-regentag-am-strande-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,lyonel-feininger_regatta-1925,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,lyonel-feininger_self-portrait-1915,"[0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 4.0, 1.0, 0.0]"
+Expressionism,lyonel-feininger_steam-train-1908,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_still-life-with-can,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,lyonel-feininger_storm-brewing-1939,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Expressionism,lyonel-feininger_the-disparagers-1911,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,lyonel-feininger_the-dome-in-halle-1930,"[1.0, 5.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,lyonel-feininger_the-green-bridge-ii-1916-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_the-kin-der-kids-1906,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,lyonel-feininger_the-kin-der-kids-japansky-surprises-the-governor-general-who-condemns-him-to-death-1906,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,lyonel-feininger_the-white-man-1907,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_uprising-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,lyonel-feininger_volcano-vulkan-1919,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 6.0, 0.0, 3.0]"
+Expressionism,lyonel-feininger_werther-i-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,lyonel-feininger_woodblock-for-the-harbor-hafen-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,lyonel-feininger_yellow-street-ii-1918,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,lyubov-popova_portrait-of-the-artist-s-sister,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,m.-h.-maxy_flowers-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,m.-h.-maxy_landscape-resita-1942,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,m.-h.-maxy_peasant-weaving-at-war-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_baby,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_birds,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_bookplate-a-r-a-wertheim,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_bookplate-b-g-escher-beer,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_emblemata-anvil,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-balance,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-beehive,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-buoy,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,m.c.-escher_emblemata-butterfly,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_emblemata-cactus,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-candle-flame,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,m.c.-escher_emblemata-flint,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-kite,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-signpost,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-sundial,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_emblemata-toadstool,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,m.c.-escher_emblemata-well,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,m.c.-escher_escher-s-father,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_father-with-magnifying-glass,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,m.c.-escher_fiet-van-stolk,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,m.c.-escher_fireworks,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_flor-de-pascua-convention,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_flor-de-pascua-la-pensee,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_flor-de-pascua-the-scapegoat,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_flor-de-pascua-the-weathercock,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_flor-de-pascua-theosophy,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_flor-de-pascua-untitled,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,m.c.-escher_flor-de-pascua-whore-s-superstition,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_flower,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_flower-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_flowers,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_frog,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_hand-with-fir-cone,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_head-of-a-child,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,m.c.-escher_in-mesquitas-classroom,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_initial-a,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_initial-d-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_initial-o,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,m.c.-escher_initial-s,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,m.c.-escher_initial-s-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_initial-t,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_initial-v,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_initial-v-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_life-force,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_mascot,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_merry-christmas-happy-new-year,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_mumified-priests-in-gangi,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,m.c.-escher_new-year-s-greeting-card,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_nocturnal-rome-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_nocturnal-rome-5,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204633,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204642,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204644,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204645,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204653,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204654,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204655,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204656,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204658,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,m.c.-escher_not_detected_204659,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204660,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204664,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204672,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204674,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,m.c.-escher_not_detected_204675,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204676,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,m.c.-escher_not_detected_204679,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204680,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204683,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204704,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,m.c.-escher_not_detected_204706,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204709,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_not_detected_204710,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_not_detected_204713,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_not_detected_204715,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_not_detected_204719,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_not_detected_204723,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_not_detected_204724,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,m.c.-escher_not_detected_204725,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_not_detected_204728,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_padlock,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,m.c.-escher_palm-tree,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,m.c.-escher_palm-tree-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,m.c.-escher_palm-tree-sketch,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_parrot,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_perfume,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_portrait-of-a-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_poster,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_prickly-flower,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_roosje-ingen-housz,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,m.c.-escher_scholastica-bad-dream,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_scholastica-cover,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,m.c.-escher_scholastica-flying-witch,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_scholastica-illustration,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_scholastica-illustration-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_scholastica-the-bridge,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,m.c.-escher_seated-female-nude-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_seated-man-with-cat-on-his-lap,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_seated-old-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,m.c.-escher_second-title-page,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,m.c.-escher_self-portrait,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_self-portrait-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_self-portrait-2,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_self-portrait-ii,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_self-portrait-in-a-chair,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_skull,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,m.c.-escher_skull-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,m.c.-escher_smoking-warning,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,m.c.-escher_sunflowers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_the-rag-pickers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,m.c.-escher_vignette,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_wateringcan,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,m.c.-escher_white-cat-i,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_white-cat-ii,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,m.c.-escher_young-thrush,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,marc-chagall_a-group-of-people,"[1.0, 2.0, 4.0, 1.0, 0.0, 1.0, 17.0, 13.0, 7.0]"
+Expressionism,marc-chagall_bella-1925,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,marc-chagall_birth-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,marc-chagall_burning-house-1913,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,marc-chagall_butcher-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,marc-chagall_illustration-for-brochure-schwartzbard-1927,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,marc-chagall_interior-ii-1911,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,marc-chagall_lisa-with-a-mandolin-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,marc-chagall_man-at-table-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,marc-chagall_man-with-a-cat-and-woman-with-a-child-1914,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,marc-chagall_mania-cutting-bread-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,marc-chagall_marching-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,marc-chagall_mother-by-the-oven-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,marc-chagall_musician-with-violin-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,marc-chagall_newspaper-seller-1914,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,marc-chagall_not_detected_202865,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,marc-chagall_nude-lying-down-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marc-chagall_nude-with-flowers-1911,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,marc-chagall_old-man-and-old-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,marc-chagall_old-woman-with-a-ball-of-yarn,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Expressionism,marc-chagall_on-the-stretcher-wounded-soldier-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,marc-chagall_peasant-life-the-stable-night-man-with-whip-1917,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,marc-chagall_portrait-of-artist-s-sister-aniuta-1910,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marc-chagall_red-nude-sitting-up-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,marc-chagall_self-portrait-with-brushes,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,marc-chagall_small-drawing-room-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marc-chagall_soldiers-with-bread-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,marc-chagall_still-life-with-lamp-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,marc-chagall_study-for-the-painting-rain-1911,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,marc-chagall_the-couple-a-holy-family-1909,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,marc-chagall_the-drunkard-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,marc-chagall_the-house-on-the-forest-edge-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,marc-chagall_the-old-jew-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,marc-chagall_the-red-gateway-1917,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,marc-chagall_the-spoonful-of-milk-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,marc-chagall_the-street-performers-in-the-night-1957,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,marc-chagall_to-my-betrothed-1911,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,marc-chagall_two-heads-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,marc-chagall_vitebsk-1914,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,marc-chagall_vitebsk-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,marc-chagall_wandering-jew-1914,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,marc-chagall_war-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,marc-chagall_war-ii-1957,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,marc-chagall_war-iii-1957,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,marc-chagall_woman-with-a-bouquet-1910,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,marc-chagall_wounded-soldier-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,marc-chagall_young-girl-on-a-sofa-mariaska-1907,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,marcel-duchamp_after-love-1968,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,marcel-duchamp_bare-stripped-bride-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,marcel-duchamp_chocolate-grinder-1914,"[1.0, 1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,marcel-duchamp_chocolate-grinder-1914-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 2.0, 0.0, 1.0, 3.0]"
+Expressionism,marcel-duchamp_landscape-study-for-paradise-1911,"[2.0, 2.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,marcel-duchamp_parva-domus-magna-quies-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,marcel-duchamp_play-1902,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,marcel-duchamp_portrait-of-gustave-candel-s-mother-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,marcel-duchamp_portrait-of-yvonne-duchamp-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,marcel-duchamp_selected-details-after-courbet-1968,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,marcel-duchamp_selected-details-after-cranach-1968,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,marcel-duchamp_selected-details-after-ingres-i-1968,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,marcel-duchamp_selected-details-after-ingres-ii-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,marcel-duchamp_selected-details-after-rodin-1968,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,marcel-duchamp_self-portrait-in-profile-1958,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,marcel-duchamp_standing-nude-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,marcel-duchamp_the-bec-auer-1967,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,marcel-duchamp_to-have-the-apprentice-in-the-sun-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,marcel-duchamp_yvonne-in-kimono-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,marcel-janco_abuse-two-nazi-soldiers-mistreating-jews-1942,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,marcel-janco_amsterdam,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marcel-janco_figures-in-the-shuk,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,marcel-janco_four-figures-about-to-be-executed-1942,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,marcel-janco_fruit-and-dishes-on-the-table,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,marcel-janco_jews-forced-to-wash-windows-1941,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,marcel-janco_landscape,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,marcel-janco_middle-eastern-figures,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,marcel-janco_mother-and-children,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,marcel-janco_port,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,marcel-janco_soldier,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,marcel-janco_the-parade,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,marcel-janco_two-nazi-soldiers-abusing-a-jew-and-tearing-out-his-beard-1942,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,marcel-janco_urmuz-1923,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,marcelle-cahn_heads-and-hands-1938,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,marcelle-cahn_nu-allonge-1927,"[1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marcelle-cahn_nu-sur-fond-bleu-1924,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,marcelle-cahn_personnages-aux-chevaux-1935,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,marevna-(marie-vorobieff)_diego-modi-ehrenburg,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,marevna-(marie-vorobieff)_in-the-caf-rotonde,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,marevna-(marie-vorobieff)_modi-kisling-and-chaim-soutine-1914,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marevna-(marie-vorobieff)_portrait-of-girl,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,marevna-(marie-vorobieff)_portrait-of-osip-zadkine,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,marevna-(marie-vorobieff)_portrait-of-the-artist-s-daughter-marika-rivera-aged-23-with-a-lover,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marevna-(marie-vorobieff)_portrait-of-two-girls,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,marevna-(marie-vorobieff)_the-atelier-of-diego-rivera-in-rue-du-d-part-diego-rivera-ehrenbourg-and-juan-gris-paris-in,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,marevna-(marie-vorobieff)_the-march-down-rue-de-la-gatti-in-paris,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_among-the-muddy-volcanoes,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_anxious-flowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_at-the-clowns,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,margareta-sterian_balcic,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,margareta-sterian_behind-the-curtain,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_bride-s-run,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,margareta-sterian_circus-scene,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,margareta-sterian_city-lights,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_daughter-of-the-pharaoh,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_dream-jungle,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_easter-in-the-village,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_flowers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,margareta-sterian_flowers-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_further,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,margareta-sterian_green-umbrella,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,margareta-sterian_illustration-for-v-voiculescu-s-last-shakespearean-sonnets-1982,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_illustration-for-v-voiculescu-s-last-shakespearean-sonnets-1982(3),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_in-circus,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_jewish-wedding,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,margareta-sterian_landscape,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,margareta-sterian_landscape-in-apului,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,margareta-sterian_landscape-with-water,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_mountain-hamlet,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,margareta-sterian_parish-in-the-mountains-with-painted-houses,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_park-descending-towards-harlem-new-york-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,margareta-sterian_portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_primavera,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_road-of-no-return,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,margareta-sterian_scene-with-two-faces,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_seals-in-the-arena,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_suite,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_sunday-in-breaza,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,margareta-sterian_sunset-in-delta,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,margareta-sterian_the-alarm,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,margareta-sterian_the-circus-in-the-tent,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_the-fishermans-legend,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_the-red-car,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,margareta-sterian_untitled,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,margareta-sterian_vase-with-flowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,margareta-sterian_view-from-the-artist-s-studio,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,margareta-sterian_wedding-in-the-backyard,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,maria-helena-vieira-da-silva_cedar-1932,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,maria-helena-vieira-da-silva_k-k-1933,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,maria-helena-vieira-da-silva_la-rec-lte,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 3.0, 3.0]"
+Expressionism,maria-helena-vieira-da-silva_ripolin-the-tree-prisoner-1932,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,maria-helena-vieira-da-silva_self-portrait-1942,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,maria-helena-vieira-da-silva_sof-harpa,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,maria-helena-vieira-da-silva_still-life-blue-1932,"[2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,maria-helena-vieira-da-silva_villa-des-cam-lias-1932,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,marie-laurencin_girl-s-head-1918,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,marie-laurencin_girl-with-a-bow-1920,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,marie-laurencin_ile-de-france-1940,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,marie-laurencin_jeune-fille-la-guirlande-de-fleurs-1935,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,marie-laurencin_judith-1930,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,marie-laurencin_les-deux-espagnoles-1915,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,marie-laurencin_portrait-of-andr-salmon-1942,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,marie-laurencin_portrait-of-baroness-gourgaud-in-black-mantilla-1924,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,marie-laurencin_portrait-of-baroness-gourgaud-with-pink-coat-1923,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,marie-laurencin_portrait-of-doctor-robert-le-masle-1949,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,marie-laurencin_portrait-of-madame-paul-guillaume-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,marie-laurencin_portrait-of-mademoiselle-chanel-1923,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,marie-laurencin_self-portrait-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,marie-laurencin_the-blue-plume-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,marie-laurencin_the-kiss-1927,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,marie-laurencin_the-rehearsal-1936,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,marie-laurencin_two-heads-1935,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,marie-laurencin_woman-with-dove-1919,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,marie-laurencin_woman-with-turban-1941,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,marie-laurencin_young-girl-with-guitar-1940,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,mario-eloy_bailarico-1936,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,mario-eloy_boy-and-greengrocer-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,mario-eloy_from-my-window-1938,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,mario-eloy_lisbon-1931,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,mario-eloy_nude-1932,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,mario-eloy_o-arquitecto-jos-pacheco-1925,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,mario-eloy_retrato-de-matilde-pereira-1923,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,mario-eloy_retrato-do-bailarino-francis-1930,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,mario-eloy_self-portrait-1928,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,mario-eloy_self-portrait-1939,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,mario-eloy_the-poet-and-the-angel-1938,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,mario-zanini_as-lavadeiras-1966,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,mark-rothko_entance-to-subway,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,mark-rothko_interior,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,mark-rothko_not_detected_242139,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,mark-rothko_not_detected_242140,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,mark-rothko_rural-scene,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,mark-rothko_self-portrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,mark-rothko_street-scene,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,mark-rothko_underground-fantasy,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,mark-rothko_untitled-14,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,mark-rothko_untitled-15,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,mark-tobey_bahai-scene,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,mark-tobey_pike-street-market-1942,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,mark-tobey_pike-street-market-sketch-1941,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,mark-tobey_self-portrait-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,mark-tobey_self-portrait-1953,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,mark-tobey_untitled-from-market-series,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,mark-tobey_zoo-sketch,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,marsden-hartley_christ-held-by-half-naked-men-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,marsden-hartley_new-mexico-recollections-no-12,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_a-bull-1922,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_a-lilac-bush-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_a-meeting-pushkin-with-carriage-carrying-the-body-of-griboyedov-1936,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,martiros-saryan_a-nook-of-old-yerevan-1928,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_a-street-1910,"[2.0, 5.0, 10.0, 4.0, 0.0, 6.0, 3.0, 9.0, 6.0]"
+Expressionism,martiros-saryan_a-street-constantinople-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,martiros-saryan_a-street-constantinople-1910-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_a-street-constantinople-1910-2,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_a-tree-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_a-yard-1922,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_akop-gukasyan-1962,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_alexander-tamanyan-1928,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_amberd-1957,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_aparan-1935,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_apple-trees-in-blossom-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_arabian-dancer-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_aragats-1925,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_aragats-1928,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_aragats-1929,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_ararat-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_ararat-1923,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_armenia-1922,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_armenian-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,martiros-saryan_armenian-dance-1915,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_armenian-landscape-1934,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_armenian-village-1902,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_armenian-village-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_armenian-village-1929,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,martiros-saryan_armenian-village-1933,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_ashtarak-1933,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_ashtarak-1933-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_ashtarak-1934,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_at-sambek-1908,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_at-the-well-1908,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_autumn-flowers-and-fruits-1939,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_bank-of-the-nile-1911,"[0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_bars-and-women-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_bedouin-with-a-camel-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_blue-flowers-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_brunette-1929,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_buddhist-still-life-1919,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_bulls-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_by-the-sea-1904,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_by-the-sea-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_by-the-sea-1908,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_cairo-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_cliffs-1929,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_constantinople-1910-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_construction-of-bridge-1933,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_construction-of-the-people-s-house-1925,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_costume-design-for-the-opera-by-rimsky-korsakov-s-golden-cockerel-1931,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_cover-of-armenian-folk-tales-by-i-khatchatryantz-1946,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_desert-1911,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_design-for-opera-by-a-spendiarov-almast-1939,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_design-for-opera-by-a-spendiarov-almast-1939-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_design-for-opera-by-a-spendiarov-almast-1939-2,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_dogs-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_eastern-flowers-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_eastern-interior-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_egyptian-masks-1911,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_egyptian-woman-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_egyptian-women-1911,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_egyptian-women-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_enchantment-of-the-sun-1905,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_evening-in-the-mountains-1907,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_evening-in-the-mountains-1932,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_fabric-saleswoman-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_fairy-tale-1907,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_fairy-tale-1971,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_fairy-tale-at-the-foot-of-mount-ararat-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_fairy-tale-garden-of-eden-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_family-1922,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_fantastic-landscape-settlement-in-the-mountains-1972,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_fantasy-1904,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_fellah-village-1911,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_fellah-village-1911-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_fellah-village-1911-2,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_fellah-village-1911-3,"[0.0, 2.0, 8.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_flamboyant-landscape-1933,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_flowering-peaches-1922,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_flowers-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_flowers-against-the-backdrop-of-carpet-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_flowers-from-chamlych-1910,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_flowers-in-the-workshop-1958,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_flowers-of-armenia-1916,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_flowers-of-asia-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_flowers-of-dilijan-1963,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_flowers-of-kalaki-1914,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_flowers-of-sambek-1914,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_flowers-of-sevan-1942,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_fruit-shop-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_fruits-and-vegetables-1934,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_fruits-on-the-blue-plate-1915,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_gardens-and-ararat-1937,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,martiros-saryan_gathering-of-grapes-1935,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_gathering-peaches-in-the-collective-farm-in-armenia-1938,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_gazelles-near-the-tree-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_gohtan-mountains-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_gohtan-tanakert-1914,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_gorge-pambak-1929,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_grapes-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_grapes-1943,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_green-jug-and-bouquet-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_head-of-the-girl-1923,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_heat-running-dog-1909,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_holiday-under-the-tree,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_hyenas-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_illumination-for-the-tale-by-hovhannes-tumanyan-nazar-the-brave-1936,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_illustration-1934,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_illustration-1934-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_illustration-for-book-by-v-totovents-life-on-the-old-roman-road-1934,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_illustration-for-tale-of-hovhannes-tumanyan-wolf-1934,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_illustration-for-the-fable-the-crow-and-the-fox-1934,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_illustration-of-the-tale-the-magic-ring-1937,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_illustration-to-a-poem-by-firdausi-shahnameh-1934,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_illustration-to-a-poem-by-firdausi-shahnameh-1934-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,martiros-saryan_illustration-to-a-poem-by-firdausi-shahnameh-1934-2,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_illustration-to-armenian-folk-tales-1937,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_illustration-to-armenian-folk-tales-1937-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_illustration-to-yeghishe-charents-country-of-nairi-escape-of-nairyans-1933,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_in-armenia-1923,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_in-front-of-the-mirror-lusik-1939,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_in-old-yerevan-1930,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_in-persia-1915,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_in-the-caucasus-tiflis-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_in-the-garden-1928,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_in-the-grove-in-sambek-1909,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_in-the-shadow-1908,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_in-the-springtime,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_in-the-time-of-leisure-1930,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,martiros-saryan_in-yerevan-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_irises-and-poppies-1947,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_jewish-ladies-in-persia-1913,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_july-1937,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_kalaki-gohtan-1914,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_khor-virap-1914,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_kirovakan-village-1948,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_komitas-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_landscape-in-kalaki-gohtan-1914,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_landscape-with-a-view-of-mount-ararat-1937,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_landscape-with-capra-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_landscape-with-mountains-1929,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_landscape-with-mountains-surb-khach-rocks-gohtan-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_light-gamma-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_lori-1925,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_lori-1936,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_lori-1953,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_making-bread-1929,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_making-merry-playing-the-zurna-and-dhol-1929,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_meadow-flowers-1918,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_memphis-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_morning-in-stavrin-1909,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_morning-in-stavrin-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_moscow-still-life-1956,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_mother-of-the-artist-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,martiros-saryan_motherland-1971,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,martiros-saryan_mottled-landscape-1924,"[1.0, 3.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_mount-abul-and-passing-camels-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_mount-aragats-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_mount-aragats-1925,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_mount-ararat-1946,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_mount-shamiram-1922,"[0.0, 17.0, 18.0, 6.0, 1.0, 0.0, 1.0, 2.0, 4.0]"
+Expressionism,martiros-saryan_mountain-waves-in-armenia-1929,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_mountainous-march-of-armenian-units-1933,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_mountains-1912,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_mountains-1961,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_my-family-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_my-house-is-erected-1932,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_near-pomegranate-tree-1907,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_night-landscape-egypt-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,martiros-saryan_nile-near-aswan-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_notable-day-in-the-mountains-1926,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_oasis-in-the-desert-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_october-in-yerevan-1961,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_october-landscape-1953,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_old-tbilisi-1917,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_old-yerevan-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_on-the-horse-1912,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_on-the-mountain-slopes-1922,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_on-the-street-1927,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_orange-rocks-1958,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_orpheus-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_panthers-1907,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_partridge-1925,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_peasants-1902,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_peasants-1932,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_peonies-1916,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_persia-1913,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_persian-woman-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_picking-cotton-in-the-ararat-valley-1949,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_pilgrimage-1929,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_plow-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_plowing-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_poet-1907,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_poet-onoprios-anopyan-1915,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_pomegranate-1930,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_poppies-1958-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_poppy-1940,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_portrait,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_portrait-1935,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-actress-anna-humashyan-1923,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-alexander-tamanyan-1933,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-anna-akhmatova,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_portrait-of-anna-akhmatova-1946,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-architect-toros-toramanian-1934,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-artist-s-wife,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-boris-parsadanyan-1962,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-composer-aram-khachaturian-1944,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_portrait-of-conductor-constantine-sarajev-1940,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-critic-garegin-levonian-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-dmitri-shostakovich-1963,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-film-director-sergei-eisenstein-1940,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-gayfejyan,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-i-shchukin-1911,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-ilya-ehrenburg-1959,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-john-steinbeck-1963,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-karen-kamsarakan-1935,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-katarine-saryan-1963,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-mathematics-artashes-shahinyan-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-mnatsakan-gyulnazaryan-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_portrait-of-nina-komurdzhyan-1917,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-poet-anna-akhmatova-1946,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-s-shervinsky-1939,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-the-actress-pastuhova-1955,"[2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-the-pianist-konstantin-igumnov-1934,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-the-poet-alexander-tsaturyan-1915,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-the-poet-yeghishe-charents-1923,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_portrait-of-the-poetess-maria-petrovykh-1946,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,martiros-saryan_portrait-of-victoria-alabyan-1931,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_rain-in-early-may-1940,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_rainbow-1929,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_ravine-1927,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_red-flowers-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_red-horse-1919,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_riders-at-the-river-1904,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_roses-1949,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_rural-landscape-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,martiros-saryan_rural-landscape-1962,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_sayat-nova-1923,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_scene-from-the-train-window-1960,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_scene-from-the-train-window-1960-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_self-portrait-1909,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_self-portrait-1909-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_self-portrait-1909-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_self-portrait-with-mask-1933,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_seller-of-greens-1912,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_seller-of-lemonade-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_settlement-1932,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_sevan-lake-1936,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_shelving-field-on-the-slope-of-the-mountain-1914,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_shepherd-1929,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_shepherds-1925,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_shirak-1925,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_sketch-of-book-cover-martiros-saryan-1935,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_sketch-of-book-cover-martiros-saryan-1935-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_sketch-of-scene-design,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_sketch-of-the-second-act-of-the-opera-by-rimsky-korsakov-s-golden-cockerel-1930,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_sofia-gevorkian-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,martiros-saryan_steppe-flowers-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_still-life-1913-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_still-life-1925,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_still-life-1941,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_still-life-1953,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_still-life-1958,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_still-life-1961,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_still-life-and-children-1928,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_still-life-with-bust-1963,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_street-and-the-ditch-in-ashgabat-1934,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_street-in-barfrush-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_street-in-cairo-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_street-of-the-eastern-town-1909,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,martiros-saryan_sunrise-over-ararat-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_surb-khach-1914,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_surb-zoravor-church-1934,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_surb-zoravor-church-blooming-apricot-tree-1934,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_the-blessing-of-the-elderly-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,martiros-saryan_the-day-1917,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_the-death-of-kikos-1934,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,martiros-saryan_the-girl-leopard-and-trees-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_the-head-of-the-girl-mariam-tazahulahyan-1912,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_the-street-1929,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_three-trees-1971,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_three-trees-kate-lusik-and-me-1971,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_threshing-grain-1929,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_to-the-spring-1909,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_to-the-spring-1926,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,martiros-saryan_to-the-spring-1927,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_trees-1918,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_trees-in-blossom-1901,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_trees-in-blossom-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_turkmen-children-1934,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_under-the-trees-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_view-from-the-banks-of-the-river-araks-1954,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_village-makravank-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_walking-woman-1911,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_walking-woman-1911-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,martiros-saryan_wildflowers-1916,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_willow-tree-and-herd-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_wisteria-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_woman-with-mask-s-i-dymshits-1913,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_worker-s-settlement-and-concrete-plant-davalu-ararat-region-1937,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_workers-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_yard-in-yerevan-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,martiros-saryan_yard-of-the-artist-s-house-1923,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_yellow-flowers-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,martiros-saryan_yellow-flowers-1944,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_yerevan-1923,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,martiros-saryan_yerevan-1923-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,martiros-saryan_yerevan-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,martiros-saryan_yield-of-potatoes-1934,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,mary-fedden_landscape-in-gozo-1960,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 5.0, 1.0, 0.0]"
+Expressionism,mary-fedden_lanzarote-1977,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,mary-fedden_still-life-with-onions-1987,"[0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 2.0, 4.0]"
+Expressionism,mary-fedden_the-graveyard-1958,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,mary-fedden_the-horse-mug-1991,"[3.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-beckmann_adam-and-eve-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,max-beckmann_afternoon-1946,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,max-beckmann_artistes,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,max-beckmann_beginnning-1949,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_bird-s-hell-1938,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,max-beckmann_black-irises-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,max-beckmann_blindman-s-buff-1945,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_brother-and-sister-1933,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,max-beckmann_christ-and-the-woman-taken-in-adultery,"[4.0, 3.0, 1.0, 4.0, 3.0, 8.0, 11.0, 8.0, 7.0]"
+Expressionism,max-beckmann_columbine,"[12.0, 2.0, 1.0, 6.0, 0.0, 12.0, 6.0, 3.0, 9.0]"
+Expressionism,max-beckmann_dancing-bar-in-baden-baden-1923,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,max-beckmann_departure-1935,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,max-beckmann_family-picture-1920,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,max-beckmann_floral-still-life-with-mirror-1927,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_galleria-umberto-1925,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,max-beckmann_great-scene-of-agony-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,max-beckmann_journey-on-the-fish-1934,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,max-beckmann_man-and-woman-1932,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,max-beckmann_night-1918,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-beckmann_not-detected-259755,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,max-beckmann_not-detected-259756,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_not-detected-259757,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-beckmann_not-detected-259759,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_not-detected-259774,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,max-beckmann_not-detected-259776,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_not-detected-259777,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_odysseus-and-calypso-1943,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,max-beckmann_party-in-paris-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,max-beckmann_patriotic-song,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Expressionism,max-beckmann_perseus-1941,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,max-beckmann_portrait-of-quappi-in-blue-1926,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,max-beckmann_quappi-in-blue-in-a-boat-1950,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_quappi-in-pink,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,max-beckmann_railway-bridge-and-rainbow-1942,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_reclining-nude-1929,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_rugby-players-1929,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-beckmann_self-portrait-1901,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,max-beckmann_self-portrait-in-blue-jacket-1950,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,max-beckmann_self-portrait-in-front-of-red-curtain-1927,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,max-beckmann_self-portrait-with-a-saxophone-1930,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,max-beckmann_self-portrait-with-trumpet-1938,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,max-beckmann_sinking-of-the-titanic-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,max-beckmann_still-life-with-candles-and-mirror-1930,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,max-beckmann_the-acrobats-1939,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-beckmann_the-actors-1942,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,max-beckmann_the-argonauts-1950,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,max-beckmann_the-artist-and-his-wife-1925,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,max-beckmann_the-descent-from-the-cross-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0, 3.0, 0.0]"
+Expressionism,max-beckmann_the-dream-1921,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,max-beckmann_the-king-1937,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,max-beckmann_the-little-fish-1933,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,max-beckmann_the-mill-1947,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,max-beckmann_the-prodigal-son-1949,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,max-beckmann_triptych-of-the-temptation-of-st-anthony-1937,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,max-beckmann_two-circus-artists-or-snake-charmer-and-clown,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,max-beckmann_woman-with-parrot-1946,"[6.0, 4.0, 12.0, 4.0, 0.0, 7.0, 3.0, 4.0, 5.0]"
+Expressionism,max-bill_frauenkopf-1929,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-ernst_crucifixion-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,max-ernst_hat-in-hand-hat-on-head,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-ernst_immortality-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,max-ernst_landscape-with-sun-1909,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-ernst_self-portrait-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,max-ernst_untitled-1909,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-kurzweil_despair(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,max-kurzweil_martha-kurzweil-before-an-easel-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,max-kurzweil_seated-nude-facing-right-and-meditating,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,max-kurzweil_self-portrait,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,max-pechstein_a-yellow-house,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_am-ufer-at-the-riverbank-1920,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_and-lead-us-not-into-temptation-1922,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,max-pechstein_at-the-lantern,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,max-pechstein_badende-in-moritzburg-1910,"[1.0, 0.0, 4.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_ballet-dancers-1912,"[6.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,max-pechstein_bank-of-a-lake-1910,"[1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,max-pechstein_charlotte-pechstein-with-mirror-1917,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_dancer-in-the-mirror-1923,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_dancer-pair-of-dancers-1909(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_das-vater-unser-und-die-kraft-und-die-herrlichkeit,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,max-pechstein_dawn-1911,"[1.0, 4.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,max-pechstein_day-of-steel-1911,"[4.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,max-pechstein_der-tanz-tanzende-und-badende-am-waldteich-1912,"[4.0, 1.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,max-pechstein_dialogue-1920,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_die-l-wenb-ndigerin-1920,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,max-pechstein_die-schwalben-sammeln-sich-ckeritz-i-pommern-1949,"[10.0, 4.0, 19.0, 4.0, 0.0, 1.0, 5.0, 0.0, 2.0]"
+Expressionism,max-pechstein_die-sonne-st-rzt-1922,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,max-pechstein_ein-fr-hes-damenbild,"[3.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,max-pechstein_fishing-boats-in-the-afternoon-sun-fischkutter-in-nachmittagssonne-1921,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_fraukopf-1911,"[5.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,max-pechstein_girl-on-a-green-sofa-with-a-cat-1910,"[3.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,max-pechstein_head-of-a-fisherman-1921,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,max-pechstein_horse-fair-1910,"[2.0, 0.0, 4.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_in-der-brandungswelle-1949,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,max-pechstein_indian-and-woman-1910,"[4.0, 0.0, 2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_italian-church-convent-of-san-gimignano-1913,"[2.0, 1.0, 2.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_killing-of-the-banquet-roast-1912,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_kornfeld,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_kornpuppen-1922,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_leba-1922,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,max-pechstein_liegender-akt-mit-katze-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,max-pechstein_liegender-weiblicher-akt-mit-katze,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_m-dchen-sitzender-weiblicher-akt-1910,"[2.0, 0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,max-pechstein_meadow-at-the-moritzburg-1910,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,max-pechstein_modellpause-1925,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,max-pechstein_our-father-who-art-in-heaven-1921,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_poster-for-periodical-an-die-laterne-to-the-lamp-post-1919,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,max-pechstein_rauchender-schweizer-1923,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,max-pechstein_schneeschmelze-melting-snow-1922,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,max-pechstein_segelboote-am-schilfstrand-1919,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,max-pechstein_selbstpotr-t-mit-pinsel-und-pfeife,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_self-portrait-with-death-1920,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,max-pechstein_self-portrait-with-pipe-and-hat-1918,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,max-pechstein_sitzander-akt-nude-sitting-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,max-pechstein_somme-1918,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,max-pechstein_springtime-1919,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_still-life-with-mirror-clivia-fruit-and-jug-1917,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_stillende-mutter-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_sunlight-1921,"[1.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,max-pechstein_sunset-1921,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 6.0, 2.0]"
+Expressionism,max-pechstein_sunset-over-the-blue-bridge-1922,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-pechstein_the-big-indian-1910,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,max-pechstein_the-masked-woman-1910,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 7.0, 0.0, 0.0]"
+Expressionism,max-pechstein_the-red-turban-1911,"[2.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 2.0]"
+Expressionism,max-pechstein_the-yellow-and-black-jersey-1909,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 4.0, 1.0, 2.0]"
+Expressionism,max-pechstein_tree-at-the-water,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-pechstein_two-dancers,"[6.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,max-pechstein_und-die-kraft-und-die-herrlichkeit-and-the-power-and-the-glory-1921,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,max-pechstein_untitled-1920,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,max-pechstein_village-landscape-1919,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,max-pechstein_waldweg-1919,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,max-pechstein_woman-desired-by-man-1919,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,max-pechstein_young-woman-with-a-red-fan-1910,"[1.0, 0.0, 2.0, 4.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,max-pechstein_zwei-fischer-mit-netz-1923,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,max-weber_adoration-of-the-moon,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,max-weber_draped-head,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,max-weber_family-reunion,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,max-weber_landscape-with-church-spires-and-trees,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,max-weber_mother-and-children,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,max-weber_not-detected-277015,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,max-weber_portrait-of-abraham-walkowitz,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-weber_solo,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,max-weber_still-life,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,max-weber_still-life-with-apples,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,max-weber_still-life-with-red-bananas,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,max-weber_still-life-with-two-tables,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,max-weber_study-for-russian-ballet,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,max-weber_the-muses,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,max-weber_tranquility,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,max-weber_woman-reading,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,medi-wechsler-dinu_night-and-day,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,menez_sem-t-tulo-1983-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,milton-avery_adolescence-1947,"[0.0, 1.0, 8.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_advancing-sea-1953,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,milton-avery_artist-s-wife-1930,"[4.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,milton-avery_autumn-1944,"[1.0, 3.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,milton-avery_bicycle-rider-by-the-loire-1954,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,milton-avery_birds-over-sky-1957,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_black-sea-1959,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,milton-avery_blue-bay-and-dunes-1961,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_breaking-sea-1952,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_cello-player-1944,"[2.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_checker-players-1943,"[1.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,milton-avery_conversation-1956,"[4.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,milton-avery_female-painter-1945,"[3.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,milton-avery_figure-by-pool-1945,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Expressionism,milton-avery_gaspe-pink-sky-1940,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Expressionism,milton-avery_green-sea-1954,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_green-sea-1958,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 2.0]"
+Expressionism,milton-avery_interlude-1960,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 5.0]"
+Expressionism,milton-avery_nude-combing-hair-1954,"[1.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Expressionism,milton-avery_offshore-island-1958,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_onrushing-wave-1958,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,milton-avery_oregon-coast-1947,"[6.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,milton-avery_poetry-reading-1957,"[4.0, 4.0, 21.0, 6.0, 0.0, 3.0, 1.0, 6.0, 5.0]"
+Expressionism,milton-avery_reclining-reader-1950,"[1.0, 0.0, 5.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,milton-avery_robed-nude-1960,"[1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,milton-avery_sail-1958,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,milton-avery_sally-1946,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,milton-avery_sea-grasses-and-blue-sea-1958,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_self-portrait-1947,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,milton-avery_sheep-1952,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,milton-avery_sketchers-by-the-stream-1951,"[3.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,milton-avery_sketching-by-the-sea-1944,"[2.0, 1.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,milton-avery_two-figures-at-desk-1944,"[4.0, 2.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,milton-avery_two-women-1950,"[3.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,milton-avery_white-moon-1957,"[0.0, 3.0, 5.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,milton-avery_white-wave-1954,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,milton-avery_woman-with-a-hat-1945,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,miriam-schapiro_she-flies-through-the-air-with-the-greatest-of-ease,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,miriam-schapiro_shrine-homage-to-c-zanne-1963,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,miriam-schapiro_stepanova-and-me-after-gulliver-1993,"[3.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,miriam-schapiro_the-punch-and-judy-show-frida-and-diego,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,morris-graves_gargoyles-1948,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,morris-graves_kundalini,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,morris-graves_life-cycle-of-a-leaf,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,morris-graves_pacific-rim-image-iii-1994,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,morris-graves_snake-and-moon-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,morris-graves_soaring-osprey-1997,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,morris-graves_waking-walking-singing-in-the-next-dimension-1979,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,morris-graves_young-forest-pine-in-bloom-1947,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,mstislav-dobuzhinsky_barbershop-window-1906,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_embankment-in-petersburg-1908,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,mstislav-dobuzhinsky_enbankment-of-pryazhka-river-1921,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,mstislav-dobuzhinsky_from-the-life-in-petrograd-in-1920-1920,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_from-the-life-in-petrograd-in-1920-courtyard-of-the-house-of-arts-1920(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,mstislav-dobuzhinsky_glassmakers-street-in-vilno-1906,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_kitchen-garden-on-obvodny-channel-1921,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,mstislav-dobuzhinsky_man-with-spectacles-portrait-of-the-art-critic-and-poet-constantin-sunnerberg-1906,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_october-idyll-1905,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,mstislav-dobuzhinsky_omnibus-in-vilno-1907,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,mstislav-dobuzhinsky_poland-station-destroyed-by-germans,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_rue-de-la-tombe-issoire-paris-1927,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_the-blacksmith-s-courtyard-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_vilnius-nocturnal-scene,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,mstislav-dobuzhinsky_vitebsk-circus-1923,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,mstislav-dobuzhinsky_vitebsk-the-staircase-1923,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,mstislav-dobuzhinsky_wasteland-on-vasilievsky-island-1922,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nassos-daphnis_hybrizidation-1947,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nassos-daphnis_icarus-1948,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,natalia-goncharova_boy-with-rooster,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,natalia-goncharova_elder-with-seven-stars,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Expressionism,natalia-goncharova_harvest,"[3.0, 1.0, 1.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,natalia-goncharova_haymaking,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,natalia-goncharova_landscape-at-ladyzhino,"[0.0, 2.0, 4.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,natalia-goncharova_liturgy-sketch-of-a-costume,"[1.0, 5.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,natalia-goncharova_mask,"[2.0, 2.0, 3.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,natalia-goncharova_moscow-street,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,natalia-goncharova_orange-vendor-spain,"[2.0, 2.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,natalia-goncharova_planting-potatoes-1909,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,natalia-goncharova_round-dance,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Expressionism,natalia-goncharova_sabbath,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,natalia-goncharova_self-portrait-with-yellow-lilies,"[1.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,natalia-goncharova_spanish-dancers,"[1.0, 2.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,natalia-goncharova_still-life,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,natalia-goncharova_still-life-with-a-tige,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,natalia-goncharova_stone-maiden-still-life,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 2.0, 0.0]"
+Expressionism,natalia-goncharova_the-evangelists-in-four-parts,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,natalia-goncharova_the-ice-cutters,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,neil-welliver_amon-s-orchard,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,neil-welliver_couple-with-leslie,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,neil-welliver_figures-under-tree,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,neil-welliver_the-beautiful-gabrielle-and-the-marechale-de-balagny,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,nicolae-tonitza_after-war,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_balcic-corner-1936,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,nicolae-tonitza_breton-woman-1933,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,nicolae-tonitza_calvary,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nicolae-tonitza_catrina,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,nicolae-tonitza_catrina-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,nicolae-tonitza_child-in-rose-1924,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,nicolae-tonitza_clown-1925,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,nicolae-tonitza_girl,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_girl-in-pink,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,nicolae-tonitza_girl-in-white-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,nicolae-tonitza_little-girl-with-flowery-headscarf-1925,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,nicolae-tonitza_little-tatar-girl-1937,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_mangalia-beach-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nicolae-tonitza_miner,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,nicolae-tonitza_morning-at-balcic,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_mourner,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,nicolae-tonitza_nude-in-the-thalamus,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_nude-with-headscarf,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_puppets,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nicolae-tonitza_queuing-for-bread-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,nicolae-tonitza_sad-day-in-balchik,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_scherzzo,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,nicolae-tonitza_self-portrait-1923,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,nicolae-tonitza_the-woodman-s-girl-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,nicolae-tonitza_to-light-the-lamp,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,nicolae-tonitza_turk-women-in-balcic-1936,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,nicolae-tonitza_two-sisters-1927,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_unknown-title,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,nicolae-tonitza_unknown-title-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,nicolae-tonitza_vase-with-summer-flowers,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,nicolae-tonitza_wild-roses-1936,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nikolai-ge_christ-head,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,nikolai-ge_christand-robber,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,nikolaos-lytras_boy,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,nikolaos-lytras_briedge-in-the-woods,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_child,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_cobs(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,nikolaos-lytras_dog,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_in-the-boat,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nikolaos-lytras_in-the-garden(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,nikolaos-lytras_kokkinaras-1927,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape-acropolis,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,nikolaos-lytras_landscape-karyatides,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape-mountain-ymmitos,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape-of-athens,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape-of-attica,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,nikolaos-lytras_landscape-of-attica-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,nikolaos-lytras_landscape-of-pendeli(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape-of-sounio-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,nikolaos-lytras_landscape-sounion,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape-tinos,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,nikolaos-lytras_landscape-with-pine-tree,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,nikolaos-lytras_man-in-a-boat(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,nikolaos-lytras_nude,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,nikolaos-lytras_peeling-quinces,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,nikolaos-lytras_portrait-of-a-little-girl,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_portrait-of-arist-maria-hors,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,nikolaos-lytras_portrait-of-f-d,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_portrait-of-m-hors-1916(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,nikolaos-lytras_portrait-of-sculptor-yannoulis-chalepas,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,nikolaos-lytras_portrait-of-the-painter-s-mother,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,nikolaos-lytras_portrait-of-young-k-m-1914(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,nikolaos-lytras_reading,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nikolaos-lytras_seascape-tinos(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_self-portrait,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,nikolaos-lytras_self-portraits,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,nikolaos-lytras_seville-oranges,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,nikolaos-lytras_sun-bathing,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,nikolaos-lytras_the-artist-in-his-studio,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,nikolaos-lytras_the-donkey,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_the-lighthouse-1927,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_the-meadow,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,nikolaos-lytras_the-milk-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,nikolaos-lytras_the-straw-hat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,nikolaos-lytras_tinos-agios-markos-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,nikolaos-lytras_woman-with-rose,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,nikolaos-lytras_young-man,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_adolf-loos-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,oskar-kokoschka_bride-of-the-wind-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_children-playing-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_crucifixion-golgotha-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_dent-du-midi,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_dolomite-landscape-tre-croci,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_girl-with-a-yellow-headband-1909,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,oskar-kokoschka_gitta-wallerstein,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_loreley-1942,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_lovers-with-cat-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235829,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235830,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235831,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235832,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235833,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235834,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235835,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235836,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235838,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235839,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235840,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235841,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235842,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235843,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235844,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235845,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235846,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,oskar-kokoschka_not_detected_235847,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,oskar-kokoschka_not_detected_235848,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235849,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235850,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235851,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235852,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235853,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235854,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235855,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235856,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235857,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235859,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235862,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235863,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235864,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235865,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235866,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235867,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,oskar-kokoschka_not_detected_235868,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235869,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235871,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235873,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,oskar-kokoschka_not_detected_235874,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235875,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235876,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235877,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235878,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235879,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235880,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235881,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235882,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235883,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235884,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,oskar-kokoschka_not_detected_235886,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235890,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235891,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,oskar-kokoschka_not_detected_235892,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235893,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235894,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235896,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_not_detected_235912,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235913,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235920,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235934,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_not_detected_235935,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,oskar-kokoschka_not_detected_235938,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_pieta,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_portrait-of-carl-moll,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_portrait-of-commerce-counselor-ebenstein-1908,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_portrait-of-lotte-franzos-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,oskar-kokoschka_poster-design-for-the-jubilee-procession-of-the-kaiser-1908,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_self-portrait-fiesole-1948,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_self-portrait-of-a-degenerate-artist-1937,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_self-portrait-with-crossed-arms-1923,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_still-life-with-a-slaughtered-lamb,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,oskar-kokoschka_stockholm-harbour,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_the-elbe-near-dresden,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oskar-kokoschka_the-power-of-music,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,oskar-kokoschka_the-red-egg-1941,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_at-the-water-s-edge,"[1.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_backstage-at-the-casino-de-paris,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,ossip-zadkine_barracks-clignancourt,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,ossip-zadkine_carol-janeway-bust,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_como,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_couple,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,ossip-zadkine_couple-to-the-range,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_dance,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_daphne,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_daphne-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_daphne-2,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_double-portrait-of-nel-and-henk-wiegersma,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_female-head,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ossip-zadkine_four-people-in-a-village,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_geryon,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_group-to-the-four-faces,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,ossip-zadkine_harlequins-violinists-hidden,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_human-head,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_human-head-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_human-head-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 1.0]"
+Expressionism,ossip-zadkine_inspiration,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,ossip-zadkine_landscape-and-bathers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,ossip-zadkine_man-with-the-yellow-hat,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_masquerade,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_masquerade-gold-guitarist,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_musician,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ossip-zadkine_pair-of-candelabras,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_study-of-women,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,ossip-zadkine_the-ball-july-14,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_the-city-destroyed,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_the-composer-1935,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,ossip-zadkine_the-fight,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,ossip-zadkine_the-guitar-player,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_the-messenger,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_the-return-of-the-prodigal-son,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,ossip-zadkine_the-second-character,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,ossip-zadkine_the-tree-of-life-menorah,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ossip-zadkine_three-men,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,ossip-zadkine_three-personages,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_three-women-in-an-interior,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_two-women,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_untitled,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,ossip-zadkine_untitled-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_untitled-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,ossip-zadkine_untitled-the-notebooks-idealistic,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_visitors-to-the-sun,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,ossip-zadkine_woman-standing,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,oswaldo-guayasamin_dos-cabezas-1987,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,oswaldo-guayasamin_el-grito-n-3-1983,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,oswaldo-guayasamin_el-guitarrista,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,oswaldo-guayasamin_el-presidente-1967,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,oswaldo-guayasamin_el-violinista-1967,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,oswaldo-guayasamin_flores-secas-1994,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,oswaldo-guayasamin_from-la-edad-de-la-ternura-series,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,oswaldo-guayasamin_from-la-edad-de-la-ternura-series-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,oswaldo-guayasamin_homenaje-a-tania-n-1-1969,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,oswaldo-guayasamin_las-manos,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,oswaldo-guayasamin_portrait-of-fidel-castro-1961,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,oswaldo-guayasamin_portrait-of-toty-rodr-guez-1967,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,oswaldo-guayasamin_quito-de-la-nube-negra-1987,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,oswaldo-guayasamin_self-portrait-1996,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,oswaldo-guayasamin_tears-of-blood,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,oswaldo-guayasamin_ternura-1989,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,otto-dix_abandoned-position-near-neuville,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,otto-dix_apotheosis,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_artwork,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,otto-dix_battle-weary-troops-retreating-battle-of-the-somme,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,otto-dix_buried-alive,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,otto-dix_cats,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_corpse-of-a-horse,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Expressionism,otto-dix_cosi-fan-tutte,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,otto-dix_crater-field-near-dontrien-lit-up-by-flares,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,otto-dix_dawn,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,otto-dix_dead-sentry-in-the-trenches,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,otto-dix_dedicated-to-the-dramatist-frank-wedekind,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_disintegrating-trench,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,otto-dix_dream-of-the-sadist,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,otto-dix_dying-warrior,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,otto-dix_electrical,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_ellis,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,otto-dix_fit-for-service,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,otto-dix_from-the-catacombs-in-palermo-ii,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,otto-dix_gas-victims,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Expressionism,otto-dix_girl-with-pink-rose,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,otto-dix_longing-self-portrait,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,otto-dix_lovers,"[13.0, 0.0, 5.0, 4.0, 0.0, 17.0, 1.0, 0.0, 5.0]"
+Expressionism,otto-dix_lustmurder,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,otto-dix_man-and-woman-nocturnal-scene,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,otto-dix_masks-as-ruins,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,otto-dix_melancholie,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,otto-dix_memory-of-the-halls-of-mirrors-in-brussels,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,otto-dix_menschen-in-trummen,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,otto-dix_myself-in-brussels(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,otto-dix_near-langemarck,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,otto-dix_nocturnal-encounter-with-a-lunatic,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,otto-dix_old-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_plague-german,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,otto-dix_portrait-of-the-journalist-sylvia-von-harden-1926,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,otto-dix_prostitute-girl-with-red-bow,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,otto-dix_prostitutes,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,otto-dix_randegg-in-the-snow-with-ravens,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,otto-dix_reclining-nude,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,otto-dix_relay-post,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,otto-dix_sailor-and-girl,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,otto-dix_scherzo-from-the-portfolio-nine-woodcuts,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_schwangeres-weib,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 6.0, 0.0, 0.0]"
+Expressionism,otto-dix_self-portrait-as-a-prisoner-of-war,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,otto-dix_self-portrait-as-a-target,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,otto-dix_self-portrait-with-fur-cap,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,otto-dix_self-portrait-with-marcella,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,otto-dix_sex-murder,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,otto-dix_small-self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,otto-dix_still-life-with-widow-s-veil,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,otto-dix_stormtroops-advancing-under-gas,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,otto-dix_street-noise,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,otto-dix_street-strasse-from-the-portfolio-nine-woodcuts,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,otto-dix_the-celebrities-constellation,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,otto-dix_the-declaration-of-war,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,otto-dix_the-family-of-the-painter-adalbert-trillhaase-1923,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,otto-dix_the-god-of-confectioners,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,otto-dix_the-resurrection,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,otto-dix_the-street-of-brothels,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,otto-dix_the-war,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,otto-dix_the-widow,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,otto-dix_three-prostitutes-on-the-street-1925,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,otto-dix_totentanz-anno-17-hohe-toter-mann,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,otto-dix_trenches,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,otto-dix_trenches-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,otto-dix_triumph-of-death,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,otto-dix_wilhelm-heinrich,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,otto-dix_wounded-man-fleeing,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0, 0.0]"
+Expressionism,otto-dix_wounded-soldier,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,otto-freundlich_head-self-portrait-1923,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_a-blue-house,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,pablo-picasso_a-red-skirt-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_a-simple-meal-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,pablo-picasso_an-actor-1904,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_angel-fernandez-de-soto-with-woman,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_antes,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_artist-s-son-1925,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_ascet-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 8.0, 0.0]"
+Expressionism,pablo-picasso_bearded-man-1962,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_big-heads-1969,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_boy-leading-a-horse-1906,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_boy-with-a-dog-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 3.0, 2.0]"
+Expressionism,pablo-picasso_breakfast-of-a-blind-man-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 7.0, 1.0]"
+Expressionism,pablo-picasso_bull-plate-i-1945,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,pablo-picasso_bull-plate-ii-1945,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_bull-plate-iii-1945,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_bust-of-nude-woman-1906,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_bust-of-woman-1906-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_celestina-1904,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_celestina-1904-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_child-playing-in-camomilles-1953,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,pablo-picasso_claude-in-the-arms-of-his-mother-1948,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_crouching-beggar-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 10.0, 0.0]"
+Expressionism,pablo-picasso_crouching-female-nude-1956,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_crouching-woman-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 7.0, 1.0]"
+Expressionism,pablo-picasso_dance-of-fauns-1957,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_dancer-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_don-quixote-1955,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_drunk-woman-is-tired-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,pablo-picasso_el-tinen-1906,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_exotic-flowers-1907,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_family-of-acrobats-jugglers-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_family-of-acrobats-study-1905,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_family-of-acrobats-with-monkey-1905,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_family-of-jugglers-1905,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_female-head,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_female-nude-sitting-in-the-armchair-1964,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_female-nude-with-man-s-head-1967,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_fernande-s-head-1906,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_fernande-with-shawl-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_girl-and-goat-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_girl-on-the-ball-1905,"[0.0, 1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_group-of-poor-people-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,pablo-picasso_gutted-horse-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_hairdressing-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_harlequin-s-death-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 2.0, 4.0, 0.0]"
+Expressionism,pablo-picasso_harlequin-s-family-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_harlequin-s-family-1905-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_harlequin-with-guitar-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_head-of-dead-woman-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_head-of-hurdy-gurdy-1905,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_head-of-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_head-of-young-man-1905,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_head-of-young-man-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_la-chata-1899,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_landscape-of-juan-les-pins-1920,"[3.0, 0.0, 2.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_life-1903,"[0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 1.0, 3.0, 1.0]"
+Expressionism,pablo-picasso_lovers-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,pablo-picasso_lying-naked-woman-1955,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_lying-naked-woman-1955-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_lying-naked-woman-the-voyeurs-1955,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_madame-soler-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_madonna-with-garland-1904,"[1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_mallorcan-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_man-and-woman-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,pablo-picasso_man-in-blue,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Expressionism,pablo-picasso_melancholy-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,pablo-picasso_minotaur-and-woman-behind-a-curtain,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,pablo-picasso_minotaur-attacking-an-amazone,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_minotaur-caressing-a-sleeping-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_minotaur-caressing-a-woman,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_minotaur-drinker-and-women,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_minotaur-is-dying-1933,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_minotaur-is-wounded-1933,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_minotaur-is-wounded-1933-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_minotaur-is-wounded-1937,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_minotaur-transports-a-mare-and-foal,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_minotaur-with-dead-horse-in-front-of-a-cave-facing-a-girl-in-veil-1936,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_mother-and-child-1902,"[0.0, 2.0, 4.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_mother-and-child-on-the-beach-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,pablo-picasso_mother-and-son-with-handkerchief-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_naked-woman-with-dripping-hair-1902,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_niko-pirosmani-1972(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_old-blind-man-with-boy-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_old-woman-stretching-out-her-hands-to-the-fire,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_picador-1900,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_picasso-and-s-junier-vidal-sitting-near-celestina-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-bearded-man-leaning-on-cradle-1920,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_portrait-of-child-1951,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_portrait-of-diaghilev-and-seligsberg-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_portrait-of-erik-satie-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-gertrude-stein-1906,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_portrait-of-igor-stravinsky-1920,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-jaime-sabartes-the-bock-1901,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_portrait-of-la-scala-master-of-ballet-1925,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-madame-patri-1918,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-nude-casagemas-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-olga-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_portrait-of-paulo-artist-s-son-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_portrait-of-pierre-auguste-renoir-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-sebastia-junyer-vidal,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-seniora-soler-girl-in-a-chemise-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,pablo-picasso_portrait-of-sylvette-david-1954-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_portrait-of-sylvette-david-1954-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_profile-of-young-dutchwoman-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,pablo-picasso_reclining-nude-1908,"[1.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_reclining-nude-1908-1,"[1.0, 1.0, 3.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_s-junyer-vidal-with-woman-beside-him-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_sabartes-as-decadent-poet,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_seated-female-nude-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,pablo-picasso_seated-female-nude-1907,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_seated-nude-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Expressionism,pablo-picasso_seated-nude-and-standing-nude-1906-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_seated-woman-1909,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_seated-woman-with-her-legs-crossed-1906,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_self-portrait-1901,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_self-portrait-1901-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_self-portrait-1901-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_self-portrait-1906,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_self-portrait-1906-1,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_self-portrait-1906-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_self-portrait-1906-3,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_self-portrait-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_self-portrait-1917,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_self-portrait-1917-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_seller-of-gul,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_sleeping-man-and-sitting-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_sleeping-man-and-sitting-woman-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_smoke-over-vallauris-1951,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_soler-family-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_spaniard-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_standing-female-nude-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_standing-female-nude-1908,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_standing-nude-1908,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_studio-of-california-in-cannes-1956,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_studio-pigeons-perch-1960,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_studio-pigeons-velazquez-1957,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_studio-pigeons-velazquez-1957-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_studio-pigeons-velazquez-1957-2,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_study-to-two-sisters-1902,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_teenagers-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_teenagers-1906-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_the-absinthe-drinker-1901,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,pablo-picasso_the-absinthe-drinker-1901-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_the-absinthe-drinker-portrait-of-angel-fernandez-de-soto-1903,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_the-bread-carrier-1905,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_the-brutal-embrace-1900,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_the-dining-room-of-vauvenargues-1959,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_the-family-of-blind-man-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_the-fool-1904,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_the-girls-of-avignon-study-1907-1,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_the-greedy-1901,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_the-harem-1906,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_the-ironer-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_the-luncheon-on-the-grass-1961,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_the-old-blind-guitarist-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_the-roofs-of-barcelona-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_the-room-of-the-ironer-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,pablo-picasso_the-soup-1903,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_the-visit-the-two-sisters-1902,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,pablo-picasso_the-woman-with-the-edge-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,pablo-picasso_three-nudes-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_toilette-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,pablo-picasso_toilette-1906-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_two-acrobats-harlequin-and-his-companion-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,pablo-picasso_two-acrobats-with-a-dog-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_two-brothers-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_two-figures-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,pablo-picasso_two-friends-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_two-nude-women-1906,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_two-nude-women-1906-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pablo-picasso_two-nude-women-1906-2,"[1.0, 0.0, 0.0, 2.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1936-7,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_untitled-1937-3,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1937-4,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1939-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_untitled-1939-5,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1955,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_untitled-1958,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_untitled-1958-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_untitled-1967,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1968,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1970,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1970-1,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1970-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_untitled-1971,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1971-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_untitled-1971-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Expressionism,pablo-picasso_untitled-1971-3,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_view-of-riera-de-sant-joan-from-the-window-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,pablo-picasso_woman-in-a-shawl-1902,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_woman-in-blue-1902-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,pablo-picasso_woman-in-the-studio-1956,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pablo-picasso_woman-reading-1953,"[8.0, 8.0, 8.0, 4.0, 0.0, 9.0, 7.0, 2.0, 3.0]"
+Expressionism,pablo-picasso_woman-s-profile-1905,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,pablo-picasso_woman-with-a-fan-1905,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,pablo-picasso_woman-with-brooch-1944,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_woman-with-chignon-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_woman-with-child,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_woman-with-comb-1906,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_woman-with-hat-1943,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_woman-with-hat-1962,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_woman-with-her-hair-in-a-small-bun-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,pablo-picasso_young-acrobat-and-clown-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,pablo-picasso_young-naked-girl-with-flower-basket-1905,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,patrick-heron_harbour-window-with-two-figures-st-ives-july-1950-1950,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,patrick-heron_the-long-table-with-fruit-1949,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-delvaux_at-sea-1934,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-delvaux_before-bathing-1933,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-delvaux_chest-of-man-1929,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,paul-delvaux_dream-girl-1931,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,paul-delvaux_for-auderghem-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,paul-delvaux_for-the-brussels-luxembourg-station-1922,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-delvaux_girls-1929,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,paul-delvaux_girls-by-the-sea-1928,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,paul-delvaux_harmony-1927,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-delvaux_hat,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-delvaux_large-nude-pink-1929,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-delvaux_naked-at-dawn-1932,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-delvaux_not_detected_243095,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-delvaux_reclining-nude-1934,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-delvaux_the-lady-rose-1934,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,paul-feeley_the-psychologist-1935,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,paul-klee_a-gate-1938(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_a-kind-of-cat-1937(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_a-pressure-of-tegernsee-1919(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-klee_a-woman-for-gods-1938(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_a-young-ladys-adventure-1921(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-klee_after-annealing-1940(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_an-allegory-of-propaganda-1939(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,paul-klee_angel-still-feminine-1939(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_at-the-core-1935(1),"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_bad-band-1920(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,paul-klee_bandit-s-head(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-klee_before-the-blitz-1923(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,paul-klee_bird-wandering-off-1921(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,paul-klee_black-knight-1927(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,paul-klee_blue-bird-pumpkin-1939(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-klee_boats-in-the-flood-1937(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-klee_captive-1940(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,paul-klee_castle-and-sun-1928,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_cat-and-bird(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-klee_child-and-aunt-1940(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_clouds-over-bor-1940(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,paul-klee_cosmic-composition-1919(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_death-and-fire-1940(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,paul-klee_death-for-the-idea-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-klee_destroyed-place-1920(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,paul-klee_dieser-stern-lehrt-beugen-1940,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_enlightenment-of-two-sectie-1918(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,paul-klee_fairy-tale-of-the-dwarf-1925(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,paul-klee_fire-full-moon-1933(1),"[0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_fish-image-1925,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_fish-magic-1925,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_flora-on-rocks-sun-1940(1),"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-klee_flower-myth-1918(1),"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_flower-stand-with-watering-can-and-bucket-1910(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_flowers-in-stone-1939(1),"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-klee_forest-witch-1938(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_fruits-on-red-1930(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_full-moon-1919(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_gauze-1940(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-klee_growth-of-the-night-plants-1922(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_head-of-a-child-1939(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_heroic-roses-1938(1),"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_hesitation(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,paul-klee_historic-ground-1939(1),"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-klee_houses-near-the-gravel-pit-1913,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_in-the-quarry(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_in-the-style-of-kairouan-1914,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_landscape-with-yellow-birds-1923(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_legend-of-the-nile-1937(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_likeness-in-the-bower-1930(1),"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-klee_little-tree-amid-shrubbery-1919(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,paul-klee_magdalena-before-the-conversion-1938(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,paul-klee_mess-of-fish-1940(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,paul-klee_miraculous-landing-1920(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_mumon-drunk-falls-into-the-chair-1940(1),"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_new-angel-1920(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_park-1920(1),"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_park-bei-lu-1938(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_pierrot-lunaire-1924(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-klee_place-signs-1926(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_portrait-of-a-man-1925(1),"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,paul-klee_possessed-girl-1924(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,paul-klee_ravaged-land-1921(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,paul-klee_reconstructing-1926(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_refuge-1930(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,paul-klee_remembrance-of-a-garden-1914(1),"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_rising-star-1923(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_rising-sun-1907(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-klee_rope-dancer-1923(1),"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,paul-klee_small-landscape-with-the-village-church-1925(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_southern-gardens-1921(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_sparse-foliage-1934(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_stage-landscape-1922(1),"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-klee_station-l-112-1923(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_still-life-with-dove-1931(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-klee_still-life-with-thistle-bloom-1919(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_strong-dream-1929(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,paul-klee_struck-from-the-list-1933,"[1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_tale-of-hoffmann-1925(1),"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_temple-gardens-1920,"[1.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_the-future-man-1933(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-klee_the-goldfish-1925(1),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-klee_the-lover-1938(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,paul-klee_the-rumors-1939(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_the-saint-of-inner-light-1921(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,paul-klee_the-signatories-to-the-window-the-artist-at-the-window-1909(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,paul-klee_the-singer-l-as-fioridigli-1923(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,paul-klee_the-vase-1938(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paul-klee_this-flower-wishes-to-fade-1939(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,paul-klee_to-the-parnassus-1932(2),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_tropical-twilight-1921(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,paul-klee_twittering-machine-1922,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_two-country-houses-1918(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,paul-klee_veil-dance-1920(1),"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paul-klee_wi-in-memoriam-1938(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_windows-and-palm-trees-1914(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,paul-klee_with-the-setting-sun-1919(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,paul-klee_women-in-their-sunday-best-1928(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,paul-klee_women-s-pavilion-1921(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_birch-trunks-in-front-of-red-farmstead,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_breast-feeding-mother,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_breastfeeding-mother-of-paula-modersohn-becker-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_bridges-in-paris-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,paula-modersohn-becker_children-with-goldfish-bowl-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_composition-sketch-for-seated-old-1898,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_cowshed-1901,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_crouching,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,paula-modersohn-becker_elizabeth-with-hens-under-an-apple-tree-1902,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_female-nude-on-the-grass,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_figures-with-his-dog-on-a-bridge-in-paris-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_five-children-on-the-edge-of-the-meadow-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,paula-modersohn-becker_girl-with-black-hat-1903,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,paula-modersohn-becker_girl-with-stork-1907,"[6.0, 5.0, 3.0, 0.0, 2.0, 9.0, 6.0, 12.0, 5.0]"
+Expressionism,paula-modersohn-becker_girl-with-wooden-horses,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_girls-at-the-birch-tree-and-flock-of-sheep-in-the-background-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_girls-in-the-garden-with-glass-ball-elsbeth-1902,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_gray-landscape-with-marsh-channel-1899,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_head-of-a-little-girl-elsbeth-1902,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_head-of-a-peasant-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_infant-in-seat-1902,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_infant-with-her-mother-s-hand,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_kneeling-breast-feeding-mother,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_landscape-with-birch-trees-1907,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,paula-modersohn-becker_landscape-with-birch-trunks,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,paula-modersohn-becker_landscape-with-trees,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_lee-and-his-sister-hoetger-1907,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_male-nude-standing-1899,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_marsh-channel-with-peat-barges,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,paula-modersohn-becker_miguel-de-cervantes-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,paula-modersohn-becker_mother-and-child,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_mother-with-baby-at-her-breast-and-child-in-landscape-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_nude-girl-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,paula-modersohn-becker_nude-girl-sitting-on-the-floor-1904,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,paula-modersohn-becker_nude-girl-standing-1906,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_nude-girl-standing-1906-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,paula-modersohn-becker_nude-girl-standing-arms-folded-behind-his-head,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_nursing-mother-and-child-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_old-blind-woman,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,paula-modersohn-becker_old-woman-in-the-garden-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,paula-modersohn-becker_old-woman-with-a-bonnet-in-profile-to-the-left,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,paula-modersohn-becker_old-woman-with-handkerchief,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,paula-modersohn-becker_peasant-child-with-pink-apron,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,paula-modersohn-becker_peat-digging-1902,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_portrait-of-a-peasant-woman-with-hood-1903,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_portrait-of-a-woman-with-pitcher,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_portrait-of-a-young-woman-with-red-hat-1900,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_portrait-of-an-approximately-12-year-old-italian-girl-1906,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,paula-modersohn-becker_portrait-of-an-old-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_portrait-of-clara-rilke-westhoff,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_portrait-of-hedwig-hagemann-1903,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_portrait-of-martha-vogeler,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_portrait-of-rainer-maria-rilke-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_reclining-mother-and-child,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_reclining-mother-and-child-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_reclining-mother-and-child-1906-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_sand-pit-1900,"[1.0, 3.0, 10.0, 0.0, 0.0, 7.0, 0.0, 17.0, 8.0]"
+Expressionism,paula-modersohn-becker_sand-pit-1901,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_sand-pit-at-weyersberg-1899,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,paula-modersohn-becker_seated-child-in-an-armchair-1902,"[12.0, 0.0, 4.0, 0.0, 2.0, 7.0, 16.0, 5.0, 5.0]"
+Expressionism,paula-modersohn-becker_seated-female-nude-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_seated-girl-in-a-landscape-to-the-right-1902,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_seated-nude-with-a-flower,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,paula-modersohn-becker_seated-peasant-woman-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_seated-woman-in-market-stalls-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Expressionism,paula-modersohn-becker_self-portrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_self-portrait-1,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,paula-modersohn-becker_self-portrait-1906,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_self-portrait-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_self-portrait-in-front-of-flowering-trees,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_self-portrait-with-red-flower-wreath-and-chain-1907,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,paula-modersohn-becker_sketch-with-six-figure-compositions-1907,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_standing-female-nude,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_standing-female-nude-against-a-dark-wall-1900,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_standing-female-nude-her-arms-located-in-front-of-the-chest,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_still-life-child-s-head-with-a-white-cloth-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,paula-modersohn-becker_still-life-with-sugar-bowl-and-hyacinth-in-a-glass,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_study-for-portrait-of-clara-rilke-westhoff-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_study-for-portrait-of-lee-hoetger-before-flower-base-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,paula-modersohn-becker_the-good-samaritan-1907,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,paula-modersohn-becker_the-painter-with-camellia-branch-self-portrait-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_three-children-with-goat-in-the-birch-forest,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,paula-modersohn-becker_three-women-at-a-market-stall-1906,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_twilight-landscape-with-house-and-fork,"[2.0, 2.0, 6.0, 0.0, 0.0, 3.0, 8.0, 15.0, 8.0]"
+Expressionism,paula-modersohn-becker_two-boys-on-moorkanal,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,paula-modersohn-becker_two-children-sit-on-a-meadow,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,paula-modersohn-becker_two-girls-in-front-of-birch-trees,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_two-girls-seated-in-the-birch-forest,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,paula-modersohn-becker_two-girls-standing-on-the-birch-trunk,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_two-women-in-the-garden-with-fountain,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,paula-modersohn-becker_two-women-in-the-garden-with-fountain-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,paula-modersohn-becker_woman-with-goose-1902,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,paula-modersohn-becker_worpsweder-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,paula-modersohn-becker_worpsweder-landscape-with-red-house-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,paula-modersohn-becker_young-girl-with-straw-hat-and-a-flower-in-her-hand-1902,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,periklis-vyzantios_bistro,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,periklis-vyzantios_coach,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,periklis-vyzantios_hunger,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,periklis-vyzantios_nude,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,periklis-vyzantios_self-portrait-1971,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,periklis-vyzantios_sightseeing-tour,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,philip-guston_porch-ii-1947,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,philip-guston_the-porch-1947,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_ancestor-anc-tre-1965,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_frying-pan-la-po-le-frire-1951,"[8.0, 3.0, 0.0, 5.0, 2.0, 5.0, 7.0, 2.0, 17.0]"
+Expressionism,pierre-alechinsky_head-t-te-1951,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pierre-alechinsky_in-society-en-soci-t-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,pierre-alechinsky_la-cantatrice,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_les-aiguilles-iii,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_les-aiguilles-vi,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,pierre-alechinsky_les-aiguilles-viii,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,pierre-alechinsky_look-out-post-poste-d-observation-1968,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_loudspeaker-haut-parleur-1950,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,pierre-alechinsky_pavan-one-thousand-regrets-pavane-mille-regrets-from-the-portfolio-pencil-on-shell-1971,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pierre-alechinsky_pleasant-surrounding-un-bon-entourage-1962,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(1),"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(3),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(4),"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(5),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(6),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pierre-alechinsky_stars-and-disasters-astres-et-d-sastres-1969-1(7),"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_sun-slit-throat-soleil-cou-coup-1970,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,pierre-alechinsky_the-cat-and-the-rooster-le-chat-et-le-coq-from-aesop-s-fable-fables-d-sope-1946,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_the-hairdresser-le-coiffeur-1948,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-portfolio-with-the-grain-of-the-wood-au-fil-du-bois-1-1973,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 4.0, 0.0, 3.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-portfolio-with-the-grain-of-the-wood-au-fil-du-bois-1973,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-portfolio-with-the-grain-of-the-wood-au-fil-du-bois-1973(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 4.0, 0.0, 3.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-portfolio-with-the-grain-of-the-wood-au-fil-du-bois-5-1973,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-portfolio-with-the-grain-of-the-wood-au-fil-du-bois-7-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-test-of-the-title-le-test-du-titre-1-1966,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-test-of-the-title-le-test-du-titre-1966,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-test-of-the-title-le-test-du-titre-2-1966,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-test-of-the-title-le-test-du-titre-3-1966,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-test-of-the-title-le-test-du-titre-4-1966,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,pierre-alechinsky_untitled-from-the-test-of-the-title-le-test-du-titre-5-1966,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,pierre-alechinsky_with-raised-hand-a-main-lev-e-1967,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,pierre-alechinsky_with-two-brushes-a-deux-pinceaux-1978,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,pierre-daura_civilisation-1937-la-cultura-del-odio-1939,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,pierre-daura_the-couple-1950,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-daura_untitled-montmartre-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Expressionism,pierre-daura_untitled-seated-woman-1963,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pierre-tal-coat_arlequin,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pierre-tal-coat_blue-vase,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,pierre-tal-coat_femme-allong-e,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,pierre-tal-coat_self-portrait,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,pierre-tal-coat_still-life,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,princess-fahrelnissa-zeid_antique-portrait-1940,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,princess-fahrelnissa-zeid_dance-1980,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,princess-fahrelnissa-zeid_divine-protection-1981,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,princess-fahrelnissa-zeid_emir-zeid-1967,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,princess-fahrelnissa-zeid_lady-in-blue,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,princess-fahrelnissa-zeid_my-summer-house-buyukdere-1943,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,princess-fahrelnissa-zeid_portrait-for-iris-clert-1965,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,princess-fahrelnissa-zeid_self-portrait,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,princess-fahrelnissa-zeid_turuncu-elbiseli-k-z,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_at-the-rink-1945,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_bakhchisarai-poplars-1929,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_bakhchisarai-view-from-the-tower-of-falconry-1930,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_balaklava-the-landscape-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_balaklava-view-of-the-city-and-the-bay-1929,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_bullfight-1910,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_bullfight-in-sevilla-1910,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,pyotr-konchalovsky_bullfight-in-sevilla-1910-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_bullfight-study-1910,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_bullfight-study-1910-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_conductress-1950,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_design-for-the-opera-by-wolfgang-amadeus-mozart-don-giovanni-1913-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_family-portrait-against-chinese-panel-1911,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_family-portrait-siena-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,pyotr-konchalovsky_guitarist-and-singer-1910,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_gurzuf-1929,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,pyotr-konchalovsky_gurzuf-cypresses-1929,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_gypsies-at-the-railway-station-1935,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_house-in-abramtsevo-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_house-of-bullfighting-amateur-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_landscape-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_landscape-at-siena-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_leningrad-bank-bridge-1931,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_matador-manuel-gartha-1910,"[2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,pyotr-konchalovsky_matador-manuel-gartha-1910-1,"[3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_mushrooms-1911,"[2.0, 1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_natasha-at-the-window-1910,"[1.0, 0.0, 4.0, 0.0, 1.0, 1.0, 0.0, 2.0, 2.0]"
+Expressionism,pyotr-konchalovsky_natasha-in-a-chair-1915,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_natasha-on-a-chair-portrait-of-n-p-konchalovskaya-in-childhood-1910,"[1.0, 0.0, 3.0, 1.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_piazza-della-signoria-in-siena-1912,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-a-historian-v-s-protopopov-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 3.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-a-japanese-actor-todzyuro-kavarasaki-1928,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-a-lady-drawing-for-the-portrait-of-of-anna-emilevna-goncz-1918,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-a-son,"[1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-a-violinist-grigory-fedorovich-romashkov-1918,"[0.0, 0.0, 3.0, 4.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-an-italian-pianist-and-conductor-carlo-tsekki-1930,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-an-italian-pianist-and-conductor-carlo-tsekki-1930-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-anna-kondratyevna-reyhshtadt-against-the-background-of-a-winter-landscape-1935,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 7.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-baron-k-rausch-von-traubenberg-1911,"[1.0, 1.0, 2.0, 0.0, 1.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-director-vsevolod-emilievich-meyerhold-1938,"[2.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-dmitry-petrovich-konchalovsky-historian-brother-of-the-artist-1909,"[0.0, 1.0, 2.0, 0.0, 4.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-french-pianist-alfred-cortot-1936,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-girl-sitting-on-a-colorful-carpet-with-the-toys-kamushka-benediktova-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-japanese-artist-yabe-shan-1927,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-pascar-1923,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-pyotr-konchalovsky-the-son-of-the-artist-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-pyotr-konchalovsky-the-son-of-the-artist-1926,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-s-p-konchalovsky-with-her-daughter-1916,"[2.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 4.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-sofia-petrovna-konchalovskaya-1912,"[1.0, 0.0, 6.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-the-artist-alexander-leonidovich-vishnevsky-1920,"[2.0, 1.0, 2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-the-historian-nikolai-alexandrovich-geynike-1919,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-the-historian-nikolai-alexandrovich-geynike-1919-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-the-painter-g-b-yakulov-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 5.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_portrait-of-zinaida-konchalovskaya-1911,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_school-of-yungs-came-the-first-1929,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_seated-girl-sketch-of-portrait-of-kamushka-benediktova-1931,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_seated-model-wrapped-in-drapery-1923,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pyotr-konchalovsky_seated-nude-1918,"[0.0, 3.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_self-portrait-1910,"[1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,pyotr-konchalovsky_self-portrait-in-gray-1911,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+Expressionism,pyotr-konchalovsky_set-decor-for-opera-carmen-by-georges-bizet-1944,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_sevilla-matador-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_siena-1912,"[1.0, 5.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_siena-1912-1,"[1.0, 1.0, 6.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_siena-the-square-1912,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_siena-the-urban-landscape-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,pyotr-konchalovsky_sienna-the-urban-landscape-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_sketch-of-portrait-of-vsevolod-meyerhold-1938,"[4.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_sleeping-model-model-on-th-carpet-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pyotr-konchalovsky_sleeping-woman-1917,"[2.0, 1.0, 4.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_spanish-boy-1910,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 2.0]"
+Expressionism,pyotr-konchalovsky_spanish-landscape-1910,"[3.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,pyotr-konchalovsky_spanish-woman-1910,"[1.0, 0.0, 2.0, 2.0, 0.0, 3.0, 1.0, 0.0, 2.0]"
+Expressionism,pyotr-konchalovsky_spanish-woman-1910-1,"[4.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_still-life,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,pyotr-konchalovsky_still-life-beer-and-roach-1912-1,"[1.0, 1.0, 4.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_still-life-cancers-1916,"[0.0, 2.0, 2.0, 1.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_still-life-melon-1912,"[0.0, 1.0, 5.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_still-life-pink-notebook-and-handset-1929,"[2.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,pyotr-konchalovsky_still-life-sombrero-1916,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_still-life-table-books-and-the-pipes-1929,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_still-life-tray-and-green-cardboard-box-1912,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,pyotr-konchalovsky_still-life-tray-and-vegetables-1910,"[1.0, 0.0, 7.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_still-life-with-a-tray-1919,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_tea-in-khotkovo-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_the-bridge-of-the-apostles-in-venice,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_the-female-figure-1915,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,pyotr-konchalovsky_the-head-of-boy-in-profile-1936,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,pyotr-konchalovsky_the-landscape-coast-of-france-1908,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_the-model-at-the-mirror-1923,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_the-model-behind-his-back-drawing-for-the-painting-woman-with-a-mirror-1923,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_torpedo-boats,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_torso-of-young-men-1936,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_tree-in-abramtsevo-1921,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,pyotr-konchalovsky_triptych-bandura-player,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_triptych-cossack-with-a-fork,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_triptych-cossack-with-a-saber,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,pyotr-konchalovsky_two-guitarists-and-singer-1910,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,pyotr-konchalovsky_view-of-mtskheta-from-the-mountain-1927,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,rafael-zabaleta_a-kiss,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_bathers-on-the-beach-in-santander-1955,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_family-of-puppeteers-1934,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,rafael-zabaleta_female-nude,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,rafael-zabaleta_female-nude-1,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_female-nude-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Expressionism,rafael-zabaleta_female-nude-3,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,rafael-zabaleta_female-nude-from-back-with-stove,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_girl-sitting-and-boy-with-hat-standing-1943,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_girl-with-still-life-1953,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,rafael-zabaleta_gladiators-1932,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_gleaners,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_harlequin-and-clown-with-mask-1942,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_hunters-1945,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_interior-with-nude,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,rafael-zabaleta_maternity,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_model-and-painter-with-easel-1945,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_model-and-two-painters-sitting,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,rafael-zabaleta_nude-woman,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_painter-and-reclining-model-1942,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_partridges,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_peasant-family-1957,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,rafael-zabaleta_point-frame,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_portrait-of-aunt-pepa-1942,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_portrait-of-girl-sitting-1943,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,rafael-zabaleta_portrait-of-seated-blonde-woman-1944,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_portrait-of-seated-brunette-1948,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_portrait-of-two-girls-1933,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,rafael-zabaleta_puppeteer-in-the-town-square-1943,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_reapers-in-the-age-and-ceres,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,rafael-zabaleta_seated-boy,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_seated-boy-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_seated-female-nude-and-artist-s-self-portrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,rafael-zabaleta_self-portrait-1956,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_still-life-table-figs-jar-bottle-of-anise,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_the-old-woman-and-the-girl-1957,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_the-quesada-garden,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,rafael-zabaleta_three-nude-women-1934,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,rafael-zabaleta_tiscar-pilgrimage,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,rafael-zabaleta_tiscar-rosemary,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,rafael-zabaleta_two-seated-women-1935,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,rafael-zabaleta_two-woman-and-self-portrait-bust-1939,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,ramon-oviedo_a-todos-nos-parecio-un-sue-o(4),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_auto-retrato-en-azul-self-portrait-in-blue-1999,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,ramon-oviedo_auto-retrato-en-blanco-self-portrait-in-white-1998,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,ramon-oviedo_ba-ando-a-quien-fuera-su,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_caribe,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_como-quiera-es-lo-mismo,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,ramon-oviedo_desgaste-de-un-prepotente(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,ramon-oviedo_despues-que-el-sol-se-acu,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,ramon-oviedo_en-la-trayectoria-del-tiempo,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_eternidad-absoluta,"[1.0, 9.0, 13.0, 2.0, 1.0, 6.0, 2.0, 1.0, 10.0]"
+Expressionism,ramon-oviedo_fantasmas-del-ca-averal,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,ramon-oviedo_forma-burlona,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_forma-de-emitir-sonidos,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_forma-de-percusion(4),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_forma-herida,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_forma-milenaria(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_forma-semidefinida,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_formas-en-transicion,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Expressionism,ramon-oviedo_habitantes-del-silencio(4),"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,ramon-oviedo_habitantes-del-silencio-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,ramon-oviedo_heridas-indelebles,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_hito-en-el-camino-sin-tiempo-2004,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,ramon-oviedo_interminables-formas-2004,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_mascara,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,ramon-oviedo_nave-funebre(3),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,ramon-oviedo_persistencia-de-la-forma-en-la-materia(4),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_plasta-autorretrato-2004(4),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,ramon-oviedo_por-que-dulce-ca-a(4),"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,ramon-oviedo_prehispanico,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_prevencion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_reaccion-bestial,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_red-self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_restos-de-un-primario(4),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,ramon-oviedo_simulacro(4),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,ramon-oviedo_vaina(4),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,remedios-varo_portrait-of-grandmother-do-a-josefa-zejalvo-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_bottles,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,richard-diebenkorn_chabot-valley,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_cityscape-i-1963,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_coffee,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_corner-of-studio-sink,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,richard-diebenkorn_girl-and-three-coffee-cups,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,richard-diebenkorn_girl-on-a-terrace,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,richard-diebenkorn_girl-smoking,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,richard-diebenkorn_horizon-ocean-view,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,richard-diebenkorn_ingleside,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_interior-with-book,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_interior-with-flowers,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_interior-with-view-of-buildings,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,richard-diebenkorn_interior-with-view-of-buildings-1962,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_interior-with-view-of-ocean,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_knife-and-glass,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,richard-diebenkorn_large-still-life,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_lemons-and-jar,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,richard-diebenkorn_man-and-woman-in-a-large-room,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 2.0]"
+Expressionism,richard-diebenkorn_palo-alto-circle,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,richard-diebenkorn_poppies,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_recollections-of-a-visit-to-leningrad,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_scissors-and-lemon,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_seated-nude-black-background-1961,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_seated-woman,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_seated-woman-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_seated-woman-green-interior,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,richard-diebenkorn_still-life-with-orange-peel,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_tomato-and-knife,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_tomato-and-knife-1,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_view-from-the-porch,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,richard-diebenkorn_window,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,richard-diebenkorn_woman-at-table-in-strong-light,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,richard-diebenkorn_woman-in-profile,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,richard-diebenkorn_woman-outside,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,richard-diebenkorn_woman-with-a-newspaper,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,richard-diebenkorn_woman-with-hat-and-groves,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,richard-diebenkorn_yellow-porch,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-gerstl_alexander-von-zemlinsky-1907(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_boy-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Expressionism,richard-gerstl_double-portrait-green-background-1908,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,richard-gerstl_embankment-near-gmunden-and-schlafende-griechin-in-the-background,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_ernst-diez-1907(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,richard-gerstl_fragment-of-a-self-portrait-1908,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,richard-gerstl_fragments-of-laughing-self-portrait-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_group-portrait-with-sch-nberg-1907(1),"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_kleines-selbstbildnis-1906-7,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,richard-gerstl_lake-traunsee-with-the-schlafende-griechin-mountain(1),"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-gerstl_landscape-study-1907,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-gerstl_laughing-self-portrait-detail,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Expressionism,richard-gerstl_liechtenstein-palace-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,richard-gerstl_man-in-meadow-alban-berg-1907,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_mathilde-in-the-studio-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_meadow-with-houses-in-background,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,richard-gerstl_nude-in-garden-1907(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,richard-gerstl_on-the-danube-canal,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_portrait-of-a-seated-man-1908,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-gerstl_portrait-of-arnold-schonberg,"[0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_portrait-of-mother-maria-gerstl-unfinished-1908,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_room-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,richard-gerstl_schonberg-family(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_seated-female-nude-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Expressionism,richard-gerstl_seated-woman-in-green-dress-1908,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,richard-gerstl_selbstbildnis-1907-8,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,richard-gerstl_selbstbildnis-l1907-but-possibly-1908,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_selbstbildnis-mit-palette-1906-7,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,richard-gerstl_selbstbildnis-studie-winter-1906-7,"[0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_selbstbildnis-vor-dem-ofen-winter-1906-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_self-portrait,"[1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_self-portrait-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Expressionism,richard-gerstl_self-portrait-2,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_self-portrait-laughing-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_small-street-nu-dorferstra-e-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_small-traunsee-landscape-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,richard-gerstl_sunny-meadow-with-fruit-trees,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_the-road-theme-from-nussdorf-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,richard-gerstl_tree-on-lake-traun-1907,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,richard-gerstl_view-of-the-park-1908,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,roger-de-la-fresnaye_cows-in-a-meadow-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,roger-de-la-fresnaye_seated-bearded-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,roger-de-la-fresnaye_the-bouvier,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,roger-de-la-fresnaye_white-house-at-audierne-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,roger-de-la-fresnaye_yellow-tulips,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,roy-lichtenstein_coast-village-1987(1),"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,roy-lichtenstein_sailboats-1985,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,roy-lichtenstein_sailboats-through-the-trees-1984,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,sa-nogueira_figura-1964,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,sa-nogueira_figure,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,sa-nogueira_figure-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,sa-nogueira_mezzo-tinto-1960,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,sa-nogueira_paisagem-1984,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,sa-nogueira_sem-titulo-1961,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,salvador-dali_a-seated-man-and-a-dancing-couple,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_ana-maria,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_ana-maria-sewing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_antequam-exhires-de-vulva-sactificavite-jeremiah-1-5,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 7.0, 0.0, 0.0]"
+Expressionism,salvador-dali_arabs-study-for-the-battle-of-tetuan,"[0.0, 1.0, 2.0, 3.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,salvador-dali_arca-foederis-1967,"[0.0, 1.0, 2.0, 0.0, 1.0, 2.0, 3.0, 0.0, 1.0]"
+Expressionism,salvador-dali_asperges-me-hyssopo-et-mundabor-1967,"[2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,salvador-dali_assuerus-falls-in-love-with-esther-assueres-adamavit-esther-1967(2),"[1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 3.0, 2.0, 0.0]"
+Expressionism,salvador-dali_autumn-sonata,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Expressionism,salvador-dali_bather,"[2.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,salvador-dali_beati-pauperes-beati-mites-beati-psalms-1-1-1967,"[3.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,salvador-dali_beatrice,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Expressionism,salvador-dali_cabaret-scene,"[3.0, 2.0, 0.0, 2.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_carnation-and-cloth-of-gold,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_crepuscular-old-man-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,salvador-dali_da-mihi-bibere-ecclesiastes-12-1-1967,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Expressionism,salvador-dali_de-cruce-depositio-1967,"[0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 1.0, 2.0, 1.0]"
+Expressionism,salvador-dali_design-for-a-poster-for-the-secret-life-of-salvador-dali,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_design-for-the-death-scene-in-don-juan-tenorio,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 2.0]"
+Expressionism,salvador-dali_design-for-the-set-of-romeo-and-juliet,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,salvador-dali_domestic-scen,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_don-salvador-and-ana-maria-dali,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_er-tu-puer-prophetia-altissimi-luke-1-76,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 6.0, 2.0, 0.0]"
+Expressionism,salvador-dali_et-cognoverunt-eum-in-fractione-panis-1964,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 3.0]"
+Expressionism,salvador-dali_et-ligaverunt-corpus-iesu-linteis-cum-aromatibu-1964,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 4.0, 0.0]"
+Expressionism,salvador-dali_et-post-buccellam-introivit-in-eum-satanas-psalms-40-10-1964,"[4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 2.0]"
+Expressionism,salvador-dali_familia-ruth-moabitidis-1964,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Expressionism,salvador-dali_family-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,salvador-dali_fiesta-in-figueres-1916,"[0.0, 0.0, 2.0, 7.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_figure-after-michelangelo-s-dawn-on-the-tomb-of-lorenzo-di-medici,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_figure-on-the-rocks,"[0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 4.0, 1.0, 1.0]"
+Expressionism,salvador-dali_figures-in-a-landscape-at-ampurdan,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Expressionism,salvador-dali_figures-lying-on-the-sand,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0, 1.0, 1.0]"
+Expressionism,salvador-dali_filius-prodigus-1964,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 5.0, 0.0, 1.0]"
+Expressionism,salvador-dali_grandmother-ana-sewing,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,salvador-dali_head-inspired-by-michelangelo,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_hircus-caprarum-super-faciem-terrae-1964,"[0.0, 3.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,salvador-dali_ieremiae-prophetia-contra-regem-ioachin-2-kings-24-12-1964,"[0.0, 4.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_iesu-nativitas-matthew-1-20-1964,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 5.0, 1.0, 1.0]"
+Expressionism,salvador-dali_inter-filios-die-affuit-etiam-satan-job-2-6-1967,"[0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 2.0, 0.0, 2.0]"
+Expressionism,salvador-dali_ionas-in-ventre-piscis-1967,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 6.0, 0.0, 2.0]"
+Expressionism,salvador-dali_iosephet-fratres-in-aegypto-1967,"[4.0, 3.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_iosue-fortis-in-bello-joshua-10-12-1967,"[1.0, 2.0, 0.0, 1.0, 2.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_landscape-near-cadaques,"[1.0, 2.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,salvador-dali_landscape-of-cadaques,"[0.0, 3.0, 6.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_le-char-d-or,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_leo-quasi-bos-comedens-paleas-isaiah-11-7-1967,"[0.0, 2.0, 0.0, 0.0, 1.0, 3.0, 3.0, 0.0, 1.0]"
+Expressionism,salvador-dali_licet-tributum-dare-caesari-1967,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 3.0]"
+Expressionism,salvador-dali_locusta-et-bruchus-1967,"[2.0, 8.0, 6.0, 1.0, 0.0, 14.0, 10.0, 0.0, 8.0]"
+Expressionism,salvador-dali_madonna-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,salvador-dali_madrid-drunk-man,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,salvador-dali_man-with-porron,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_maria-conferens-in-corde-suo-matthew-1-23-1967,"[1.0, 5.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,salvador-dali_mariae-annunciato-luke-1-26f-1967,"[1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_medea-or-jason-taking-possession-of-the-golden-fleece,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_mohammed-s-dream,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,salvador-dali_mohammed-s-dream-homage-to-fortuny,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_moonlight,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,salvador-dali_mulier-e-latere-viri-1967,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 5.0]"
+Expressionism,salvador-dali_muliere-peccatrici-remittuntur-peccata-multa-1967,"[1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Expressionism,salvador-dali_my-cousin-montserrat-1920,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,salvador-dali_noli-me-tangere-john-20-1-1967,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 8.0, 0.0, 0.0]"
+Expressionism,salvador-dali_nummularii-de-templo-eiecti-john-2-16-1967,"[0.0, 2.0, 3.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_omnes-gentes-in-valle-iosaphat-joel-3-2-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 4.0, 0.0, 0.0]"
+Expressionism,salvador-dali_peccatum-originis-1967,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 2.0, 3.0, 0.0]"
+Expressionism,salvador-dali_pieta,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0, 2.0]"
+Expressionism,salvador-dali_pieta-1,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_pieta-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-a-gipsy,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-a-girl-in-a-landscape,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-a-woman-grey-jacket-wearing-a-pearl-necklace,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_portrait-of-a-woman-unfinished,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-anna-maria,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,salvador-dali_portrait-of-anna-maria-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-el-sany-pancraci,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-jaume-miravidles-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_portrait-of-jaume-miravidles-as-a-footballer-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Expressionism,salvador-dali_portrait-of-jose-m-torres,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_portrait-of-lucia,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-my-cousin-ana-maria-domenech,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-my-father-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,salvador-dali_portrait-of-my-first-cousin,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,salvador-dali_portrait-of-my-sister-original-state-1924,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,salvador-dali_quantification-of-leonardo-de-vinci-s-last-supper,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 2.0, 2.0]"
+Expressionism,salvador-dali_reading-family-scene-by-lamplight,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_roger-freeing-angelica-st-george-and-the-damsel,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,salvador-dali_roma-from-figueres,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,salvador-dali_romeria-pilgrimage,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_saltimbanques-1921,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,salvador-dali_san-salvador-and-antonio-gaudi-fighting-for-the-crown-of-the-virgin,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,salvador-dali_santa-creus-festival-in-figueras,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_santa-creus-festival-in-figueras-the-circus,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_satirical-composition-the-dance-by-matisse,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_scene-in-the-courtyard-of-the-escorial-with-a-figure-in-the-foreground-inspired-by-michelangelo,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_sebastian-de-morra-with-catastrophic-signs,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,salvador-dali_sedet-sola-civitas-plena-poupolo-2-chronicles-36-19-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 3.0]"
+Expressionism,salvador-dali_self-portrait-with-l-humanitie,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Expressionism,salvador-dali_self-potrait,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,salvador-dali_shell,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Expressionism,salvador-dali_sleeping-young-narcissus,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Expressionism,salvador-dali_source-in-the-hornet,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,salvador-dali_south-noon,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,salvador-dali_st-george-and-the-dragon,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_still-life-fish,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_still-life-pulpo-y-scorpa,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,salvador-dali_study-for-a-portrait-unfinished,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,salvador-dali_study-for-woman-undressing,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,salvador-dali_study-of-a-female-nude,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_study-of-a-male-nude-saint-sebastian,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_stultae-et-prudentes-filiae-sirach-7-26-1967,"[0.0, 3.0, 0.0, 5.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-ants-1937,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-ecumenical-council,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_the-exterminating-angels,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,salvador-dali_the-first-day-of-spring-1923,"[2.0, 3.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_the-fossilised-automobile-of-cape-creus-1936,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,salvador-dali_the-gaseous-swan,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Expressionism,salvador-dali_the-ghost-of-vermeer-van-delft,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_the-horseman-of-the-apocalypse,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_the-knight-of-death,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-maids-in-waiting-las-meninas,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_the-picnic,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-pyramids-and-the-sphynx-of-gizeh,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-queen-of-the-butterflies,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_the-rotting-bird,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,salvador-dali_the-servant-of-the-disciples-at-emmaus,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-swimming-pool-in-port-lligat-1970,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-tree,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-truck-we-ll-be-arriving-later-about-five-o-clock,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,salvador-dali_the-two-on-the-cross,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-unicorn-unfinished,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_the-voyeur,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Expressionism,salvador-dali_the-wounded-bird,"[3.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0, 1.0]"
+Expressionism,salvador-dali_three-female-figures-in-festive-gowns,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,salvador-dali_three-graces-of-canova-unfinished,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,salvador-dali_to-meli,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_topological-abduction-of-europe-homage-to-rene-thom,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,salvador-dali_topological-study-for-exploded-head,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,salvador-dali_toreo-noir,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_tower,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_tower-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_trajan-on-horseback,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_trulla-caementarii-in-manu-domini-amos-7-7-1967,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 6.0, 0.0, 0.0]"
+Expressionism,salvador-dali_tu-est-petrus-mathew-16-15f-1967,"[0.0, 5.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_turris-babel-1967,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 4.0, 0.0, 1.0]"
+Expressionism,salvador-dali_two-adolescents,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,salvador-dali_two-gypsy-lads-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_two-religious-figures,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 6.0, 1.0, 1.0]"
+Expressionism,salvador-dali_untitled-after-the-day-by-michelangelo,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,salvador-dali_untitled-after-the-night-by-michelangelo,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_untitled-apocalyptic-christ-christ-with-flames,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,salvador-dali_untitled-female-nude-on-a-palette,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,salvador-dali_untitled-figures-pieta-catastrophic-signs,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,salvador-dali_untitled-first-study-for-the-three-glorious-enigmas-of-gala,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,salvador-dali_untitled-head-of-a-woman-unfinished,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,salvador-dali_untitled-imaginary-landscape-at-pubol,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Expressionism,salvador-dali_untitled-landscape-with-celestial-beings,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0]"
+Expressionism,salvador-dali_untitled-male-nude-in-a-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,salvador-dali_untitled-michelangelo-head-with-drawers,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_untitled-nude-figures-after-michelangelo,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_untitled-scene-in-a-cabaret-in-madrid,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,salvador-dali_untitled-surrealist-angel,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,salvador-dali_uxnor-lot-in-satuam-salis-conversa-genesis-19-24-1967,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,salvador-dali_velazquez-and-a-figure,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,salvador-dali_velazquez-dying-behind-the-window-on-the-left-side-out-of-which-a-spoon-projects,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,salvador-dali_venus-and-sailor,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 3.0]"
+Expressionism,salvador-dali_venus-and-sailor-1,"[3.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_venus-and-sailor-homage-to-salvat-papasseit-1925,"[4.0, 3.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_venus-with-cupids,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_vere-hic-homo-iustus-erat-luke-23-47-1967,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 5.0, 1.0, 1.0]"
+Expressionism,salvador-dali_view-of-pubol,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_vilabertrin,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,salvador-dali_villa-pepita,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,salvador-dali_warrior-mounted-on-an-elephant-overpowering-a-cello,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,salvador-dali_winged-victory,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,salvador-dali_woman-at-the-window-in-figueras-1926,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,salvador-dali_woman-nursing-her-son,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,salvador-dali_woman-on-a-ram,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,salvador-dali_woman-undressing,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,salvador-dali_young-women,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,saul-steinberg_artists-and-war-1969,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_autogeography-1966,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_canal-street-1988,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_children-s-labyrinth-1954,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,saul-steinberg_federal-projects-1981,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_fingerprint-landscape-1950,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_georgetown-cuisine-1967,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_girl-in-bathtub-1949,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_graph-paper-architecture-1954,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,saul-steinberg_hen-1945,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_i-do-i-have-i-am-1971,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_in-the-manner-of-matisse-1946,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_japanese-sunset-16-1971,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,saul-steinberg_large-document-1951,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,saul-steinberg_louse-point-1967,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_main-street-1973,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_mask-1965,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_nuits-de-la-fondation-maeght-1970,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_paris-1984,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_passport-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Expressionism,saul-steinberg_railway-1951,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_six-sunsets-1971,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,saul-steinberg_the-paris-review-1967,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,saul-steinberg_the-waltz-1953,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,saul-steinberg_two-gendarmes-1950,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_uncle-sam-u-s-a-1964,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_untitled-1948,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,saul-steinberg_untitled-1957,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,saul-steinberg_untitled-1961,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,saul-steinberg_untitled-1962,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,saul-steinberg_untitled-1964,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_untitled-question-marks-1961,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,saul-steinberg_untitled-steinberg-1966,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_utopia-1974,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,saul-steinberg_view-of-the-world-from-9th-avenue-1976,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,saul-steinberg_wyoming-1985,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,serge-sudeikin_allegorial-scene,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_apple-picking,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_cabaret-halt-of-comedians-my-life-1915,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,serge-sudeikin_dairy-hour,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_fixing-her-hair-ruby-elzy-in-porgy-and-bess-1935-1935,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_georgian-cabaret-tiflis,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,serge-sudeikin_harlequin-and-pierrot-double-self-portrait-1927,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_lovers-in-the-field,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_portrait-of-balieva-komissarghevskaia,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,serge-sudeikin_portrait-of-lawrence-mansfield-higgins-1932,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,serge-sudeikin_portrait-of-leonide-massine-in-the-legend-of-joseph-1914,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,serge-sudeikin_portrait-of-n-i-kulbin-caricature-1914,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_portrait-of-nina-shik-1937,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_self-portrait-1946,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,serge-sudeikin_simoom-1915,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,serge-sudeikin_vera-stravinsky,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,sidney-nolan_antarctica-1964,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,sidney-nolan_armoured-helmet-1956,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,sidney-nolan_by-the-river-1967,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,sidney-nolan_camel-and-figure-1966,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,sidney-nolan_carcase-in-swamp-1955,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,sidney-nolan_desert-storm-1955,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,sidney-nolan_elephant-1965,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,sidney-nolan_in-the-cave-1957,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,sidney-nolan_inland-australia-1950,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,sidney-nolan_women-and-billabong-1957,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_abbey-koutloumousiou-1924,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_agiasos-mutilhnhs-1924-25(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,spyros-papaloukas_agiasos-mutilinis-1924-29(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_arsanas,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_boat-1948,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Expressionism,spyros-papaloukas_boy-wearing-suspenders-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,spyros-papaloukas_burnt-village-in-mytilini-1925,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_cafr-1929,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,spyros-papaloukas_church-detail-1923,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_houses-at-kypriadi-1938,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_landscape-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,spyros-papaloukas_landscape-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_landscape-3,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_landscape-4,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_landscape-5,"[2.0, 6.0, 25.0, 9.0, 0.0, 2.0, 0.0, 1.0, 3.0]"
+Expressionism,spyros-papaloukas_landscape-from-delphi-1945,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_monastery,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_nude-1917,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,spyros-papaloukas_nude-1917-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_pantokratoros-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_portrait-of-a-boy-1922,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_portrait-of-girl-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_portrait-of-young-man-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,spyros-papaloukas_self-portrait-1941,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,spyros-papaloukas_skete-of-agios-andreas-1924,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_skete-of-agios-andreas-1924(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_skete-of-agios-andreas-1932,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,spyros-papaloukas_stratis-doukas-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,spyros-papaloukas_study-from-life,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,spyros-papaloukas_vase-of-flowers-dark-colors-1956,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,spyros-papaloukas_view-from-karyes-of-holy-mountain-1924,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,stanley-pinker_lazing-in-the-sand-dunes,"[0.0, 4.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,stanley-pinker_locquats,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,stanley-pinker_sleeping-dog,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,stanley-pinker_the-embrace,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,thalia-flora-karavia_bizani-1913,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,thalia-flora-karavia_girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,thalia-flora-karavia_man-smoking,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,thalia-flora-karavia_marie-bonaparte-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Expressionism,thalia-flora-karavia_portrait-of-a-woman,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,thalia-flora-karavia_portrait-of-maria-kalfopoulou-professor-of-chant,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,thalia-flora-karavia_portrait-of-yannis-tsarouchis-1942,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,thalia-flora-karavia_the-patriarch-of-alexandria,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,theo-van-doesburg_a-child-1904,"[2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,theo-van-doesburg_abraham-kuyper-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,theo-van-doesburg_alderman-of-education-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,theo-van-doesburg_archangel-1910,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,theo-van-doesburg_beggar-1914,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 1.0]"
+Expressionism,theo-van-doesburg_burgerman-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Expressionism,theo-van-doesburg_composition-the-cow,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,theo-van-doesburg_composition-the-cow-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,theo-van-doesburg_cover-of-balance-by-j-elgenhuis-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,theo-van-doesburg_cover-of-the-masks-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,theo-van-doesburg_dancing-man-from-sketchbook-60-1931,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,theo-van-doesburg_don-juan-1910,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,theo-van-doesburg_farmer-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,theo-van-doesburg_female-nude-on-a-chair-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Expressionism,theo-van-doesburg_frederik-van-eeden-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,theo-van-doesburg_jar-of-chrysanthemums,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,theo-van-doesburg_krishna-playing-a-flute-1916,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,theo-van-doesburg_old-faun-self-portrait-1909,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,theo-van-doesburg_portrait-of-a-j-j-de-winter,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,theo-van-doesburg_portrait-of-lena-milius,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Expressionism,theo-van-doesburg_portrait-of-louis-peter-milius,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,theo-van-doesburg_portrait-of-nelly-van-doesburg,"[6.0, 2.0, 15.0, 1.0, 1.0, 5.0, 2.0, 2.0, 13.0]"
+Expressionism,theo-van-doesburg_potrait-of-evert-rinsema-1915,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,theo-van-doesburg_self-portrait-1906,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,theo-van-doesburg_self-portrait-with-hat-1906,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,theo-van-doesburg_self-portrait-with-hat-1909-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Expressionism,theo-van-doesburg_still-life-with-statue-vase-and-jar-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,theo-van-doesburg_study-for-composition-viii-the-cow,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,theo-van-doesburg_summer-dream,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,theo-van-doesburg_troelstra-1910,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,theophrastos-triantafyllidis_girl-with-turkeys,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,theophrastos-triantafyllidis_nannies-at-the-royal-garden-1940,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,theophrastos-triantafyllidis_young-people-having-fun-at-galatsi-1935,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,tia-peltz_acroba-i-la-circ-1982,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,tia-peltz_amor,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Expressionism,tia-peltz_at-the-circus,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,tia-peltz_baba-cloan-a,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 3.0]"
+Expressionism,tia-peltz_bebe,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_calea-v-c-re-ti,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,tia-peltz_children-s-game,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,tia-peltz_chldren-s-festival,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,tia-peltz_cimpoi-player,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_fluierici-1958,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,tia-peltz_girl-aglow,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,tia-peltz_girl-with-blue-eyes-1996,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,tia-peltz_lustragiu,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,tia-peltz_mosur-i-zizica,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_muzeul-satului,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,tia-peltz_norocel-1999,"[4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_odalisk,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,tia-peltz_party-goers,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_personaje-pe-calea-v-c-re-ti,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,tia-peltz_self-portrait,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,tia-peltz_sinagoga,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,tia-peltz_smile,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_smile-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,tia-peltz_synagogue-entrance,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,tia-peltz_the-brat-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,tia-peltz_the-brat-girl-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_the-clowns,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,tia-peltz_the-dance-of-love,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,tia-peltz_the-elder-sister,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,tia-peltz_the-little-bench,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tia-peltz_the-penetration-of-the-telephone-in-the-village,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,tia-peltz_the-tamer,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,tia-peltz_the-three-graces,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,tia-peltz_throughout-the-neighbourhood,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_at-the-entrance-of-the-wailing-wall-in-jerusalem-1904,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_blossoming-almonds-in-taormina-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_break-out-of-zrinyi-1903,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 5.0, 1.0, 2.0]"
+Expressionism,tivadar-kosztka-csontvary_coaching-in-athens-at-new-moon-1904,"[0.0, 3.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_company-passing-a-bridge-1904,"[1.0, 2.0, 6.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_electric-station-at-jajce-at-night-1903,"[0.0, 2.0, 6.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_fortress-with-arabs-riding-camels,"[1.0, 2.0, 3.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_mary-s-well-at-nazareth-1908,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_old-fisherman-1902,"[1.0, 2.0, 1.0, 0.0, 1.0, 2.0, 2.0, 0.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_pilgrimage-to-the-cedars-in-lebanon-1907,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Expressionism,tivadar-kosztka-csontvary_praying-saviour-1903,"[1.0, 5.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_rendez-vous-of-lovers-1902,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Expressionism,tivadar-kosztka-csontvary_ruins-of-the-ancient-theatre-of-taormina-1905,"[2.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_ruins-of-the-jupiter-temple-in-athens-1904,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_shipwreck-1903,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_storm-on-the-hortob-gy-1903,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 4.0, 0.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_sunset-over-the-bay-of-naples-1901,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_teacher-in-morocco-1908,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_the-eastern-railway-station-at-night-1902,"[0.0, 2.0, 6.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_the-lonely-cedar-1907,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_trees-in-electric-light-at-jajce-1903,"[1.0, 2.0, 4.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,tivadar-kosztka-csontvary_valley-of-great-tarpatak-in-the-high-tatras-1905,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,tivadar-kosztka-csontvary_view-of-selemecb-nya-1902,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,toyen_a-dolphin-and-three-nymfs,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,toyen_a-face-in-the-tree,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,toyen_a-face-on-the-water-level,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,toyen_a-girl-at-the-construction,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,toyen_a-girl-face-with-gentian,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,toyen_a-girl-profile-with-a-branch,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,toyen_a-girl-sleeping-under-the-stars-1944,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,toyen_a-girl-with-a-long-veil,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Expressionism,toyen_a-girl-with-a-violin-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,toyen_a-girl-with-almond-eyes,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,toyen_a-girl-with-the-cones,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,toyen_a-girl-with-the-crucifix,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,toyen_a-girl-with-the-dandelion,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,toyen_a-girl-with-the-pine-branches,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_a-girl-with-the-rose,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,toyen_a-girl-with-the-rosehips,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_a-lady-with-dolphins-1934,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,toyen_a-lady-with-the-sunshade-1945,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,toyen_a-lady-with-the-violets-1944,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,toyen_a-lantern,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,toyen_a-lover,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_a-nest-in-the-branches,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_a-starry-eyed-girl-with-a-flower-1939,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Expressionism,toyen_a-starry-eyed-girl-with-the-rose,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,toyen_a-wonder-with-the-angel-1932,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,toyen_crying,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Expressionism,toyen_epika,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,toyen_helen,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,toyen_lovers,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_lovers-at-the-column,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,toyen_on-the-kitchen-table-1929,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_sleeping-on-the-roses,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_still-life-with-serviete-1929,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,toyen_the-easter-wind-1946,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,toyen_the-face-behind-the-window,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,toyen_the-fawn,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,toyen_the-nest-1936,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Expressionism,toyen_the-night,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,toyen_the-reeds-1936,"[0.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,toyen_the-wise-old-man,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,toyen_torso,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Expressionism,toyen_two-friends-1932,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,toyen_two-girls-with-flowers-1932,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,toyen_two-masks,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,toyen_under-the-eiffel-tower,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,tsuguharu-foujita_angels-and-sirens-1918,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_birth-of-jesus-christ,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_brothel-in-montparnasse-1928,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,tsuguharu-foujita_children-and-doll-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Expressionism,tsuguharu-foujita_christ-en-croix,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,tsuguharu-foujita_club-el-patio,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_dancers-1920,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_dream-1947,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_famille,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_femme-en-pri-re,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_friends,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_harlem-cotton-club,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,tsuguharu-foujita_jeune-femme-assise-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Expressionism,tsuguharu-foujita_la-vie-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Expressionism,tsuguharu-foujita_leonard-foujita-making-his-own-clothes,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,tsuguharu-foujita_les-deux-amies-brune-et-blonde-detail,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,tsuguharu-foujita_les-divertissements-d-eros,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,tsuguharu-foujita_little-girl-with-doll-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,tsuguharu-foujita_male-portrait,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_mother-and-two-children-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,tsuguharu-foujita_portrait-of-a-little-girl-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,tsuguharu-foujita_poster,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,tsuguharu-foujita_self-portrait-1921,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,tsuguharu-foujita_self-porttrait-with-a-cat,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_the-blinds-1955,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,tsuguharu-foujita_the-lion-tamer-1930,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_three-ballerinas-1918,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_two-little-friends-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,tsuguharu-foujita_untitled-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,tsuguharu-foujita_young-woman-on-a-pink-canape-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,umberto-boccioni_a-futurist-evening-in-milan,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,umberto-boccioni_agitate-crowd-surrounding-a-high-equestrian-monument-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,umberto-boccioni_car-and-hunting-fox-1904,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,umberto-boccioni_carlo-carr,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,umberto-boccioni_carlo-carr-1,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,umberto-boccioni_kneeling-allegorical-figure,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,umberto-boccioni_mar-a-sacchi-reading-1907,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,umberto-boccioni_pianist-and-listener-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Expressionism,umberto-boccioni_seated-woman,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,vajda-lajos_black-self-portrait-1935,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Expressionism,vajda-lajos_dark-self-portrait-1935,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,vajda-lajos_green-clown-mask-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,vajda-lajos_houses-in-szentendre-with-blue-sky-1935,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vajda-lajos_lel-t-s-a-templomdombr-l-1929,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 7.0, 1.0, 1.0]"
+Expressionism,vajda-lajos_monster-s-head-1938,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,vajda-lajos_self-portrait-1936,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,vajda-lajos_self-portrait-1936-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,vajda-lajos_self-portrait-in-a-mask-1935,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,vajda-lajos_self-portrait-with-icon-1936,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,vajda-lajos_view-of-szentendre-1936,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,vasile-dobrian_baia-mare-shipyard,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,vasile-dobrian_crop-of-the-autumn-1969,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,vasile-dobrian_death-of-the-striker-1932,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Expressionism,vasile-dobrian_dresda-ladder-1965,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vasile-dobrian_female-brick-mason,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,vasile-dobrian_landscape-with-bridge-1963,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,vasile-dobrian_leningrad-evening,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,vasile-dobrian_old-new-1964,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,vasile-dobrian_our-factories,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vasile-dobrian_painter-in-landscape-1963,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-dobrian_red-cargo-naval-shipyard,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-dobrian_retired,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Expressionism,vasile-dobrian_self-portrait-1938,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,vasile-dobrian_towards-the-dam-1963,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,vasile-dobrian_untitled-1947,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,vasile-kazar_balance-1969,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,vasile-kazar_dance-on-the-drum-1977,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_dawn-without-awning-1970,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vasile-kazar_dialogue-with-the-chimera-1987,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_fiddlers-at-wedding-1968,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_illustration-for-catul-s-poems-1969,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,vasile-kazar_presentation-at-the-old-court-1986,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_the-song-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title(100),"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,vasile-kazar_unknown-title(101),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,vasile-kazar_unknown-title(102),"[8.0, 6.0, 7.0, 6.0, 0.0, 13.0, 3.0, 1.0, 5.0]"
+Expressionism,vasile-kazar_unknown-title(103),"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,vasile-kazar_unknown-title(104),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_unknown-title(105),"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title(106),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_unknown-title(107),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_unknown-title(108),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title(109),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title(93),"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,vasile-kazar_unknown-title(94),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title(95),"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title(96),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_unknown-title(97),"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title(98),"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Expressionism,vasile-kazar_unknown-title(99),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,vasile-kazar_unknown-title-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_unknown-title-1-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,vasile-kazar_unknown-title-3,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,vasile-kazar_unknown-title-4,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,vasile-kazar_untitled-1976,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,vasile-kazar_untitled-1984,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,vasile-kazar_untitled-1985,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_window-towards-insomnia-1-1987,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Expressionism,vasile-kazar_window-towards-insomnia-2-1987,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_window-towards-insomnia-3-1987,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Expressionism,vasile-kazar_window-towards-insomnia-4-1987,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Expressionism,vasile-kazar_window-towards-insomnia-5-1987,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Expressionism,vela-zanetti_don-quijote-inmortal,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,vela-zanetti_self-portrait-1981,"[4.0, 6.0, 19.0, 0.0, 0.0, 1.0, 0.0, 12.0, 3.0]"
+Expressionism,vela-zanetti_the-sheperdess-1975,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,victor-brauner_adam-eve-1923,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,victor-brauner_head-1944,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,victor-brauner_portrait-of-andr-breton-1934,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,victor-brauner_portrait-of-sa-a-pan-to-my-dear-sa-a-pan-1930,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,victor-brauner_self-portrait-1923,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,victor-brauner_self-portrait-with-a-plucked-eye-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_baptism-of-christ-1931,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_carousel-1931,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,vilmos-aba-novak_carrying-the-cross-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Expressionism,vilmos-aba-novak_circus-1935,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_combing-woman-combing-the-artist-s-wife-1925,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_daylabourers-with-wheelbarrows-1927,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,vilmos-aba-novak_double-portrait-the-artist-and-his-wife-1925,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,vilmos-aba-novak_drinkers-wine-drinkers-1925,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Expressionism,vilmos-aba-novak_eta-is-bathing-1924,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,vilmos-aba-novak_farmyard-1936,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_homebound-1937,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_kitchen-in-the-kitchen-room-interior-1927,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,vilmos-aba-novak_landscape-1924,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_market-of-ceramics,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_musicians,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Expressionism,vilmos-aba-novak_pub-1930,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_red-s-band-1930,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_sand-mine-igal-1927,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,vilmos-aba-novak_the-light-1926,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,vilmos-aba-novak_the-mask-maker-1941,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,vilmos-aba-novak_well-sweep-watering-at-the-well-sweep-1927,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,viorel-marginean_delta-1985,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,viorel-marginean_delta-at-the-black-sea,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,viorel-marginean_ritmuri-1986,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,viorel-marginean_spring-1986,"[0.0, 5.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,viorel-marginean_toamn-la-cenade-1973,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,viorel-marginean_unknown-title-10,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,viorel-marginean_unknown-title-11,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,viorel-marginean_unknown-title-12,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,viorel-marginean_unknown-title-13,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,viorel-marginean_unknown-title-6,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Expressionism,vladimir-tatlin_a-skull-on-the-open-book,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,vladimir-tatlin_artist-s-model,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,walter-battiss_a-gathering,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,walter-battiss_a-man-in-the-morning,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,walter-battiss_african-figures-1950,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,walter-battiss_african-figures-and-birds,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,walter-battiss_african-night-market-1965,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,walter-battiss_african-women,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,walter-battiss_blondie,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,walter-battiss_cape-winter,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,walter-battiss_children-playing-with-a-dog-and-a-pony,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,walter-battiss_figures-and-a-dog-in-a-mountainous-landscape,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,walter-battiss_figures-in-a-township-1967,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,walter-battiss_figures-outside-cottages,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,walter-battiss_graffiti-street-scene,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,walter-battiss_jungle-pool,"[3.0, 5.0, 4.0, 13.0, 0.0, 3.0, 12.0, 2.0, 2.0]"
+Expressionism,walter-battiss_lotsani-ruins-limpopo,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,walter-battiss_mythical-face,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,walter-battiss_primordial-scene,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,walter-battiss_the-gathering,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,walter-battiss_the-market,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,walter-battiss_the-market-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,walter-battiss_village-life,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,walter-battiss_yellow-afternoon,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,walter-battiss_zanzibar-study,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Expressionism,wassily-kandinsky_a-mountain-1909,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,wassily-kandinsky_all-saints-day-i-1911,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_all-saints-day-ii-1911,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,wassily-kandinsky_angel-of-the-last-judgment-1911,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,wassily-kandinsky_arab-town-1905,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_arabs-i-cemetery-1909,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,wassily-kandinsky_autumn-in-bavaria-1908,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_autumn-in-murnau-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_bedroom-in-aintmillerstrasse-1909,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_blue-mountain-1908,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_blue-rider-1903,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_boat-trip-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_cemetery-and-vicarage-in-kochel-1909,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_colorful-life-1907,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_crinolines-1909,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_farewell-1903,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,wassily-kandinsky_group-in-crinolines-1909,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_grungasse-in-murnau-1909,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_horses-1909,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_houses-at-murnau-1909,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_improvisation-3-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,wassily-kandinsky_improvisation-6-african-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,wassily-kandinsky_improvisation-7-1910,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,wassily-kandinsky_in-the-forest-1904,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_interior-my-dining-room-1909,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_lady-in-moscow-1912,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_landscape-with-factory-chimney-1910,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_moonlight-night-1907,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_moscow-i-1916,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_mountain-landscape-with-church-1910,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,wassily-kandinsky_munich-schwabing-with-the-church-of-st-ursula-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,wassily-kandinsky_murnau-garden-1910,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_murnau-view-with-railway-and-castle-1909,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_murnau-with-a-church-1910,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_murnau-with-rainbow-1909,"[8.0, 5.0, 14.0, 12.0, 0.0, 0.0, 0.0, 0.0, 8.0]"
+Expressionism,wassily-kandinsky_night-1907,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_picture-with-archer-1909,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_red-wall-destiny-1909,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_rotterdam-sun-1906,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,wassily-kandinsky_russian-beauty-in-a-landscape-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_st-george-and-the-dragon,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_study-for-autumn-1909,"[2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_the-cow-1910,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_the-elephant-1908,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_the-golden-sail-1903,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_the-singer-1903,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,wassily-kandinsky_two-birds-1907,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,wassily-kandinsky_two-riders-and-reclining-figure,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,wassily-kandinsky_white-sound-1908,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,willem-de-kooning_devil-at-the-keyboard,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,willem-de-kooning_queen-of-hearts,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,willem-de-kooning_seated-figure-male-classical-1939,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Expressionism,willem-de-kooning_seated-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,willem-de-kooning_standing-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Expressionism,willem-de-kooning_the-glazier,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Expressionism,willem-de-kooning_untitled-6,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,william-h.-johnson_arab-woman-kairouan-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,william-h.-johnson_cagnes-sur-mer-1927,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,william-h.-johnson_cagnes-sur-mer-1929,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Expressionism,william-h.-johnson_chalet-in-the-mountains-1938,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,william-h.-johnson_cotton-pickers-1940,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,william-h.-johnson_fisherman-1935,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Expressionism,william-h.-johnson_fruit-trees-and-mountains-1938,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,william-h.-johnson_harbor-under-the-midnight-sun-1937(1),"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,william-h.-johnson_male-nude-portrait-bust-1940(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Expressionism,william-h.-johnson_portrait-of-fletcher-1939(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,william-h.-johnson_portrait-of-ilya-bolotowsky-1930(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,william-h.-johnson_refugee-1935(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,william-h.-johnson_seated-nude-1939(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,william-h.-johnson_self-portrait-1929(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,william-h.-johnson_self-portrait-1935(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Expressionism,william-h.-johnson_self-portrait-with-pipe-1937(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 3.0, 2.0, 0.0, 1.0]"
+Expressionism,william-h.-johnson_snow-peaks-and-blossoms-1938,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,william-h.-johnson_still-life-1926,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,william-h.-johnson_still-life-flowers-1938,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965(13),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-2,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-4,"[6.0, 4.0, 8.0, 7.0, 0.0, 3.0, 6.0, 1.0, 11.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-5,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-6,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,yiannis-moralis_10-colored-drawings-for-the-poems-of-george-seferis-1965-7,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,yiannis-moralis_boy-standing,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,yiannis-moralis_by-the-outdoor-photographer-1934,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_daydreaming-1959,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_drawing-of-a-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_erotic-2(6),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_erotic-3,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_figure-1951-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_funeral-composition,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_funeral-composition-1958,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_funeral-composition-vii-1963,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_funerary-composition-i-1962,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,yiannis-moralis_funerary-composition-iii-1963,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,yiannis-moralis_girl-sleeping,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_love-hope-1934,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_not-detected-10,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_not-detected-11,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_not-detected-12(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-moralis_not-detected-19,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,yiannis-moralis_not-detected-8,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_nude-1950,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-moralis_nude-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Expressionism,yiannis-moralis_nude-sitting,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-moralis_portrait-of-a-girl-detail(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,yiannis-moralis_portrait-of-fani,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-moralis_self-portrait(3),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Expressionism,yiannis-moralis_self-portrait-with-nikos-nikolaou,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Expressionism,yiannis-moralis_summer-1968,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-moralis_two-friends(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Expressionism,yiannis-tsaroychis_asleep-beneath-the-fig-tree-and-a-chimney-1965,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,yiannis-tsaroychis_athlete-1967,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-tsaroychis_bather-1968,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Expressionism,yiannis-tsaroychis_coffee-house-at-porto-rafti-1962,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,yiannis-tsaroychis_cyclist-dressed-up-with-traditional-greek-costume-and-a-temple-on-the-right-corner-1936,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-tsaroychis_cyclist-in-front-of-a-backdrop-by-sotiris-spatharis-1939,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_cyclist-with-a-red-vest-1936,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_dark-haired-youth-seated-with-a-topcoat-1936,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_departure-with-oval-mirror-1962,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-tsaroychis_entrance-of-country-house-1928,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,yiannis-tsaroychis_etching-1928,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,yiannis-tsaroychis_evgenios-spatharis-as-an-angel-at-the-apotheosis-of-athanasios-diakos-1948,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,yiannis-tsaroychis_first-idea-for-the-spirit-of-boredom-above-piraeus-1968,"[24.0, 2.0, 2.0, 1.0, 0.0, 6.0, 0.0, 6.0, 7.0]"
+Expressionism,yiannis-tsaroychis_gendarmerie-sitting-on-bed-with-a-fallen-rose-1948,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_girl-psara-psarianh-1933,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-tsaroychis_head-of-a-youth-1941,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-tsaroychis_hlaf-naked-pianist-1971,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Expressionism,yiannis-tsaroychis_italian-nude-sitting-1937,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_kid-with-white-short-trousers-1938,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_koundouriotissa-or-woman-from-eleusis-1948,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,yiannis-tsaroychis_man-with-butterfly-wings-sitting-study-from-life-1965,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_mariner-and-reclining-nude,"[1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_mavrokephalos-coffee-house-1966,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,yiannis-tsaroychis_nude-1940,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Expressionism,yiannis-tsaroychis_observatory-as-seen-from-a-house-near-monastiraki-1925,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_officer-mariner-in-pink-background-1959,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Expressionism,yiannis-tsaroychis_portrait-of-a-young-aviator-1954,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,yiannis-tsaroychis_sailor-1938,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_sailor-1962,"[7.0, 6.0, 26.0, 2.0, 1.0, 2.0, 1.0, 4.0, 4.0]"
+Expressionism,yiannis-tsaroychis_sailor-dressed-up-as-cupid-with-dragonfly-wings,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_sailor-with-a-pink-face-1938,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_sailor-without-shoes-sitting-on-couch-1962,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_self-portrait-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Expressionism,yiannis-tsaroychis_sketch,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Expressionism,yiannis-tsaroychis_sketch-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,yiannis-tsaroychis_st-sebastian,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_study-for-may-1967,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_study-for-the-four-seasons-painting-1967,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_taverna-at-perama-with-dancing-to-a-juke-box-1957,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Expressionism,yiannis-tsaroychis_the-thinker-1936,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_two-men-with-butterfly-wings-black-shoes-1965,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,yiannis-tsaroychis_version-of-a-portrait-with-paper-flowers-1934,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_winged-spirit-buttoning-his-underpants-1966,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,yiannis-tsaroychis_worktime,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,yiannis-tsaroychis_young-man-standing-like-olympia-s-statue-wearing-pajamas-1939,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_a-basket-with-flowers-1934,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_a-nun-of-cassis-1928,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_a-portrait-of-graf-platon-zubov-1956,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_a-portrait-of-yvette-choviret-1962,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_a-young-woman-in-a-white-headdress-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_alexander-in-costume-1952,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_alexander-serebryakov-1948,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Expressionism,zinaida-serebriakova_alexander-serebryakov-reading-a-book-1946,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_alps-annecy-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_alps-village-in-the-savoie-1933,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_anna-akhmatova-1922,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_annecy-1933,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_arab-on-a-donkey-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_auvergne-town-esteng-1935,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_basket-with-grapes-on-the-window-1931,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_basket-with-melons-and-squash-1938,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_blue-ballerinas-1922,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_boy-musician-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_breton-1934,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_breton-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_brittany-leskonil-1934,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_brittany-pont-l-abbe-1934,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_brittany-the-town-of-pont-l-abbe-port-1934,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_camels-1932,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_cassis-a-peasant-woman-with-basket-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_cassis-the-roofs-of-the-city-1928,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_castellan-valley-1929,"[3.0, 7.0, 29.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Expressionism,zinaida-serebriakova_clams-and-lemon-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_closet-of-ballerina-irina-baranova-1933,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_collioure-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_collioure-a-street-with-arch-1930,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_collioure-bridge-with-goats-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_collioure-port-with-boats-1930,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_collioure-street-with-the-palm-1930,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_country-kitchen-around-budzhiano-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_dancer-1924,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_emerging-from-the-bath-1928,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_england-1953,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_florence-1949,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_florence-ponte-vecchio-1932,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_fountain-in-the-versailles-park-1926,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_fresnel-the-peasant-farm-1926,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_fruit-piece-1931,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_fruit-piece-1935,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_girl-in-pink-1932,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_girl-with-a-doll-1921,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_girl-with-tie-1923,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_grapes-1936,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_helene-de-rua-princess-jean-de-merode-1954,"[1.0, 15.0, 24.0, 3.0, 0.0, 0.0, 0.0, 1.0, 5.0]"
+Expressionism,zinaida-serebriakova_hostess-bistro-mon-abbe-1934,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_in-the-dressing-room-1924,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_italian-peasant-woman-in-a-vineyard-1936,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_italy-assisi-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_lake-geneva-1954,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_maria-butakova-nee-evreinova-1931,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_market-in-marrakesh-1928,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_market-marrakesh-1928,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_market-with-their-camels-marrakesh-1932,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_marrakech-the-walls-and-towers-of-the-city-1928,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_marrakech-view-from-the-terrace-at-the-atlas-mountains-1928,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_marrakesh-1928,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_menton-view-from-the-harbor-of-the-city-1930,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_merchant-vegetables-nice-1931,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_moroccan-girl-marrakesh-1932,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_moroccan-in-blue-1932,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_moroccan-in-green-1932,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_morocco-marrakesh-1932,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_morocco-sefrou-the-roofs-of-the-city-1932,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_mother-and-daughter-1928,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_mown-field-1934,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_musicians-arab-and-negro-1928,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_nude-1927,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_nude-with-book-1940,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_odalisque-1932,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_old-fisherman-1926,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_paris-luxembourg-gardens-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_patio-1928,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_pears-on-the-branches-1930,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-a-cherkesovoy-benoit-1938,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-b-serebryakov-1938,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-ballerina-muriel-belmondo-1962,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-jewish-philanthropist-igor-s-hurwitz-1941,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-lady-i-whelan-with-a-lapdog-1926,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-man-1927,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-man-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-woman-1923,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-young-fisherman-1934,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-young-girl-marrakesh-1932,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-young-man-marrakech-1932,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-a-young-moroccan-1928,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-abbe-esten-1935,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-aleksandr-petrovich-prokopenko-1926,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-alexander-benois-1924,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-alexandre-popoff-in-a-smoking-jacket-1942,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-andronikova-halpern-1925,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-architect-a-j-beloborodov-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-bertha-popoff-in-a-red-shawl-1940,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-countess-rosario-zubova-1938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-countess-rosario-zubova-1939,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-daughter-katya-1929,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-dick-hunter-son-of-ekaterina-cavos-hunter,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-e-a-cooper-1926,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-e-shapiro-1940,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-felicien-qaqaan-1928,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-g-i-teslenko-1921,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-gentleman-1938,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_portrait-of-geraldine-cobb-1947,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-his-son-alexander-1925,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-irina-zakolodkina-1943,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-ivanov-in-a-suit-spaniard-1924,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-katya-1933,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-madame-v,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-mr-cobb-1947,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-mrs-beilitz-1941,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-n-geydenreyh-in-blue-1923,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-n-lanceray-mom-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-nadezhda-mikhailovna-kroshkin-1923,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-natasha-lancere-with-a-cat-1924,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-o-i-rybakova-in-childhood-1923,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-prince-vsevolod-obolensky-1936,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Expressionism,zinaida-serebriakova_portrait-of-r-ernst-1921,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-r-ernst-1922,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-s-m-lifar-1961,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-s-m-lukomskaya-1947,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-sergei-p-ivanov-1941,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-sergei-rostislavovich-ernst-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-the-artist-d-bushena-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-the-artist-s-daughter-1934,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-of-the-artist-s-sister-1934,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-the-composer-sergei-prokofiev-1926,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-troinitsky-1924,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-v-m-dukelsky-1920,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-of-vera-makarova-1924,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-s-n-andronikovoy-halpern-1924,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_portrait-sa-lukomskaya-1948,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_portrait-z-n-martynovskaya-1961,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_poultry-yard-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Expressionism,zinaida-serebriakova_prince-felix-yusupov-1925,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_princess-irina-yusupov-1925,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_resting-dancer-1924,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_sandra-loris-melikov-1925,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_sculpture-in-the-tuileries-1941,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,zinaida-serebriakova_self-portrait,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_self-portrait-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_self-portrait-1921,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_self-portrait-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_self-portrait-1930,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_self-portrait-1938,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_self-portrait-1946,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_self-portrait-1956,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_self-portrait-in-a-white-blouse-1922,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_self-portrait-in-red-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Expressionism,zinaida-serebriakova_self-portrait-with-a-brush-1924,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_self-portrait-with-daughters-1921,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_senegalese-soldier-1928,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_shopping-cart-with-sardines-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_sleeping-girl-in-the-blue-katyusha-on-a-blanket-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_sleeping-katya-1945,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_sleeping-nude-1941,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_snowflakes-1923,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_so-sleep-binka-eugene-serebryakov-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_square-in-marrakesh-1932,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_standing-nude-1932,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_statue-of-a-faun-in-the-garden-of-the-yusupov-in-st-petersburg-1923,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_still-life-with-a-jug-1952,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_still-life-with-cauliflower-and-vegetables-1936,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_still-life-with-grapes-1936,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_still-life-with-vegetables-1936,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_street-in-marrakech-1932,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_study-for-a-female-portrait,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_swiss-landscape-near-geneva-1951,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_tata-in-dance-costume-1924,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_tata-portrait-in-the-costume-of-harlequin-1921,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_tata-with-vegetables-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_terrace-in-collioure-1930,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_the-breadseller-from-rue-lepic-1927,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-bridge-at-gatchina-karpin-pond-1923,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-cameron-gallery-in-tsarskoe-selo-1922,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_the-countess-of-saint-hippolyte-1942,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-fish-on-the-green-1935,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-jewish-girl-from-sefrou-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-luxembourg-gardens-1946,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-market-in-pont-l-abbe-1934,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_the-model-based-on-elbow-1940,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_the-old-lady-in-a-bonnet-brittany-1934,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-popoffs-doll-teddy-bear-and-toy-elephant-1947,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-port-of-collioure-1930,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_the-pride-of-the-housewife-1930,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_thes-morocco-1932,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_thoughtful-men-in-blue-marrakesh-1932,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_three-figures-in-the-doorway-marrakesh-1932,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_two-dancers-1924,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Expressionism,zinaida-serebriakova_two-moroccan-1932,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_versailles-park-in-autumn-1926,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_versailles-the-roofs-of-the-city-1924,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_view-of-the-peter-and-paul-fortress-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_view-over-the-rooftops-france-1926,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_village-neskuchnoye-kursk-province-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Expressionism,zinaida-serebriakova_water-carrier-morocco-1928,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Expressionism,zinaida-serebriakova_woman-in-blue-1934,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_work-from-collioure-1930,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_yevgeny-lanceray-in-a-shako-1915,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_young-breton-1934,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Expressionism,zinaida-serebriakova_young-girl,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Expressionism,zinaida-serebriakova_young-moroccan-1932,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,abraham-manievich_artist-s-wife-1937,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,abraham-manievich_camden-1923,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Fauvism,abraham-manievich_winter-village-scene,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Fauvism,adam-baltatu_house-on-siret-valley,"[0.0, 0.0, 10.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,albert-marquet_fruit-knife-and-napkin-1898,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,albert-marquet_life-class-at-the-cole-des-beaux-arts-fauvist-nude-1898,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,albert-marquet_posters-at-trouville-1906,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,albert-marquet_street-lamp-arcueil-1899,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,albert-marquet_the-louvre-embankment-1905,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,albert-marquet_the-port-of-marseliles-1904,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,albert-marquet_the-port-of-saint-tropez-1905,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,albert-marquet_unloading-sand-1902,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,alberto-magnelli_decorative-panel-woman-no-2-1910,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,alberto-magnelli_map-of-the-world-and-lacerba-1914,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,alberto-magnelli_maschere-no-1-1909,"[1.0, 0.0, 1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,alberto-magnelli_nude-no-1-1914,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,alberto-magnelli_the-cafe-1914,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,alberto-magnelli_the-drunk-man-1914,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,alberto-magnelli_woman-on-a-balcony-1914,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,aldemir-martins_cesta-com-frutas-1998,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,aldemir-martins_flores-e-frutas-2003,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,aldemir-martins_galo,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,aldemir-martins_galo-1987,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,aldemir-martins_green-vase-with-flowers-and-fruit-2001,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,aldemir-martins_jar-with-flowers-2001,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,aldemir-martins_marinha,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,aldemir-martins_marinha-com-sol-e-palmeiras-2003,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,aldemir-martins_red-cat-and-vase-with-flowers,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,aldemir-martins_vase-with-flowers-1990,"[1.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,aldemir-martins_vase-with-flowers-and-fruit-2001,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,aldemir-martins_vase-with-flowers-and-fruit-2001-1,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,andre-derain_bacchus-dance-1906,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,andre-derain_charing-cross-bridge,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,andre-derain_estaque-1905,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,andre-derain_figures-from-a-carnival,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,andre-derain_landscape-1907-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,andre-derain_landscape-near-chatou-1904-1,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,andre-derain_music-1904,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,andre-derain_portrait-of-a-man-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,andre-derain_portrait-of-matisse-1905,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Fauvism,andre-derain_self-portrait-with-a-cap,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Fauvism,andre-derain_still-life-on-the-red-table-1904,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Fauvism,andre-derain_the-basin-of-london-1906,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,andre-derain_the-dance-1906,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,andre-derain_the-dancer,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,andre-derain_the-port-of-collioure-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Fauvism,andre-derain_the-river,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,andre-derain_the-trees,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,andre-derain_yacht-1905,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,armand-guillaumin_echo-rock-1905,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,armand-guillaumin_la-campagne-1895,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,armand-guillaumin_le-trayas-1907,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,armand-guillaumin_les-rochers-rouges-1894,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,armand-guillaumin_paysage-crozant-1917,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,armand-guillaumin_paysage-de-la-creuse-printemps,"[1.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,armand-guillaumin_rochers-sur-la-c-te-agay-1907,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,august-macke_at-the-garden-table-1914,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,august-macke_children-and-sunny-trees,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,august-macke_children-at-the-fountain,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,august-macke_children-at-the-grocery-store,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,august-macke_church-decorated-with-flags-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Fauvism,august-macke_donkey-rider,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,august-macke_elisabeth-von-schreibtisch,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,august-macke_fashion-window,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,august-macke_gartentor,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,august-macke_gelbes-segel,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,august-macke_in-the-temple-hall,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,august-macke_man-with-donkey,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,august-macke_on-the-street,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,august-macke_picnic-on-the-beach,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Fauvism,august-macke_tunis-landscape-with-a-sedentary-arabs,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,august-macke_turkish-cafe-i,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,august-macke_turkish-cafe-ii,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,august-macke_woman-with-a-yellow-jacket-1913,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,august-macke_woman-with-pitcher-under-trees,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,auguste-herbin_a-street-in-bastia,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,auguste-herbin_azal-es-1905,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,auguste-herbin_church-at-orgeruse-1908,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,auguste-herbin_corsican-landscape-1907,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,auguste-herbin_landscape-1907,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,auguste-herbin_landscape-of-a-waterway-1908,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,auguste-herbin_le-massif-du-canigou-1923,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,auguste-herbin_pond-and-small-house-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,auguste-herbin_pont-sur-la-loue-moutier-1923,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,auguste-herbin_portrait-de-jeune-fille-1907,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,auguste-herbin_portrait-du-peintre-mathieu-battaglia-1906,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,auguste-herbin_stationnetje-olie-op-doek,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Fauvism,auguste-herbin_still-life-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,auguste-herbin_still-life-with-lamp-1905,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Fauvism,bela-czobel_boy-holding-a-ball-1916,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,bela-czobel_in-the-atelier-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Fauvism,bela-czobel_large-still-life-with-fruits-1929,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,bela-czobel_man-with-straw-hat-1906,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,bela-czobel_still-life-in-yellow-1960,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,bela-czobel_still-life-with-fruits-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,bela-czobel_still-life-with-oranges,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,bela-czobel_street-in-southern-france-1935,"[2.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,bela-czobel_szentendre-with-the-danube,"[1.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,bela-czobel_vase-on-a-chair-italian-jar-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Fauvism,bela-kadar_village-street,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,boris-grigoriev_in-a-paris-cafe-1914,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,brett-whiteley_hibiscus-1987,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,brett-whiteley_self-portrait-in-studio-1976,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,carlos-botelho_faina,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,carlos-botelho_sol-doirado,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,carlos-botelho_vista-de-lisboa-tejo-e-topo-do-arco-da-rua-augusta,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_avant-l-orage,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_avant-le-d-part-1950,"[0.0, 0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_bateau-sur-la-lagune-venise-1955,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_campagne-grecque-1964,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_cimeti-re-marin-en-hollande-1974,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_en-fuite,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,charles-lapicque_ferme-en-bretagne,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_l-hiver-dans-les-bois-1965,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_l-orage-en-mer-1946,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_l-orage-sur-br-h-t-1956,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_la-matin-e-d-un-seigneur-1961,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_lagune-bretonne-1959,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_lagune-bretonne-1959-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_le-coup-de-foudre,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_le-lion-de-l-atlas-1962,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_le-mont-palatin-1958,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,charles-lapicque_le-phare-1958,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_le-trieux-a-lancerf-1957,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_les-cap-horniers,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_les-r-gates,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,charles-lapicque_lion,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_man-uvres-de-nuit-1958,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_montagne-en-haute-provence-1976,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Fauvism,charles-lapicque_moulin-lanmodez,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_nuit-romaine-1958,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,charles-lapicque_nuit-sur-la-lagune-1955,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_oedipe-1964,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_olympische-spiele-munchen-1972,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_ostie,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_paysage,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_paysage-de-mer-1950,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_paysage-en-castille-1973,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_printemps-en-bretagne-1959,"[1.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_quai-venise-1955,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_rome-1958,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_suzanne-et-les-viellards-1972,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Fauvism,charles-lapicque_untitled-1,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_untitled-1955,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,charles-lapicque_untitled-1959,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,charles-lapicque_untitled-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,constantin-artachino_oriental-bourg,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,corneille_she-gives-herself-to-summer-1980,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,corneille_two-birds-2002,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,david-burliuk_dniester-river-rapids,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,david-burliuk_fauvist-landscape,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,david-burliuk_horses-1908,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,david-burliuk_landscape-1912,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,david-burliuk_women-from-tropics-1921,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,ding-yanyong_red-lady,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,ding-yanyong_vase-with-chung-kuel,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 1.0]"
+Fauvism,ding-yanyong_vase-with-lemons-1972,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,endre-bartos_autumn-forest-1978,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,endre-bartos_bad-ems-1994,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,endre-bartos_circulate-world-2005,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,endre-bartos_dancers-1975,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,endre-bartos_floodplain-forest-1994,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,endre-bartos_fontainebleau-1986,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,endre-bartos_hungarian-fate-2005,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Fauvism,endre-bartos_hungarian-gipsies-1972,"[2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,endre-bartos_in-embrace-of-a-dragonfly-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Fauvism,endre-bartos_lesbian-love-1980,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Fauvism,endre-bartos_magic-1981,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,endre-bartos_naked-women-s-dance-1973,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Fauvism,endre-bartos_nightfall-on-the-danube-coast,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,endre-bartos_sandy-waterside-at-baja,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,endre-bartos_snake-woman-2005,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,endre-bartos_streets-meeting-on-baja-1994,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,endre-bartos_sugovica-river-in-mourning-1979,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Fauvism,endre-bartos_sunset-1981,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,endre-bartos_sunset-2-1978,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,endre-bartos_ter-z-with-withering-sunflowers-1989,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,endre-bartos_the-nightfall-is-approaching-1979,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Fauvism,endre-bartos_thick-forest-1973,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,endre-bartos_tokaj,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,endre-bartos_transdanubian-village-1981,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,endre-bartos_trees-in-blue-2005,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_auvers-sur-oise,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,fikret-mualla-saygi_cannes,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_mavi,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_mavi-bar,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,fikret-mualla-saygi_pembe-kahve,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Fauvism,fikret-mualla-saygi_sar-elbise,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-10,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-11,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-12,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-13,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-14,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-15,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-16,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-17,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-18,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-19,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-2,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-20,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-21,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-22,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-3,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-4,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-5,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-6,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-7,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-8,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,fikret-mualla-saygi_unknown-title-9,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,fikret-mualla-saygi_ziyafet,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,francis-picabia_portrait-of-jeanne-marie-bourgeois-1917,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,georges-braque_antwerp-harbor-1905,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_ciotat-1907,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,georges-braque_estaque-the-harbour-1906,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,georges-braque_gray-weather-in-cove-1907,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_la-ciotat-1907,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Fauvism,georges-braque_la-ciotat-harbor-1906,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_landscape-at-la-ciotat-1907,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,georges-braque_landscape-at-la-ciotat-1907-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_landscape-at-la-ciotat-1907-2,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_landscape-near-antwerp-1906,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_landscape-of-estaque-1907,"[0.0, 2.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_little-bay-at-la-ciotat-1907,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_port-of-antwerp-1906,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_port-of-la-ciotat-1907,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,georges-braque_seated-woman-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Fauvism,georges-braque_ship-at-le-havre-1905,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_still-life-with-jugs-and-pipe,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_the-estaque-1906,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_the-harbor-1906,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,georges-braque_the-house-behind-the-trees-1906,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,georges-braque_the-port-of-antwerp-the-mast-1906,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Fauvism,georges-braque_yellow-seacoast-1906,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,gregoire-boonzaier_black-jug-and-samovar-1962,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,hans-hofmann_interior-composition-1935,"[1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,hans-hofmann_japanese-girl-1935,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,hans-hofmann_landscape-1935,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,hans-hofmann_still-life-interior-1941,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,hans-hofmann_suburbian-1936,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,hans-hofmann_table-with-teakettle-green-vase-and-red-flowers-1936,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,hans-hofmann_untitled-1941,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,hans-hofmann_yellow-table-on-green-1936,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,henri-matisse_a-bunch-of-flowers-1907(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_a-woman-sitting-before-the-window,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Fauvism,henri-matisse_collioure-interior-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Fauvism,henri-matisse_collioure-landscape-1906,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_copse-of-the-banks-of-the-garonne-1900,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_gypsy,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,henri-matisse_interior-with-a-girl-reading-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,henri-matisse_lady-on-a-terrace-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,henri-matisse_landscape-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_landscape-with-brook-brook-with-aloes-1907,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,henri-matisse_luxembourg-gardens-1903,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_marguerite-1906,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Fauvism,henri-matisse_moroccan-caf-1913,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_moroccan-landscape,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_notre-dame-sunrise-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Fauvism,henri-matisse_nude-in-a-wood-1906,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_nude-with-a-white-towel-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Fauvism,henri-matisse_open-window-collioure-1905,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_pastoral-1905,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,henri-matisse_pierre-with-wooden-horse-1904,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_place-des-lices-st-tropez-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_portrait-of-andre-derain-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Fauvism,henri-matisse_portrait-of-madame-matisse-green-stripe-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Fauvism,henri-matisse_self-portrait-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]"
+Fauvism,henri-matisse_self-portrait-in-a-striped-t-shirt-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Fauvism,henri-matisse_self-portrait-in-shirtsleeves-1900,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Fauvism,henri-matisse_standing-model,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Fauvism,henri-matisse_still-life-with-chocolate-pot-1900,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_study-for-wildlife-the-man-with-the-cluster-1905,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_the-blue-nude-souvenir-of-biskra-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,henri-matisse_the-joy-of-life-1906,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_the-luxembourg-gardens-1901,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_the-lying-nude-1906,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_the-moulade,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,henri-matisse_the-riverbank-1907,"[2.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,henri-matisse_the-young-sailor-i-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Fauvism,henri-matisse_view-of-collioure-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_woman,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,henri-matisse_woman-with-hat-1905,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Fauvism,ilya-mashkov_fruit-on-the-plate-1910,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_fruits-and-tulips-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Fauvism,ilya-mashkov_lake-geneva-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_landscape-1911,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_landscape-with-a-house-1911,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_landscape-with-towers-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_nude,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_nude-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,ilya-mashkov_nude-1915,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_oval-still-life-with-white-vase-and-fruits-1911,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_portrait-of-a-boy-in-a-coloured-shirt-1909,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Fauvism,ilya-mashkov_portrait-of-a-lady-in-a-chair-1915,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Fauvism,ilya-mashkov_portrait-of-a-lady-with-pheasants-1911,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_portrait-of-a-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,ilya-mashkov_portrait-of-a-woman-minsk-1908,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Fauvism,ilya-mashkov_portrait-of-an-unknown,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_portrait-of-emma-ribarik-1920,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Fauvism,ilya-mashkov_portrait-of-evguenia-kirkaldi-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_portrait-of-v-p-vinogradova-1909,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_reclining-nude,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Fauvism,ilya-mashkov_seated-nude,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,ilya-mashkov_seated-nude-1918,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_self-portrait-1911,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,ilya-mashkov_self-portrait-and-a-portrait-of-pyotr-konchalovsky-1910,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-2,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-apples,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-flowers-in-a-vase-with-tray,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-fruits-1910,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-of-fruit-1913,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-roses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-with-a-tray-white-jug-and-fruit-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-begonias-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-bottle-jug-and-fruit,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-bread-and-pumpkin-1915,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-with-cactus-1914,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,ilya-mashkov_still-life-with-camellias-1915,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-with-dahlias-1912,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-female-figure-1918,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-with-flowers-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-fruits-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-grapes-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-loaves-of-bread-1912,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-peacocks-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-with-pineapples-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-plants-and-fruit,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-with-plums,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_still-life-with-vegetables-1914,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_still-life-with-wreaths-apples-and-plums-1914,"[5.0, 3.0, 21.0, 15.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Fauvism,ilya-mashkov_the-lady-in-the-hat-1909,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_the-novodevichy-convent-1913,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ilya-mashkov_three-sisters-on-the-couch-portrait-of-n-samoilova-l-samoilova-and-e-samoilova-1911,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Fauvism,ilya-mashkov_two-nudes-1908,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Fauvism,ilya-mashkov_two-nudes-1918,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Fauvism,ilya-mashkov_urban-landscape-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,ilya-mashkov_urban-landscape-1911,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ilya-mashkov_view-of-moscow-myasnitsky-district-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,ion-pacea_2-mai-beach,"[0.0, 0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,ion-pacea_boats-at-the-pontoon-dock,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ion-pacea_gueridon-with-green-bottle,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,ion-pacea_marina,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,ion-pacea_marina-with-yellow-boat,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,ion-pacea_nature-morte-aux-pommes,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,ion-pacea_still-life-with-pomegranates,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,ion-pacea_still-life-with-seashell-and-fruit,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ion-pacea_yellow-bluebells-1970,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Fauvism,jacques-villon_portrait-of-the-artist-1909,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Fauvism,james-ensor_masks-1938,"[7.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,jan-sluyters_forest-trail-1910,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jan-sluyters_full-moon-on-the-water-1912,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jan-sluyters_house-at-the-achterweg,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,jan-sluyters_landscape,"[1.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jan-sluyters_landscape-by-moonlight-ii-1911,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Fauvism,jan-sluyters_morning-glory-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,jan-sluyters_portrait-of-a-young-lady-with-a-veil-1907,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jan-sluyters_sawmill-het-luipaard,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,jan-sluyters_self-portrait,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,jan-sluyters_still-life-with-fruit,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,jan-sluyters_sunrise-1910,"[2.0, 15.0, 5.0, 12.0, 1.0, 2.0, 1.0, 1.0, 6.0]"
+Fauvism,jan-sluyters_view-on-road,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_a-landscape-of-brasov-1915,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Fauvism,janos-mattis-teutsch_blooming-cherry-tree,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_early-spring-1917,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_green-and-yellow-landscape-1910,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_haycocks-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_houses-with-trees-1910,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_landscape-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_landscape-1916,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_landscape-1917,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_landscape-1917(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,janos-mattis-teutsch_landscape-1917-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_landscape-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,janos-mattis-teutsch_landscape-1918(1),"[1.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_landscape-in-dark-colours-trees-1918,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Fauvism,janos-mattis-teutsch_landscape-with-hills-1916,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_landscape-with-hills-and-trees-1916,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_landscape-with-mountains-1916,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_landscape-with-road-1916,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_landscape-with-trees-1915,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_light-landscape-1917,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_lonely-tree-1917,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_mattis-teutsch-s-birthplace-1910,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_plough-land-1916,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_spring-1909,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,janos-mattis-teutsch_sunflowers-1910,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_violet-landscape-1917,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Fauvism,janos-mattis-teutsch_white-cross-1918,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_woman-on-a-blue-divan-1947,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,janos-mattis-teutsch_yellow-blue-landscape-1916,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,janos-mattis-teutsch_yellow-landscape-1916,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,janos-mattis-teutsch_yellow-landscape-1918,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,jean-hugo_faust-magicien-1929,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Fauvism,jean-hugo_int-rieur-du-cazal-fauteuil-rouge-1968,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jean-hugo_interieur-d-un-bar-1917,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jean-hugo_la-mort,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Fauvism,jean-hugo_le-salon-blanc-1959,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jean-hugo_nature-morte-aux-l-gumes-1965,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jean-hugo_nature-morte-dans-la-grande-salle-au-rivier-1979,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,jean-hugo_untitled-1947,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,jean-metzinger_landscape-1904,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,jean-metzinger_le-chemin-a-travers-les-champs-1904,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,jean-metzinger_le-flamant-rose-et-le-voilier-1907,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jean-metzinger_les-flamants-1907,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,jean-metzinger_les-ibis-1907,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,jean-metzinger_nu-nude-1906,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,jean-metzinger_paysage-colore-aux-oiseaux-aquatique-1907,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,joan-miro_portrait-of-a-young-girl,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,joan-miro_portrait-of-e-c-ricart,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,joan-miro_portrait-of-hiberto-casany-the-chauffeur,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,joan-miro_portrait-of-juanita-obrador,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Fauvism,joan-miro_self-portrait,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,joan-miro_self-portrait-1,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,joan-miro_the-farmer,"[4.0, 9.0, 2.0, 1.0, 1.0, 8.0, 20.0, 2.0, 2.0]"
+Fauvism,john-duncan-fergusson_alpes-maritimes-1914,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,john-duncan-fergusson_anne-estelle-rice-in-paris-closerie-des-lilas-1907,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_bathing-boxes-and-tents-at-st-palais-1910,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_before-a-caf-paris-1907,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_caf-concert-des-ambassadeurs-1907,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_dark-sea-and-red-sail-1909,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,john-duncan-fergusson_gloxinias-and-fuschias-1938,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,john-duncan-fergusson_hortensia,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_in-the-sunlight-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,john-duncan-fergusson_le-manteau-chinois-1909,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_le-voile-persan-1909,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,john-duncan-fergusson_people-and-sails-at-royan-1910,"[1.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_siesta-1951,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_still-life-teapot-with-flowers-and-fruit-1912,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,john-duncan-fergusson_the-blue-lamp-1920,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_the-breeze-antibes-1914,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Fauvism,john-duncan-fergusson_the-bridge-and-schiehallion-1928,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,john-duncan-fergusson_the-red-sail,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Fauvism,john-duncan-fergusson_woman-in-hat-1950,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Fauvism,kazimir-malevich_bather-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Fauvism,kazimir-malevich_bathers,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Fauvism,kazimir-malevich_bathers-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Fauvism,kazimir-malevich_bathers-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 2.0]"
+Fauvism,kazimir-malevich_gardener-1911,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,kazimir-malevich_head-of-peasant-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Fauvism,kazimir-malevich_on-the-boulevard,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,kazimir-malevich_pedicurist-in-the-baths,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,kazimir-malevich_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 2.0]"
+Fauvism,kazimir-malevich_self-portrait-1910,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Fauvism,kazimir-malevich_still-life,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,kazimir-malevich_the-man-with-the-bag,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Fauvism,kees-van-dongen_dans-les-folies-berg-res-1914,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,kees-van-dongen_la-baie-d-antibes,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,kees-van-dongen_qui-tude,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,kees-van-dongen_spring-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Fauvism,kees-van-dongen_the-comode-1910,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,kees-van-dongen_the-dancers-revel-and-coco-1910,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,konstantinos-parthenis_pine-tree,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,konstantinos-parthenis_pine-trees-on-kerkyra-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,lajos-tihanyi_nudes-1907,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,lajos-tihanyi_pont-st-michel-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,louis-valtat_a-tree-in-the-garden-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,louis-valtat_an-abandoned-farm-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,louis-valtat_antheor-bay-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,louis-valtat_barges-on-the-seine-1905,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,louis-valtat_by-the-sea-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,louis-valtat_child-with-trumpet-1910,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,louis-valtat_field-of-corn-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,louis-valtat_flowers-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,louis-valtat_flowers-and-fruit-1899,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,louis-valtat_flowers-still-life,"[3.0, 4.0, 24.0, 6.0, 0.0, 2.0, 0.0, 2.0, 3.0]"
+Fauvism,louis-valtat_in-the-garden-versailles,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,louis-valtat_italian-landscape-1902,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,louis-valtat_italian-landscape-cypresses-1902,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,louis-valtat_landscape-of-the-south-of-france,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Fauvism,louis-valtat_landscape-with-violet-irises-1903,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,louis-valtat_river-banks-in-choisel,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,louis-valtat_sun-through-the-trees,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,louis-valtat_the-boat-1899,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,louis-valtat_the-pink-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,louis-valtat_the-rock-in-the-sea,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,louis-valtat_violet-cliffs-1900,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,louis-valtat_woman-at-the-seaside,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Fauvism,louis-valtat_woman-in-a-wheelchair-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,louis-valtat_woman-with-guitar-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,louis-valtat_young-girls-playing-with-a-lion-cub,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,louis-valtat_young-women-in-the-garden,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,marcel-duchamp_chauvel-1910,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Fauvism,marcel-duchamp_laundry-barge-1910,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,marcel-duchamp_nude-with-black-stockings-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,marcel-duchamp_portrait-of-the-artist-s-father-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Fauvism,marcel-duchamp_the-bush,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Fauvism,marcel-duchamp_young-girl-and-man-in-spring-1911,"[0.0, 3.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,mario-zanini_marinha-com-barcos,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mario-zanini_parati-1964,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,marsden-hartley_pueblo-mountain-1918,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_ararat-a-study-for-armenia-1964,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,martiros-saryan_arzni-1942,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_constantinople-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,martiros-saryan_date-palm-1911,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_egyptian-night-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Fauvism,martiros-saryan_flower-1911,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_fruits-1916,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_lotus-1911,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_mules-laden-with-hay-1910,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_persian-still-life-1913,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,martiros-saryan_pumpkin-and-pepper-1915,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_still-life-1913,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_still-life-fruits-1911,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,martiros-saryan_violet-jug-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,mary-fedden_aubergine-and-flowers-1968,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Fauvism,mary-fedden_bowl-of-eggs-1985,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Fauvism,mary-fedden_chinese-teapot-1989,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_feather-and-two-stones-2008,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Fauvism,mary-fedden_flowers-in-a-vase-with-lemon-1987,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_fruit-by-the-shore-1992,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,mary-fedden_fruit2009,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_jug-and-four-eggs-1967,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,mary-fedden_leaves-1963,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_lunch-in-the-port-1964,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Fauvism,mary-fedden_mauve-still-life-1968,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_melon-and-grapes-2009,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,mary-fedden_minarets-1968,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,mary-fedden_pot-of-shells-1971,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,mary-fedden_red-jug-1968,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_red-parasol-1978,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Fauvism,mary-fedden_red-table-brown-jug-2009,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,mary-fedden_still-life-1981,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_still-life-merindol,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_still-life-on-red-1976,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_still-life-with-bottle-and-shells-2006,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_still-life-with-fruit-1997,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_still-life-with-fruit-and-flowers-1988,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_still-life-with-pears-and-onions-1992,"[5.0, 7.0, 24.0, 3.0, 0.0, 4.0, 0.0, 0.0, 3.0]"
+Fauvism,mary-fedden_still-life-with-pineapple-and-butterfly-2008,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_the-checked-mug-1986,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_the-etching-table-1971,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_the-moon-2008,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,mary-fedden_the-moon-2009,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_the-oil-can-1971,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_the-teapot-1984,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,mary-fedden_the-white-hyacinth-1984,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,mary-fedden_three-cherries-2000,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,mary-fedden_three-eggs-1994,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,mary-fedden_untitled-1975,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,mary-fedden_yellow-butterfly-2008,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,mary-fedden_zebra-2007,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_at-the-bar,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Fauvism,maurice-de-vlaminck_autumn-landscape-1905,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Fauvism,maurice-de-vlaminck_barges-in-chatou-1905,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,maurice-de-vlaminck_chatou,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Fauvism,maurice-de-vlaminck_chatou-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_landscape-with-red-roofs,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,maurice-de-vlaminck_landscape-with-red-trees-chatou,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,maurice-de-vlaminck_man-smoking-a-pipe-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Fauvism,maurice-de-vlaminck_portrait-of-a-woman,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Fauvism,maurice-de-vlaminck_portrait-of-derain-1905,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Fauvism,maurice-de-vlaminck_potatoe-pickers-1907,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,maurice-de-vlaminck_restaurant-de-la-machine-at-bougival,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,maurice-de-vlaminck_sailboats-at-chatou,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,maurice-de-vlaminck_still-life,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_still-life-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_still-life-with-pitcher-and-fruit-1906,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,maurice-de-vlaminck_the-bridge-at-chatou-1,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_the-chatou-bridge-1907,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_the-chestnut-grove-at-chatou,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Fauvism,maurice-de-vlaminck_the-gardener,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,maurice-de-vlaminck_the-girl-at-rat-mort-1905,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,maurice-de-vlaminck_the-girl-from-rat-mort-1906,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,maurice-de-vlaminck_the-orchard-1905,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_the-river-seine-at-chatou-1906,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_the-weighing-place-at-longchamps-1905,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,maurice-de-vlaminck_vase-of-flowers,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_white-sailboat-at-chatou,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,maurice-de-vlaminck_woman-with-a-dog-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Fauvism,maurice-esteve_nature-morte-au-pichet-1942-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,max-pechstein_girl-in-red-with-a-parasol-1909,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,max-pechstein_junges-madchen-1908,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,max-pechstein_unknown-title,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,max-weber_burlesque,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Fauvism,max-weber_chinese-bowl,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,max-weber_soloist-at-wanamaker-s,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Fauvism,max-weber_summer,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Fauvism,max-weber_three-nudes-in-a-forest,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Fauvism,menez_sem-t-tulo-1987-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,natalia-goncharova_young-man-with-a-goatee,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,othon-friesz_bec-de-l-aigle-la-ciotat-1907,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,othon-friesz_calanque-du-mugel-la-ciotat-1907,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,othon-friesz_figures-in-a-landscape-1908,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,othon-friesz_la-ciotat-1906,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,othon-friesz_la-ciotat-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,othon-friesz_la-ciotat-1907-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,othon-friesz_landscape-crozant-1901,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,othon-friesz_landscape-with-figures-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,othon-friesz_paysage-le-bec-de-l-aigle-la-ciotat-1907,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,othon-friesz_roofs-and-cathedral-in-rouen-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,othon-friesz_sainte-victoire-mountain-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,othon-friesz_the-cottage-1901,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Fauvism,othon-friesz_the-pont-de-grenelle-paris-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,othon-friesz_the-port-of-anvers-1906,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,othon-friesz_valley-of-the-creuse-crozant-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,piet-mondrian_amaryllis-1910,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,piet-mondrian_church-tower-at-domburg-1911,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,piet-mondrian_dune-in-zeeland-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,piet-mondrian_dune-iv-1910,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,piet-mondrian_evolution-1911,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,piet-mondrian_mill-in-sunlight-the-winkel-mill-1908,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Fauvism,piet-mondrian_sun,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,piet-mondrian_the-red-mill-1911,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,piet-mondrian_trees-by-the-gein-at-moonrise-1908,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,piet-mondrian_white-rose-in-a-glass-1921,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_bakhchisaray-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,pyotr-konchalovsky_bakhchisaray-1930,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_bakhchisaray-1930-1,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_balaklava-fishing-nets-1929,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,pyotr-konchalovsky_balaklava-fishing-nets-1929-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_balaklava-ship-to-the-shore-1929,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_boats-1918,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,pyotr-konchalovsky_bullfighting-amateur-1910,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,pyotr-konchalovsky_girl-under-the-umbrella-1929,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_lilacs-in-braids-1952,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,pyotr-konchalovsky_nude-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Fauvism,pyotr-konchalovsky_picture-of-the-carpet-study-for-portrait-of-director-vsevolod-meyerhold-1938,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,pyotr-konchalovsky_portrait-of-daughter-1912,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_portrait-of-m-p-konchalovsky-in-naval-uniform-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,pyotr-konchalovsky_portrait-of-o-konchalovskaya-1909,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Fauvism,pyotr-konchalovsky_portrait-of-the-son-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Fauvism,pyotr-konchalovsky_room-in-spain-valencia-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Fauvism,pyotr-konchalovsky_scheherazade-1917,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_sketch-of-still-life-with-bread-1911,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,pyotr-konchalovsky_still-life-beer-and-roach-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Fauvism,pyotr-konchalovsky_still-life-begonias-1911,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_still-life-oranges-stretcher-and-carpet-1946,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,pyotr-konchalovsky_still-life-table-with-fruits-and-yellow-flowers-1929,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_still-life-with-fruits-and-watermelon-1929,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,pyotr-konchalovsky_still-life-with-peonies-in-a-vase,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_still-life-with-red-gladioli-1915,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,pyotr-konchalovsky_tea-time-1939,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,pyotr-konchalovsky_walk-of-gravedigger-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_4th-of-july-1906,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,raoul-dufy_arcades-at-vallauris-1927,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_bathers-1908,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_boats-at-martigues-1908,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_boats-in-marseille-1908,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_cubist-landscape-with-haystacks,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_flags-1906,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,raoul-dufy_martigues-1907,"[2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_palm-trees-at-martigues-homage-to-gauguin-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,raoul-dufy_pedistal-table-rue-seguier-1909,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_seated-nude,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Fauvism,raoul-dufy_still-life-with-bananas-1909,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,raoul-dufy_the-duke-of-reichstadt,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,raoul-dufy_view-from-an-open-window,"[1.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,rik-wouters_afternoon-in-amsterdam-1915,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,rik-wouters_autumn-1913,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,rik-wouters_baby-with-blue-cap-1911,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,rik-wouters_crazy-violence-1912,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,rik-wouters_dining-table-1908,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,rik-wouters_education-1912,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Fauvism,rik-wouters_h-usliche-sorgen,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,rik-wouters_lady-in-blue-in-front-of-a-mirror-1914,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Fauvism,rik-wouters_man-with-straw-hat-1913,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Fauvism,rik-wouters_portrait-of-a-lady-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,rik-wouters_portrait-of-mrs-giroux-1913,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,rik-wouters_reading-girl-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Fauvism,rik-wouters_reading-woman-1913,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,rik-wouters_seated-woman-1915,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,rik-wouters_self-portrait-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Fauvism,rik-wouters_self-portrait-1915,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Fauvism,rik-wouters_self-portrait-with-black-bandage-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Fauvism,rik-wouters_self-portrait-with-cigar-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,rik-wouters_still-life-1912,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,rik-wouters_the-flute-player-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Fauvism,rik-wouters_woman-at-the-window-1915,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Fauvism,rik-wouters_woman-in-black-reading-a-newspaper-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Fauvism,rik-wouters_woman-in-white-1915,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,rik-wouters_woman-ironing-1912,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,rik-wouters_woman-on-the-bedside-1912,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,romare-bearden_roots-1977,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Fauvism,ronnie-landfield_pink-flower-painting-1973,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,ronnie-landfield_yellow-flower-painting-1973,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Fauvism,rufino-tamayo_children-s-games-1959,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Fauvism,rufino-tamayo_retrato-de-olga-1964,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Fauvism,rufino-tamayo_watermelons,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,rufino-tamayo_watermelons-1977,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,sa-nogueira_n-feminino-1949,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,sonia-delaunay_philomene,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Fauvism,sonia-delaunay_portrait-of-philomene,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,sonia-delaunay_sleeping-girl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,theo-van-doesburg_self-portrait-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Fauvism,theo-van-doesburg_self-portrait-with-hat-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Fauvism,theodor-pallady_still-life-with-red-flowers,"[0.0, 0.0, 7.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Fauvism,viorel-marginean_bulls,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Fauvism,viorel-marginean_bulls-1,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,viorel-marginean_unknown-title-14,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,viorel-marginean_unknown-title-2,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,viorel-marginean_unknown-title-3,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,viorel-marginean_unknown-title-4,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,viorel-marginean_unknown-title-5,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,viorel-marginean_unknown-title-7,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,viorel-marginean_unknown-title-9,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_blue-lady-with-parrots-2000,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_blue-vase-many-flowers,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_four-nudes,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_girl-with-orange-hair-and-flowers,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_green-and-yellow-parrots,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_green-lady-with-pink-rose,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_i-eat-rose-kiki-de-montparnasse-1996,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,walasse-ting_i-ll-show-it-all-so-come-soon-1995,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_i-love-chrysanthemums-2000,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_ladies-in-a-row-1981,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_ladies-with-parrots,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_ladies-with-watermelons-1980,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Fauvism,walasse-ting_lady-in-pink-1992,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,walasse-ting_love-in-afternoon-1974,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_love-me-love-me-lady-with-red-hair-1975,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_many-parrots,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_nude-blue-table-and-flowers,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_orange-and-yellow-sunflowers,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_parrots-1990,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_parrots-with-flowers-1981,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_peacock-ii-1990,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_picnic-quadriptych-1980,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_pink-and-orange-lady-with-flowers,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Fauvism,walasse-ting_poppies,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_red-parrot-green-parrot,"[0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_rose-garden-1990,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_still-life-no-2-quadriptych-1980,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_still-waiting-for-you-1995,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_summer-days-2008,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_the-pink-cat,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_the-pinkest-flowers,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_three-ladies-and-parrots,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_three-parrots-1981,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_three-women-birds-and-fruit-1980,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Fauvism,walasse-ting_two-ladies-with-flowers,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_two-parrots(1),"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_woman-with-parrots-and-a-cat,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_women-in-robe-1988,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Fauvism,walasse-ting_women-with-flowers-1988,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Fauvism,walasse-ting_women-with-fruit-1988,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,william-h.-johnson_art-class-three-men-1939,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,william-h.-johnson_female-nude-reclining-on-blue-ground-1940,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,william-h.-johnson_flowers-1945,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,william-h.-johnson_harlem-street-1941(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Fauvism,william-h.-johnson_still-life-1938,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,william-h.-johnson_still-life-bottles-jugs-pitcher-1938,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Fauvism,william-h.-johnson_still-life-fruit-bottles-1939,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,wu-guanzhong_a-dream-of-shen-garden-1998,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Fauvism,wu-guanzhong_a-night-feast-over-a-thousand-years,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,wu-guanzhong_lotus-under-the-sun-2001,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Fauvism,wu-guanzhong_the-blooming-mountain,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Fauvism,wu-guanzhong_unknown-title-2,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_archangel-raphael-with-tobias-st-lawrence-and-the-donor-leonardo-di-lorenzo-morelli-1512,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_baptism-of-the-people-1517,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,andrea-del-sarto_charity,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,andrea-del-sarto_christ-at-the-scourge-column,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,andrea-del-sarto_christ-the-redeemer,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,andrea-del-sarto_disputation-on-the-trinity,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+High_Renaissance,andrea-del-sarto_domenico-di-jacopo-di-matteo-called-becuccio-bicchieraio,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_head-of-a-child,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_head-of-a-young-man,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_head-of-child,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,andrea-del-sarto_holy-family,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,andrea-del-sarto_lament-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,andrea-del-sarto_last-supper,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_last-supper-study-1525,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_lucrezia-di-baccio-del-fede-the-artist-s-wife-1514,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-elisabeth-the-infant-st-john-and-two-angels-1516,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-john-the-baptist,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-john-the-baptist-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_madonna-and-child-with-st-john-the-baptist-2,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_madonna-and-child-with-sts-catherine-elisabeth-and-john-the-baptist,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_madonna-and-child-with-the-infant-saint-john-in-a-landscape,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_madonna-and-child-with-the-young-st-john,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_madonna-del-sacco-1525,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,andrea-del-sarto_noli-me-tangere,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+High_Renaissance,andrea-del-sarto_piet-with-saints-1524,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+High_Renaissance,andrea-del-sarto_portrait-of-a-lady-with-spindle-cup,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+High_Renaissance,andrea-del-sarto_portrait-of-a-man,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_portrait-of-a-young-man,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,andrea-del-sarto_portrait-of-baccio-bandinelli,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_self-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+High_Renaissance,andrea-del-sarto_st-john-the-baptist,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_st-john-the-baptist-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_stories-of-joseph,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,andrea-del-sarto_stories-of-joseph-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_study-for-the-baptism-of-the-people,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_study-of-drapery,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,andrea-del-sarto_study-of-the-figures-behind-a-balustrade,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-annunciation-1513,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-birth-of-the-virgin,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+High_Renaissance,andrea-del-sarto_the-healing-of-the-possessed-woman,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-investiture-of-the-leper,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-journey-of-the-magi,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-last-supper-1525,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-last-supper-detail-1525,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-miracle-of-the-relics-of-san-filippo-from-the-life-of-san-filippo-benizzi,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-del-sarto_the-punishment-of-the-sinners,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+High_Renaissance,andrea-del-sarto_the-raising-of-the-dead-child-by-the-corpse-of-san-filippo,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,andrea-mantegna_adoration-of-the-magi-1500,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_captured-statues-and-siege-equipment-1506,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,andrea-mantegna_children-playing-with-masks-1495,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_christ,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_christ-carrying-the-cross-1505,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_christ-the-redeemer-1493,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,andrea-mantegna_christ-with-the-soul-of-the-virgin-1506,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,andrea-mantegna_descent-into-limbo-1492,"[2.0, 5.0, 2.0, 1.0, 0.0, 4.0, 14.0, 14.0, 4.0]"
+High_Renaissance,andrea-mantegna_dido-1500,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_ecce-homo-1502,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,andrea-mantegna_four-muses-1497,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,andrea-mantegna_hercules-resting-after-the-fight-with-the-lion-denemee-1500,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_heruli-and-ante-1495,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_holders-of-currencies-and-gold-jewelry-trophies-royal-armor-1506,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_holders-of-currencies-and-gold-jewelry-trophies-royal-armor-with-pilasters-1500,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_judith-and-holofernes-1500,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_judith-with-the-head-of-holofernes-1495,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,andrea-mantegna_julius-caesar-on-a-triumphal-car-1506,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_julius-caesar-on-his-triumphal-car-1500,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,andrea-mantegna_madonna-and-child-jpg,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_madonna-with-saints-st-john-thebaptist-st-gregory-i-the-great-st-benedict-1506,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,andrea-mantegna_madonna-with-st-mary-magdalene-and-st-john-the-baptist-1506(2),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_meeting-of-duke-ludovico-ii-gonzaga-with-cardinal-francesco-gonz-fragment,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_minerva-chasing-the-vices-from-the-garden-of-virtue-1502,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_molorchos-making-a-sacrifice-to-hercules-1506,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+High_Renaissance,andrea-mantegna_muse,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_muse-1497,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_musicians-and-teaches-carriers-1506,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_mythological-scene-metamorphoses-of-amymone-1500,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+High_Renaissance,andrea-mantegna_prisonnniers-1506,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,andrea-mantegna_project-for-a-monument-to-virgil-1500,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,andrea-mantegna_saint-anthony-of-padua-and-st-bernardine-of-siena-presenting-the-monogram-of-christ,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_saint-jerome-reading-with-the-lion-1500,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_samson-and-delilah-1506,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+High_Renaissance,andrea-mantegna_san-zeno-altarpiece,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_self-portrait-1506,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+High_Renaissance,andrea-mantegna_soldiers,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+High_Renaissance,andrea-mantegna_st-bernardine-of-siena-with-the-angels-1506,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_st-jacques-leads-to-martyrdom,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_st-sebastian-1506,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_study-for-a-flagellation-1506,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-adoration-of-the-magi,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,andrea-mantegna_the-agony-in-the-garden,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,andrea-mantegna_the-baptism-of-christ-1506,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-combat-of-love-and-chastity-1505,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-court-of-mantua,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-family-of-ludovico-gonzaga,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,andrea-mantegna_the-holy-family-with-saint-mary-magdalen-1500,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-holy-family-with-saints-elizabeth-and-the-infant-john-the-baptist-jpg,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-holy-family-with-st-elizabeth-and-st-john-the-baptist-1505,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-holy-family-with-st-john,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-infant-redeemer-1495,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-judgment-of-solomon,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_the-martyrdom-and-transporting-the-body-of-saint-christopher-1506,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_the-martyrdom-of-st-jacques,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-parnassus-mars-and-venus-1497,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-resurrection,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,andrea-mantegna_the-resurrection-of-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-senators-1506,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-triumph-and-vespasian-de-titus-1500,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-victory-of-virtue,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_the-virgin-of-victory-the-madonna-and-child-enthroned-with-six-saints-and-adored-by-gian-1496,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,andrea-mantegna_three-deities-1500,"[2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_triumphs-of-caeser-1506,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 3.0, 2.0, 0.0]"
+High_Renaissance,andrea-mantegna_trumpet-players-1506,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_trumpeters-1506,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_trumpeters-carrying-flags-and-banners-1500,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-mantegna_virgin-and-child-1495,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-mantegna_woman-and-old-man-1502,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-solario_cleopatra,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,andrea-solario_ecce-homo,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,andrea-solario_head-of-a-bearded-man,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-solario_head-of-st-john-the-baptist,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-solario_man-with-a-pink-carnation,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-solario_portrait-of-a-man,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-solario_portrait-of-a-man-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-solario_portrait-of-a-young-man-1490,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-solario_portrait-of-charles-d-amboise-1507,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-solario_rest-during-the-flight-to-egypt-1515,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,andrea-solario_salome-with-the-head-of-john-the-baptist-1520,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+High_Renaissance,andrea-solario_salome-with-the-head-of-st-john-the-baptist-1507,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0, 0.0]"
+High_Renaissance,andrea-solario_st-catherine,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,andrea-solario_st-ursula,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,andrea-solario_the-crucifixion-1503,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,andrea-solario_the-lamentation-of-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,andrea-solario_the-lute-player,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,andrea-solario_the-virgin-of-the-green-cushion-1510,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,andrea-solario_virgin-and-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_adoration-of-the-shepherds-1509,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,cima-da-conegliano_david-and-jonathan,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+High_Renaissance,cima-da-conegliano_doubting-thomas-with-st-magnus,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_madonna-and-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,cima-da-conegliano_madonna-and-child-1,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,cima-da-conegliano_madonna-and-child-enthroned-with-saints,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,cima-da-conegliano_madonna-and-child-with-saints,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,cima-da-conegliano_madonna-and-child-with-st-john-the-baptist-and-mary-magdalene,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_madonna-enthroned-with-the-child,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,cima-da-conegliano_madonna-of-the-orange-tree-with-st-ludovic-of-toulouse-and-st-jerome,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,cima-da-conegliano_presentation-of-the-virgin-at-the-temple,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_sacred-conversation,"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,cima-da-conegliano_saint-sebastian,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+High_Renaissance,cima-da-conegliano_st-christopher-with-the-infant-christ-and-st-peter,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_st-helena,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_st-jerome-in-a-landscape,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_st-jerome-in-the-desert,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_st-jerome-in-the-wilderness,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,cima-da-conegliano_st-john-the-baptist-and-saints-1493,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,cima-da-conegliano_st-peter-enthroned-with-saints,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_st-peter-martyr-with-st-nicholas-of-bari-st-benedict-and-an-angel-musician-1504,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,cima-da-conegliano_the-annunciation-1495,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,cima-da-conegliano_the-baptism-of-christ,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_the-coronation-of-the-virgin,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,cima-da-conegliano_the-deposition,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,cima-da-conegliano_the-healing-of-anianus,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,cima-da-conegliano_the-marriage-of-bacchus-and-ariadne,"[1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,cima-da-conegliano_virgin-and-child,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,correggio_adoration-of-the-child-1520(2),"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_adoration-of-the-christ-child(2),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,correggio_adoration-of-the-magi-1517(2),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,correggio_antonio-allegri-da-correggio(2),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,correggio_departure-of-christ-from-mary-with-mary-and-martha-the-sisters-of-lazarus-1518,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,correggio_diana,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_four-saints-from-left-st-peter-st-martha-st-mary-magdalene-st-leonard-1517,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,correggio_half-figure-of-a-martyr(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+High_Renaissance,correggio_head-of-an-angel,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,correggio_judith-1514,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+High_Renaissance,correggio_lucretia,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,correggio_madonna-1514(2),"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_madonna-and-child-1514(1),"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,correggio_madonna-and-child-with-angels(2),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,correggio_madonna-and-child-with-saint-francis-1514,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,correggio_madonna-and-child-with-the-young-saint-john-1516(2),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_noli-me-tangere-1(2),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,correggio_portrait-of-a-gentlewoman-1519,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_portrait-of-a-young-man,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_putto-with-hunting-trophy-1519(2),"[0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+High_Renaissance,correggio_saint-marc-1520,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+High_Renaissance,correggio_salvator-mundi,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,correggio_the-adoration-of-the-magi-1518(2),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,correggio_the-holy-family-with-saint-jerome-1519(2),"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_the-magdalene(2),"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_the-mystic-marriage-of-st-catherine,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_the-mystic-marriage-of-st-catherine-1515,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,correggio_the-mystic-marriage-of-st-catherine-of-alexandria-1518,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,correggio_the-rest-on-the-flight-to-egypt-with-saint-francis-1517,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,correggio_the-vision-of-st-john-in-patmos(2),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+High_Renaissance,correggio_the-vision-of-st-john-in-patmos-1(2),"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,correggio_three-graces,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_a-bacchanal-1515,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_a-personification-of-geometry,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+High_Renaissance,dosso-dossi_a-woman,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_adoration-of-the-magi-1520,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_aeneas-and-achates-on-the-libyan-coast-1520,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_alfonso-d-este,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,dosso-dossi_allegory-of-music-1522,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,dosso-dossi_an-allegory-of-fortune-1538,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,dosso-dossi_anger-or-the-tussle-1516,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+High_Renaissance,dosso-dossi_apollo-and-daphne-1524,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,dosso-dossi_ascension-of-christ,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_bacchus-1524,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_circe-and-her-lovers-in-a-landscape-1516,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_diana-and-calisto-1528,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,dosso-dossi_didone,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+High_Renaissance,dosso-dossi_jupiter-mercury-and-virtue-1524,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_lamentation-over-the-body-of-christ-1517,"[1.0, 1.0, 2.0, 1.0, 2.0, 3.0, 3.0, 34.0, 2.0]"
+High_Renaissance,dosso-dossi_laura-pisani-1525,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_madonna-and-child-1525,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,dosso-dossi_melissa-circe-1507,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_mythological-scene-1524,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_portrait-of-a-man-probably-cesare-borgia-1520,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,dosso-dossi_portrait-of-a-young-man-with-a-dog-and-a-cat,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,dosso-dossi_portrait-of-a-youth-probably-lucrezia-borgia-1516,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,dosso-dossi_portrait-of-alfonso-i-d-este-1530,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,dosso-dossi_sacra-conversazione-1520,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,dosso-dossi_saint-george-1513,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,dosso-dossi_sapiente-con-compasso-e-globo,"[0.0, 4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_self-portrait,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_sibyl-1525,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,dosso-dossi_st-cosmas-and-st-damian-1534,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_st-sebastian,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,dosso-dossi_sts-john-and-bartholomew-with-donors-1527,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_the-holy-family,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_the-rest-on-the-flight-into-egypt,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,dosso-dossi_the-three-ages-of-man-1515,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,dosso-dossi_the-virgin-appearing-to-saints-john-the-baptist-and-john-the-evangelist-1520,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+High_Renaissance,dosso-dossi_triumph-of-bacchus-1514,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,dosso-dossi_venus-awakened-by-cupid,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,dosso-dossi_witchcraft-allegory-of-hercules-1535,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giorgione_a-soldier-1510(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,giorgione_arithmetic-1510(2),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giorgione_armor-1510(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+High_Renaissance,giorgione_boy-with-flute-1508(2),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giorgione_ceres-1510(2),"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giorgione_christ-carrying-the-cross(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+High_Renaissance,giorgione_david-with-the-head-of-goliath-1510(2),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+High_Renaissance,giorgione_double-portrait-1502(2),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,giorgione_giovanni-borgherini-and-his-tutor(2),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,giorgione_globe-moon-sun-astronomy-1510,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giorgione_homage-to-a-poet(1),"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,giorgione_judith(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,giorgione_madonna-and-child-in-a-landscape-1504,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giorgione_madonna-and-child-with-saints-liberale-and-francis-the-castelfranco-madonna-1505(2),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,giorgione_moses-undergoing-trial-by-fire-1505(2),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giorgione_musical-instruments-music-1510(1),"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,giorgione_nude-young-woman-1508(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+High_Renaissance,giorgione_nymphs-and-children-in-a-landscape-with-shepherds,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giorgione_portrait-of-a-man-terris-1510(2),"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giorgione_portrait-of-a-venetian-gentleman-1510(2),"[3.0, 2.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,giorgione_portrait-of-a-young-woman-laura-1506,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giorgione_portrait-of-a-youth-antonio-broccardo-1500(2),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,giorgione_portrait-of-francesco-maria-della-rovere-1502(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]"
+High_Renaissance,giorgione_portrait-of-young-man(2),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+High_Renaissance,giorgione_portrait-of-young-man-giustiniani-portrait-1504(2),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,giorgione_sacred-conversation-1505(2),"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,giorgione_samson-captured-by-the-philistines(2),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+High_Renaissance,giorgione_self-portrait(3),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+High_Renaissance,giorgione_self-portrait-1510(2),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+High_Renaissance,giorgione_the-adoration-of-the-kings,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,giorgione_the-adoration-of-the-shepherds-1510,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giorgione_the-adulteress-brought-before-christ(2),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,giorgione_the-flute-player-1510(2),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,giorgione_the-holy-family-madonna-benson-1500(2),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giorgione_the-judgement-of-solomon-1505(2),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+High_Renaissance,giorgione_the-old-woman-1505(2),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,giorgione_the-sleeping-venus-1510(2),"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giorgione_the-storm-1505(2),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+High_Renaissance,giorgione_the-sunset-1510(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,giorgione_the-three-ages-of-man-1501(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+High_Renaissance,giorgione_the-three-philosophers-1509(2),"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,giorgione_two-women-and-a-man-trio-1510(2),"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,giorgione_view-of-castelfranco-and-shepherd(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,giorgione_virgin-and-child-the-tallard-madonna(2),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giorgione_warrior-with-groom-1510(2),"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giorgione_young-man-the-impassioned-singer,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giorgione_youth-holding-an-arrow-1505(2),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,giorgione_youth-with-a-guitar-and-two-girls-sitting-on-a-river-bank(2),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,giovanni-antonio-boltraffio_a-youth-crowned-with-flowers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_francesco-sforza-count-of-pavia-1498,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_girl-with-cherries-also-attributed-to-giovanni-ambrogio-de-predis-1495,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_madonna-and-child-1500,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_madonna-litta-1490,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_portrait-alleged-to-be-of-anne-whateley-in-fact-likely-to-be-girolamo-casio-1495,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-lady,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-lady-as-st-lucy-1500,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-young-woman,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giovanni-antonio-boltraffio_portrait-of-a-youth-holding-an-arrow-1510,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_portrait-of-gerolamo-casio-1495,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_saint-sebastian,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_st-barbara-1499,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,giovanni-antonio-boltraffio_the-adolescent-saviour,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,giovanni-antonio-boltraffio_the-poet-casio-1500,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giovanni-antonio-boltraffio_the-virgin-and-child-the-madonna-of-the-rose,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giovanni-bellini_baptism-of-christ-st-john-altarpiece-1502-2,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giovanni-bellini_deposition,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,giovanni-bellini_drunkenness-of-noah,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,giovanni-bellini_holy-conversation-1510,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,giovanni-bellini_leonardo-loredan,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+High_Renaissance,giovanni-bellini_madonna-and-child-1490,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,giovanni-bellini_madonna-and-child-1490-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giovanni-bellini_madonna-and-child-1510,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,giovanni-bellini_madonna-and-child-in-a-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,giovanni-bellini_madonna-and-child-with-saints-and-a-donor-1507,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,giovanni-bellini_madonna-and-child-with-st-john-the-baptist-and-a-saint-detail-of-the-background-waterside-city-1504,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,giovanni-bellini_madonna-with-the-child,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,giovanni-bellini_naked-young-woman-in-front-of-the-mirror,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,giovanni-bellini_orpheus,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,giovanni-bellini_pieta,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+High_Renaissance,giovanni-bellini_portrait-of-a-young-man-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+High_Renaissance,giovanni-bellini_portrait-of-a-young-man-1500,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,giovanni-bellini_portrait-of-a-young-man-in-red-1490,"[5.0, 5.0, 11.0, 1.0, 1.0, 1.0, 5.0, 6.0, 11.0]"
+High_Renaissance,giovanni-bellini_portrait-of-fra-theodoro-da-urbino-1515,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,giovanni-bellini_sacred-allegory-1500,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,giovanni-bellini_sacred-conversation-1490,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,giovanni-bellini_st-jerome-st-christopher-and-st-augustine-1513,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,giovanni-bellini_st-mark-preaching-in-alexandria-1507,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+High_Renaissance,giovanni-bellini_the-annunciation-1500,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giovanni-bellini_the-assassination-of-st-peter-martyr-1509,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+High_Renaissance,giovanni-bellini_the-crucifixion-1503,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,giovanni-bellini_the-feast-of-the-gods-1514,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giovanni-bellini_the-lamentation-over-the-body-of-christ,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,giovanni-bellini_the-redeemer-1502,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,giovanni-bellini_virgin-and-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giovanni-bellini_virgin-in-glory-with-saints-1515,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,giovanni-bellini_young-bacchus,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_a-grotesque-head-grotesque-head,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_a-plan-of-imola-1502,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_a-seated-man-and-studies-and-notes-on-the-movement-of-water,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_a-study-for-an-equestrian-monument,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_allegory-with-wolf-and-eagle,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_anatomical-studies,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_anatomical-studies-larynx-and-leg-1510,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_anatomical-studies-of-a-male-shoulder,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_anatomical-studies-of-the-shoulder,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_anatomy-of-the-neck-1515,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_annunciation,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_battle-of-anghiari,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_birch-copse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_bird-s-eye-view-of-a-landscape,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_bird-s-eye-view-of-sea-coast,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_bust-of-a-man-in-profile-with-measurements-and-notes,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_canal-bridge,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_caricature,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_caricature-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_caricature-2,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_codex-on-the-flight-of-birds,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_coition-of-a-hemisected-man-and-woman,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_deluge-over-a-city,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_design-for-a-flying-machine-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_design-for-a-helicopter,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_design-for-a-machine-for-grinding-convex-lenses,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_design-for-a-parabolic-compass,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_design-for-an-enormous-crossbow,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_double-manuscript-page-on-the-sforza-monument-casting-mold-of-the-head-and-neck,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_drapery-for-a-seated-figure,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_drapery-for-a-seated-figure-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-a-botanical-study,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-a-fancy-dress-costume,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-a-woman-s-torso,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-an-equestrian-monument,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-an-flood,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-drapery,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-lilies-for-an-annunciation,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-locks-on-a-river,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-salai,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-the-comparative-anatomy-of-the-legs-of-a-man-and-a-dog,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-the-torso-and-the-arms,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_drawing-of-the-uterus-of-a-pregnant-cow-1508,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_drawings-of-a-bird-in-flight,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_drawings-of-machines,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_equestrian-monument,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_equestrian-statue,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_female-head,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_five-caricature-heads,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_galloping-rider-and-other-figures,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_group-of-riders-in-the-battle-of-anghiari,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_head-of-a-man,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_head-of-a-young-woman-with-tousled-hair-leda,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_head-of-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_head-of-christ-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_head-of-leda,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_head-of-saint-anne,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_head-of-st-andrew,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_head-of-st-james-the-less,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_head-of-st-john-the-evangelist,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_head-of-st-peter,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_heads-of-an-old-man-and-a-youth,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_heads-of-judas-and-peter,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_heads-of-sts-thomas-and-james-the-greater,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+High_Renaissance,leonardo-da-vinci_heart-and-its-blood-vessels,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_isabella-d-este-1500,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_landscape-near-pisa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,leonardo-da-vinci_leda,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_leda-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_leda-and-the-swan,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_leda-and-the-swan-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_madonna-litta-madonna-and-the-child(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_madonna-with-the-yarnwinder,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_manuscript-page-on-the-sforza-monument,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_masquerader-in-the-guise-of-a-prisoner-jpg,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_matched-couple,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_mona-lisa,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_natural-disaster,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_old-man-with-ivy-wreath-and-lion-s-head,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_page-from-a-notebook-showing-figures-fighting-on-horseback-and-on-foot,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_portrait-of-a-bearded-man-possibly-a-self-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_portrait-of-an-unknown-woman-la-belle-ferroniere,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_profile-of-a-man-and-study-of-two-riders,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_profile-of-an-old-man,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_rearing-horse,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_salvator-mundi-1500,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_seated-old-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_sedge-jpg,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_spring-device,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_st-john-the-baptist,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_stof-bethlehem-and-other-plants,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_storm-over-a-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_studies-for-a-nativity,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_studies-for-the-heads-of-two-soldiers-in-the-battle-of-anghiari,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-crabs,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-leda-and-a-horse,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-legs-of-man-and-the-leg-of-a-horse,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-the-arm-showing-the-movements-made-by-the-biceps,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-the-foetus-in-the-womb,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-the-sexual-act-and-male-sexual-organ,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-the-villa-melzi-and-anatomical-study-1513,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-water,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+High_Renaissance,leonardo-da-vinci_studies-of-water-passing-obstacles-and-falling,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_study-for-madonna-and-child-with-st-anne,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+High_Renaissance,leonardo-da-vinci_study-for-madonna-with-the-yarnwinder,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-for-st-anne,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-for-st-john-in-the-wilderness,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-burlington-house-cartoon-the-virgin-and-child-with-st-anne-and-st-john-the-1,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-head-of-leda,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-kneeling-leda,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-last-supper,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-2,"[0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-james,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-last-supper-judas,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-trivulzio-equestrian-monument,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-for-the-trivulzio-monument,"[2.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-a-child,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-of-a-figure-for-the-battle-of-anghiari,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-of-a-rider,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-of-a-woman-s-head,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-of-an-apostle-s-head-and-architectural-study,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-an-old-man,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-arms-and-hands-a-sketch-by-da-vinci-popularly-considered-to-be-a-preliminary-study-for,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-battles-on-horseback,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_study-of-battles-on-horseback-and-on-foot,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-christ-for-the-last-supper,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-david-by-michelangelo-1505,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-five-grotesque-heads,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-of-horses,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-horses-1,"[17.0, 6.0, 3.0, 1.0, 0.0, 13.0, 0.0, 2.0, 5.0]"
+High_Renaissance,leonardo-da-vinci_study-of-horses-for-the-battle-of-anghiari,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-of-proportion,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-st-anne-mary-and-the-christ-child,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_study-of-st-anne-mary-the-christ-child-and-the-young-st-john,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-of-the-graduations-of-shadows-on-spheres,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,leonardo-da-vinci_study-of-water,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+High_Renaissance,leonardo-da-vinci_study-on-the-proportions-of-head-and-eyes,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_study-sheet-with-cats-dragon-and-other-animals,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_study-sheet-with-horses,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_the-anatomy-of-a-male-nude-and-a-battle-scene,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+High_Renaissance,leonardo-da-vinci_the-lady-with-the-ermine-cecilia-gallerani-1496,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_the-last-supper-1495,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_the-proportions-of-the-head,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_the-proportions-of-the-human-figure-the-vitruvian-man-1492,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,leonardo-da-vinci_the-virgin-and-child-with-saint-anne-and-saint-john-the-baptist,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_the-virgin-and-child-with-st-anne-1510,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_the-virgin-of-the-rocks,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_topographical-drawing-of-a-river-valley,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_various-figure-studies,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_view-of-a-skull,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,leonardo-da-vinci_view-of-a-skull-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+High_Renaissance,leonardo-da-vinci_views-of-a-foetus-in-the-womb-jpg,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,lorenzo-lotto_a-lady-with-a-drawing-of-lucretia,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_a-man-with-letter,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_a-nobleman-on-a-balcony-1525,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_allegory-allegory-of-prudence-and-wisdom-1505,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+High_Renaissance,lorenzo-lotto_allegory-of-chastity-1505,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-crowning-of-the-right-wing-st-catherine-of-siena-and-st-sigismund-1508,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-main-board-madonna-enthroned-with-the-christ-child-three-angels-st-1508,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-the-left-wing-st-thomas-aquinas-and-st-flavian-1508,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+High_Renaissance,lorenzo-lotto_altar-of-recanati-polyptych-the-right-wing-martyr-st-peter-and-st-vitus-1508,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+High_Renaissance,lorenzo-lotto_altar-of-santa-cristina-al-tiverone-main-board-madonna-enthroned-st-peter-and-st-christina-of-1505,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_altar-of-st-lucia-footplate-st-lucia-in-prayer-and-the-valediction-of-st-lucia-1532,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,lorenzo-lotto_altar-of-st-lucia-st-lucia-in-front-of-the-judges-1532,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_altar-polyptych-of-san-bartolomeo-bergamo-foot-plate-entombment-1516,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+High_Renaissance,lorenzo-lotto_altar-polyptych-of-san-bartolomeo-bergamo-foot-plate-martyrdom-of-st-stephen-1516,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_altar-polyptych-of-san-bartolomeo-bergamo-main-panel-enthroned-madonna-with-angels-and-saints-1516,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_andrea-odoni-1527,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_angel-collecting-blood-from-the-wounds-of-christ-1543,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+High_Renaissance,lorenzo-lotto_architect,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_asolo-altarpiece-main-panel-scene-of-the-assumption-with-st-anthony-the-abbot-and-st-louis-of-1506,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_bishop-bernardo-de-rossi-1505,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_bust-of-a-bearded-man-1541,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_christ-and-the-adulteress,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_christ-carrying-the-cross-1526,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,lorenzo-lotto_christ-s-farewell-to-mary-1521,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,lorenzo-lotto_crucifixion-1531,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,lorenzo-lotto_deposition-of-christ-1512,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,lorenzo-lotto_enthroned-madonna-with-angels-and-saints-st-catherine-of-alexandria-and-st-augustine-on-the-1521,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_enthroned-madonna-with-angels-and-saints-st-joseph-and-st-bernard-on-the-left-st-john-the-1521,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_frescoes-in-the-oratory-suardi-in-trescore-scene-of-the-blessing-of-st-brigid-of-kildare-1524,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_goldsmith-seen-from-three-sides,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_holy-family-with-angels-and-saints,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_husband-and-wife-1523,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_madonna-and-child-enthroned-with-four-saints-1546,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_madonna-and-child-with-saint-peter-martyr-1503,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_madonna-and-child-with-st-jerome-st-joseph-and-st-anne-1534,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,lorenzo-lotto_madonna-and-child-with-sts-peter-christine-liberale-and-jerome-1505,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_madonna-and-st-catherine-of-alexandria-st-james-the-greater-and-an-angel,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_madonna-of-the-rosary-1539,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_madonna-with-a-bishop-and-st-onuphrius-1508,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,lorenzo-lotto_madonna-with-st-jerome-and-st-anthony-of-padua-1521,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+High_Renaissance,lorenzo-lotto_madonna-with-st-roch-and-st-sebastian,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_mystic-marriage-of-saint-catherine-of-alexandria-and-saint-catherine-of-siena-1524,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_nativity-of-christ-1523,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_nativity-of-mary,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_pieta,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,lorenzo-lotto_polyptych-ponteranica-1525,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-37-years-old-man,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-bearded-man-giorgione-barbarelli,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-in-his-study,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-with-a-rosary,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-with-gloves,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-gentleman-with-lion-paw,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-jeweler-possibly-giovanni-pietro-crivelli,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-man,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-man-1,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-man-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-man-in-black-silk-cloak,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-man-with-a-felt-hat-1541,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-musician-1529,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-young-man,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-young-man-1505,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-young-man-in-red-garment,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-a-young-man-with-a-book-1527,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-bishop-bernardo-de-rossi-1505,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-crossbowman,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-febo-da-brescia-1544,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-fra-gregorio-belo-di-vicenza-1548,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-giovanni-della-volta-with-his-wife-and-children-1547,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-laura-da-pola-wife-of-febo-da-brescia,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_portrait-of-lucina-brembati-1523,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_self-portrait,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_signor-marsilio-cassotti-and-his-wife-faustina-1523,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_sleeping-apollo-muses-and-fama,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_st-catherine-of-alexandria-1522,"[2.0, 10.0, 11.0, 3.0, 2.0, 1.0, 9.0, 6.0, 5.0]"
+High_Renaissance,lorenzo-lotto_st-christopher-1531,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_st-dominic-polyptych,"[1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_st-dominic-raises-napoleone-orsini-1516,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+High_Renaissance,lorenzo-lotto_st-jerome,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,lorenzo-lotto_st-jerome-in-the-desert,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+High_Renaissance,lorenzo-lotto_st-jerome-in-the-desert-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_st-jerome-meditating-in-the-desert-1506,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+High_Renaissance,lorenzo-lotto_st-nicholas-in-glory-with-st-john-the-baptist-st-lucy-and-below-st-george-slaying-the-dragon-1529,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_st-sebastian-1531,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_stories-of-st-barbara-1524,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_sts-thomas-aquinas-and-flavian-sts-peter-the-martyr-and-vitus-1508,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+High_Renaissance,lorenzo-lotto_susanna-and-the-elders-1517,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-angel-of-the-annunciation,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_the-angel-of-the-annunciation-1527,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-annunciation,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_the-charity-of-st-anthony-1542,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_the-holy-family-with-st-catherine-of-alexandria-1533,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-legend-of-st-barbara-1524,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-madonna-of-the-roses-1526,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-mystic-marriage-of-st-catherine-with-the-patron-niccolo-bonghi-1523,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-nativity-1527,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_the-presentation-of-christ-in-the-temple-1556,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-story-of-st-barbara-and-st-alvise-1524,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-transfiguration-of-christ,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,lorenzo-lotto_the-trinity-1523,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,lorenzo-lotto_triumph-of-chastity-1530,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+High_Renaissance,lorenzo-lotto_venus-and-cupid,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+High_Renaissance,lorenzo-lotto_virgin-and-child-with-saints-jerome-peter-clare-and-francis-1505,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_virgin-and-child-with-two-donors,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,lorenzo-lotto_virgin-annunciated-1527,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,lorenzo-lotto_wings-of-a-triptych-st-sebastian-st-christopher-1531,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_allegory-of-fecundity-and-abundance,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_ceiling-frescoes-in-the-chapel-of-san-brizio-1502,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_claudian-1502,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+High_Renaissance,luca-signorelli_coriolanus-persuaded-by-his-family-to-spare-rome-1509,"[2.0, 2.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+High_Renaissance,luca-signorelli_dante-and-virgil-entering-purgatory-1502,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_dante-with-scenes-from-the-divine-comedy-1502,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_doctors-of-the-church-1502,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,luca-signorelli_empedocles-1502,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_flagellation,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,luca-signorelli_frescoes-in-the-chapel-of-san-brizio-1502,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_holy-family-with-st-catherine-1492,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_lamentation-over-the-dead-christ-1502,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,luca-signorelli_lamentation-over-the-dead-christ-with-angels-and-saints,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+High_Renaissance,luca-signorelli_life-of-st-benedict-benedict-discovers-totila-s-deceit-1502,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_life-of-st-benedict-benedict-drives-the-devil-out-of-a-stone-1502,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,luca-signorelli_life-of-st-benedict-benedict-tells-two-monks-what-they-have-eaten-1502,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_madonna-and-child-with-prophets,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,luca-signorelli_madonna-and-child-with-saints,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,luca-signorelli_madonna-and-child-with-saints-and-angels,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_marriage-of-the-virgin-1491,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,luca-signorelli_martyrs-and-saint-virgins-1502,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_mary-magdalene,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_ovid-1502,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,luca-signorelli_portrait-of-an-elderly-man,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,luca-signorelli_portrait-of-vitellozzo-vitelli,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+High_Renaissance,luca-signorelli_resurrection-of-the-dead-1502,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,luca-signorelli_resurrection-of-the-flesh-1502,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_saint-george-and-the-dragon-1505,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_sallust-1502,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,luca-signorelli_scenes-from-the-lives-of-joachim-and-anne,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]"
+High_Renaissance,luca-signorelli_self-portrait-detail-from-the-preaching-and-acts-of-the-antichrist,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_self-portrait-of-luca-signorelli-left,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,luca-signorelli_self-portrait-with-vitelozzo-vitelli-1503,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+High_Renaissance,luca-signorelli_st-augustine-altarpiece-left-wing,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,luca-signorelli_st-augustine-altarpiece-right-wing,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+High_Renaissance,luca-signorelli_study-of-nudes,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+High_Renaissance,luca-signorelli_the-birth-of-the-virgin,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+High_Renaissance,luca-signorelli_the-capture-of-christ,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,luca-signorelli_the-circumcision,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_the-crucifixion,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,luca-signorelli_the-crucifixion-1,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,luca-signorelli_the-crucifixion-1505,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,luca-signorelli_the-crucifixion-with-st-mary-magdalen,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,luca-signorelli_the-deeds-of-the-antichrist-1502,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_the-end-of-the-world-apocalypse-1502,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_the-hell-1502,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+High_Renaissance,luca-signorelli_the-holy-family,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,luca-signorelli_the-last-judgment-the-left-part-of-the-composition-the-blessed-consigned-to-paradise-1502,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_the-last-judgment-the-right-part-of-the-composition-the-damned-consigned-to-hell-1502,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,luca-signorelli_the-last-judgment-the-right-part-of-the-composition-the-damned-consigned-to-hell-the-left-part-1502,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_the-martyrdom-of-st-sebastian-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,luca-signorelli_the-paradise-1502,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,luca-signorelli_the-poet-virgil-1504,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_the-trinity-the-virgin-and-two-saints,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,luca-signorelli_the-triumph-of-chastity-love-disarmed-and-bound-1509,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,luca-signorelli_the-virgin-and-child-among-angels-and-saints,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_tibullus-1502,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,luca-signorelli_view-of-the-frescoes-in-the-chapel-of-san-brizio-1502,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,luca-signorelli_virgin-and-child-with-sts-jerome-and-bernard-of-clairvaux-1493,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,luca-signorelli_virgin-and-child-with-sts-michael-vincent-of-saragozza-margaret-of-cortona-and-mark,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,luca-signorelli_virgin-with-child-1498,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_adam-and-eve-1512,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_allegorical-figure-1530,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_angel-with-candlestick-1495,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_annunciation-study-1547,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_apollo-1530,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_archers-shooting-at-a-herm,"[0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_bacchus-1497,"[3.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_battle-of-the-lapiths-and-centaurs-1510,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_bearded-slave-1536,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_bust-of-brutus,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_christ-carrying-the-cross-1521,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+High_Renaissance,michelangelo_cleopatra-1534,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_crouching-boy-1533,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_crucifixion-1492,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_crucifixion-1540,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_david-1504,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_design-for-a-statue-of-henry-ii-of-france,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_design-for-julius-ii-tomb-first-version,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_design-for-julius-ii-tomb-second-version,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_design-for-laurentian-library-doors-and-an-external-window,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_frescoes-above-the-altwall,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_frescoes-above-the-entrance-wall,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_head,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_holy-family-with-st-john-the-baptist,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+High_Renaissance,michelangelo_ideal-head-of-a-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_ignudo,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,michelangelo_ignudo-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+High_Renaissance,michelangelo_ignudo-10,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-11,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-12,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-13,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_ignudo-14,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-15,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_ignudo-16,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_ignudo-2,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-3,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-4,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,michelangelo_ignudo-5,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-6,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,michelangelo_ignudo-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_ignudo-8,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_ignudo-9,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_leda-and-the-swan,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_madonna-and-child-1505,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_madonna-and-child-with-the-infant-baptist-1506,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_madonna-child-and-st-john-the-baptist,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_madonna-of-the-stairs,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_male-nude-and-arm-of-bearded-man-1504,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,michelangelo_martyrdom-of-st-peter,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_medici-madonna-1531,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_medici-madonna-between-st-cosmas-and-st-damian-1531,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_moses-1515,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_nude-female-seated-on-the-knees-of-a-seated-male-nude-adam-and-eve,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_nude-woman-on-her-knees,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_palestrina-pieta-1550,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_pieta,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,michelangelo_pieta-1499,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,michelangelo_pieta-rondanini-unfinished-1564,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_pius-1504,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_portrait-of-andrea-quaratesi,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,michelangelo_portrait-of-vittoria-colonna,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_putti-1511,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_rachel-and-leah-1545,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_samson-and-two-philistines,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_satyr-s-head,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-1512,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-creation-of-adam-1510,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-creation-of-eve-1510,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-creation-of-the-sun-and-moon-1512,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-cumaean-sibyl-1510,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-david-and-goliath-1509,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-drunkenness-of-noah-1509,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-god-dividing-land-and-water-1512,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-god-dividing-land-and-water-1512-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-god-dividing-light-from-darkness-1512,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-judith-carrying-the-head-of-holofernes-1512,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-libyan-sibyl,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-sacrifice-of-noah-1512,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-sibyl-erithraea-1512,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-brazen-serpent-1511,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-delphic-sibyl-1509,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-flood-1512,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-flood-1512-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-persian-sibyl-1511,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-prophet-joel-1512,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-punishment-of-haman-1512,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_sistine-chapel-ceiling-the-temptation-and-expulsion-1512,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+High_Renaissance,michelangelo_sketch-of-a-nude-man-study-for-the-battle-of-cascina,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_sketch-of-fortifications-of-porta-del-prato-in-florence-ground-floor-plan,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,michelangelo_slave-atlas-1536,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_st-anne-with-virgin-and-child-christ,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_st-matthew,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_st-paul-1504,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_st-peter-1504,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_st-petronius-1494,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_st-proculus-1494,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_studies-for-a-double-tomb-wall,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,michelangelo_studies-for-pieta-or-the-last-judgement,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_studies-for-the-last-judgement,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+High_Renaissance,michelangelo_studies-of-grotesques-1530,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_study-for-a-holy-family-with-the-infant-st-john-1534,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_study-for-a-resurrection-of-christ-1533,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_study-for-a-risen-christ-1533,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,michelangelo_study-for-an-arm-of-the-marble-david-and-the-figure-of-the-bronze-david,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_study-for-an-ignudo,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_study-for-christ-on-the-cross-with-mourners-1548,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,michelangelo_study-for-haman,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_study-for-the-colonna-pieta,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_study-for-the-last-judgement,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_study-for-the-porta-pia-a-gate-in-the-aurelian-walls-of-rome-1561,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_study-of-a-nude-man,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_study-of-a-seated-woman,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,michelangelo_study-of-christ-on-the-cross-between-the-virgin-and-st-john-the-evangelist,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+High_Renaissance,michelangelo_study-of-christ-on-the-cross-between-the-virgin-and-st-john-the-evangelist-1556,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+High_Renaissance,michelangelo_study-of-figure-to-battle-of-cascina-1505,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_study-of-nude-man,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_study-of-nude-man-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_study-of-nude-man-2,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_study-of-three-male-figures-after-raphael,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+High_Renaissance,michelangelo_study-to-battle-of-cascina-1504,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_study-to-battle-of-cascina-1504-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_study-to-crusifixion-1541,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,michelangelo_study-to-madonna-and-child-with-st-john-the-baptist,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+High_Renaissance,michelangelo_study-to-pieta,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_study-to-pieta-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_study-to-the-libyan-sibyl,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-abiud-eliakim-1512,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-achim-eliud-1512,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-amminadab-1512,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-asa-1509,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-azor-sadoch-1512,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-boaz-obed-1512,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-david-solomon-1511,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-hezekiah-1509,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-jacob-joseph-1512,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-jechoniah-shealtiel-1512,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-jehoshaphat-joram-1512,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-jesse-1509,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-josias-1509,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-jotham-ahaz-1512,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-manasseh-amon-1512,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-nahshon-1512,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-ozias-1509,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-rehoboam-abijah-1512,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-salmon-1509,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-ancestors-of-christ-zerubbabel-1509,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+High_Renaissance,michelangelo_the-awakening-slave-1536,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-conversion-of-saul-1545,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-damned-soul,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-dream-of-human-life,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-dying-slave-1515,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-entombment,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+High_Renaissance,michelangelo_the-fall-of-phaeton-1533,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-genius-of-victory-1534,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-last-judgement-1541,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-prophet-daniel-1511,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_the-prophet-ezekiel-1510,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-prophet-isaiah-1509,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_the-prophet-jeremiah-1512,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+High_Renaissance,michelangelo_the-prophet-joel-1509,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_the-prophet-jonah-1511,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-prophet-zechariah-1512,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-punishment-of-tityus,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-rape-of-ganymede-1533,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,michelangelo_the-rebellious-slave-1513,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_the-resurrection-of-christ,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-risen-christ,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,michelangelo_the-study-of-adam,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+High_Renaissance,michelangelo_the-study-of-adam-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_the-torment-of-saint-anthony,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,michelangelo_the-virgin-and-child-with-saint-john-and-angels-manchester-madonna,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_tomb-of-giuliano-de-medici-1533,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,michelangelo_tomb-of-lorenzo-de-medici-1531,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_two-figures,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,michelangelo_various-studies,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+High_Renaissance,michelangelo_young-slave-1523,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-adoration-of-the-shepherds-1510,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-adoration-of-the-shepherds-detail-altarpiece-of-st-augustine-1510,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-scene-baptism-of-christ-1510,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_altarpiece-of-st-augustine-scene-john-the-tufer-and-the-st-augustine-1510,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,pietro-perugino_altarpolyptychon-predellatafel-scene-adoration-of-the-magi,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_apollo-and-marsyas-1495,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_archangel-raphael-with-tobias,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_baptism-of-christ,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_baptism-of-christ-1507,"[5.0, 22.0, 8.0, 0.0, 0.0, 3.0, 2.0, 3.0, 5.0]"
+High_Renaissance,pietro-perugino_baptism-of-jesus,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_bender-st-jerome,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+High_Renaissance,pietro-perugino_bust-of-st-sebastian-1494,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+High_Renaissance,pietro-perugino_christ-between-the-baptist-and-the-satan-disguised-as-an-old-man-1508,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_christ-in-pieta,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,pietro-perugino_christ-on-the-sarcophagus,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,pietro-perugino_combat-of-love-and-chastity-1505,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_fortitude-and-temperance-with-six-antique-heroes,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_four-naked,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,pietro-perugino_god-the-creator-and-angels-1508,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_john-the-baptist-and-four-saints,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_lady-in-throne-with-child-between-the-saints-and-john-augustine,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,pietro-perugino_lord-and-cherubs,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_lord-in-glory-with-angels-annunciation,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_madonna-an-angel-and-little-st-john-adoring-the-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_madonna-and-child,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-and-child-with-four-saints-tezi-altarpiece,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,pietro-perugino_madonna-and-child-with-st-catherine-and-st-rosa-1493,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-and-child-with-st-john-the-baptist-and-st-sebastian-1493,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,pietro-perugino_madonna-and-child-with-two-cherubs,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-delle-grazie,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_madonna-enthroned-with-st-john-the-tufer-and-st-sebastian-detail,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-enthroned-with-st-john-the-tufer-and-st-sebastian-detail-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+High_Renaissance,pietro-perugino_madonna-in-glory-with-the-child-and-saints,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-of-consolation-1498,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-of-loreta-annunciation,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,pietro-perugino_madonna-of-loreta-nativity,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-of-mercy-with-the-saints-and-stephen-jerome,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-with-child,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-with-child-1500,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-with-child-and-little-st-john,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-with-child-oratory-of-annunciation,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-with-child-particular-detail,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_madonna-with-saints-adoring-the-child,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_marriage-of-the-virgin-1504,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_martyrdom-of-st-sebastian,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_nativity,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_nativity-1500,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_nativity-1502,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-corciano-annunciation,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_pala-di-corciano-assumption-of-mary,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-corciano-nativity,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-fano-annunciation,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-fano-assumption,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_pala-di-fano-marriage-of-the-virgin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_pala-di-fano-nativity-of-mary,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-fano-presentation-in-the-temple,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_pala-di-monteripido,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-san-francesco-al-monte-the-coronation-of-the-virgin,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-adoration-of-pastors,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-adoration-of-the-magi,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-arcangel-gabriel-1523,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-baptism-of-christ-1523,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-lord-blessing-1523,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-pieta-1523,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-sant-irene-and-st-sebastian-1523,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-st-bartolomeo-1523,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_pala-di-sant-agostino-st-jerome-and-santa-maria-magdalena-1523,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pieta-1495,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,pietro-perugino_pieta-between-st-john-and-mary-magdalene,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_pieta-maria-detail-1495,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-albani-torlonia,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-albani-torlonia-particular-detail,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-eternal-blessing-with-cherubs-and-angels-1500,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-prophet-isaiah-1500,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-resurrection-1500,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-costanzo-1500,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-mauro-1500,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-pietro-vincioli-1500,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-san-placido-1500,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-santa-flavia,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-st-benedict-1500,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_polyptych-of-st-peter-st-ercolano-1500,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,pietro-perugino_portrait-of-francesco-delle-opere-1494,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_potrait-of-don-baldassarre,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_potrait-of-don-biagio-milanesi,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_praying-for-a-cup,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_prudence-and-justice-with-six-antique-wisemen,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_resurrection-1500,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_room-torre-borgia,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_saint,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_self-portrait-1500,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,pietro-perugino_sepulcrum-christi,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_st-augustine-and-four-states-of-a-fraternity,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_st-benedict-1498,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+High_Renaissance,pietro-perugino_st-mary-magdalene,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,pietro-perugino_st-nicholas-of-tolentino-1507,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+High_Renaissance,pietro-perugino_st-sebastian-tied-to-a-column-1510,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_the-almighty-with-prophets-and-sybils,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_the-almighty-with-prophets-and-sybils-detail-1,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_the-almighty-with-prophets-and-sybils-detail-2,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_the-annunciation,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_the-ascension-of-christ-1498,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_the-ascension-of-christ-1510,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_the-ceiling-with-four-medallions-1508,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_the-crucifixion-1496,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+High_Renaissance,pietro-perugino_the-family-of-the-madonna-1502,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_the-holy-trinity-and-the-apostles-1508,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_the-madonna-between-st-john-the-baptist-and-st-sebastian-detail-1,"[1.0, 16.0, 14.0, 0.0, 0.0, 0.0, 0.0, 18.0, 1.0]"
+High_Renaissance,pietro-perugino_the-mourning-of-the-dead-christ-deposition,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,pietro-perugino_the-pazzi-crucifixion-1496,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,pietro-perugino_the-presepio,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_the-presepio-detail-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,pietro-perugino_the-transfiguration,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pietro-perugino_the-virgin-and-child-with-an-angel,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_the-virgin-enthroned-with-angels-and-saints-vallombrosa-alterpiece,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_the-vision-of-st-bernard,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_transfiguration-1500,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_trinity-and-six-saints,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pietro-perugino_vallombrosa-altar-detail,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_virgin-and-child-between-sts-john-the-baptist-and-catherine,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,pietro-perugino_virgin-enthroned-with-saints-catherine-of-alexandria-and-biagio,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pietro-perugino_virgin-with-a-child-st-john-and-an-angel-madonna-del-sacco,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_ceiling-decoration-detail-1503,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pinturicchio_ceiling-of-the-piccolomini-library-in-siena-cathedral-1507,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_christ-among-the-doctors-1501,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pinturicchio_madonna-with-writing-child-1498,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_madonna-with-writing-child-and-bishop-1495,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_madonna-with-writing-child-and-st-jerome-1481,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_painting-cycle-for-the-miracles-of-st-bernard-scene-healing-the-blind-and-deaf-riccardo-micuzio-1473,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pinturicchio_portrait-of-a-boy-1500,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,pinturicchio_portrait-of-a-young-man-1502,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,pinturicchio_portrait-of-the-donor-1504,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+High_Renaissance,pinturicchio_saint-bernardino-releases-a-prisoner-1473,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,pinturicchio_saint-jerome-in-the-wilderness-1480,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,pinturicchio_self-portrait-in-the-baglioni-chapel-1501,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+High_Renaissance,pinturicchio_semi-gods-ceiling-1490,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,pinturicchio_st-catherine-s-disputation-detail-1491,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,pinturicchio_st-catherine-s-disputation-detail-1494,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,pinturicchio_the-adoration-of-the-shepherds-1501,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_the-annunciation-1501,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_the-arithmetic-1491,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_the-crucifixion-with-sts-jerome-and-christopher-1471,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,pinturicchio_the-glory-of-st-bernardino-1486,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,pinturicchio_the-resurrection,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_adam-and-eve-from-the-stanza-della-segnatura-1511,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_adam-and-eve-from-the-stanza-della-segnatura-detail-1511,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+High_Renaissance,raphael_angel-fragment-of-the-baronci-altarpiece,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_angel-from-the-polyptych-of-st-nicolas-of-tolentino-1501,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_apollo-and-marsyas-from-the-stanza-della-segnatura-1511,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_birth-on-good-friday,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_bridgewater-madonna-1511,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,raphael_ceiling-1514,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_ceiling-of-the-loggia-of-psyche-1518,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_christ-blessing-1502,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,raphael_christ-s-charge-to-st-peter-cartoon-for-the-sistine-chapel,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_colonna-madonna,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_crucifixion-1503,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,raphael_cupid-and-the-three-graces-1517,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_detail-of-the-tempi-madonna-1508,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_diotalevi-madonna-1503,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_disputation-of-the-holy-sacrament-detail-1510,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_expulsion-of-heliodorus-from-the-temple-detail,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_galatea-detail-of-mermen-and-dolphins-1506,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_galatea-detail-of-putto-and-dolphins-1506,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_gregory-ix-approving-the-decretals-1511,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_hanno-the-pope-s-leo-x-elephant-1516,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_head-of-a-woman-1520,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,raphael_holy-family-known-as-the-grande-famille-of-francois-i-1518,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_isaac-and-rebecca-spied-upon-by-abimelech-1519,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,raphael_jacob-s-dream-1518,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,raphael_jacob-s-encounter-with-rachel-1519,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_joanna-of-aragon-1518,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_justice-from-the-stanza-della-segnatura-1511,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_kneeling-nude-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_lamentation-over-the-dead-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+High_Renaissance,raphael_madonna-and-child,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_madonna-and-child-1505,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,raphael_madonna-and-child-enthroned-with-saints-1505,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_madonna-della-tenda,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,raphael_madonna-in-the-meadow-1506,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_madonna-of-the-baldacchino,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,raphael_madonna-of-the-cloth,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_madonna-of-the-cloth-detail,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,raphael_madonna-of-the-goldfinch,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_madonna-studies-1513,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,raphael_madonna-with-child-and-saints,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_madonna-with-child-and-st-john-the-baptist,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_madonna-with-the-baldachino-detail-1508,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_miraculous-draught-of-fishes,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,raphael_miraculous-draught-of-fishes-1,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,raphael_moses-receiving-the-tablets-of-the-law-detail-1518,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,raphael_moses-saved-from-the-water-1519,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_niccolini-cowper-madonna-1508,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_nude-study,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_philosophy-from-the-stanza-della-segnatura-1511,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_poetry-from-the-stanza-della-segnatura-1511,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_pope-leo-i-repulsing-attila-1514,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,raphael_portrait-of-a-cardinal,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,raphael_portrait-of-a-lady-with-a-unicorn-1506,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_portrait-of-a-man,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_portrait-of-a-man-holding-an-apple-1500,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_portrait-of-a-woman-la-muta-1507,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,raphael_portrait-of-a-young-man-1515,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_portrait-of-a-young-woman,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_portrait-of-a-young-woman-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+High_Renaissance,raphael_portrait-of-agnolo-doni-1506,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,raphael_portrait-of-andrea-navagero-and-agostino-beazzano,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,raphael_portrait-of-baldassare-castiglione-1516,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,raphael_portrait-of-bindo-altoviti-1515,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_portrait-of-cardinal-dovizzi-de-bibbiena,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_portrait-of-elizabeth-gonzaga,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,raphael_portrait-of-guidobaldo-da-montefeltro-duke-of-urbino,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_portrait-of-maddalena-doni-1506,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_portrait-of-pope-julius-ii,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+High_Renaissance,raphael_portrait-of-the-young-pietro-bembo-1504,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_portraits-of-leo-x-cardinal-luigi-de-rossi-and-giulio-de-medici-1518,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,raphael_prime-mover-from-the-stanza-della-segnatura-1511,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_psyche-presenting-venus-with-water-from-the-styx-1517,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_psyche-received-on-olympus-detail-1517,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_putti-detail-from-the-sistine-madonna-1513,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_saint-john-the-baptist-preaching-1505,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_scenes-from-the-life-of-david-1519,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_school-of-athens-detail-from-right-hand-side-showing-diogenes-on-the-steps-and-euclid-1511,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_self-portrait,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_self-portrait-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_self-portrait-with-a-friend,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_solly-madonna,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_st-catherine-of-alexandria-1508,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_st-cecilia-with-saints-detail-1516,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_st-cecilia-with-saints-detail-1516-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_st-cecilia-with-sts-paul-john-evangelists-augustine-and-mary-magdalene-1516,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,raphael_st-george-and-the-dragon,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+High_Renaissance,raphael_st-george-and-the-dragon-1506,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_st-john-the-baptist-in-the-desert-1520,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_st-margaret-1518,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+High_Renaissance,raphael_st-michael-1505,"[1.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_st-michael-overwhelming-the-demon-1518,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_st-paul-preaching-at-athens-cartoon-for-the-sistine-chapel,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_st-peter-escapes-with-the-angel-from-the-liberation-of-saint-peter-in-the-stanza-d-eliodoro-1514,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_st-sebastian-1502,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_studies-for-the-transfiguration,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_study-for-adam-1509,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_study-for-st-paul-preaching-in-athens-1515,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_study-for-the-disputa-1509,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_study-for-the-entombment-in-the-galleria-borghese-rome,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,raphael_study-for-the-head-1507,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+High_Renaissance,raphael_study-for-the-head-of-a-poet,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_study-for-the-holy-family-1518,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_study-for-the-knight-s-dream,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,raphael_study-of-god-the-father-1515,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,raphael_terranuova-madonna,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-adoration-of-the-magi-1503,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-alba-madonna,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-alba-madonna-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-aldobrandini-madonna-or-the-garvagh-madonna-1510,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-annunciation-1503,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-baptism-of-constantine,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_the-battle-at-pons-milvius,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+High_Renaissance,raphael_the-battle-of-ostia-1514,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-blessing-christ,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,raphael_the-blinding-of-elymas-cartoon-for-the-sistine-chapel,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-coronation-of-charlemagne-1514,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,raphael_the-creation-of-the-animals-1519,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-crowning-of-the-virgin-1503,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-death-of-ananias-cartoon-for-the-sistine-chapel,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-deposition-1507,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+High_Renaissance,raphael_the-deposition-1507-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+High_Renaissance,raphael_the-disputation-of-the-holy-sacrament-1511,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-esterhazy-madonna-1508,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_the-expulsion-of-heliodorus-from-the-temple-1512,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-fall-on-the-road-to-calvary-1517,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,raphael_the-fire-in-the-borgo-1514,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,raphael_the-grand-duke-s-madonna-1505,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-guards-outside-the-prison-detail-from-the-liberation-of-st-peter-in-the-stanza-d-eliodoro-1514,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,raphael_the-healing-of-the-lame-man-cartoon-for-the-sistine-chapel,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_the-holy-family-1506,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_the-holy-family-of-the-oak-tree,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-holy-family-with-a-lamb-1507,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-holy-family-with-saints-elizabeth-and-john,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_the-judgment-of-solomon-1511,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,raphael_the-judgment-of-solomon-1519,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 2.0, 0.0]"
+High_Renaissance,raphael_the-judicial-virtues-pope-gregory-ix-approving-the-vatical-decretals-justinian-handing-the,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,raphael_the-liberation-of-st-peter-in-the-stanza-d-eliodoro-1514,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-liberation-of-st-peter-in-the-stanza-d-eliodoro-1514-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_the-madonna-and-child-with-st-john-the-baptist-and-st-nicholas-of-bari-1505,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-madonna-conestabile-1502,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-madonna-of-foligno-1512,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_the-madonna-of-loreto-1509,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-madonna-of-the-blue-diadem-or-the-madonna-of-the-veil,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-madonna-of-the-chair-1515,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-madonna-of-the-fish-the-madonna-with-the-archangel-gabriel-and-st-jerome,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-marriage-of-the-virgin-1504,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-marriage-of-the-virgin-1504-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,raphael_the-mass-at-bolsena-detail-1512,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-mass-of-bolsena-from-the-stanza-dell-eliodor-1514,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-mass-of-bolsena-from-the-stanza-dell-eliodor-detail-1514,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-miraculous-draught-of-fishes-cartoon-for-the-sistine-chapel,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-parnassus-detail-of-homer-dante-and-virgil-in-the-stanze-della-segnatura-1511,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-parnassus-from-the-stanza-delle-segnatura-1511,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-parnassus-from-the-stanza-delle-segnatura-detail-1511,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+High_Renaissance,raphael_the-parnassus-from-the-stanza-delle-segnatura-detail-1511-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-parnassus-from-the-stanza-delle-segnatura-detail-1511-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-parnassus-from-the-stanza-delle-segnatura-detail-1511-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,raphael_the-pregnant-woman-la-donna-gravida-1507,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,raphael_the-presentation-in-the-temple-1503,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-prophet-isaiah-1512,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_the-school-of-athens-detail-1511,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-separation-of-land-and-water-1519,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-serpent-the-cross,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-sibyls-santa-maria-della-pace,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-sistine-madonna-1513,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-three-graces-1505,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_the-transfiguration-1520,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-transfiguration-detail-1520,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-transfiguration-detail-1520-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-triumph-of-galatea-detail-1506,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-triumph-of-galatea-detail-1514,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-veiled-woman-or-la-donna-velata,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,raphael_the-virgin-and-child-with-saint-john-the-baptist-1507,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_the-virgin-of-the-house-of-orleans-1506,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+High_Renaissance,raphael_the-virgin-of-the-rose,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,raphael_the-virtues-1511,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_the-visitation,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,raphael_theological-virtues-1507,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,raphael_theology-from-the-stanza-della-segnatura-1511,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,raphael_tommaso-fedra-inghrami,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_vision-of-a-knight,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,raphael_vision-of-ezekiel-1518,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,raphael_vision-of-the-cross,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_a-knight-of-malta-1515,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,titian_adoration-of-the-shepherds-1533,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,titian_alessandro-farnese,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_angel-1522,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,titian_annunciation,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_apostles-group,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+High_Renaissance,titian_assumption-of-the-virgin-1518,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_bacchanal-1524,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_bacchus-and-ariadne-1523,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_cellach-of-armagh-1522,"[3.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_christ-1522,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_christ-and-the-adulteress-1510,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,titian_christ-carrying-the-cross-1507,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+High_Renaissance,titian_christ-with-globe-1530,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,titian_concert-champetre-1511,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_coronation-of-the-virgin,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_cosimo-de-medici-later-grand-duke-of-tuscany,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_cupid-with-the-wheel-of-fortune,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+High_Renaissance,titian_do-not-touch-me-1512,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,titian_ecce-homo,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+High_Renaissance,titian_entombment-of-christ-1526,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+High_Renaissance,titian_entry-of-mary-into-the-temple-1538,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_flora,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_french-cardinal-georges-d-armagnac-and-his-secretary-g-philandrier,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,titian_giacomo-doria-1535,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+High_Renaissance,titian_gian-giacomo-bartolotti-da-parma-1518,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_giorgio-cornaro-with-a-falcon-1537,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,titian_girls-in-furs-portrait-of-a-woman-1537,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_girolamo-and-cardinal-marco-corner-investing-marco-abbot-of-carrara-with-his-benefice,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+High_Renaissance,titian_giulia-gonzaga,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_holy-family-and-donor-1514,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,titian_horse-and-rider-black-chalk-on-blue-paper,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+High_Renaissance,titian_isabella-d-este-duchess-of-mantua-1536,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+High_Renaissance,titian_judith-with-the-head-of-holofernes,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,titian_madonna-aldobrandini-1530,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_madonna-and-child-with-st-catherine-and-a-rabbit-1530,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_madonna-and-child-with-sts-anthony-of-padua-and-roch(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_madonna-and-child-with-sts-catherine-and-dominic-and-a-donor-1516,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_madonna-and-child-with-sts-dorothy-and-george-1520,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,titian_madonna-in-glory-with-the-christ-child-and-sts-francis-and-alvise-with-the-donor-1520,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_madonna-of-the-cherries-1515,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,titian_man-with-a-glove,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,titian_marriage-with-vesta-and-hymen-as-protectors-and-advisers-of-the-union-of-venus-and-mars,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,titian_mary-magdalen-repentant-1531,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,titian_mary-with-the-child-and-saints,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_not_detected_224922,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,titian_not_detected_224923,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,titian_orpheus-and-eurydice,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+High_Renaissance,titian_pesaros-madonna-1526,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,titian_philip-ii-of-spain,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,titian_polyptych-of-the-resurrection-1522,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_polyptych-of-the-resurrection-virgin-annunciate-1522,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+High_Renaissance,titian_pope-alexander-iv-presenting-jacopo-pesaro-to-st-peter,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_portrait-d-isabella-d-este-1536,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-a-bearded-man,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,titian_portrait-of-a-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,titian_portrait-of-a-man-1508,"[2.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-a-man-1514,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,titian_portrait-of-a-man-in-a-red-cap-1516,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,titian_portrait-of-a-man-munich-1513,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,titian_portrait-of-a-man-with-ermine-coat,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-a-musician,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+High_Renaissance,titian_portrait-of-a-woman-1510,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-a-young-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+High_Renaissance,titian_portrait-of-a-young-woman-with-feather-hat,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,titian_portrait-of-alfonso-d-avalos-in-armor-with-a-page,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,titian_portrait-of-aretino,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,titian_portrait-of-ariosto-1510,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_portrait-of-benedetto-varchi-1540,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_portrait-of-don-fernando-alvarez-of-toledo-grand-duke-of-alba,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,titian_portrait-of-eleonora-gonzaga-1538,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_portrait-of-emperor-charles-v-with-dog-1533,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-federico-ii-gonzaga,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-francesco-maria-della-rovere-1538,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-francis-i-1539,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_portrait-of-giulio-romano,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,titian_portrait-of-ippolito-de-medici-in-a-hungarian-costume-1533,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-ippolito-riminaldi,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,titian_portrait-of-jacopo-giacomo-dolfin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,titian_portrait-of-jacopo-sannazaro-1518,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_portrait-of-laura-de-dianti,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+High_Renaissance,titian_portrait-of-nicolas-perrenot-of-granvelle,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,titian_portrait-of-pietro-bembo,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_portrait-of-vincenzo-mosti,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,titian_presentation-of-the-virgin-at-the-temple-1539,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_profane-love-1515,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,titian_sacred-and-profane-love-1514,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_saint-anthony,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_saint-bernadine-1531,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+High_Renaissance,titian_saint-christopher-1524,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_saint-mark-enthroned-1510,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+High_Renaissance,titian_saint-peter-1518,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+High_Renaissance,titian_saint-sebastian-at-the-resurrection-altin-brescia-1520,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,titian_st-ambrose,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+High_Renaissance,titian_st-augustine,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,titian_st-gregory-the-great,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_st-jerome,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_st-john-the-evangelist,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,titian_st-luke,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,titian_st-mark,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+High_Renaissance,titian_st-matthew,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_st-sebastian-1522,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,titian_studies-of-saint-sebastian-1520,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+High_Renaissance,titian_study-for-the-duke-of-urbino,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,titian_suicide-of-lucretia-1515,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+High_Renaissance,titian_supper-at-emmaus,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,titian_the-annunciation,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,titian_the-beauty-1536,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_the-birth-of-adonis-1510,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,titian_the-bravo,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+High_Renaissance,titian_the-concert,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+High_Renaissance,titian_the-death-of-st-peter-martyr-1529,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+High_Renaissance,titian_the-feast-of-the-gods-1529,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_the-gipsy-madonna-1511,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+High_Renaissance,titian_the-healing-of-the-wrathful-son-1511,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+High_Renaissance,titian_the-holy-family-with-a-shepherd,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_the-legend-of-polydorus-1510,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+High_Renaissance,titian_the-martyrdom-of-saint-peter,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,titian_the-miracle-of-the-jealous-husband-1511,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+High_Renaissance,titian_the-miracle-of-the-newborn-child-1511,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,titian_the-three-ages-of-man-1512,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_the-tribute-money-1516,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,titian_the-vicious-husband-1511,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+High_Renaissance,titian_the-virgin-and-child-with-four-saints,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_the-worship-of-venus-1518,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_vanitas-1515,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,titian_venus-anadyomene,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+High_Renaissance,titian_venus-of-urbino-1538,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_vincenzo-cappello,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,titian_violante-1518,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,titian_young-man-with-cap-and-gloves-1515,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_arrival-of-st-ursula-during-the-siege-of-cologne-1498,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_burial-of-st-jerome-1509,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+High_Renaissance,vittore-carpaccio_christ-with-the-symbols-of-the-passion-surrounded-by-angels-1496,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_debate-of-st-stephen-1514,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,vittore-carpaccio_dream-of-st-ursula-1495,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_glorification-of-st-ursula-and-her-companions-1491,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_holy-conversation,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+High_Renaissance,vittore-carpaccio_holy-family-with-two-donors-1505,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+High_Renaissance,vittore-carpaccio_hunting-on-the-lagoon,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,vittore-carpaccio_lamentation-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+High_Renaissance,vittore-carpaccio_madonna-and-blessing-child-1510,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+High_Renaissance,vittore-carpaccio_portrait-of-a-knight-1510,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_portrait-of-a-lady,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+High_Renaissance,vittore-carpaccio_portrait-of-a-lady-1,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_portrait-of-a-woman-1498,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_portrait-of-a-young-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_portrait-of-an-unknown-man-with-red-beret-1493,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+High_Renaissance,vittore-carpaccio_presentation-in-the-temple-1510,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_salvator-mundi,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_saviour-blesses-the-four-apostles,"[2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_st-george-baptising-the-gentile-1507,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_st-george-killing-the-dragon-1507,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_st-jerome-and-lion-in-the-monastery-1509,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_st-stephen-is-consecrated-deacon,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_st-stephen-preaching-1514,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_st-thomas-in-glory-between-st-mark-and-st-louis-of-toulouse-1507,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-agony-in-the-garden-1502,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-annunciation-1504,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-arrival-of-the-english-ambassadors-1498,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_the-birth-of-the-virgin-1508,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,vittore-carpaccio_the-calling-of-st-matthew-1507,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-crucifixion-and-the-glorification-the-ten-thousand-martyrs-on-mount-ararat-1515,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+High_Renaissance,vittore-carpaccio_the-dead-christ-supported-by-angels,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+High_Renaissance,vittore-carpaccio_the-departure-of-the-english-ambassadors-1498,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_the-flight-into-egypt-1500,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-glory-of-st-vidal-1514,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,vittore-carpaccio_the-lion-of-st-mark-1516,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-martyrdom-of-the-pilgrims-and-the-funeral-of-st-ursula-from-the-st-ursula-cycle-1490-94-1493,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+High_Renaissance,vittore-carpaccio_the-meditation-on-the-passion,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-meeting-of-etherius-and-ursula-and-the-departure-of-the-pilgrims-1498,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-miracle-of-st-tryphonius-1507,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+High_Renaissance,vittore-carpaccio_the-miracle-of-the-relic-of-the-true-cross-on-the-rialto-bridge-1494,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-pilgrims-meet-pope-cyriac-before-the-walls-of-rome-1493,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-repatriation-of-the-english-ambassadors-1500,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-stoning-of-st-stephen-1520,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-triumph-of-st-george-1502,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_the-triumph-of-st-george-1507,"[2.0, 4.0, 2.0, 10.0, 2.0, 6.0, 8.0, 6.0, 6.0]"
+High_Renaissance,vittore-carpaccio_the-virgin-reading-1510,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_three-studies-of-a-cavalier-in-armor,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+High_Renaissance,vittore-carpaccio_two-venetian-ladies,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+High_Renaissance,vittore-carpaccio_virgin-mary-and-john-the-baptist-praying-to-the-child-christ,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+High_Renaissance,vittore-carpaccio_vision-of-st-augustine-1507,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_air-terjun,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_bamboo-forest,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape-3,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape-4,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape-5,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape-6,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,abdullah-suriosubroto_indonesian-landscape-7,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_landscape-mountain,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_landscape-of-paddy-field,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,abdullah-suriosubroto_menuju-danau,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,abdullah-suriosubroto_mountain-view,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,abdullah-suriosubroto_paddy-field,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,abdullah-suriosubroto_suburnya-negeriku,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,abdullah-suriosubroto_the-river,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,abdullah-suriosubroto_waterfall,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abraham-manievich_flowers,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,abraham-manievich_flowers-on-a-yellow-table,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,abraham-manievich_house-workers-in-the-bronx,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,abraham-manievich_still-life-1930,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,abraham-manievich_still-life-with-fruits,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,abraham-manievich_still-life-with-glass,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,abraham-manievich_still-life-with-green-vase-and-flowers,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_after-bath,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,adam-baltatu_after-rain,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_at-the-brickyard,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_autumn-still-life,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_birch-trees,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_birch-woods,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_br-ne-ti-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_cup-with-geraniums,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,adam-baltatu_dobrujan-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_fishing-preparations,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_fruitage,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_grange,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,adam-baltatu_houses-at-the-edge-of-the-forest,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adam-baltatu_houses-in-bretania,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_houses-in-bretania-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_houses-in-ha-i,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adam-baltatu_houses-in-hu-i,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_houses-in-hu-i-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adam-baltatu_houses-in-provence,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_hu-i-slums-houses,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Impressionism,adam-baltatu_ia-i-outskirts-houses,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,adam-baltatu_landscape-with-houses,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,adam-baltatu_mangalia-houses,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_meridional-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_noon-at-br-ne-ti,"[0.0, 7.0, 36.0, 4.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,adam-baltatu_pipkin-with-chrysanthemums,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_pipkin-with-field-flowers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,adam-baltatu_pipkin-with-flowers,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,adam-baltatu_red-roofs,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_sighi-oara,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_sighi-oara-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adam-baltatu_still-life-with-apples-and-pipkin,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_still-life-with-green-apples,"[1.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_still-life-with-pipe-and-books,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_still-life-with-red-pot-and-apples,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,adam-baltatu_still-life-with-travel-props,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,adam-baltatu_still-life-with-vegetables,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Impressionism,adam-baltatu_street-in-hu-i,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,adam-baltatu_subret,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_summer-landscape-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_summer-landscape-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_summer-sky,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adam-baltatu_the-lesson,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,adam-baltatu_the-needlewoman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,adam-baltatu_venice-alleyways,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,adam-baltatu_view-towards-balcic,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_view-towards-san-giorgio-venice,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,adam-baltatu_village-alley,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,adam-baltatu_village-boundary-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adam-baltatu_winter-landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adam-baltatu_winter-landscape-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_arch-of-triumph-in-munich,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adolf-hitler_ardoye-in-flanders,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adolf-hitler_battlefield-wall-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,adolf-hitler_bridge-with-towers,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_church-at-dawn,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_church-spire,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_country-road,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adolf-hitler_destroyed-bridge,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,adolf-hitler_destroyed-building-with-archway,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,adolf-hitler_destroyed-tank-1916,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,adolf-hitler_germany,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_hundswiese-farmhouse,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adolf-hitler_lamberg-castle,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,adolf-hitler_linz-landscape,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_maritime-nocturno-1913,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_millhouse,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,adolf-hitler_road-to-no-man-s-land-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,adolf-hitler_rolling-hills,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adolf-hitler_ruins-of-a-cloister-in-messines-1914,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,adolf-hitler_ruins-with-arches,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,adolf-hitler_self-portrait-on-a-stone-bridge-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_smoking-tank-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,adolf-hitler_st-peter-s-church-in-vienna,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adolf-hitler_still-life-with-bottle-and-fruit,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,adolf-hitler_still-life-with-flowers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,adolf-hitler_tank-battleground-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,adolf-hitler_tank-patrol-1917,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,adolf-hitler_the-basler-gate,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,adolf-hitler_the-church-of-preux-au-bois,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_the-country-church,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,adolf-hitler_the-hermann-s-new-millhouse,"[1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,adolf-hitler_the-trail-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,adolf-hitler_town-gate,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,adolf-hitler_war-torn-town-1918,"[1.0, 2.0, 20.0, 0.0, 1.0, 0.0, 3.0, 14.0, 4.0]"
+Impressionism,akseli-gallen-kallela_marie-gall-n-at-the-kuhmoniemi-bridge-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,akseli-gallen-kallela_parisienne-1888,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_a-cardiff-shipping-lane-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_a-corner-of-the-roches-courtaut-woods-june-1884,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_a-february-morning-at-moret-sur-loing-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_a-may-morning-in-moret-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_a-normandy-farm,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_a-park-in-louveciennes-1874,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_a-path-in-louveciennes-1876,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_a-ponte,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_a-road-in-seine-et-marne-1875,"[0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_a-street-in-louveciennes-1878,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_a-turn-in-the-road-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_a-turn-of-the-river-loing-summer-1896,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_a-turn-of-the-river-loing-summer-1896-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_a-village-street-in-winter-1893,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_abandoned-cottage-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_abandoned-house,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_abandoned-house-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_alley-of-chestnut-trees,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_along-the-woods-in-autumn-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_along-the-woods-in-spring-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_among-the-vines-near-louveciennes-1874,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_an-august-afternoon-near-veneux-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_an-autumn-evening-near-paris-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_an-old-cottage-at-sablons-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_apple-trees-in-bloom-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_apple-trees-in-flower-spring-morning-pommiers-en-fleurs-louveciennes-1873,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_apples-and-grapes-in-a-basket-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_approach-to-the-railway-station-1888,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_at-moret-sur-loing-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_autumn-banks-of-the-seine-near-bougival-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_autumn-in-louveciennes-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,alfred-sisley_autumn-landscape-louveciennnes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_away-in-the-spring-veneux-nadon-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_bank-in-the-autumn-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-rivers-the-thames-hampton-court-first-week-of-october-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-1896,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-at-moret-1892,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-at-moret-morning-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-at-saint-mammes-1885,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-at-saint-mammes-1885-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-autumn-1880,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-near-moret-1890,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-saint-mammes-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-towards-moret-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-loing-winter-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_banks-of-the-orvanne-1890,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-seine-1879,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-seine-at-bougival-1876,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_banks-of-the-seine-at-port-marly-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_banks-of-the-seine-wind-blowing-1894,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_barge-garage-at-saint-mammes-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_barges-at-billancourt-1877,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_barges-on-the-canal-saint-martin-in-paris-1870,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_barges-on-the-loing-canal-spring-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_barges-on-the-loing-saint-mammes-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_barges-on-the-saint-martin-canal,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_bassin-de-marly-1875,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_bateau-de-charge-sur-le-loing-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_bend-in-the-river-loing-in-summer-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_between-veneux-and-by-december-morning-1882,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_boats-1885,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_boats-at-bougival-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_boats-on-the-loing-river-1895,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_boatyard-at-saint-mammes-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_border-of-the-woods-1885,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_bougival-1876,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_bougival-1878,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_boulevard-heloise-argenteuil-1872,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_bouquet-of-flowers-1875,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_bridge-at-serves,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_bridge-at-villeneuve-la-garenne-1872,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_bridge-at-villeneuve-la-garenne-1872-1,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_bridge-over-the-orvanne-near-moret-1883,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_bristol-channel-from-penarth-evening-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_by-the-loing,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_by-the-loing-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_by-the-river-1881,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_by-way-of-the-old-ferry-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_cabins-along-the-loing-canal-sunlight-effect-1896,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_cabins-by-the-river-loing-morning-1896,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_canal-at-saint-mammes-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_canal-du-loing-chemin-de-halage-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_chestnut-tree-at-saint-mammes-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_children-playing-in-the-fields-1879,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_church-at-moret-after-the-rain-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_church-at-noisy-le-roi-in-autumn-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_church-of-moret-1893,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_church-of-moret-1893-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,alfred-sisley_cliffs-at-penarth-evening-low-tide-1897,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_confluence-of-the-seine-and-the-loing-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_construction-site-at-matrat-moret-sur-loing-1888,"[0.0, 7.0, 31.0, 6.0, 0.0, 1.0, 0.0, 4.0, 1.0]"
+Impressionism,alfred-sisley_construction-site-at-saint-mammes-1880,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_construction-site-at-saint-mammes-1880-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_cornfield-1873,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_countryside-near-moret-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_courtyard-at-les-sablons-1885,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_courtyard-of-a-farm-at-saint-mammes-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_cow-pasture-near-louveciennes-1875,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_dawn-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_drying-nets-1872,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_early-snow-at-louveciennes-1872,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_edge-of-fountainbleau-forest-june-morning-1885,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_edge-of-the-forest-in-spring-evening-1886,"[0.0, 4.0, 31.0, 5.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+Impressionism,alfred-sisley_edge-of-the-fountainbleau-forest-morning-1885,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_eglise-de-moret,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_evening-in-moret-end-of-october-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_factory-in-the-flood-bougival-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_ferry-to-the-ile-de-la-loge-flood-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_fete-day-at-marly-le-roi-the-fourteenth-of-july-at-marly-le-roi-1875,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_fields-around-the-forest-1895,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_fields-at-saint-cloud,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_first-snow-in-louveciennes-1870,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_fishermen-mending-nets-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_flood-at-moret-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_flood-at-moret-sur-loing-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_flood-at-port-marly-1872,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_flood-at-port-marly-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_flood-at-port-marly-1876-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,alfred-sisley_flooded-field-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_flooding-at-moret-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_foggy-morning-voisins-1874,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,alfred-sisley_footbridge-over-the-railroad-at-sevres,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_footpath-in-the-gardens-at-by,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_forge-at-marly-le-roi-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,alfred-sisley_frost-in-louveciennes-1873,"[3.0, 4.0, 19.0, 2.0, 0.0, 7.0, 7.0, 3.0, 3.0]"
+Impressionism,alfred-sisley_garden-in-louveciennes-in-the-snow-1874,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_garden-path-in-louveciennes-chemin-de-l-etarch-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_grain-fields-on-the-hills-of-argenteuil-1873,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_grand-jatte-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_grapes-and-walnuts-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_haystack-1877,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_haystacks-at-moret-morning-light-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_haystacks-in-moret-in-october-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_high-waters-at-moret-sur-loing-1879,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_high-wind-1897,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_hill-path-1876,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_hill-path-in-sunlight-1891,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_his-at-suresne-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_his-at-suresne-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_hoar-frost-st-martin-s-summer-indian-summer-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_horses-being-watered-at-marly-le-roi-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_houses-on-the-banks-of-the-loing-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_idle-barges-on-the-loing-canal-at-saint-mammes-1885,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_indian-summer-at-moret-sunday-afternoon,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_inn-at-east-molesey-with-hampton-court-bridge-1874,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_july-afternoon-near-the-forest-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_kitchen-garden-at-louveciennes-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_l-etang-de-chevreuil,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_lady-s-cove-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_lady-s-cove-1897-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_lady-s-cove-before-the-storm-hastings-1897,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_landscape-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_landscape-at-andresy-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_landscape-at-louveciennes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_landscape-at-sevres-1878,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_landscape-in-summer,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_landscape-the-banks-of-the-loing-at-saint-mammes-1881,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_landscape-with-houses-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_lane-of-poplars-at-moret-1888,"[1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_lane-of-poplars-on-the-banks-of-the-loing-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_langland-bay-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_langland-bay-storr-s-rock-morning-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_le-bois-des-roches-veneux-nadon-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_loing-at-moret-in-the-rain-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_loing-canal-at-saint-mammes-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_loing-dam-at-saint-mammes-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_loing-river-and-church-at-moret-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_main-street-in-argenteuil-1872,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_matrat-cottages-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,alfred-sisley_matratat-s-boatyard-moret-sur-loing,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_may-afternoon-on-the-loing-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_meadow-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_molesey-weir-at-hampton-court-morning-1874,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_moret-on-long-time-gray,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_moret-sur-loing-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_moret-sur-loing-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_moret-sur-loing-1888-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_moret-sur-loing-1892,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_moret-sur-loing-1892-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_moret-sur-loing-1892-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_moret-sur-loing-morning-1892,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_moret-sur-loing-the-porte-de-bourgogne-1891,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_morning-in-june-saint-mammes-et-les-coteaux-de-la-celle-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_morning-sun-saint-mammes-1884,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_near-louveciennes-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_near-louveciennes-1876,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_near-moret-1891,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_near-moret-sur-loing-1881,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_near-the-bank-of-the-seine-at-by-1882,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_near-the-seine-at-by,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_neighborhood-street-in-louveciennes-rue-de-village-voisins-to-louveciennes-1872,"[0.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_normandy-the-water-path-in-the-evening-at-sahurs-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_november-afternoon-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_on-the-banks-of-the-loing-canal-1883,"[0.0, 4.0, 42.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_on-the-banks-of-the-river-loing,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_on-the-cliffs-langland-bay-wales-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_on-the-road-from-moret-1882,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_orchard-1885,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_orchard-in-spring-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_orchard-in-spring-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_path-along-the-loing-canal-1891,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_path-at-sablons,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_path-in-the-country-1876,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_path-near-sevres-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_path-near-the-parc-de-courances-1868,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_platz-in-argenteuil-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_plum-and-walnut-trees-in-spring-1889,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_pont-de-moret-dans-le-soleil-du-matin-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_pont-de-moret-sur-loing,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_poplars-a-moret-sur-loing-an-august-afternoon-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_princesse-street-in-louveciennes-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_promenade-of-chestnut-trees-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_provencher-s-mill-at-moret-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_railroad-embankment-at-sevres-1879,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_regata-at-hampton-court-1874,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_rider-at-the-edge-of-the-forest-1875,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_river-landscape-by-moret-sur-loing,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_river-loing-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_river-loing-at-saint-mammes,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_river-steamboat-and-bridge-1871,"[0.0, 0.0, 4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_riverbank-at-saint-mammes-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_riverbank-at-veneux-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_riverbanks-at-saint-mammes-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_road-along-the-seine-at-saint-mammes,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_road-at-veneux-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_road-from-hampton-court-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_road-from-saint-germain-to-marly-1875,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_road-from-versailles-to-saint-germain-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_road-under-snow-louveciennes,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_route-from-louveciennes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_route-to-marly-le-roi-in-snow,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_route-to-versailles-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_rowers-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_rural-guardsman-in-the-fountainbleau-forest-1870,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_sablons-in-spring-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_saint-cloud-1877,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_saint-cloud-banks-of-the-seine-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_saint-lubin-church-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_saint-mammes,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_saint-mammes-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_saint-mammes-1885-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_saint-mammes-1885-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_saint-mammes-dam-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_saint-mammes-dam-1885-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_saint-mammes-ducks-on-canal-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_saint-mammes-evening-1885,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_saint-mammes-house-on-the-canal-du-loing-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_saint-mammes-in-winter,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_saint-mammes-loing-canal-1885,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_sand-on-the-quayside-port-marly-1875,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_seine-at-bougival-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_seine-at-daybreak-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_sentier-de-la-mi-cote-louveciennes-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_september-morning-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_setting-sun-at-moret-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,alfred-sisley_sevres-bridge-1877,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_small-meadows-in-spring-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_snow-at-louveciennes-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_snow-at-louveciennes-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_snow-at-louveciennes-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,alfred-sisley_snow-at-marly-le-roi-1875,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_snow-at-marly-le-roi-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_snow-effect-at-louveciennes-1876,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_snow-effect-at-moret-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Impressionism,alfred-sisley_snow-effect-at-veneux,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_snow-effect-at-veneux-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_snow-on-the-road-louveciennes-chemin-de-la-machine-1874,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_snow-scene-moret-station-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,alfred-sisley_snowy-weather-at-veneux-nadon-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_spring-at-veneux-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_spring-in-bougival-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_spring-on-the-loing-river-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_spring-sunshine-on-the-loing-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_springtime-1889,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_springtime-scene-morning-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_station-at-sevres,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_street-entering-the-village-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_street-in-marly-1876,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_street-in-moret-porte-de-bourgogne-from-across-the-bridge,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_street-in-moret-sur-loing-1892,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_street-in-veneux-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_street-in-ville-d-avray-1873,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_street-scene-in-marly-1876,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_summer-at-bougival-1876,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_summer-in-moret,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_sunny-afternoon-willows-by-the-loing-1890,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_sunrise-at-saint-mammes-1880,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_sunset-at-moret-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_sunset-at-moret-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_sunset-at-port-marly-1876,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_thames-at-hampton-court-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-aqueduct-at-marly-1874,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-banks-of-the-loing-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-banks-of-the-loing-moret-1885,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-banks-of-the-oise-1878,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-banks-of-the-seine-in-autumn,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-banks-of-the-seine-in-autumn-flood,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-barge-port-and-saint-mammes-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-blocked-seine-at-port-marly-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-boatyard-at-saint-mammes-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_the-bourgogne-lock-at-moret-spring-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-bridge-and-mills-of-moret-winter-s-effect-1890,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-bridge-at-argenteuil-1872,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-bridge-at-moret-1893,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-bridge-at-moret-at-sunset-1892,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-bridge-at-saint-cloud-1877,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-bridge-of-sevres-1877,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-canal-saint-martin-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-chemin-de-by-through-woods-at-rouches-courtaut-st-martin-s-summer-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-church-at-moret-in-morning-sun-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_the-church-at-moret-rainy-morning-1893,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-church-at-moret-winter-1894,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-dam-at-saint-mammes-1885,"[1.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-dam-loing-canal-at-saint-mammes-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-dam-on-the-loing-barges-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-edge-of-the-forest-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-effect-of-snow-at-argenteuil-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-english-coast-penarth-1897,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-factory-at-sevres-1879,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-farm-at-trou-d-enfer-autumn-morning-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-fields-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-fields-and-hills-of-veneux-nadon-1881,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-first-hoarfrost-1876,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-flood-at-port-marly-1876,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-flood-on-the-road-to-saint-germain-1876,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-forest-at-boulogne,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-furrows-1873,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-garden-of-hoschede-montgeron-1881,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-hill-path-ville-d-avray-1879,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-hills-of-la-bouille-1894,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-hills-of-veneux-seen-from-saint-mammes-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_the-island-of-saint-denis-1872,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-lane-of-poplars-at-moret-sur-loing-1888,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-lane-of-poplars-at-moret-sur-loing-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-lane-of-the-machine-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-laundry-1876,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-lesson-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-loing-at-high-water-1889,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-loing-at-moret-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-at-moret-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-at-moret-1885,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-loing-at-moret-1886,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-at-moret-in-summer-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-at-moret-the-laundry-boat-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-at-saint-mammes-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-at-saint-mammes-1884-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-at-saint-mammes-1885,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-canal-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-loing-canal-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-loing-canal-at-saint-mammes-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-loing-flowing-under-the-moret-bridge-1892,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-machine-at-marly-1873,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-marly-machine-and-the-dam-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_the-mills-at-moret-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-mills-of-moret-sunrise-1889(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-moret-bridge-1892,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-moret-bridge-and-mills-under-snow-1890,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-moret-bridge-at-sunset-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-moret-bridge-in-the-sunlight-1892,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-mouth-of-the-loing-at-saint-mammes-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_the-park-at-sevres-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-path-from-saint-mammes-morning-1890,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-path-from-veneux-to-thomery-along-the-water-evening-1880,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-plain-of-thomery-and-the-village-of-champagne-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-plain-of-veneux-view-of-sablons-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,alfred-sisley_the-pont-at-moret-afternoon-effect-1891,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-poplar-avenue-at-moret-cloudy-day-morning-1888,"[0.0, 9.0, 29.0, 4.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Impressionism,alfred-sisley_the-port-of-saint-mammes-morning-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-regattas-moseley-1874,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-rest-beside-d-un-creek-1872,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-rising-path-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-river-at-saint-cloud,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-road-from-gennevilliers-1872,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-road-from-hampton-court-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-road-from-mantes-to-choisy-le-roi-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-road-from-prunay-to-bougival-1874,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_the-road-in-the-woods-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-road-to-louveciennes-montbuisson,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-road-to-louveciennes-montbuisson-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-roches-courtaut-wood-near-by-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,alfred-sisley_the-route-to-mantes-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_the-rowers-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-saint-martin-canal-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-argenteuil-1872,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-bougival-1872,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-bougival-1872-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-bougival-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-bougival-1873-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-bougival-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_the-seine-at-bougival-1876-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-seine-at-bougival-in-winter-1872,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-grenelle-1878,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-grenelle-rainy-wether-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-marly-1876,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-point-du-jour-1878,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_the-seine-at-port-marly-sand-piles-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-seine-at-saint-cloud-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-saint-mammes-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-suresnes-1877,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-at-suresnes-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-near-by,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-seine-near-saint-cloud-high-water-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_the-seine-view-from-the-quay-de-pont-du-jour-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,alfred-sisley_the-seine-with-the-institute-of-france,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-sevres-bridge-1877,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_the-sevres-bridge-1877-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-slopes-of-bougival-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-small-meadow-at-by-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-station-at-sevres-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-straw-rent-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-straw-rent-1895,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-terrace-at-saint-germain-spring-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-tugboat-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-village-of-moret-seen-from-the-fields-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-village-of-sablons-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_the-washerwomen-of-moret-1887,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_the-washerwomen-of-moret-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_the-watering-place-at-marly-le-roi-hoarfrost-1875,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_the-watering-place-at-marly-le-roi-in-winter-1875,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_trees-in-bloom-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_two-women-walking-along-the-riverbank-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_under-the-bridge-at-hampton-court-1874,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_valley-of-the-seine-at-saint-cloud-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_view-in-moret-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_view-of-a-village-by-a-river-1892,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_view-of-marly-le-roi-from-house-at-coeur-colant-1876,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_view-of-montmartre-from-the-cite-des-fleurs-1869,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,alfred-sisley_view-of-moret-1880,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_view-of-moret-sur-loing-through-the-trees-1892,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_view-of-saint-mammes-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_view-of-st-cloud-1876,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_view-of-the-canal-saint-martin-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_view-of-the-thames-charing-cross-bridge-1874,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_view-of-the-village-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_village-of-champagne-at-sunset-april-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_village-on-the-banks-of-the-seine-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_village-street-grey-weather-1874,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_village-street-louveciennes-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_walnut-tree-in-a-thomery-field-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_walnut-trees-at-sunset-in-early-october,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_walnut-trees-sunset-early-days-of-october-1882,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_washerwomen-of-bougival-1875,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,alfred-sisley_watermill-near-moret-by-alfred-sisley,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,alfred-sisley_welsh-coast-in-the-fog-1887,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_wiese-by-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_willows-in-a-field-afternoon,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_windy-afternoon-in-may,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-sisley_windy-day-at-veneux-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,alfred-sisley_winter-morning-veneux-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,alfred-sisley_women-laudering-1876,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-stevens_a-beach-in-normandy,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,alfred-stevens_a-stormy-night-1892,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,alfred-stevens_allegory-of-the-night,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,alfred-stevens_elegant-on-the-boulevards,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,alfred-stevens_moonlit-seascape-1892,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,alfred-stevens_young-woman-with-the-red-umbrella-by-the-sea,"[1.0, 1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,amadeo-de-souza-cardoso_at-bistrot,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,amadeo-de-souza-cardoso_cafe-in-paris-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,amadeo-de-souza-cardoso_gypsies-1910,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,amadeo-de-souza-cardoso_house-manhufe-1910,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,amadeo-de-souza-cardoso_landscape,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,amadeo-de-souza-cardoso_landscape-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,amadeo-de-souza-cardoso_pont-l-albb-1907,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,amadeo-de-souza-cardoso_village-market-in-cardoso-1905,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,amrita-sher-gil_self-portrait,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,amrita-sher-gil_self-portrait-as-tahitian-1934,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,amrita-sher-gil_sleeping-woman-1933,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,amrita-sher-gil_young-girls-1932,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,anders-zorn_a-female-nude,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,anders-zorn_a-portrait-of-a-christian-de-falbe,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,anders-zorn_a-portrait-of-the-daughters-of-ramon-subercasseaux,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_a-premiere-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,anders-zorn_a-premiere-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,anders-zorn_a-woman-in-a-forest-1907,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_after-the-bath-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_castles-in-the-air-1885,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_christmas-morning-service-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,anders-zorn_dance-in-gopsmor-1906,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_emma-and-mouche-the-dog-1902,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,anders-zorn_firelight,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,anders-zorn_girl-in-an-orsa-costume-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,anders-zorn_hamburg-harbour-1891,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_helga-1917,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,anders-zorn_impressions-of-london-1890,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,anders-zorn_in-my-gondola-1894,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_in-the-studio-1896,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,anders-zorn_in-the-woods-1893,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,anders-zorn_in-werner-s-rowing-boat-1917,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,anders-zorn_in-wikstrom-studio-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,anders-zorn_lappings-of-the-waves-1887,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_midsummer-dance-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,anders-zorn_misses-solomon,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_mrs-potter-palmer-1893,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,anders-zorn_nude-under-a-fir-1892,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,anders-zorn_omnibus-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,anders-zorn_president-grover-cleveland-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,anders-zorn_queen-sophia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,anders-zorn_red-stockings-1887,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,anders-zorn_reflexions-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,anders-zorn_self-portrait-with-a-model-1896,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,anders-zorn_self-portrait-with-faun-and-nymph,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,anders-zorn_sensitive-to-cold-1894,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,anders-zorn_the-sisters-schwartz,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_the-tub-1888,"[6.0, 12.0, 19.0, 9.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Impressionism,anders-zorn_view-from-the-ship-island-pier-1890,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anders-zorn_women-bathing-in-the-sauna-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_baigneuses-1905,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_crecy-la-chapelle-la-route-de-voulangis-1935,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_dimanche-sur-la-marne,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_fenouil-poivrons-et-tomates-1960,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_l-ananas-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_la-blonde-vaporouse,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_la-bouteille-de-vin-blanc,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_la-brouette-1934,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_la-campagne-de-grimaud,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_la-cure-de-soleil-1927,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_le-morin-pres-de-guerard-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_le-pont-des-arts-paris,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_le-village,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_les-canotiers-sur-la-marne,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_les-mimosas-1970,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_nature-morte,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_nature-morte-au-chou-et-bouteille,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,andre-dunoyer-de-segonzac_nature-morte-avec-ananas,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_nature-morte-de-fleurs-et-fruits,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_nude-on-a-bed,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_nude-with-a-newspaper-1921,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_nue-au-chapeau-de-paille,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,andre-dunoyer-de-segonzac_paysage,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,andre-dunoyer-de-segonzac_paysage-bleu,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_paysage-m-diterran-en,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_seine-sur-la-triel-1960,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_still-life-with-a-cabbage-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,andre-dunoyer-de-segonzac_still-life-with-peaches-and-umbrella,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_sur-la-terrasse-vue-de-la-mer,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_the-farm-on-the-estate-1923,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_the-road-from-grimaud-1937,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_vall-e-du-morin-en-juin-ferme-de-tigeaux,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_vase-d-anemones-citrons-et-panier-sur-la-table,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,andre-dunoyer-de-segonzac_vase-de-fleurs-assiette-de-peches-ombrelle-et-le-figaro-1960,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_arc-de-triomphe,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_arc-de-triomphe-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_arc-de-triomphe-2,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_arc-de-triomphe-3,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_arc-de-triomphe-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_arc-de-triomphe-5,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_avenue-de-l-opera,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,antoine-blanchard_booksellers-notre-dame-winter,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-2,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-3,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-4,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-5,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-6,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-7,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-8,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_boulevard-de-la-madeleine-9,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_boulevard-des-capucines,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-des-capucines-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-des-capucines-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-des-capucines-3,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-des-capucines-et-madeleine,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-haussmann,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_boulevard-haussmann-1,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_bouquinistes-de-notre-dame,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_bouquinistes-de-notre-dame-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix-1,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix-2,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix-opera,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix-opera-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix-opera-2,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix-opera-3,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_caf-de-la-paix-opera-4,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_champs-elysees,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_champs-elysees-1,"[1.0, 7.0, 19.0, 9.0, 0.0, 3.0, 0.0, 3.0, 1.0]"
+Impressionism,antoine-blanchard_champs-elysees-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_champs-elysees-3,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_champs-elysees-arc-de-triomphe,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_champs-elysees-arc-de-triomphe-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_champs-elysees-arc-de-triomphe-2,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_champs-elysees-winter,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_comedie-jpg,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_eglise-de-saint-germain-des-pres,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_flower-market-madeleine,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_flower-market-madeleine-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_flower-market-madeleine-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_gare-de-lest,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_gare-de-lest-2,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_grands-boulevard-et-porte-st-denis-sous-la-neige,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_grands-boulevards,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_grands-boulevards-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_l-arc-de-triomphe,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_l-opera-caf-de-la-paix,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,antoine-blanchard_la-chatelet,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_la-gare-dorleans-et-le-quai-dorsay,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_la-madeleine-boulevard-des-capucines,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_la-rue-lafayette-et-le-square-montholon,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_la-rue-tronchet-paris(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,antoine-blanchard_le-boulevard-paris,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_le-chatelet,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_le-louvre-passerelle-des-arts,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_le-moulin-rouge,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_le-moulin-rouge-place-blanche-a-montmartre,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_les-grand-boulevards-theatre-du-vaudeville,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,antoine-blanchard_les-grands-boulevards,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_les-grands-boulevards-sous-la-neige,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_moulin-rouge-a-pigalle-sous-la-neige,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_notre-dame,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_notre-dame-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,antoine-blanchard_notre-dame-quai-saint-michel,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_notre-dame-quai-saint-michel-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_notre-dame-quai-saint-michel-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,antoine-blanchard_omnibus-on-the-place-de-la-madeleine,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_omnibus-on-the-place-de-la-madeleine-winter,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_opera-caf-de-la-paix,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_palais-royal,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_paris,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_paris-la-cathedrale-notre-dame,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_paris-la-chatelet,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_paris-les-bouquinistes,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,antoine-blanchard_paris-les-champs-elysees,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-l-opera-caf-de-la-paix-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-bastiile,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_place-de-la-bastiile-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-bastiile-2,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-bastiile-3,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-concorde,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-concorde-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-concorde-2,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-concorde-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-concorde-4,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine-2,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine-3,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine-4,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine-hiver,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine-marche-aux-fleurs,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-madeleine-winter,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,antoine-blanchard_place-de-la-republic,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-1,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-10,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-2,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-3,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-4,"[1.0, 8.0, 18.0, 12.0, 0.0, 0.0, 0.0, 2.0, 5.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-5,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-6,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-7,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-8,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republic-9,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,antoine-blanchard_place-de-la-republique,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republique-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republique-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republique-3,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_place-de-la-republique-4,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-du-chatelet,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-du-luxembourg-le-pantheon,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_place-du-palais-royal,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-saint-michel-notre-dame,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_place-vendome,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_pont-saint-michel-notre-dame,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-10,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-3,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-4,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,antoine-blanchard_porte-st-denis-5,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_porte-st-denis-6,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-7,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_porte-st-denis-8,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-9,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-winter,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-denis-winter-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-martin,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-martin-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-martin-2,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-martin-3,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_porte-st-martin-and-porte-st-denis,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_quai-st-michel-notre-dame,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-de-la-paix-place-vendome,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_rue-de-la-paix-place-vendome-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-norvins-place-du-tertre-montmartre,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine-3,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine-4,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine-5,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine-6,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_rue-royal-madeleine-7,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,antoine-blanchard_rue-tronchet-la-madeleine,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-tronchet-la-madeleine-1,"[0.0, 0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-tronchet-la-madeleine-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_rue-tronchet-la-madeleine-3,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_the-pantheon,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_the-pantheon-1,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-des-varietes-large,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-des-varietes-large-1,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-des-varietes-large-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-des-varietes-large-3,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-du-chatelet,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-du-gymnase-boulevard-bonne-nouvelle,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-du-gymnase-boulevard-bonne-nouvelle-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,antoine-blanchard_theatre-du-vaudeville,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-du-vaudeville-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antoine-blanchard_theatre-du-vaudeville-2,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antoine-blanchard_winter-in-paris-notre-dame,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,anton-azbe_in-a-studio-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Impressionism,anton-azbe_the-harem-sketch-1903,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,anton-melbye_coastal-scene-with-larger-rocks-1862,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,antonio-carneiro_cl-udio-nos-rochedos-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antã³nio-de-carvalho-da-silva-porto_canoas-set-bal-1883,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,antã³nio-de-carvalho-da-silva-porto_na-ilha-de-capri-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antã³nio-de-carvalho-da-silva-porto_no-areinho-douro-1880,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,antã³nio-de-carvalho-da-silva-porto_recanto-de-praia,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,antã³nio-de-carvalho-da-silva-porto_rua-de-barbizon-1879,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-1879,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-1879-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-1879-2,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-3,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_a-birch-grove-spots-of-sunlight,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_a-grove-with-birch,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_after-a-rain,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_after-a-rain-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,arkhip-kuindzhi_after-a-rain-rainbow,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,arkhip-kuindzhi_after-the-thunderstorm-1879,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_ai-petri-crimea,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_autumn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_autumn-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_autumn-fog,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,arkhip-kuindzhi_autumn-steppe-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_birches-1879,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_christ-in-the-garden-of-gethsemane-1901,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_cloud,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_cloud-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_cloud-over-the-mountain-valley,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_clouds,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_clouds-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_clouds-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_coast-of-the-sea-with-a-rock,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_crescent-moon-at-sunset,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_crimea,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_crimea-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,arkhip-kuindzhi_crimea-yayla,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_cypresses-on-a-seashore-the-crimea-1887,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_daryal-pass-moonlight-night,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_dnieper-1901-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_elbrus,"[2.0, 19.0, 20.0, 2.0, 0.0, 0.0, 1.0, 2.0, 5.0]"
+Impressionism,arkhip-kuindzhi_elbrus-in-the-daytime,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_elbrus-in-the-daytime-1,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_elbrus-moonlit-night,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_evening,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_evening-in-the-steppe,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_evening-in-ukraine-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_expanse-crimea,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_flower-garden-caucasus-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,arkhip-kuindzhi_forest,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_forest-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_forest-burdock,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_forest-expanse,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_forest-glade,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_forest-glade-1887,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_forest-glade-fog,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_forest-lake-cloud-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_forest-swamp,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_grove,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_in-the-crimea,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_kazbek,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_lake-evening,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_moonlight-in-a-forest-winter,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_moonlight-night-meditation,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,arkhip-kuindzhi_moonlight-night-on-the-dnieper,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_moonlight-night-on-the-sea,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_moonlight-night-winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_mountains,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_mountains-1,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_mountains-on-the-shore,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,arkhip-kuindzhi_night,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_noon-herd-in-the-steppe,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_poplar-trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_rainbow,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,arkhip-kuindzhi_rainbow-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_rainbow-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_red-sunset,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_red-sunset-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_red-sunset-2,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_rock,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_rocky-seashore-crimea,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_roofs-winter-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,arkhip-kuindzhi_sea-coast-crimea,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_sea-coast-view-of-mount-demerdzhi,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sea-gloomy-day,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,arkhip-kuindzhi_seashore,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_snow-tops-1,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_snowy-mountain-peaks-caucasus,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunflowers-crimea,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,arkhip-kuindzhi_sunlight-in-the-park,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,arkhip-kuindzhi_sunset,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-3,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-effect,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-in-the-forest,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_sunset-in-the-forest-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-in-the-steppes-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_sunset-in-the-steppes-by-the-sea,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-in-the-winter-a-coast-of-the-sea,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunset-with-trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_sunspots-on-frost-sunset-in-the-forest,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_surf-crimea-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,arkhip-kuindzhi_the-crimea-the-southern-shore-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,arkhip-kuindzhi_the-limpid-water-gloomy-day-crimea,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,arkhip-kuindzhi_the-sea-with-a-sailing-ship,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_the-top-of-mount-elbrus-in-the-sunlight,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_tree-against-the-evening-sky,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_trunks-of-trees,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_twilight,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_twilight-in-the-steppe,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_ukraine-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_view-of-the-beach-and-sea-from-the-mountains-crimea,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_view-on-moscow-from-sparrow-hills-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_volga,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,arkhip-kuindzhi_wild-grass-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arkhip-kuindzhi_winter,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,arkhip-kuindzhi_winter-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_winter-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_winter-3,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,arkhip-kuindzhi_winter-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,arkhip-kuindzhi_winter-fog,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,arkhip-kuindzhi_winter-spots-of-light-on-cottage-roof,"[5.0, 10.0, 14.0, 5.0, 0.0, 1.0, 4.0, 2.0, 5.0]"
+Impressionism,arkhip-kuindzhi_winter-sunlight-on-the-hoar-frost,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arkhip-kuindzhi_winter-thaw,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,armand-guillaumin_agay-bay-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_agay-les-roches-rouges-1901,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_apr-s-la-pluie-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_autoportrait-au-chevalet-1878,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_caves-prunal-near-pontgibaud-auvergne,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_cottages-in-a-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_coucher-de-soleil-en-creuse-1898,"[0.0, 16.0, 19.0, 7.0, 0.0, 1.0, 3.0, 3.0, 2.0]"
+Impressionism,armand-guillaumin_crozant-les-monts-sedelle-matin-1895,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_crozant-solitude-1915,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_dans-le-midi-1910,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_effts-de-neige-palaiseau-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,armand-guillaumin_epinay-sur-orge-1884,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_hollow-in-the-snow-1869,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,armand-guillaumin_la-creuse-sous-la-neige-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_la-place-valhubert-1875,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_la-pointe-du-lou-gaou-1911,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_landscape-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_landscape-at-pontgibaud-1895,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_landscape-near-saint-julien-des-chazes-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_landscape-of-puy-de-d-me,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_le-pont-des-arts-1878,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_le-pornic-1909,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_le-r-servoir-poitiers-1910,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_les-rapides-a-genetin-1900,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_les-ruines-a-crozant-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_madness-ravine-crozant-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,armand-guillaumin_moret-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_moulin-bouchardon-crozant-1895,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,armand-guillaumin_moulins-en-hollandee-1904,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_mountain-landscape-pontgibaud-village-in-peschadoire-1895,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_neige-1876,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_neige-crozant-1898,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_paysage-crozant-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_paysage-de-creuse-1897,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_paysage-du-midi-1905,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_plateau-bromont-at-pontgibaud-puy-de-d-me-1890,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_pommiers-en-fleurs-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,armand-guillaumin_pont-charraud-gel-e-blanche-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_quai-de-bercy-effets-de-neige-1874,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_rafales-de-vent-le-brusc-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,armand-guillaumin_saint-julien-des-chazes-1895,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,armand-guillaumin_saint-sauves-d-auvergne-1900,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_saint-sauves-under-the-snow-1899,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_sunset-at-ivry-soleil-couchant-ivry-1873,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_the-haystacks-1895,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,armand-guillaumin_the-seine-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_the-seine-river-at-charenton-1878,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_valley-in-pontgibaud-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_vase-de-chrysanthemes-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_view-of-saint-sauves-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,armand-guillaumin_vue-de-port-1880,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,armand-guillaumin_winter-in-saint-sauves-auvergne-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arshile-gorky_park-street-church,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,arthur-lowe_autumn-1916,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arthur-lowe_clifton-grove-clifton-hall-nottingham-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arthur-segal_femme-au-piano-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,arthur-segal_figures-in-a-wooded-park,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,arthur-verona_bear-leaders-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arthur-verona_birch-forest,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arthur-verona_child-study,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,arthur-verona_country-road,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,arthur-verona_country-road-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arthur-verona_decorative-panel-for-the-romanian-maritime-service-study-1908,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,arthur-verona_field-festivity,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arthur-verona_gipsy-tent,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,arthur-verona_girl-s-dower,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,arthur-verona_harvest-1907,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arthur-verona_in-the-forest-1911,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,arthur-verona_in-the-garden-with-flowers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arthur-verona_in-the-hertza-forest-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,arthur-verona_neagoe-basarab-study,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,arthur-verona_peasant-woman-resting-1915,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,arthur-verona_violinist-in-a-boat,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,arthur-verona_women-assembly,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,asgrimur-jonsson_children-at-play-1920,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_flowers-1956,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_from-borgarfj-r-ur-eir-ksj-kull-glacier-west-iceland-1947,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_from-hornafj-r-ur-the-farm-st-ra-l-g-southeast-iceland-1912,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_moonlight-reykjav-k-1909,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,asgrimur-jonsson_mt-arnarfell-1927,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,asgrimur-jonsson_mt-esja-seen-from-the-building-vinaminni-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_mt-hekla-1927,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_mt-skjaldbrei-ur-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,asgrimur-jonsson_scene-from-flj-tsdalsh-ra-in-east-iceland-1951,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_scene-from-m-vatnssveit-in-north-iceland-1953,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,asgrimur-jonsson_springtime-at-h-safell-west-iceland-1950,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_the-farm-m-lakot-in-flj-tshl-south-iceland-1913,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_thingv-llum-1905,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_thj-rs-river-mt-hekla-in-the-evening-sun-1918,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,asgrimur-jonsson_view-of-elli-a-rvogur-reykjav-k-1930,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,asgrimur-jonsson_winter-sun-in-hafnarfj-r-ur-1930,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,auguste-herbin_after-the-rain-at-la-roche-guyon-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-herbin_green-landscape-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,auguste-herbin_maison-au-bord-du-fleuve-1906,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-herbin_snow-at-haut-isle-1906,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-herbin_the-coast-at-haute-isle-1906,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-herbin_wooded-coast-at-roche-goyon-1906,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_adam,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,auguste-rodin_adam-and-eve-expelled-from-paradise,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,auguste-rodin_age-of-bronze,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_age-of-bronze-1876,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,auguste-rodin_albert-ernest-carrie-belleuse,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_balzac-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,auguste-rodin_balzac-nude-with-his-arms-crossed-1892,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_belgian-landscape,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_bellona,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_burghers-of-calais,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_bust-of-a-smiling-woman-1875,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_bust-of-albert-ernest-carrier-belleuse-1882,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,auguste-rodin_bust-of-gustav-mahler,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,auguste-rodin_bust-of-helene-von-nostitz,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_bust-of-honor-de-balzac,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_bust-of-victor-hugo,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,auguste-rodin_camille-claudel,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,auguste-rodin_camille-claudel-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,auguste-rodin_cupid-and-psyche-1905,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_danaid,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,auguste-rodin_domingo-sarmiento,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_eternal-idol-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,auguste-rodin_eternal-spring,"[0.0, 2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_eve-fairfax-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_flying-figure-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,auguste-rodin_hand,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_i-am-beautiful-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_jules-bastien-lepage,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_lo-e-fuller,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_madame-fenaille-1898,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_man-with-a-broken-nose,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,auguste-rodin_mask-of-hanako-the-japanese-actress-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_minerva,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_mme-vicuna-1884,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_monument-to-victor-hugo-first-project-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Impressionism,auguste-rodin_nude-study-for-balzac,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_old-man-s-face,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_pens,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,auguste-rodin_pierre-de-wissant,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,auguste-rodin_poet-and-muse-1905,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_portrait-of-a-man,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_portrait-of-a-man-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,auguste-rodin_portrait-of-camille-claudel-with-a-bonnet-1886,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_portrait-of-the-japanese-dancer-hanako-1908,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,auguste-rodin_portrait-of-varvara-yeliseyeva-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,auguste-rodin_psyche-1886,"[0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_right-hand,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_romeo-and-juliet-1905,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,auguste-rodin_suzon,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-burghers-of-calais,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-burghers-of-calais-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,auguste-rodin_the-burghers-of-calais-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,auguste-rodin_the-burghers-of-calais-2,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,auguste-rodin_the-call-to-arms-1879,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_the-eternal-spring-kiss,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-gates-of-hell,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-gates-of-hell-1917,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_the-hand-of-god-1898,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_the-kiss-1904,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-prodigal-son-1889,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_the-shade-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_the-sinner,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_the-storm,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-thinker,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,auguste-rodin_the-thinker-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-thinker-1902,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_the-thinker-1902-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_the-thinker-2,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_the-three-shades,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_three-views-of-a-mask,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_three-views-of-a-mask-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_three-views-of-a-mask-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_three-views-of-a-mask-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_three-views-of-a-mask-4,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_three-views-of-a-mask-5,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_three-views-of-a-mask-6,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_torso,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_ugolino-1882,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_untitled,"[1.0, 5.0, 17.0, 4.0, 0.0, 1.0, 0.0, 6.0, 11.0]"
+Impressionism,auguste-rodin_untitled(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_untitled(2),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_untitled(3),"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_untitled(4),"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_untitled(5),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,auguste-rodin_untitled(6),"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,auguste-rodin_untitled-1905,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_victor-hugo-1886,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,auguste-rodin_walking-man-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,auguste-rodin_young-girl,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,auguste-rodin_young-girl-with-roses-on-her-hat-1870,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,augustus-john_a-west-indian-girl-1940,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,augustus-john_barbara-allen,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,augustus-john_dorelia-1959,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,augustus-john_dylan-thomas-1938,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,augustus-john_edwin-john-1911,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,augustus-john_eileen-hawthorne-1930,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_eve-kirk-1940,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,augustus-john_flowers-in-a-jar-1950,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_flowers-in-a-jug-1950,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_jane-ellen-harrison-newnham-college,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,augustus-john_king-feisal-of-iraq-1919,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,augustus-john_lady-mary-alington-1930,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Impressionism,augustus-john_llyn-treweryn-1912,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_mas-de-galeron-1950,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_merikli-1902,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,augustus-john_mrs-randolph-schwabe-1917,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_portrait-of-a-chinese-woman,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,augustus-john_portrait-of-a-jamaican-woman-1937,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_proven-al-landscape,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,augustus-john_richard-hughes-1937,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,augustus-john_robin-john-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,augustus-john_scottish-canadian-soldier-1940,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,augustus-john_se-ora-gandarillas-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,augustus-john_self-portrait-1940,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,augustus-john_study-in-provence-1926,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_the-aran-isles-1912,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,augustus-john_the-orange-jacket-1916,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,augustus-john_the-right-honourable-david-lloyd-george-1916,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,augustus-john_the-white-feather-boa-lady-elizabeth-asquith-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,augustus-john_vera-fearing-1931,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,augustus-john_w-b-yeats-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,augustus-john_welsh-landscape-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,basuki-abdullah_blooming-flamboyant,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,basuki-abdullah_flower,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,basuki-abdullah_morning-sun,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,basuki-abdullah_planning-for-the-future,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,basuki-abdullah_scenery,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,basuki-abdullah_the-flame-of-the-forest-flamboyant,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,basuki-abdullah_the-fruit-market,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,bela-czobel_girl-before-a-bed-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,bela-czobel_girl-by-the-window-with-flower-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,bela-czobel_self-portrait-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,bela-czobel_sitting-peasant-1904,"[0.0, 4.0, 18.0, 0.0, 0.0, 0.0, 0.0, 22.0, 2.0]"
+Impressionism,bela-kadar_girl-with-headscarf,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,bela-kadar_market-square-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,bela-kadar_portrait-of-the-artist-s-wife-1907,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,berthe-morisot_a-corner-of-the-rose-garden,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_aboard-a-yacht,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_after-luncheon,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_at-the-ball-1875,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_at-the-beach-in-nice,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_at-the-exposition-palace,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_autumn-in-the-bois-de-boulogne,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_bather,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_before-the-mirror,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_before-the-theatre,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_beneath-the-lilac-at-maurecourt-1874,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_boat-on-the-quay-1875,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_boating-on-the-lake,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_boats-entry-to-the-medina-in-the-isle-of-wight,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_boats-on-the-seine,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_boats-under-construction,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_boulogne-wood,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_bust-of-alice-gamby,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_by-the-water,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_carriage-in-the-bois-de-boulogne,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_child-in-bed,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_child-in-the-rose-garden,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_child-playing-in-the-garden,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_child-with-a-red-apron,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_children-at-the-basin-1886,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_choir-boy,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_conversation,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,berthe-morisot_cottage-interior-also-known-as-interior-at-jersey,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_daffodils,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_dahlias,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,berthe-morisot_daisies,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_english-seascape,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_eugene-manet-on-the-isle-of-wight,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_eugene-manet-with-his-daughter-at-bougival,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_fall-colors-in-the-bois-de-boulogne,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_farm-in-normandy,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_getting-out-of-bed-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_getting-up-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_girl-and-child-on-the-grass,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_girl-gathering-cherries-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_girl-in-a-boat-with-geese,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_girl-playing-the-mandolin,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_girl-with-dog,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,berthe-morisot_girl-with-dog-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_girl-with-greyhound,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_girl-with-shuttlecock-also-known-as-jeanne-bonnet,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_griffon-dog-s-head-follette,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_hanging-the-laundry-out-to-dry,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_harbor-in-the-port-of-fecamp,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_haying-at-mezy,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_haystack,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_haystacks-at-bougival-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_hide-and-seek,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_in-a-park,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_in-a-villa-at-the-seaside,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_in-the-bois-de-boulogne,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_in-the-dining-room,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_in-the-garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_in-the-garden-at-maurecourt,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_in-the-wheatfield-at-gennevilliers-1875,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_interior,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,berthe-morisot_jeanne-pontillon-wearing-a-hat,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_jeannie-gobillard,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,berthe-morisot_jeannie-s-head-aka-tete-de-jeannie,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_julie-and-eugene-manet-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_julie-and-her-boat,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_julie-daydreaming,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_julie-listening,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_julie-manet-and-her-greyhound-laerte-1893,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_julie-manet-and-her-nurse,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_julie-manet-reading-in-a-chaise-lounge,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_julie-manet-with-a-budgie,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_julie-manet-with-a-straw-hat-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_julie-playing-a-violin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,berthe-morisot_julie-with-pasie-in-the-garden-at-bougival,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_julie-writing,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_lady-with-a-parasol-sitting-in-a-park,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_landscape-at-gennevilliers,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_landscape-near-valenciennes,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_landscape-of-creuse,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_little-dancer,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_little-girl-at-mesnil-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,berthe-morisot_little-girl-in-a-garden,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_little-girl-sitting-on-the-grass,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_little-girl-with-a-blue-jersey-1886,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_little-girl-with-a-doll,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_little-girl-with-blond-hair,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_little-girls-in-the-garden-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_lucie-leon-at-the-piano-1892,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_luncheon-in-the-countryside,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_madame-albine-sermicola-in-the-studio,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_marcel-gobillard,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_miss-reynolds,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_mme-boursier-and-her-daughter-1873,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_on-a-bench,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_on-the-balcony-of-eugene-manet-s-room-at-bougival,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_on-the-beach-at-portrieux,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_on-the-cliff-at-portrieux,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_on-the-lake-in-the-bois-de-boulogne,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_on-the-sofa,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,berthe-morisot_on-the-terrace-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,berthe-morisot_pasie-sewing-in-bougival-s-garden-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_paule-gobillard-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_playing-in-the-sand,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_portrait-of-a-woman-in-a-pink-dress,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,berthe-morisot_portrait-of-a-young-girl-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-a-young-lady,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-berthe-morisot-and-her-daughter,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_portrait-of-edma-pontillon,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,berthe-morisot_portrait-of-julie,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_portrait-of-madame-hubbard,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-marcel,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-marguerite-carre-also-known-as-young-girl-in-a-ball-gown,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-paule-gobillard,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-the-artist-s-daughter-julie-manet-at-gorey,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-the-artist-s-mother-and-sister,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_portrait-of-the-artist-s-sister-mme-edma-pontillon-c-1872-75,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,berthe-morisot_portrait-of-two-children-1893,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_profile-of-a-seated-young-woman-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_reading,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_reading-with-green-umbrella,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_red-haired-girl-sitting-on-a-veranda-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_rosalie-reisener,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_rosbras-brittany-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_roses,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_roses-tremieres-hollyhocks-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_self-portrait-1885,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_self-portrait-with-julie-study,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_shepherdess-resting-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_snowy-landscape-aka-frost,"[0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_study-the-water-s-edge,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_studying-the-violin-1893,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_summer-s-day-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_swans,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_thatched-cottage-in-normandy,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-artist-s-daughter-with-a-parakeet,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-artist-s-sister-at-a-window,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_the-artist-s-sister-edma-with-her-daughter-jeanne,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_the-banks-of-the-seine,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_the-bath-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_the-bath-at-mesnil,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-bath-girl-arranging-her-hair,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-beach-at-nice-1882,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-beach-at-petit-dalles-aka-on-the-beach,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-black-finger-bandage,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_the-blue-vase,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-bowl-of-milk,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_the-butterfly-hunt-1874,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-cage,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_the-cherry-picker-1891,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-cherry-tree-study,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-cheval-glass,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-cradle-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_the-fable,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_the-flageolet,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-garden-at-bougival-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_the-goose,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-hairdresser,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-harbor-at-lorient,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_the-isle-of-wight-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-lesson-in-the-garden,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-little-girl-from-nice-celestine,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_the-little-maid-servant,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-little-windmill-at-gennevilliers,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-mandolin,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-old-track-to-auvers-1863,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_the-orange-picker,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-orange-picker-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-piano,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-port-of-nice,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-port-of-nice-1882,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-quay-at-bougival,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-reclining-shepherdess,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-red-blouse,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-rouart-s-dining-room-1880,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-seamstress-sun,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,berthe-morisot_the-seine-at-bougival,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-seine-below-the-pont-d-lena,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_the-sewing-lesson-aka-the-artist-s-daughter-julie-with-her-nanny,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_the-tuileries,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-village-of-maurecourt-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_the-violin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_the-wet-nurse-angele-feeding-julie-manet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,berthe-morisot_tureen-and-apple,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,berthe-morisot_two-nymphs-embracing,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_two-sisters-on-a-couch,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_venus-at-the-forge-of-vulcan-after-boucher-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_view-of-tivoli-after-corot,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_view-on-paris-sun,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_villa-with-orange-trees-nice,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_willows-in-the-garden-at-bougival,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_winter-aka-woman-with-a-muff,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_woman-and-child,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_woman-and-child-in-a-garden-1884,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_woman-and-child-on-the-balcony,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_woman-and-child-seated-in-a-meadow,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_woman-hanging-out-the-wash,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_woman-in-a-garden,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_woman-in-black,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_woman-wearing-gloves-aka-the-parisian,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_woman-with-a-child-in-a-boat,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_woman-with-a-fan-aka-head-of-a-girl,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_women-and-little-girls-in-a-natural-setting,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_young-girl-and-the-budgie,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,berthe-morisot_young-girl-boating-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-girl-in-a-ball-gown-1879,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_young-girl-in-white,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,berthe-morisot_young-girl-leaning-on-her-elbow-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-girl-lying,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_young-girl-putting-on-her-stockings,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,berthe-morisot_young-girl-resting,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-girl-with-a-bird,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_young-girl-with-a-fan-1893,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,berthe-morisot_young-girl-with-a-parrot,"[4.0, 5.0, 27.0, 1.0, 0.0, 0.0, 0.0, 5.0, 7.0]"
+Impressionism,berthe-morisot_young-girl-with-an-umbrella,"[1.0, 1.0, 14.0, 2.0, 1.0, 0.0, 1.0, 23.0, 5.0]"
+Impressionism,berthe-morisot_young-girl-with-cat-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-girl-with-doll,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-girl-with-doll-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_young-girls-at-the-window-1892,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_young-lady-seated-on-a-bench,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_young-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,berthe-morisot_young-woman-and-child-avenue-du-bois,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-and-child-on-an-isle,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-at-the-mirror,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-holding-a-dog-in-her-arms,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,berthe-morisot_young-woman-in-a-blue-blouse,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,berthe-morisot_young-woman-in-a-blue-blouse-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,berthe-morisot_young-woman-in-a-hat-henriette-patte,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,berthe-morisot_young-woman-in-a-rowboat-eventail,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_young-woman-in-grey-reclining,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-in-mauve,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,berthe-morisot_young-woman-in-white-aka-isabelle-lemmonier,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,berthe-morisot_young-woman-leaning-on-her-elbows,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-on-a-couch,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-picking-oranges,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-powdering-her-face-1877,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-sewing-in-the-garden,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-watering-a-shrub,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,berthe-morisot_young-woman-with-a-straw-hat,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,boris-kustodiev_a-dancer-in-a-cabaret-1904,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,boris-kustodiev_a-young-merchant-s-wife-1914,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,boris-kustodiev_at-marketplace-1903,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,boris-kustodiev_family-portrait-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,boris-kustodiev_family-portrait-of-polenovs-family-portrait-1905,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,boris-kustodiev_forest-near-the-village-maureeno,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,boris-kustodiev_in-the-bois-de-boulogne-1909,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,boris-kustodiev_in-the-box-1909,"[0.0, 3.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,boris-kustodiev_lilacs-1906,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,boris-kustodiev_moscow-red-square,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,boris-kustodiev_nice-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,boris-kustodiev_on-the-terrace-1906,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,boris-kustodiev_portrait-of-a-boy,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,boris-kustodiev_portrait-of-a-girl-1915,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,boris-kustodiev_sunset-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,boris-kustodiev_view-from-the-window-of-the-academy-of-fine-arts,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,burhan-dogancay_honfleur-1950,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,burhan-dogancay_old-ankara-1958,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,burhan-dogancay_silifke-den-1956,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_a-cottage-in-the-snow-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-cowherd-on-the-route-de-chou-pontoise-1874,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-field-in-varengeville-1899,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-meadow-in-eragny-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-meadow-in-moret-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_a-part-of-groettes-pontoise-gray-weather-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-part-of-jallais-pontoise-1875,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-path-across-the-fields-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_a-path-in-the-woods-pontoise-1879,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_a-peasant-in-the-lane-at-hermitage-pontoise-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_a-road-in-louveciennes-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_a-servant-seated-in-the-garden-at-eragny-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_a-street-in-auvers-thatched-cottage-and-cow-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-street-in-l-hermitage-pontoise,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_a-street-in-pontoise-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_a-young-maid,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_after-the-rain-autumn-eragny-1901,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_afternoon-in-eragny-grey-weather-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_afternoon-sun-rouen-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_afternoon-sun-the-inner-harbor-dieppe-1902,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_afternoon-the-dunquesne-basin-dieppe-low-tide-1902,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_all-saints-church-upper-norwood-1871,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_an-apple-tree-at-eragny,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_apple-blossoms-eragny,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_apple-gatherers-1891,"[6.0, 2.0, 20.0, 5.0, 2.0, 1.0, 1.0, 1.0, 7.0]"
+Impressionism,camille-pissarro_apple-tree-at-eragny-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_apple-trees-and-poplars-in-the-setting-sun-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_apple-trees-in-a-field-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_apple-trees-sunset-eragny-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_apples-and-pears-in-a-round-basket-1872,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_apples-trees-at-pontoise,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_autumn-landscape-near-pontoise,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_autumn-montfoucault-pond-1875,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_autumn-morning-1892,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_autumn-morning-at-eragny-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_autumn-path-through-the-woods-1876,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_autumn-poplars-1893,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_autunm-in-eragny-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_avenue-de-l-opera-effect-of-snow-1898,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_avenue-de-l-opera-morning-sunshine-1898,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_avenue-de-l-opera-place-du-theatre-francais-misty,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_avenue-de-l-opera-place-du-thretre-francais-misty-weather-1898,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_avenue-de-l-opera-rain-effect-1898,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_avenue-de-l-opera-snow-effect-1899,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_barges-on-pontoise-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_bather-in-the-woods-1895,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_bathers-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_bathers-2-1895,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_bathers-3-1894,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_bathers-seated-on-the-banks-of-a-river-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_bathing-goose-maidens,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_berneval-meadows-morning-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_big-walnut-tree-at-eragny-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_boats-at-dock,"[1.0, 3.0, 33.0, 4.0, 0.0, 2.0, 0.0, 2.0, 4.0]"
+Impressionism,camille-pissarro_boats-sunset-rouen-1898,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_boulevard-des-batignolles,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_boulevard-des-fosses-pontoise,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-des-italiens-afternoon-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-des-italiens-morning-sunlight-1897,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-afternoon-in-the-rain-1897,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-afternoon-sunlight-1897,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-foggy-morning-1897,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-mardi-gras-1897,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-morning-grey-weather-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-morning-sunlight-and-mist-1897,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-spring-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-spring-1897-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-spring-rain,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-spring-rain-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-sunset-1897,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_boulevard-montmartre-winter-morning-1897,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_bouquet-of-flowers-1873,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_bourgeois-house-in-l-hermitage-pontoise-1873,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_bridge-at-montfoucault-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_by-the-water-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_cagnes-landscape,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_carriage-on-a-country-road-winter-outskirts-of-louveciennes-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_chaponval-landscape,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_charing-cross-bridge-london-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_chestnut-orchard-in-winter-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_chestnut-trees-at-louveciennes-1872,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_chestnut-trees-at-osny-1873,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_chestnut-trees-louveciennes-spring-1870,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_chestnut-trees-louveciennes-winter-1872,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_children-in-a-garden-at-eragny-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_chrysanthemums-in-a-chinese-vase-1873,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_church-at-kew-1892,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_cliffs-at-petit-dalles-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_corner-of-the-garden-in-eragny-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_cottages-at-auvers-near-pontoise-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_cour-du-havre-gare-st-lazare-1893,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_cowgirl-eragny-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_cowherd-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_cowherd-at-eragny-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_cowherd-in-a-field-at-eragny-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_cowherd-pontoise-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_cowherd-pontoise-1882,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_cowherds-bazincourt,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_crossroads-at-l-hermitage-pontoise-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_dieppe-dunquesne-basin-low-tide-sun-morning-1902,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_dieppe-dunquesne-basin-sunlight-effect-morning-low-tide,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_ducks-on-the-pond-at-montfoucault,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_dulwich-college-london-1871,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_elderly-woman-mending-old-clothes-moret-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_enclosed-field-at-eragny-1896,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_entrance-to-the-village-of-voisins-yvelines-1872,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_eragny-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_eragny-landscape-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_eragny-landscape-le-pre-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_eragny-sunset-1890,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_eragny-twilight-1890,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_eugene-murer-at-his-pastry-oven-1877,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_family-garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_fan-project,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_farm-and-steeple-at-sunset-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_farm-at-basincourt,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_farm-at-montfoucault-1874,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_farm-at-montfoucault-2-1874,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_farmyard-at-the-maison-rouge-pontoise-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_farmyard-in-pontoise-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_feast-day-in-knokke-1891,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_february-sunrise-bazincourt-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_female-peasant-carding-wool-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_festival-at-the-hermitage-1876,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_field-at-eragny-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_field-of-oats-in-eragny-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_fields,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_fields-1877,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_fishermen-on-the-banks-of-the-oise-1876,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_flood-in-pontoise-1882,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_flood-twilight-effect-eragny-1893,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_flood-white-effect-eragny-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_flowering-apple-trees-eragny-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_flowering-plum-tree-eragny-1894,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_flowering-plum-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_fog-in-eragny,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_fog-morning-rouen-1896,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_foggy-morning-rouen-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_forest-in-evening-1902,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_forest-scene-with-two-figures,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_garden-at-eragny-1899,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_garden-at-eragny-study,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_garden-of-les-mathurins-1876,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_garden-of-the-louvre-fog-effect-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_garden-of-the-louvre-morning-grey-weather-1899,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_garden-of-the-louvre-snow-effect-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Impressionism,camille-pissarro_gardens-at-kew-sunset-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_gathering-herbs-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,camille-pissarro_girl-tending-a-cow-in-pasture-1874,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_girl-with-a-stick-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_gizors-new-section,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_goose-girl,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_grandmother,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_grey-day-banks-of-the-oise-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_grey-weather-morning-with-figures-eragny-1899,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_half-length-portrait-of-lucien-pissarro,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_hampton-court-green-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_harvest-at-eragny-1901,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_harvest-in-the-orchard-eragny,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_harvesting-potatos,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_haymaker,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_haymakers-at-eragny-1889,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,camille-pissarro_haymaking,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_haymaking-1874,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_haymaking-at-eragny-1891,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_haymaking-in-eragny-1901,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_haystacks-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_hoarfrost-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_hoarfrost-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_horseman-in-the-forest,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_house-on-a-cliff,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_houses-at-knocke-belgium-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_houses-of-l-hermitage-pontoise-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_hyde-park-london-1890,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_in-the-garden-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_in-the-hospital,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_jeanne-coushant-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_jeanne-holding-a-fan,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_jeanne-in-the-garden-pontoise,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_jeanne-reading-1899,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_jubilie-celebration-at-bedford-park-london-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_june-morning-view-over-the-hills-over-pontoise-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kensington-gardens,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kensington-gardens-london-1890,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kew-gardens-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kew-gardens-2-1892,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kew-gardens-crossroads-near-the-pond-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kew-gardens-path-to-the-great-glasshouse-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_kew-gardens-the-little-greenhouse,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kitchen-garden-at-the-hermitage-pontoise-1874,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_kitchen-garden-in-eragny-afternoon-1901,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kitchen-gardens-at-l-hermitage-pontoise-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_kitchen-gardens-pontoise-1881,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_kneeling-woman,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_l-hermitage-pontoise-snow-effect-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_la-marchande-de-marrons-fiore-de-la-st-martin-pontoise-1881,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_la-mere-gaspard-1876,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_la-ronde-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_la-saint-martin-a-pontoise,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_la-sente-du-chou-near-pontoise-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_landscape-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-at-bazincourt,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-chaponval-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-eragny,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-eragny-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_landscape-at-eragny-1894,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-eragny-clear-weather-1890,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-l-hermitage-1874,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-louveciennes-1870,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-melleray-woman-carrying-water-to-horses-1881,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-osny,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-at-osny-1883,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-osny-near-watering-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-pontoise,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-pontoise-1,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-pontoise-2,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-saint-charles,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-at-valhermeil-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-at-varengeville-1899,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-bright-sunlight-pontoise-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_landscape-fields-eragny-1885,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-frost-and-fog-eragny-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_landscape-louveciennes,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-near-louveciennes-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_landscape-near-louveciennes-2-1870,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-near-pontoise-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-near-pontoise-the-auvers-road-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-under-snow-upper-norwood-1871,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-with-a-cowherd,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-with-a-donkey,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-with-a-man-digging-1877,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-with-a-white-horse-in-a-field-l-ermitage-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-with-a-white-horse-in-a-meadow-l-hermitage,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-with-big-trees,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_landscape-with-flooded-fields-1873,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-with-rocks-montfoucault-1874,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_landscape-with-small-stream-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_landscape-with-strollers-relaxing-under-the-trees-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_lane-of-apple-trees-near-osny-pontoise-1874,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_laundresses-at-eragny,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_laundresses-at-eragny-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_laundresses-on-the-banks-of-the-oise-at-pontoise,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_laundring-women-eragny-sur-eptes-1895,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_laundry-and-mill-at-osny-1884,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_le-boulevard-de-clichy-1880,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_le-valhermeil-near-pontoise-1880,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_les-mathurins-pontoise-1877,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_little-bridge-on-the-voisne-osny-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_little-goose-girl-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_london-st-paul-s-cathedral-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_lordship-lane-station-dulwich-1871,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_louveciennes-1871,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_louveciennes-1872,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_louveciennes-road-snow-effect-1872,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_louviciennes,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_lovers-seated-at-the-foot-of-a-willow-tree-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_lower-norwood-1871,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_lucien-pissarro-in-an-interior,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_march-sun-pontoise-1875,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_mardi-gras-on-the-boulevards-1897,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_mardi-gras-sunset-boulevard-montmartre-1897,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_market-at-gisors-rue-cappeville,"[0.0, 0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_market-at-pontoise,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_market-at-pontoise-1895,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_marketplace-gisors-1891,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_meadow-at-bazincourt-1885,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_meadow-at-bazincourt-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_milking-cows,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_mirbeau-s-garden-the-terrace,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_misty-morning-at-creil-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_morning-after-the-rain-rouen-1896,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_morning-autumn-sunlight-eragny-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_morning-flowering-apple-trees-eragny-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_morning-overcast-day-rouen-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_morning-rouen-the-quays-1896,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_morning-sun-effect-eragny-1899,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_morning-sunlighton-the-snow-eragny-sur-epte-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_mother-jolly-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,camille-pissarro_mother-lucien-s-field-at-eragny-1898,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_mother-lucien-s-yard-1895,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_mother-presle-montfoucault-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,camille-pissarro_near-eragny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_near-pointoise-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_near-pontoise,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_near-sydenham-hill-looking-towards-lower-norwood-1871,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_neaufles-sant-martin-near-gisors-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_not_detected_208370,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,camille-pissarro_old-houses-at-eragny-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_old-wingrower-in-moret-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,camille-pissarro_old-woman-with-ducks-at-montfoucault,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_on-orchard-in-pontoise-in-winter-1877,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_orchard-in-blossom-louveciennes-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_orchards-at-louveciennes-1872,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_outer-harbour-of-le-havre-1903,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_outskirts-of-louveciennes-1871,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_pastoral,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_path-of-hermitage-at-pontoise-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_path-to-le-chou-pontoise-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_path-under-the-trees-summer,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_paul-study-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_paul-writing,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasant-and-child,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_peasant-crossing-a-stream,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_peasant-donning-her-marmotte-1882,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasant-gathering-grass-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasant-planting-pea-sticks-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_peasant-pushing-a-wheelbarrow-maison-rondest-pontoise-1874,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_peasant-sitting-with-infant-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_peasant-trimming-the-lawn-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_peasant-with-a-pitchfork,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_peasant-woman,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_peasant-woman-and-child-eragny-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasant-woman-and-child-harvesting-the-fields-pontoise-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_peasant-woman-at-the-well,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Impressionism,camille-pissarro_peasant-woman-in-a-cabbage-patch,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_peasant-woman-on-a-country-road,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_peasant-woman-standing-next-to-a-tree,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_peasant-woman-watching-the-geese-1890,"[0.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasant-woman-with-a-goat-1881,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasant-woman-with-basket,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasant-women-planting-stakes-1891,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_peasants-and-hay-stacks-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasants-carrying-straw-montfoucault-1875,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_peasants-chatting-in-the-farmyard-eragny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_peasants-gathering-grass-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_peasants-harvesting-potatoes-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_peasants-planting-pea-sticks-also-known-as-peasants-planting-in-the-field-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_peasants-resting-1881,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_pere-melon-cutting-wood-1880,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_pere-melon-resting-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_pere-melon-sawing-wood-pontoise-1879,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_picking-apples,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_picking-peas-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_picking-peas-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_piette-s-home-on-montfoucault-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_pink-peonies-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_place-de-la-republique-rouen-with-tramway-1883,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_place-du-carrousel-the-tuileries-gardens-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_place-du-havre-paris-1893,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_place-du-havre-paris-1897,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_place-du-theatre-francais-1898,"[4.0, 7.0, 17.0, 21.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_place-du-theatre-francais-afternoon-sun-in-winter-1898,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_place-du-theatre-francais-foggy-weather-1898,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_place-du-theatre-francais-rain-effect,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_place-du-theatre-francais-spring-1898,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_place-du-thretre-francais-sun-effect-1898,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_place-saint-lazare-1893,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_ploughland-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_pont-neuf-fog-1902,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_pont-neuf-the-statue-of-henri-iv-sunny-weather-morning-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_pontoise-banks-of-the-oise-1872,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_pontoise-dam-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_pontoise-landscape-through-the-fields-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_pontoise-les-mathurins-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_pontoise-the-road-to-gisors-in-winter-1873,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_poor-footpath-pontoise-snow-effect-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_poor-john,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,camille-pissarro_poplars-afternoon-in-eragny-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_portal-from-the-abbey-church-of-saint-laurent-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_portrait-of-eugene-murer-1878,"[6.0, 8.0, 15.0, 5.0, 1.0, 0.0, 0.0, 7.0, 7.0]"
+Impressionism,camille-pissarro_portrait-of-eugenie-estruc-1876,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-felix-pissarro-1881,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-georges,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_portrait-of-jeanne-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-jeanne-1872,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-jeanne-in-a-pink-robe,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-jeanne-rachel-minette-1872,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-jeanne-the-artist-s-daughter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-ludovic-rodo-pissarro,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_portrait-of-madame-felicie-vellay-estruc,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-madame-pissarro-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-madame-pissarro-sewing-near-a-window,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-monsieur-louis-estruc,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_portrait-of-paul-cezanne-1874,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_portrait-of-paulemile,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_portrait-of-paulemile-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-pere-papeille-pontoise,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-rodo-pissarro-reading,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_portrait-of-rodo-reading-1893,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_portrait-of-the-artist-s-mother,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_portrait-of-the-artist-s-son-ludovic-rudolphe,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_potato-harvest-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_potato-harvest-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_potato-market-boulevard-des-fosses-pontoise-1882,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_poultry-market-at-gisors-1889,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_poultry-market-pontoise-1892,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_primrose-hill-regent-s-park-1892,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_pumpkin-merchant-1883,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_quai-du-pothuis-at-pontoise-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_quai-malaquais-in-the-afternoon-sunshine-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_quai-malaquais-morning-1903,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_quay-in-rouen-sunset-1896,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_rainbow-pontoise-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_red-roofs-corner-of-a-village-winter-1877,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_resting-harvesters-montfoucault-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_resting-in-the-woods-pontoise-1878,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_resting-peasant-girl-lying-on-the-grass-pontoise-1882,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_riverbanks-in-pontoise-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_road-along-the-loing-canal,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_road-at-eragny-winter-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_road-from-osny-to-pontoise-hoar-frost-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_road-in-port-maryl-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_road-to-berneval-le-petit-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_road-to-louveciennes,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_road-to-racquencourt-1871,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_road-to-saint-germain-louveciennes-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_rolling-landscape-in-winter-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_roses-in-a-glass-1877,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_roses-of-nice-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_rouen-burial-of-cardinal-bonnechose,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_rouen-fog-effect-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_rouen-port-unloading-wood-1898,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_rouen-saint-sever-afternoon-1898,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_rouen-saint-sever-morning-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_route-du-fond-in-hermitage-pontoise-1877,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_rue-de-l-epicerie-at-rouen-on-a-grey-morning-1898,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_rue-saint-honore-afternoon-rain-effect-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_rue-saint-honore-morning-sun-effect-place-du-theatre-francais-1898,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_rue-saint-honore-sun-effect-afternoon-1898,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_rue-saint-lazare-1893,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_rue-saint-lazare-1897,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_rue-saint-lazare-under-snow-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_saint-sever-port-rouen-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_saint-sever-rouen-morning-five-o-clock-1898,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_seated-and-kneeling-peasants-1893,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_seated-peasant-1892,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,camille-pissarro_seated-peasant-and-knitting-peasant,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_seated-peasant-girl-1883,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,camille-pissarro_seated-peasant-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_seated-peasant-woman-crunching-an-apple,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_seated-peasants-sewing-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_seated-peasants-watching-cows-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_seated-shepherdess,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,camille-pissarro_self-portrait,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_self-portrait-1873,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_self-portrait-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_september-fete-pontoise-1872,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_setting-sun-autumn-in-eragny-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_shepherd-in-a-downpour-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_shepherdess-and-sheep-1887,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_shepherdess-bringing-in-sheep-1886,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_shepherdesses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_shoemakers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_snow-at-montfoucault-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_snow-at-the-hermitage-pontoise-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_snow-effect-at-eragny-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_snow-effect-in-montfoucault-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_spring-at-eragny,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_spring-at-pontoise-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_spring-gray-weather-eragny-1895,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_spring-morning-cloudy-eragny-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_spring-morning-pontoise-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_springtime-at-eragny-study,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_springtime-peasants-in-a-field-1882,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_square-du-vert-galant-sunny-morning-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_st-stephen-s-church-lower-norwood-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_stagecoach-to-louveciennes-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_steamboats-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_steamboats-in-the-port-of-rouen-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_still-life-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_still-life-with-a-coffee-pot-1900,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_still-life-with-apples-and-pitcher-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_still-life-with-peppers-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_street-in-the-snow-louveciennes,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_street-snow-effect-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_street-winter-sunlight-and-snow,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_strong-winds-pontoise,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_study-at-pontoise,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_study-for-all-saints-church-upper-norwood-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_study-for-cowherd-at-eragny-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_study-for-la-batterie-a-montfoucault,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_study-for-the-apple-picker,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_study-for-the-harvest-at-montfoucault-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_study-of-apple-trees-at-eragny,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_suicide-of-an-abandoned-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_summer-fishing,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunlight-afternoon-la-rue-de-l-epicerie-rouen-1898,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunlight-on-the-road-pontoise-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunrise-at-rouen-1898,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_sunrise-on-the-sea,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunrise-over-the-fields-eragny-1891,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_sunset-1872,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunset-at-eragny,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunset-at-eragny-1890,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunset-at-eragny-1902,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_sunset-at-moret-sur-loing-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_sunset-at-valhermeil-near-pontoise-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_sunset-bazincourt-steeple,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_sunset-rouen-1898,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_sunset-the-port-of-rouen-steamboats-1898,"[1.0, 6.0, 23.0, 5.0, 0.0, 2.0, 3.0, 1.0, 6.0]"
+Impressionism,camille-pissarro_sunset-with-fog-eragny-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_sunset-with-mist-eragny-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_thaw-pontoise-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_the-artist-s-garden-at-eragny-1898,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-auvers-road-pontoise-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-avenue-de-l-opera-paris-sunlight-winter-morning,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-avenue-sydenham-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-backwoods-of-l-hermitage-pontoise-1879,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-backwoods-of-st-antony-pontoise-1876,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-banks-of-the-epte-at-eragny-1884,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-banks-of-the-oise-at-pontoise-1870,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-banks-of-the-oise-pontoise-also-known-as-man-fishing-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-banks-of-the-seine-at-bougival-1871,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-banks-of-the-seine-in-paris-pont-marie-quai-d-anjou,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-barn-morning-eragny-1893,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-bassin-des-tuileries-afternoon-1900,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-bazincourt-steeple-study-1895,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-boulevard-montmartre-at-night-1897,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-boulevards-under-snow-1879,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-brook-at-osny-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-cabbage-field-pontoise-1873,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-cabbage-of-pontoise-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-carrier-at-hermitage-pontoise-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_the-carrousel-afternoon-1899,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-carrousel-autumn-morning-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-carrousel-grey-weather-1899,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-chou-quarries-pontoise-1882,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-church-and-farm-of-eragny-1895,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-church-of-saint-jacues-dieppe-rainy-weather-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-church-of-st-jacques-in-dieppe-morning-sun-1901,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-clearing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-climbing-path-l-hermitage-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-cote-des-boeurs-at-l-hermitage-near-pontoise-1877,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-countryside-in-the-vicinity-of-conflans-saint-honorine-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-cours-la-reine-at-rouen-morning-sunlight-1898,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-cours-la-riene-the-notre-dame-cathedral-rouen-1898,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-court-house-pontoise-1873,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-cowherd,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-cowherd-1892,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-diligence-1877,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-docks-rouen-afternoon-1898,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-dunes-at-knocke-belgium-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-dunes-at-knokke,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-effect-of-snow-at-hermitage-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_the-effect-of-snow-at-l-hermitage-pontoise-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-effect-of-snow-at-montfoucault-1891,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-effect-of-snow-sunset-eragny-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-effect-of-sunlight,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-factory-1873,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-fair-by-the-church-of-saint-jacques-dieppe-1901,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-fair-dieppe-sunny-afternoon-1901,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-fair-in-dieppe-sunny-morning-1901,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-farm-osny,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-field-by-the-ango-inn-varengeville-1899,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-fields-of-eragny-the-apple-tree-1894,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-fishmarket-dieppe-1902,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_the-fishmarket-dieppe-2-1902,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-fishmarket-dieppe-grey-weather-morning-1902,"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-forest-1870,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-garden-at-eragny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-garden-at-pontoise-1877,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-garden-in-spring-eragny-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-garden-of-the-hotel-berneval-1900,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-garden-of-the-tuileries-morning-spring-1900,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-gardener-afternoon-sun-eragny-1899,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-goose-girl-1900,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-goose-girl-at-montfoucault-white-frost-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-great-bridge-rouen-1896,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-harvest-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_the-harvest-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-harvest-at-montfoucault-1876,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-harvest-at-montfoucault-2-1876,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-hay-wagon-montfoucault-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-haystack-pontoise-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-hayymaker,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_the-hermitage-at-pontoise-1874,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-hill-at-vaches-bazincourt,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-hills-of-thierceville,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-house-in-the-fields-rueil-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-house-in-the-forest-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-house-of-monsieur-musy-louveciennes-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-inner-harbor-dieppe-1902,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-inner-harbor-dieppe-afternoon-sun-low-tide-1902,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-inner-harbor-dpeppe-high-tide-morning-grey-weather-1902,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-inner-harbor-havre-1903,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-inner-port-and-pilots-jetty-havre-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-jetty-le-havre-high-tide-morning-sun-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-knocke-windmill-belgium,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-large-walnut-tree-at-hermitage-1875,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-laundry-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_the-laundry-woman-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-little-bridge-pontoise-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-little-bridge-pontoise-1875-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-little-country-maid-1882,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-lock-at-pontoise,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-louveciennes-road-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-louvre-1902,"[3.0, 4.0, 29.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0]"
+Impressionism,camille-pissarro_the-louvre-2-1901,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-afternoon-1902,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-afternoon-rainy-weather-1900,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-and-the-seine-from-the-pont-neuf-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-louvre-gray-weather-afternoon-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-march-mist-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-morning-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-morning-mist-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-morning-snow-effect-1903,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-morning-sun-1901,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-louvre-morning-sun-quai-malaquais-1903,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-winter-sunlight-morning-2nd-version-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-louvre-winter-sunshine-morning-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-malaquais-quay-in-the-morning-sunny-weather-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-market,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-market-at-gisors-1899,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-market-in-gisors-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-market-surrounding-the-church-of-saint-jacques-dieppe-1901,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-meadow-at-eragny-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-moret-bridge-1888,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-oise-at-pontoise-in-bad-weather-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-old-ennery-road-in-pontoise-1877,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-old-market-at-rouen,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-park-in-charrettes-pontoise-1878,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-path-from-halage-pontoise-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-path-in-the-village-1875,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-path-of-basincourt-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-pavillion-de-flore-and-the-pont-royal-1902,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-picnic,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-pilot-s-jetty-le-havre-1903,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pilot-s-jetty-le-havre-high-tide-afternoon-sun-1903,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pine-trees-of-louveciennes-1870,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pond-at-montfoucault-1874,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pond-at-montfoucault-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-pont-boieldieu-rouen-damp-weather-1896,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-boieldieu-rouen-rain-effect-1896,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-boieldieu-rouen-sunset-1896,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-boieldieu-rouen-sunset-misty-weather-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_the-pont-corneille-rouen-grey-weather-1896,"[0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-corneille-rouen-morning-effect-1896,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-corneille-rouen-morning-mist-1896,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-du-carrousel-afternoon-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-pont-neuf-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-pont-neuf-1901-1,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-1902-1,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-2-1901,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-2-1902,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-afternoon-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-pont-neuf-and-the-statue-of-henri-iv-1901,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-rainy-afternoon-1901,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-shipwreck-of-the-bonne-mere-1901,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-snow-1902,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-neuf-statue-of-henri-iv-mist-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-royal-and-the-pavillion-de-flore,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-pont-royal-and-the-pavillion-de-flore-1903,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pont-royal-and-the-pavillon-de-flore-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-pont-royal-grey-weather-afternoon-spring-1902,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pontoise-bridge-1891,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-pork-butcher-1883,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-port-of-dieppe-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-port-of-dieppe-the-dunquesne-and-berrigny-basins-high-tide-sunny-afternoon-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-port-of-le-havre-1903,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-port-of-le-havre-2-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-port-of-rouen-1883,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-port-of-rouen-2-1883,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-potato-harvest-1874,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_the-poultry-market-1885,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-poultry-market-at-pontoise-1882,"[0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-quarry-pontoise,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-quays-at-rouen-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-railroad-bridge-at-bedford-park-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-railroad-crossing-at-les-patis,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-raised-tarrace-of-the-pont-neuf-and-statue-of-henri-iv-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-raised-terrace-of-the-pont-neuf-1902,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-raised-terrace-of-the-pont-neuf-place-henri-iv-afternoon-rain-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-red-house-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-rising-path-pontoise-1875,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-river-and-willows-eragny-1888,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-river-oise-near-pontoise-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-road-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-road-from-versailles-to-saint-germain-louveciennes-snow-effect-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-road-from-versalles-to-saint-germain-at-louveciennes-1872,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-road-to-l-hermitage-in-snow,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-road-to-louveciennes-at-the-outskirts-of-the-forest-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-road-to-saint-cyr-at-louveciennes,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-road-to-versailles-at-louveciennes-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-roofs-of-old-rouen-grey-weather-1896,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-roundelay-1892,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-saint-antoine-road-at-l-hermitage-pontoise-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-saint-sever-bridge-at-rouen-fog-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-saint-sever-quay-rouen-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-seine-and-the-louvre-paris-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-seine-at-marly-1871,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-seine-at-paris-pont-royal-1903,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-seine-at-port-marly-1872,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-seine-at-rouen-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-seine-in-flood-rouen-1896,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-seine-viewed-from-the-pont-neuf-winter-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-siesin-the-fields-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-siesta-1899,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-snack-child-and-young-peasant-at-rest-1882,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-sower-montfoucault-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-stage-on-the-road-from-ennery-to-l-hermigate-pontoise,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-street-of-hermitage-pontoise-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-street-of-the-citadelle-pontoise-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-talk-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-tedder-1884,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_the-tedders,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_the-tedders-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_the-thaw-eragny-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-train-bedford-park-1897,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-treasury-and-the-academy-gray-weather-1903,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-tuileries-and-the-louvre-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_the-tuileries-gardens-1900,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-tuileries-gardens-2-1900,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-tuileries-gardens-afternoon-sun-1900,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-tuileries-gardens-snow-effect-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-tuileries-gardens-winter-afternoon-1899,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_the-tuilleries-gardens-morning-spring-sun,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-tuilleries-gardens-winter-afternoon-1899,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-vegetable-garden-with-trees-in-blossom-spring-pontoise-1877,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-village-of-eragny-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_the-village-of-knocke-belgium-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_the-village-path-thatched-cottages-in-valhermeil-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_the-war-of-haves-and-have-nots,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_the-wheelbarrow-orchard,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_three-peasant-women-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_three-women-cutting-grass-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_town-garden-in-pontoise-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_trees-eragny-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_trees-on-a-hill-autumn-landscape-in-louveciennes-1872,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_turkey-girl-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_twilight-eragny-1889,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_two-cowherds-by-the-river,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_two-peasants,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,camille-pissarro_two-young-peasants-chatting-under-the-trees-1881,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_unloading-wood-at-rouen-1896,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_upper-norwood-chrystal-palace-london-1870,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_valhermeil-near-oise-rain-effect-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_varengeville-sunset-1899,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_vase-of-flowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_vase-of-flowers-tulips-and-garnets-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_vegetable-garden-at-hermitage-near-pontoise-1879,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_vegetable-garden-in-eragny-overcast-sky-morning-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_view-across-stamford-brook-common-1897,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-a-farm-in-osny-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-bazincourt-flood-morning-effect-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_view-of-bazincourt-frost-morning-1892,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-bazincourt-sunset-1892,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_view-of-duquesne-and-berrigny-basins-in-dieppe-1902,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-eragny-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-eragny-1892,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-eragny-1895,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_view-of-osny-near-pontoise-1883,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-paris-rue-d-amsterdam-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_view-of-pontoise-1873,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-rouen,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_view-of-rouen-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-saint-ouen-l-aumone-1876,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-the-cotton-mill-at-oissel-near-rouen-1898,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_view-of-the-seine-from-the-raised-terrace-of-the-pont-neuf-1901,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-of-the-tuileries-morning-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_view-towards-pontoise-prison-in-spring-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_village-corner-1863,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_village-street-auvers-sur-oise-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_walnut-tree-in-spring-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_wanderer-near-the-wood-1887,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_wash-house-at-bougival-1872,"[0.0, 5.0, 22.0, 0.0, 0.0, 1.0, 2.0, 11.0, 5.0]"
+Impressionism,camille-pissarro_washerwoman-eragny-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_washerwoman-study-also-known-as-la-mere-larcheveque-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Impressionism,camille-pissarro_weeders-1882,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_white-frost-at-eragny-1895,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_white-horse-on-a-farm,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_windmill-at-knokke-belgium-1894,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_winter-at-montfoucault-1875,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_winter-at-montfoucault-2-1875,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,camille-pissarro_woman-and-child-doing-needlework-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_woman-burning-wood,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_woman-digging-1883,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_woman-hanging-up-the-washing-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_woman-in-an-orchard-spring-sunshine-in-a-field-eragny-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_woman-putting-on-her-stockings-1895,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_woman-sewing-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_woman-sitting-on-the-floor-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,camille-pissarro_woman-wearing-a-green-headscarf-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_woman-with-a-wheelbarrow,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,camille-pissarro_woman-with-buckets,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+Impressionism,camille-pissarro_women-tending-the-laundry-study,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,camille-pissarro_workers-in-the-fields,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,camille-pissarro_workers-in-the-fields-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_young-peasant-girl-wearing-a-hat-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,camille-pissarro_young-woman-and-child-at-the-well-1882,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_young-woman-bathing-her-feet-also-known-as-the-foot-bath-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,camille-pissarro_young-woman-knotting-her-hair,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,camille-pissarro_young-woman-mending-her-stockings-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,camille-pissarro_young-woman-washing-plates-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,camille-pissarro_young-woman-with-an-umbrella,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,carl-larsson_el-estanue-de-watercolor-1883(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,carl-larsson_garden-in-grez-1883(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,carl-larsson_in-the-kitchen-garden-1883(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,carl-larsson_november-1882(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,carl-larsson_oto-o-1884(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,carl-larsson_portrait-of-alma-1887(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,carl-larsson_the-old-man-and-the-new-trees-1883(1),"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,carl-larsson_view-of-montcourt-1884(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,carlos-saenz-de-tejada_basque-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,carlos-saenz-de-tejada_girl-from-back-luisita-1917,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,carlos-saenz-de-tejada_girl-seen-from-behind-luisita-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,carlos-saenz-de-tejada_nude-girl,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Impressionism,carlos-saenz-de-tejada_nude-model-1918,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,carlos-saenz-de-tejada_view-of-oran-from-the-terrace-of-artist-s-house-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,charles-demuth_self-portrait-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,charles-demuth_study-for-poster-portrait-marsden-hartley-1924,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,charles-reiffel_autumn-design-no-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,charles-reiffel_ballast-point-california,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,charles-reiffel_hilly-landscape-with-houses,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,charles-reiffel_in-the-banner-valley,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,charles-reiffel_maine-coast-booths-bay,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,charles-reiffel_mountains-1935,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,charles-reiffel_the-mill-in-winter,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_a-back-road,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_a-city-fairyland,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_a-country-road,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_a-familiar-tune,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_a-favorite-corner,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_a-fisherman-s-cottage,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_a-fruit-store-1889,"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_a-long-island-garden,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_a-new-year-s-nocturne-new-york,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,childe-hassam_a-new-york-blizzard,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,childe-hassam_a-parade-of-boats-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_a-rainy-day-in-boston-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_a-rainy-day-new-york,"[6.0, 10.0, 19.0, 5.0, 0.0, 1.0, 3.0, 5.0, 3.0]"
+Impressionism,childe-hassam_a-spring-morning-1892,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_a-street-in-denia-spain,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_a-venetian-regatta,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_acorn-street-boston,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_across-the-avenue-in-sunlight-june,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_across-the-common-on-a-winter-evening,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,childe-hassam_across-the-park,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_adams-and-st-helen-s-early-morning,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_after-breakfast,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_afterglow-gloucester-harbor-aka-ten-pound-island-light,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_afternoon-in-nantucket,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_afternoon-sky-harney-desert,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_against-the-light,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_allies-day-may,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_along-the-seine,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_amagansett-long-island,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_an-evening-street-scene-pont-aven,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_an-isles-of-shoals-day,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_aphrodite-appledore,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_apple-trees-in-bloom-old-lyme,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_april-quai-voltaire-paris,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_april-showers-champs-elysees-paris,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_at-gloucester,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_at-sunset,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_at-the-grand-prix,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_at-the-piano,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_at-the-writing-desk,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_august-afternoon-appledore,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_autumn-hilltop-new-england-1906,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_avenue-of-the-allies,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_avenue-of-the-allies-02,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_avenue-of-the-allies-1,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_avenue-of-the-allies-aka-flags-on-the-waldorf,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_back-of-the-old-house,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_bastille-day-boulevard-rochechouart-paris,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_bather,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_bathing-pool-appledore,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_bedford-hills,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_bending-sail-on-the-old-mill,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_bleakk-house-broadstairs,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_blossoming-trees,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_blossoms-1883,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_bornero-hill-old-lyme-connecticut,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_boston-common-1891,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_boston-common-at-twilight,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_bowl-of-goldfish,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_boy-with-flower-pots,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_brelevenez-lannion-cote-du-nord-france,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,childe-hassam_bricklayers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_bridge-at-old-lyme,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_bridge-at-old-lyme-02,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_bridge-at-posilippo,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_brittany-barns,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,childe-hassam_brittany-peasant-at-the-pardon,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_broadway-and-42nd-street,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,childe-hassam_brooklyn-bridge-in-winter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,childe-hassam_building-a-schooner-provincetown,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_cab-stand-at-night-madison-square-new-york,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_cab-station-rue-bonaparte,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_california,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_calvary-church-in-the-snow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,childe-hassam_canal-scene,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_cannon-beach-oregon,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_canterbury,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_carriage-parade,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_carriage-rue-bonaparte,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_casa-eby-cos-cob,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_cat-boats-newport,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_cathedral-at-ronda,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_cathedral-spires-spring-morning,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_celebration-day,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_celia-thaxter-s-garden-appledore-isles-of-shoals,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_celia-thaxter-s-garden-isles-of-shoals-maine,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_central-park,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_central-park-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,childe-hassam_champs-elysees-paris,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_charles-river-and-beacon-hill-1892,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_chatou-near-bougival,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_chicken-yard-back-of-the-holley-house,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_childe-hassam-a-shower-bonaparte-street,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_church-at-old-lyme,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_church-at-old-lyme-1,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_church-at-old-lyme-2,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_church-procession-spanish-steps,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_cityscape,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_clarissa,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,childe-hassam_clearing-sunset-aka-corner-of-berkeley-street-and-columbus-avenue,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_clouds-also-known-as-rain-clouds-over-oregon-desert,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_coast-scene-isles-of-shoals,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_colonial-graveyard-at-lexington,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_colonial-quilt,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_columbian-exposition-chicago,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_columbus-avenue,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_columbus-avenue-rainy-day,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,childe-hassam_columbus-avenue-rainy-day-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_confirmation-day,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_connecticut-hunting-scene,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_conversation-on-the-avenue,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_cos-cob,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_cotysville,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_couch-on-the-porch-cos-cob,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_country-fair-new-england,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,childe-hassam_dawn,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_descending-the-steps-central-park,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_dewey-s-arch,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_dexter-s-garden,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_dock-of-tuileries-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,childe-hassam_dragon-cloud-old-lyme,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_duck-island,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_duck-island-from-appledore,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_duck-island-isles-of-shoals-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_duke-street-newport,"[1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_early-evening-after-snowfall,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_early-morning-calm,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_early-morning-on-the-avenue-in-may,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_east-gloucester-end-of-trolly-line,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_east-hampton,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_east-hampton-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_east-hampton-l-i-aka-old-mumford-house,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_east-headland-pool,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,childe-hassam_ecola-beach-oregon,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_edith-blaney-mrs-dwight-blaney,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_elms-east-hampton-new-york,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_end-of-the-trolley-line-oak-park-illinois,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_end-of-timberline-mt-hood,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_evening,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_evening-champs-elysees-aka-pres-du-louvre,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_feeding-pigeons-in-the-piazza,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_field-of-poppies-isles-of-shaos-appledore,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_fifth-avenue-aka-sunday-on-fifth-avenue-1891,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_fifth-avenue-in-winter,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_fifth-avenue-in-winter-1,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_fifth-avenue-in-winter-2,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_figures-in-sunlight,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_fire-opals-aka-lady-in-furs-portrait-of-mrs-searle,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_fishing,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_flags-columbus-circle,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_flags-fifth-avenue,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_flags-on-57th-street-winter-1918,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_flags-on-the-friar-s-club,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_flags-on-the-waldorf,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_flagstone-sidewalk-portsmouth-new-hampshire,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_flower-garden,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_flower-garden-isles-of-shoals,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_flower-girl,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_flower-girl-by-the-seine-paris,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,childe-hassam_flower-market,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_flower-store-and-dairy-store,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,childe-hassam_french-peasant-girl,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_garden-by-the-sea-isles-of-shoals,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_gate-of-the-alhambra,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_gateway-at-canterbury,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_gathering-flowers-in-a-french-garden-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_geraniums,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_giant-magnolias,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_girl-in-a-doorway,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,childe-hassam_girl-standing,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_gloucester,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_gloucester-harbor,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_gloucester-harbor-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_gloucester-harbor-2,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_gloucester-inner-harbor,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_golden-afternoon,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_gondoliers,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_grand-prix-day-also-known-as-le-jour-de-grand-prix,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_hackney-carriage-rue-bonaparte-also-known-as-fiacre-rue-bonaparte,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_harney-desert,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_harney-desert-02,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_harney-desert-landscape,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_harney-desert-no-20,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_hassam-childe-fifth-avenue-at-washington-square-sun,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_hassam-childe-grand-prix-day-sun,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_hassam-street-in-portsmouth,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_hassam-westminster-bridge,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,childe-hassam_havana,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_headlands,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_high-bridge,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_hill-of-the-sun-san-anselmo-california,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_hollyhocks-isles-of-shoals,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_home-of-the-hummingbird,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_home-sweet-home-cottage,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_home-sweet-home-cottage-east-hampton,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_horse-drawn-cabs-at-evening-new-york,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_horticultural-building-world-s-columbian-exposition-chicago,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_houses-of-parliament-early-evening,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_hutchison-house-easthampton,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_ice-on-the-hudson,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_idle-hours,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_improvisation,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_in-a-french-garden,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_in-brittany-bay,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_in-the-garden-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_in-the-garden-1889-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_in-the-garden-aka-celia-thaxter-in-her-garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_in-the-garden-at-villers-le-bel,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_in-the-old-house,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_in-the-park,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,childe-hassam_in-the-park-at-st-cloud,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_in-the-park-paris,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_incoming-tide,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_indian-summer-in-madison-square,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_isle-of-shoals,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isle-of-shoals-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isle-of-shoals-1894,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isle-of-shoals-2,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isle-of-shoals-3,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isle-of-shoals-4,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_isle-of-shoals-5,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_isle-of-shoals-6,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isles-of-shoals,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isles-of-shoals-appledore,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_isles-of-shoals-broad-cove,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_isles-of-shoals-garden-aka-the-garden-in-its-glory,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_isles-of-shoals-garden-appledore,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_italian-day-may,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_jelly-fish,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_jonquils,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_july-fourteenth-rue-daunou,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_july-night,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_june,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_just-off-the-avenue-fifty-third-street-may,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_lady-in-flower-garden,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_lady-in-furs-aka-mrs-charles-a-searles,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_lady-in-pink,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_lady-in-the-park-aka-in-the-garden,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_lady-walking-down-fifth-avenue,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,childe-hassam_late-afternoon-aka-sunset,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_late-afternoon-new-york-winter-1900,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_laurel-on-the-ledges,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_lilies,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_lillie,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_listening-to-the-orchard-oriole,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_little-cobbler-s-shop,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_little-old-cottage-egypt-lane-east-hampton,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_looking-into-beryl-pool,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_looking-towards-mount-adams-from-mount-hood,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,childe-hassam_louvre,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_lower-fifth-avenue-1890,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_lower-manhattan-aka-broad-and-wall-streets,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_lumbering,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_lyman-s-ledge-appledore,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_madison-square-snowstorm,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_marche-st-pierre-montmartre,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_marechal-niel-roses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_marlborough-street-boston,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_maude-sewing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_meadows,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_messenger-boy,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,childe-hassam_mill-site-and-old-todal-dam-cos-cob,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_mixed-foursome,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_montauk-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_moonlight,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_moonlight-on-the-sound,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_moonlight-the-old-house,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_moonrise-at-sunset,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_moonrise-at-sunset-1,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_moonrise-at-sunset-harney-desert,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_morning-light,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_morning-old-lyme,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_mount-hood,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_mount-hood-and-the-valley-of-the-willamette,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_mount-vernon-street-boston,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_mountain-home-idaho,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_mrs-hassam-and-her-sister,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_mrs-hassam-at-villiers-le-bel,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_mrs-hassam-in-the-garden,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_mrs-hassam-in-the-garden-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_mrs-hassam-knitting,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,childe-hassam_mrs-hassam-s-garden-at-east-hampton,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_mrs-holley-of-cos-cob-connecticut,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_mt-beacon-at-newburgh,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_mt-hood-oregon,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_naples,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_new-england-headlands,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_new-england-road,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_new-york-hod-carriers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_new-york-landscape,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_new-york-late-afternoon-winter,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,childe-hassam_new-york-street-scene,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_new-york-winter-window-1919,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_newfields-new-hampshire,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_newfields-new-hampshire-1,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_newport-waterfront,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_news-depot-cos-cob-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_nocturne-hyde-park-corner,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,childe-hassam_nocturne-railway-crossing-chicago-1893,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_norman-s-woe-gloucester-massachusetts,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_northeast-gorge-at-appledore,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_northeast-headlands-appledore,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_northeast-headlands-new-england-coast,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_notre-dame-cathedral-paris,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_november-cos-cob,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_nude-in-sunlilt-wood,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_nude-on-the-cliffs,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_numph-bathing,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_nurses-in-the-park,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_nymph-on-a-rocky-ledge,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_october-sundown-newport-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_old-bottle-man,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_old-dutch-building-fishkill-new-york,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_old-house-and-garden-east-hampton,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_old-house-east-hampton,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_old-house-nantucket,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_old-long-island-landscape,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_old-lyme-bridge,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_old-mumford-house-easthampton,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_on-the-balcony,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_on-the-brittany-coast,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_on-the-deck,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_on-the-snake-river-oregon,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_oregon-coast,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_oregon-landscape,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_outskirts-of-east-gloucester,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_over-the-great-divide,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_oyster-sloop-cos-cob,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_paris-at-twilight,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_paris-nocturne,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,childe-hassam_paris-street,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_paris-street-scene,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_paris-street-scene-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_park-monceau-paris,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_peach-blossoms-villiers-le-bel-1889,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_peonies,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_perros-guire-cotes-du-nord-france,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_piazza-di-spagna-rome,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_place-centrale-and-fort-cabanas-1895,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_point-lobos-carmel,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_pomona,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_pont-aven-noon-day,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_pont-royal-paris,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_ponte-santa-trinita,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_poppies-isles-of-shoals,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_poppies-isles-of-shoals-02,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_poppies-isles-of-shoals-03,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_poppies-isles-of-shoals-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_poppies-on-the-isles-of-shoals-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_portland-harbor,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_portrait-of-a-lady-in-blue-dress,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_posilippo,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_promenade,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_promenade-at-sunset-paris-1889,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_promenaders-in-the-garden-1898,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_provincetown,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_provincetown-grocery-store,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_quincy-massachusetts,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_rainy-day,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_rainy-day-boston,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_rainy-day-on-fifth-avenue,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_rainy-day-paris,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_reflections-kitty-hughes,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_rialto-market-venice,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_road-to-the-land-of-nod,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_rocks-at-appledore,"[3.0, 11.0, 17.0, 10.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Impressionism,childe-hassam_rocky-beach-appledore,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_rooftops-pont-aven,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_roses,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_roses-in-a-vase,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_rue-madeleine-place-de-l-opera,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_rue-montmartre-paris,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_sailing-ship-locked-in-ice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_sailing-ship-locked-in-ice-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_sailing-vessel-at-sea-sunset,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_saint-mark-s-in-the-bowery,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_san-pietro-venice,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_sand-springs-butte,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_scene-at-the-world-s-columbian-exposition-chicago-illinois,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_scene-in-holland,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_sea-and-rocks-appledore-isles-of-shoals,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_seascape,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_seascape-isles-of-shoals,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_seaweed-and-surf-appledore,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_self-portrait,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_september-moonrise,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_shoveling-snow-new-england,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_skating,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_snow-storm-fifth-avenue-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,childe-hassam_south-ledges-appledore,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_sparyard-inner-harbor-gloucester,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_spring-aka-the-artist-s-sister,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_spring-at-old-lyme,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_spring-in-central-park-aka-springtime,"[2.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_spring-landscape-with-a-farmer-and-white-horse,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_spring-morning-in-the-heart-of-the-city-aka-madison-square-new-york,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_spring-navesink-highlands,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_spring-on-west-78th-street,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_spring-woods,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_square-at-sevilla,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_st-germain-l-auxerrois,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_st-patrick-s-day,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,childe-hassam_still-life-fruits,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_still-life-fruits-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_stone-bridge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_street-in-portsmouth,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_street-of-the-great-captain-cordoba,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_street-scene-christmas-morning,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_street-scene-montmartre,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_street-scene-with-hansom-cab,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_summer-afternoon-isles-of-shoals,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_summer-at-cos-cob,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_summer-evening,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_summer-evening-paris,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_summer-porch-at-mr-and-mrs-c-e-s-wood-s,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_summer-sunlight,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_summertime,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_sunday-morning,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_sunday-morning-appledore,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_sunlight-on-an-old-house-putnam,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_sunrise-autumn,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,childe-hassam_sunset-at-sea,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_sunset-isle-of-shoals,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_sunset-on-the-sea,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_surf-and-rocks,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_surf-and-rocks-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_surf-appledore,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_surf-isles-of-shoals,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_sylph-s-rock-1907,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_tanagra-the-builders-new-york,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_telegraph-hill-san-fraicisco,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_ten-pound-island,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-alhambra-aka-summer-palace-of-the-caliphs-granada-spain,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-altar-and-the-shrine,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-artist-s-wife-in-a-garden-villiers-le-bel,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_the-ash-blond,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-avenue-in-the-rain,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-barn-cos-cob,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-barnyard,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-bather,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_the-bather-1915,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-bathers,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-boid-de-boulogne,"[0.0, 12.0, 20.0, 10.0, 0.0, 1.0, 0.0, 2.0, 3.0]"
+Impressionism,childe-hassam_the-breakfast-room-winter-morning-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,childe-hassam_the-bricklayers,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,childe-hassam_the-brush-house,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-butterfly,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-cedar-lot-old-lyme,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-children,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-chinese-merchants,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_the-church-at-gloucester,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-cove,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-east-headland-appledore-isles-of-shoals,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-evening-star,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-fireplace,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_the-fishermen-cos-cob,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-flag-fifth-avenue,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_the-flag-outside-her-window-april-aka-boys-marching-by,"[7.0, 8.0, 9.0, 10.0, 0.0, 2.0, 3.0, 11.0, 6.0]"
+Impressionism,childe-hassam_the-fourth-of-july-1916,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-garden-door,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-goldfish-window,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-gorge-appledore,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-gorge-appledore-isles-of-shoals,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-grands-boulevard-paris,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-harbor-of-a-thousand-masts-gloucester,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-hawk-s-nest,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-holly-farm,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-hourse-of-actaeon-montauk,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_the-hovel-and-the-skyscraper,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-island-garden,"[0.0, 0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-isles-of-shoals,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-ledges,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-lion-gardiner-house-east-hampton,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_the-little-pond-appledore,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-mackaye-spectatorium,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-manhattan-club,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-mantle-piece,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-mirror-cos-cob-connecticut,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-new-york-bouquet-west-forty-second-street,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-new-york-window,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-north-gorge-appledore-isles-of-shoals,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-norwegian-cottage-1,"[0.0, 1.0, 7.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_the-nymph-of-beryl-gorge,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_the-old-fairbanks-house-dedham-massachusetts,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-quai-lannion,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-quai-st-michel,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-quarry-pool-folly-cove-cape-ann,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_the-room-of-flowers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-rose-garden,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-sea,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-silver-veil-and-the-golden-gate,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-snowy-winter-of-1918-new-york,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,childe-hassam_the-sonata,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_the-sonata-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-south-gorge-appledore-isles-of-shoals,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-south-ledges-appledore,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-southwest-wind,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-spanish-steps-rome,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-table-garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_the-terre-cuite-tea-set-aka-french-tea-garden,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-two-hickory-trees-aka-golf-player,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-victorian-chair,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_the-water-garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_the-white-dory,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_thunderstorm-on-the-oregon-trail,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_twenty-six-of-june-old-lyme,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_twilight-aka-le-crepuscule,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_under-the-lilacs,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_union-square,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_union-square-1893,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_union-square-in-spring,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,childe-hassam_untitled-study-for-bathers,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_up-the-avenue-from-thirty-fourth-street,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_venice,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_veranda-of-the-old-house,"[2.0, 10.0, 33.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_victory-day-may,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_view-of-broadway-and-fifth-avenue-1,"[0.0, 4.0, 4.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_view-of-florence-from-san-miniato,"[0.0, 1.0, 8.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,childe-hassam_view-of-new-york-from-the-top-of-fort-george,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_view-of-the-paseo-del-prado,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_view-of-the-thames,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_village-scene-1885,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_village-scene-breton,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_villers-le-bel-aka-the-enchanted-hour,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_walk-around-the-island,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_washington-arch-spring,"[1.0, 14.0, 21.0, 8.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_waydise-inn-sudbury-mass,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_west-wind-appledore,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_white-barn,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,childe-hassam_white-church-at-newport-aka-church-in-a-new-england-village,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_white-island-light-isles-of-shoals-at-sundown,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_wild-swans-sacred-to-apollo,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,childe-hassam_windmill-at-sundown-east-hampton,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_winter-central-park,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_winter-in-the-connecticut-hills,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,childe-hassam_winter-in-union-square,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,childe-hassam_winter-midnight,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_winter-sickle-pears,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,childe-hassam_woman-cutting-roses-in-a-garden-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,childe-hassam_woman-reading,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_woman-sellillng-flowers-1889,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_woodboats-and-dogana,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_woodchopper,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_world-s-fair-chicago-1894,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,childe-hassam_yachts-gloucester-1889,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,childe-hassam_young-fishermen,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_a-corner-of-the-garden-at-montgeron-1877(1),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_a-windmill-near-zaandam(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,claude-monet_a-woman-reading(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_adolphe-monet-reading-in-the-garden(1),"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_agapanthus-1917(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_agapanthus-flowers-1917(1),"[0.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_alice-hoschede-in-the-garden(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_alley-near-pourville(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_amsterdam-in-the-snow(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_an-orchard-in-spring(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_andre-lauvray(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,claude-monet_anglers-on-the-seine-at-poissy(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_antibes-afternoon-effect(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_antibes-in-the-morning(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_antibes-seen-from-the-cape-mistral-wind(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_antibes-seen-from-the-salis-gardens-01(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_antibes-seen-from-the-salis-gardens-02(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_antibes-view-of-the-salis-gardens(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_apple-trees-in-bloom(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_apple-trees-in-bloom-at-giverny-1901(1),"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_apple-trees-in-blossom-by-the-water(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_apple-trees-near-vetheuil(1),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_apple-trees-on-the-chantemesle-hill(1),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil(1),"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-1(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-1875(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-2(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-flowers-by-the-riverbank(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_argenteuil-late-afternoon(1),"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-seen-from-the-small-arm-of-the-seine(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-seen-from-the-small-arm-of-the-seine-1(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_argenteuil-the-hospice(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-the-seine(1),"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_argenteuil-yachts-02(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_arm-of-the-seine-near-vetheuil(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_arriving-at-montegeron(1),"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_asters(1),"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_at-cap-d-antibes,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_at-cap-d-antibes-mistral-wind,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_at-les-petit-dalles,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_at-val-saint-nicolas-near-dieppe,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_at-val-saint-nicolas-near-dieppe-in-the-morning,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_at-val-saint-nicolas-near-dieppe-morning,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_autumn-effect-at-argenteuil-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_autumn-on-the-seine-at-argenteuil,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_banks-of-the-seine-at-jenfosse-clear-weather,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_banks-of-the-seine-at-jeufosse-autumn,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_banks-of-the-seine-at-lavacourt,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_basket-of-graphes-quinces-and-pears-1885,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_bathers-at-la-grenouillere-1869,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_beach-and-cliffs-at-pourville-morning-effect,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_beach-in-juan-les-pins,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_bed-of-chrysanthemums,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_belle-ile-rain-effect,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_belle-ile-rocks-at-port-goulphar,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_bend-in-the-river-epte,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_bennecourt,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_bennecourt-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_blanche-hoschede,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,claude-monet_boat-at-low-tide-at-fecamp,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_boaters-at-argenteuil,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_boats-at-rest-at-petit-gennevilliers,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_boats-at-rouen,"[2.0, 11.0, 19.0, 7.0, 0.0, 2.0, 3.0, 1.0, 1.0]"
+Impressionism,claude-monet_boats-at-zaandam,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_boats-in-the-pool-of-london-1871,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_boats-in-the-port-of-honfleur,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_boats-in-the-port-of-honfleur-1,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_boats-in-the-port-of-le-havre-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_boats-lying-at-low-tide-at-facamp,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_boats-on-rapair,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_boats-on-the-beach,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_boats-on-the-beach-at-etretat,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_boats-on-the-thames-fog-effect,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_boats-on-the-thames-london,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Impressionism,claude-monet_boatyard-near-honfleur,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_bordighera,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_bordighera-italy,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_bordighera-the-house-of-gardener,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_boulevard-of-capucines,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_boulevard-of-capucines-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_boulevard-saint-denis-argenteuil-in-winter-1875,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_bouquet-of-gadiolas-lilies-and-dasies,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_bouquet-of-sunflowers,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_branch-of-lemons,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_branch-of-lemons-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_branch-of-orange-bearing-fruit,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_breakup-of-ice,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_breakup-of-ice-lavacourt-grey-weather,"[0.0, 9.0, 18.0, 0.0, 0.0, 1.0, 2.0, 12.0, 4.0]"
+Impressionism,claude-monet_burgo-marina-at-bordighera,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_by-the-river-at-vernon,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_calm-weather-fecamp,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_camille-and-jean-monet-in-the-garden-at-argenteuil,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_camille-monet-at-the-window-argentuile,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_camille-monet-in-the-garden,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_camille-monet-in-the-garden-at-the-house-in-argenteuil,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_camille-monet-on-a-garden-bench,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,claude-monet_camille-monet-on-her-deathbed,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,claude-monet_camille-on-the-beach-1871,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_camille-on-the-beach-at-trouville,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_camille-sitting-on-the-beach-at-trouville-1871,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_camille-with-green-parasol,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_canal-in-amsterdam,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cap-martin,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cap-martin-2,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_cap-martin-3,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_carrieres-saint-denis-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cart-on-the-snow-covered-road-with-saint-simeon-farm,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_charing-cross-bridge-02,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,claude-monet_charing-cross-bridge-03,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_charing-cross-bridge-09-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_charing-cross-bridge-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,claude-monet_charing-cross-bridge-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_charing-cross-bridge-1903,"[2.0, 13.0, 29.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge-2-1901,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge-3-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_charing-cross-bridge-cleopatra-s-needle-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_charing-cross-bridge-fog-on-the-themes,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge-overcast-weather,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge-reflections-on-the-thames-1901,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge-study-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_charing-cross-bridge-the-thames,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_charing-cross-bridge-the-thames-02,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_christmas-roses,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_chrysanthemums-1878,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_chrysanthemums-1881,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_chrysanthemums-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_chrysanthemums-1897-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_church-at-jeufosse-snowy-weather,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_church-at-varengeville-morning-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_clematis,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-dieppe,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-fecamp,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-grainval,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-grainval-near-fecamp,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-petit-ailly,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_cliff-at-petit-ailly-at-varengeville,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-pourville,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-pourville-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-at-pourville-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_cliff-at-pourville-in-the-morning,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_cliff-at-sainte-adresse,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-near-dieppe,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_cliff-near-dieppe-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-near-dieppe-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_cliff-near-dieppe-2-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliff-near-dieppe-in-the-morning,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_cliff-near-dieppe-overcast-skies,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_cliff-near-fecamp,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_cliff-near-pourville,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-and-sailboats-at-pourville-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-at-amont,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-at-pourville-in-the-fog,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_cliffs-at-pourville-morning,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-at-pourville-rain,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,claude-monet_cliffs-near-dieppe,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-near-pourville,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-of-les-petites-dalles,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-of-les-petites-dalles-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-of-les-petites-dalles-2,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-of-the-porte-d-aval,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_cliffs-of-varengeville-gust-of-wind,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-of-varengeville-gust-of-wind-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_cliffs-walk-at-pourville,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_clifftop-walk-at-pourville,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_coal-dockers,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_cobeas,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_coming-into-port-goulphar-belle-ile,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_corner-of-the-apartment,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,claude-monet_customs-house,"[1.0, 10.0, 30.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,claude-monet_customs-house-at-varengaville,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_customs-house-at-varengeville-in-the-fog,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_customs-house-rose-effect,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_dahlias,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_dahlias-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_dandelions,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_dieppe-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_dolceacqua-bridge,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_edge-of-the-cliff-at-pourville,"[2.0, 8.0, 29.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_edge-of-the-cliff-pourville,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_entering-the-village-of-vetheuil-in-winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_entrance-to-the-port-of-honfleur,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_entrance-to-the-port-of-trouville,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_etretat-cliff-of-d-aval-sunset,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_etretat-sunset,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,claude-monet_etretat-the-aval-door-fishing-boats-leaving-the-harbour,"[1.0, 4.0, 27.0, 6.0, 0.0, 0.0, 4.0, 2.0, 2.0]"
+Impressionism,claude-monet_etretat-the-beach-and-the-porte-d-aval,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_etretat-the-needle-rock-and-porte-d-aval,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_evening-at-argenteuil,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_evening-effect-of-the-seine,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_farm-near-honfleur,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_farmyard,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_farmyard-at-chailly,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_festival-at-argenteuil,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_field-of-yellow-irises-at-giverny,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fields-of-flowers-and-windmills-near-leiden,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fields-of-tulip-with-the-rijnsburg-windmill,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fisherman-s-cottage-at-varengeville,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fisherman-s-house-at-varengeville,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_fisherman-s-house-in-petit-ailly,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fishing-boats,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,claude-monet_fishing-boats-at-etretat,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,claude-monet_fishing-boats-at-honfleur,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fishing-boats-at-pourville,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_fishing-boats-at-sea,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_fishing-boats-by-the-beach-and-the-cliffs-of-pourville,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_fishing-boats-calm-sea,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fishing-boats-leaving-the-harbor-le-havre,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_fishing-boats-off-pourville,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fishing-boats-on-the-beach-at-etretat,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_fishing-on-the-river-epte,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_floating-ice-near-bennecourt,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,claude-monet_floating-ice-near-vetheuil,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_floating-ice-on-the-seine,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_floating-ice-on-the-seine-02,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_flood-at-giverny-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,claude-monet_flood-of-the-seine-at-vetheuil,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_flood-waters,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,claude-monet_flowering-trees-near-the-coast-1926,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_flowers-and-fruit,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_flowers-at-vetheuil,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_flowers-beds-at-vetheuil,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_flowers-in-a-pot,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_flowers-in-a-vase,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_flowers-on-the-banks-of-seine-near-vetheuil,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_fog-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_fontainebleau-forest,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_frost,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_frost-near-vetheuil-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,claude-monet_fruit-basket-with-apples-and-grapes,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_fruit-trees,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_garden-at-sainte-adresse,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_garden-at-vetheuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_garden-in-bloom-at-sainte-addresse,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_garden-in-bordighera-impression-of-morning-1884,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_gardener-s-house-at-antibes,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_gare-st-lazare,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_geese-in-the-creek,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_geldersekade-of-amsterdam-invierno-1874,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_general-view-of-rouen-from-st-catherines-bank,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_gennevilliers-plain-1877,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_gestrandetes-boot-in-fecamp,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_girls-in-the-garden,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_giverny-in-springtime-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_gladioli,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_gladiolus,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_gladiolus-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_gondola-in-venice,"[3.0, 7.0, 14.0, 2.0, 0.0, 1.0, 4.0, 10.0, 5.0]"
+Impressionism,claude-monet_grainstack,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstack-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_grainstack-at-giverny,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_grainstack-at-sunset,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstack-impression-in-pinks-and-blues,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstack-in-overcast-weather-snow-effect,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_grainstack-in-the-morning-snow-effect-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_grainstack-thaw-sunset,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_grainstack-under-the-sun,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstacks,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstacks-at-giverny-morning-effect,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_grainstacks-at-giverny-sunset,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstacks-at-sunset-snow-effect-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstacks-at-the-end-of-summer-morning-effect,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_grainstacks-at-the-end-of-the-day-autumn,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstacks-in-the-morning-snow-effect,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_grainstacks-in-the-sunlight-midday-1891,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_grainstacks-snow-effect-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_grainstacks-white-frost-effect,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_grainstacks-white-frost-effect-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_green-park-in-london,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_group-of-rocks-at-port-goulphar,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_grove-of-olive-trees-in-bordighera,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_hamerocallis-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_hauling-a-boat-ashore-honfleur,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_haystack,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_haystack-at-giverny,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_haystack-at-giverny-1886,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_haystacks-at-chailly-1865,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_haystacks-at-giverny,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_haystacks-at-giverny-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_haystacks-at-giverny-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_haystacks-at-giverny-the-evening-sun,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_haystacks-at-sunset-frosty-weather-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_haystacks-overcast-day,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_haystacks-sun-in-the-mist,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,claude-monet_haystacks-white-frost-sunrise,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_head-of-the-dog,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_heavy-sea-at-pourville,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_house-of-parliament-sun,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_houses-at-argenteuil,"[0.0, 0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-at-falaise-in-the-fog,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-in-the-snow,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_houses-in-the-snow-norway,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-of-parliament,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_houses-of-parliament-at-sunset,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_houses-of-parliament-effect-of-sunlight-in-the-fog,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_houses-of-parliament-fog-effect,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_houses-of-parliament-fog-effect-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,claude-monet_houses-of-parliament-in-winter,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-of-parliament-london-sun-breaking-through,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-of-parliament-sunset,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-of-parliament-sunset-02,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_houses-of-parliament-westminster-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-of-parlilament-fog-effect,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,claude-monet_houses-of-parlilament-sunlight-effect-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_houses-on-the-zaan-river-at-zaandam,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_hyde-park,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_ice-floes-misty-morning,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_ice-floes-on-siene,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_ice-floes-on-the-seine-at-bougival-1868,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,claude-monet_ice-lock-port-villez,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_ice-on-the-siene-at-bennecourt,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_ile-de-la-grande-jatte-through-the-trees-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_impression-sunrise,"[1.0, 15.0, 21.0, 5.0, 0.0, 0.0, 3.0, 3.0, 2.0]"
+Impressionism,claude-monet_in-the-garden,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_in-the-garden-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_in-the-meadow,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_in-the-woods-at-giverny-blanche-hoschede,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_infantry-guards-wandering-along-the-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_iris-at-the-sea-rose-pond-1917,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_irises-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,claude-monet_irises-2-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_irises-3-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_irises-and-water-lilies-1917,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_irises-in-monet-s-garden-03,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_islands-at-port-villez-1897,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_isle-of-flowers-on-siene-near-vetheuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_isleets-at-port-villez,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_jar-of-peaches,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_jean-monet-in-the-craddle,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_jean-monet-on-a-mechanical-horse,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_jean-pierre-hoschede-called-bebe-jean,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_jeanne-marguerite-lecadre-in-the-garden,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_jerusalem-artichokes,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_juan-les-pins,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_landscape-at-giverny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_landscape-at-giverny-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_landscape-at-port-villez,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_landscape-at-port-villez-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_landscape-near-montecarlo,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_landscape-on-the-ile-saint-martin,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_landscape-with-thunderstorm,"[0.0, 11.0, 26.0, 4.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,claude-monet_landscape-with-thunderstorm-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_lane-in-normandy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lane-in-the-poppy-fields-ile-saint-martin,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lane-in-the-vineyards-at-argenteuil,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_late-afternoon-in-vetheuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lavacourt-sun-and-snow,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_leicester-square-at-night,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_leon-peltier,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_lighthouse-at-the-hospice,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lilac-irises-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lilacs-grey-weather,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lilacs-in-the-sun,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_low-tide-at-pourville,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_low-tide-at-pourville-02,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_low-tide-at-pourville-misty-weather,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_low-tide-at-varengeville,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_low-tide-at-varengeville-02,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lunch-on-the-grass,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_lunch-on-the-grass-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lunch-on-the-grass-central-panel,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_lunch-on-the-grass-left-panel,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_lunch-on-the-grass-study,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_lunch-under-the-canopy,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_madame-monet-and-child,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_madame-monet-embroidering-1875,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_madame-monet-on-the-divan,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_meadow,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_meadow-at-bezons,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_meadow-at-giverny,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_meadow-at-limetz,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_meadow-in-giverny,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_meadow-with-haystacks-near-giverny,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_meadow-with-poplars,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_meadows-in-giverny-1888,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_meditation-madame-monet-sitting-on-a-sofa-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,claude-monet_mediteranian-coast-grey-day,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_meton-seen-from-cap-martin,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_misty-morning-on-the-seine,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_misty-morning-on-the-seine-in-bue,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_misty-morning-on-the-seine-mauve,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_misty-morning-on-the-seine-sunrise,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_monet-s-garden-in-argenteuil-sun,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_monte-carlo-seen-from-roquebrune,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-at-etretat-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-by-the-sea,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-landscape-giverny,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-02,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_morning-on-the-seine-02-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-at-giverny-02,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-clear-weather,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-clear-weather-02,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_morning-on-the-seine-in-the-rain-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-mist,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_morning-on-the-seine-near-giverny,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-near-giverny-02,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-near-giverny-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_morning-on-the-seine-near-giverny-the-fog,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_morning-on-the-seine-near-vetheuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_mount-kolsaas,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Impressionism,claude-monet_mount-kolsaas-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_mount-kolsaas-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_mount-kolsaas-in-misty-weather,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_mount-kolsaas-norway,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_mount-kolsaas-rose-reflection,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_norman-farm-through-the-trees,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,claude-monet_norway-sandviken-village-in-the-snow,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_norwegian-landscape-sandviken,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_not_detected_212135,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_not_detected_212138,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_not_detected_212140,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_not_detected_212141,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_not_detected_212142,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_not_detected_212144,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_not_detected_212148,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_not_detected_212150,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_not_detected_212152(1),"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_oat-and-poppy-field,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_oat-and-poppy-field-giverny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_olive-tree-wood-in-the-moreno-garden,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_olive-trees-in-bordigher,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,claude-monet_olive-trees-study,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_on-the-beach-at-trouville-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_on-the-cliff-at-fecamp,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_on-the-cliff-near-dieppe,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_on-the-coast-at-trouville,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_open-sea,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_orchard-in-bloom,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_palazzo-contarini,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_palazzo-contarini-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_palazzo-da-mula-at-venice,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_palazzo-da-mulla,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_palazzo-dario,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_palazzo-dario-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_palazzo-dario-3,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_palazzo-dario-4,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,claude-monet_palm-tree-at-bordighera,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_palm-trees-at-bordighera,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_park-monceau,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_park-monceau-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_park-monceau-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_park-monceau-3,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_park-monceau-paris,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_parliament-reflections-on-the-thames-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_path-at-giverny,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_path-at-giverny-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_path-at-la-cavee-pourville,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-at-pourville,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_path-at-pourville-02,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-at-varengeville,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-in-the-fog,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_path-through-the-forest-snow-effect,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-through-the-irises-01-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-through-the-irises-02-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-under-the-rose-arches-giverny-1922,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-under-the-rose-trellises-1924,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_path-under-the-rose-trellises-giverny-1922,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_path-under-the-rose-trellises-giverny-1922-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_pathway-in-monet-s-garden-at-giverny,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_pathway-in-monet-s-garden-at-giverny-1902,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_paysage-of-norway-the-blue-houses,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_peaches,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_pheasants-and-plovers,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,claude-monet_pine-trees-cap-d-antibes,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_pleasure-boats-argenteuil-c-1872-3-oil-on-canvas,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_plum-trees-in-blossom-at-vetheuil,"[1.0, 13.0, 24.0, 7.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_plums-blossom,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-at-giverny,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-at-giverny-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_poplars-at-giverny-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_poplars-autumn-pink-effect,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-four-trees,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-on-the-banks-of-the-epte,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_poplars-on-the-banks-of-the-epte-1891,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-on-the-banks-of-the-epte-autumn-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-on-the-banks-of-the-river-epte-overcast-weather,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-on-the-banks-of-the-river-epte-seen-from-the-marsh-1892,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-on-the-epte,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-row-in-autumn,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-view-from-the-marsh-1892,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poplars-wind-effect,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_poppies-at-giverny,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poppy-field,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_poppy-field-argenteuil,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_poppy-field-at-giverny,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_poppy-field-in-a-hollow-near-giverny,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poppy-field-in-giverny,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poppy-field-in-giverny-02,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_poppy-field-in-giverny-03,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_poppy-field-near-vetheuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_port-d-amount-etretat,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_port-d-aval,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_port-d-aval-rough-sea,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Impressionism,claude-monet_port-donnant-belle-ile,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_port-of-dieppe-evening,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_portrait-of-eugenie-graff-madame-paul-1882,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_portrait-of-germaine-hoschede-with-a-doll-1877,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_portrait-of-jean-monet,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_portrait-of-jean-monet-wearing-a-hat-with-a-pompom,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,claude-monet_portrait-of-jeanne-serveau,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_portrait-of-michael-with-hat-and-pom-pom,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_portrait-of-pere-paul,"[17.0, 6.0, 12.0, 2.0, 0.0, 0.0, 0.0, 6.0, 5.0]"
+Impressionism,claude-monet_portrait-of-poly-fisherman-at-kervillaouen,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_portrait-of-suzanne-hoschede-with-sunflowers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,claude-monet_pourville,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_pourville-near-dieppe,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_pourville-sunset,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_promenade-near-argenteuil-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_purple-poppies,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_railway-bridge-at-argenteuil-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_railway-bridge-at-argenteuil-1874,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_rain-in-belle-ile,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,claude-monet_receding-waves,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_red-and-pink-poppies,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_red-azaleas-in-a-pot,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_red-boats-argenteuil-1875-oil-on-canvas-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_red-houses-at-bjornegaard-in-the-snow-norway,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_red-mullets,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,claude-monet_regatta-at-argenteuil,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_regatta-at-argenteuil-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_regatta-at-sainte-adresse,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_relaxing-in-the-garden-argenteuil,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_rio-della-salute-02,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_rio-della-salute-03,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rising-tide-at-pourville-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_river-scene-at-bennecourt,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_river-thawing-near-vetheuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_riverbank-at-argenteuil,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_road-at-louveciennes-melting-snow-sunset,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_road-in-a-forest-fontainebleau,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_road-near-giverny,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_road-near-giverny-02,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_road-of-la-roche-guyon,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_road-to-giverny-in-winter,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_road-to-the-saint-simeon-farm,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rocks-at-belle-ile,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_rocks-at-belle-ile-port-domois,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_rocks-at-falaise-near-giverny,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_rocks-at-port-coton-the-lion-rock-1886,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,claude-monet_rocks-on-the-mediterranean-coast,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_rocky-coast-and-the-lion-rock-belle-ile,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_rocky-point-at-port-goulphar,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_rose-arches-at-giverny,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rose-flowered-arches-at-giverny,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_roses-in-the-hoshede-s-garden-at-montregon,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-01,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-02,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-at-noon,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-at-sunset,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-clear-day,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-evening-harmony-in-brown-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-grey-weather,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-in-the-fog,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-magic-in-blue,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-portal-in-the-sun,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-study-of-the-portal,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-sunlight-effect,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-symphony-in-grey-and-rose,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-the-gate-and-the-tower,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-the-gate-grey-weather,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tour-d-albane-at-dawn,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tour-d-albane-morning-effect,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tour-d-albene-grey-weather,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-and-the-tower-d-allban-on-the-sun,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-at-midday,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-in-the-sun,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-morning-effect,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_rouen-cathedral-the-portal-morning-fog,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_rouen-cathedral-west-facade-noon,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Impressionism,claude-monet_rouen-cathedral-west-facade-sunlight-1894,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_rough-sea,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_rough-sea-at-etretat-1869,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,claude-monet_rough-sea-at-etretat-1883,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_rowboat-on-the-seine-at-jeufosse,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_sailboat-at-le-petit-gennevilliers,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_sailboats-1866,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_sailboats-at-sea-pourville,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_sailing-at-sainte-adresse,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_sailing-boats-at-honfleur,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_saint-adresse-beached-sailboat,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,claude-monet_saint-germain-l-auxerrois,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_saint-lazare-gare-normandy-train,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_saint-lazare-station,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_saint-lazare-station-arrival-of-a-train,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_saint-lazare-station-exterior,"[1.0, 10.0, 8.0, 15.0, 1.0, 3.0, 0.0, 6.0, 4.0]"
+Impressionism,claude-monet_saint-lazare-station-exterior-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_saint-lazare-station-exterior-view,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_saint-lazare-station-exterior-view-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_saint-lazare-station-exterior-view-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,claude-monet_saint-lazare-station-sunlight-effect,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_saint-lazare-station-the-western-region-goods-sheds,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_saint-lazare-station-track-coming-out,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_sainte-adresse-fishing-boats-on-the-shore,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_san-giorgio-maggiore,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_san-giorgio-maggiore-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_san-giorgio-maggiore-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_san-giorgio-maggiore-at-dusk,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_san-giorgio-maggiore-twilight,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_sandviken-norway,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_scaters-in-giverny,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_sea-study,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_seacoast-at-saint-adresse-sunset,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_seagulls-over-the-houses-of-parliament-1904,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_seascape,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_seascape-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_seascape-near-fecamp,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_seascape-night-effect,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_section-of-the-seine-near-giverny,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_seine-at-asnieres-1873,"[0.0, 8.0, 28.0, 5.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,claude-monet_seine-at-rouen-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_self-portrait-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_self-portrait-in-his-atelier,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_self-portrait-with-a-beret-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_shadows-on-the-sea-at-pourville,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_ships-in-harbor,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_small-boat-on-the-small-branch-of-the-seine-at-argenteuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_small-branch-of-the-seine-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_small-country-farm-in-bordighera,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_snow-at-argenteuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_snow-at-argenteuil-02,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_snow-at-argenteuil-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_snow-effect-at-falaise,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_snow-effect-at-limetz-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_snow-effect-giverny-1893,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,claude-monet_snow-effect-the-boulevard-de-pontoise-at-argenteuil,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_snow-effect-the-road-to-louveciennes,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_snow-effect-the-street-in-argentuil,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_snow-effect-with-setting-sun-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_snow-scene-at-argenteuil,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_spot-on-the-banks-of-the-seine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_spring-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_spring-flowers-1864,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_spring-landscape,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_springtime,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_springtime-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_springtime-1886,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_springtime-at-giverny,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_springtime-in-giverny,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_springtime-in-vetheuil,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_springtime-landscape,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_springtime-landscape-at-giverny,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_springtime-meadow-at-giverny,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_still-life-with-apples-and-grapes,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_still-life-with-melon,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_still-life-with-pears-and-grapes,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_still-life-with-pears-and-grapes-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_stilll-life-with-anemones,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_storm-at-belle-ile,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_storm-off-the-coast-of-belle-ile-1886,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_storm-on-the-cote-de-belle-ile,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_stormy-seascape,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_stormy-seascape-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_strada-romada-in-bordighera,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_street-in-saint-adresse,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_street-of-the-bavolle-honfleur,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_study-of-rocks,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_study-rushes-at-argenteuil,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_sun-setting-over-the-seine-at-lavacourt-winter-effect-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_sunlight-effect-under-the-poplars,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_sunrise-the-sea,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_sunset,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,claude-monet_sunset-at-giverny,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_sunset-foggy-weather-pourville,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_sunset-on-the-seine-at-lavacourt-winter-effect,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_sunset-on-the-seine-in-winter,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_sunset-on-the-siene,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_taking-a-walk-on-the-cliffs-of-sainte-adresse,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-allee-du-champ-de-foire-at-argenteuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-ally-point-low-tide,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-alps-seen-from-cap-d-antibes,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-arm-of-the-seine,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-arm-of-the-siene-at-jeufosse-afternoon,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-artist-s-family-in-the-garden,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-artist-s-garden-at-vetheuil-1881,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-artist-s-house-at-argenteuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-artist-s-house-at-giverny,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-artist-s-house-from-the-rose-garden-1924,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-artist-s-house-in-argenteuil,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-artist-s-house-view-from-the-rose-garden-1924,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-avenue,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-ball-shaped-tree-argenteuil,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-fjord-at-christiania,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-river-epte-at-giverny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-river-epte-in-springtime,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-seine,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-seine-at-argenteuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-seine-at-port-villez,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-seine-at-the-argenteuil-bridge,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-seine-ile-de-la-grande-jatte,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-seine-in-autumn,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-banks-of-the-seine-lavacourt,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-banks-of-the-seine-lavacourt-02,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-basin-at-argenteuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-bay-of-antibes,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-beach-and-the-falaise-d-amont,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-beach-at-etretat,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-beach-at-fecamp,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-beach-at-honfleux,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_the-beach-at-pourville,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-beach-at-saint-adresse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,claude-monet_the-beach-at-sainte-adresse,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-beach-at-trouville,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-bend-of-the-seine-at-lavacourt-winter,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-big-blue-at-antibes,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-big-blue-meditarranean-at-antibes,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-big-blue-sea-in-antibes,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-blue-house-at-zaandam,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-blue-row-boat,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-boardwalk-at-trouville,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-boardwalk-on-the-beach-at-trouville,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-boat-studio-1876,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_the-boats-regatta-at-argenteuil,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-bodmer-oak,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-bodmer-oak-fontainebleau,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-boulevard-heloise-in-argenteuil,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-break-up-of-the-ice,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-bridge-amsterdam,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-bridge-at-argenteuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-bridge-at-argenteuil-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-bridge-at-argenteuil-grey-weather,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-bridge-at-bougival,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-bridge-over-the-seine,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-bridge-under-repair-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-cabin-at-saint-adresse,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-castle-in-antibes,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-castle-of-dolceacqua-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-church-at-varengaville-grey-weather,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-church-at-varengeville,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,claude-monet_the-church-at-varengeville-02,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-church-at-varengeville-1882,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-church-at-varengeville-and-the-gorge-of-les-moutiers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-church-at-vetheuil,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-church-at-vetheuil-under-snow-1879,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-church-of-vetheuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-cliffs-at-etretat-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-coast-at-sainte-adresse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_the-coast-of-varengeville,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-coastguard-cabin-at-varengeville,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-corniche-of-monaco,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-cote-sauvate,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-cour-d-albane,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-cour-d-albane-grey-weather,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-creuse-valley-evening-effect-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-custom-s-house,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-departure-of-the-boats-etretat,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-dinner-1869,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-dinner-1869-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-doges-palace,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-4,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-doges-palace-seen-from-san-giorgio-maggiore-venice,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-effect-of-fog-near-dieppe,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-entrance-to-giverny-under-the-snow,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-esterel-mountains,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-estuary-of-the-siene,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-fjord-near-christiania,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-flood,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-fonds-at-varengeville,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-frost,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,claude-monet_the-frost-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-galettes,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-garden,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-garden-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-garden-at-giverny-1924,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_the-garden-at-vetheuil-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-garden-gate,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-garden-gate-at-vetheuil,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-garden-gate-at-vetheuil-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-garden-hollyhocks,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-garden-of-monet-at-argenteuil,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-gorge-at-varengeville-late-afternoon,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-grand-canal,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-grand-canal-02,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-grand-canal-03,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-grand-canal-and-santa-maria-della-salute,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-grand-canal-in-venice-01,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-grand-canal-venice,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-grand-dock-at-le-havre-1872,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-grand-street-entering-to-argenteuil-winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-grande-creuse-by-the-bridge-at-vervy,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-green-wave,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-grotto-of-port-domois,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-gulf-juan-at-antibes,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-gulf-of-antibes,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-hamlet-of-chantemesie-at-the-foot-of-the-rock,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-havre-the-bassin-trade,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-headland-of-the-heve-at-low-tide,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_the-hills-of-vetheuil,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_the-hotel-des-roches-noires-at-trouville-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-house-among-the-roses,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-house-among-the-roses-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,claude-monet_the-house-at-giverny-viewed-from-the-rose-garden-1924,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-house-seen-from-the-rose-garden,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-house-seen-from-the-rose-garden-1924,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-house-seen-from-the-rose-garden-3-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_the-house-seen-through-the-roses,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-hut-at-trouville-low-tide-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-ice-floes,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-iris-garden-at-giverny-1900,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-isle-grande-jatte,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-isle-grande-jatte-on-the-siene,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-japanese-bridge-1,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-10-1924,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-japanese-bridge-1924,"[0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-1924-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-1924-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-japanese-bridge-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Impressionism,claude-monet_the-japanese-bridge-2-1924,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_the-japanese-bridge-3-1924,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-4-1924,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,claude-monet_the-japanese-bridge-5-1924,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-6-1924,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-7-1924,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-8-1924,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-japanese-bridge-at-giverny-1926,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-bridge-in-monet-s-garden-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-bridge-over-the-water-lily-pond,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-bridge-over-the-water-lily-pond-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-and-path-by-the-water,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-and-path-by-the-water-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-symphony-in-rose,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-japanese-bridge-the-water-lily-pond-water-irises,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-japanis-bridge-footbridge-over-the-water-lily-pond,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-japanis-bridge-footbridge-over-the-water-lily-pond-1924,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-jetty-at-le-havre-1868,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-jetty-at-le-havre-bad-weather-1870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-la-rue-bavolle-at-honfleur,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-la-rue-bavolle-at-honfleur-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-landing-state,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-lieutenancy-at-honfleur,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-lindens-of-poissy,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-luncheon-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-magpie-1869,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-at-high-tide,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-cliff-at-etretat,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-cliff-at-etretat-sunset,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-manneport-etretat-amont-cliff-rough-weather-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-etretat-in-the-rain-1886,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-manneport-etretat-the-porte-d-aval,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-reflections-of-water,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-rock-arch-west-of-etretat,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-seen-from-below,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-manneport-seen-from-the-east,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-mannerport-near-etretat,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-marina-at-argenteuil-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-mill-at-vervy,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-moreno-garden-at-bordighera,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-mount-riboudet-in-rouen-at-spring,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-needle-of-etretat-low-tide,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-nets-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-old-fort-at-antibes,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-old-rue-de-la-chaussee-argenteuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-old-tree-at-the-confluence,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-old-tree-gorge-of-the-petite-creuse,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-old-tree-sunlight-on-the-petit-cruese,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-palazzo-ducale,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-palazzo-ducale-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-pave-de-chailly,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pave-de-chailly-in-the-fontainbleau-forest,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-pave-de-chailly-in-the-forest,"[0.0, 12.0, 31.0, 3.0, 1.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,claude-monet_the-pink-skiff,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pink-skiff-boating-on-the-ept,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-plain-of-colombes-white-frost-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-pointe-du-petit-ailly,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pointe-of-heve-1864,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-pond-at-montgeron,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pond-at-montgeron-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pond-with-ducks-in-autumn,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pont-de-l-europe-gare-saint-lazare-1877,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pont-neuf,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-pool-seen-from-the-bridge-argenteuil,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-port-at-zaandam,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-port-of-le-havre-night-effect,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,claude-monet_the-port-of-london,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-promenade-argenteuil,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-promenade-at-argenteuil,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-promenade-at-argenteuil-02,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-promenade-at-argenteuil-soleil-couchant,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-promenade-near-argenteuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-promenade-near-limetz,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-promenade-near-the-bridge-of-argenteuil,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-promenade-study,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-promenade-woman-with-a-parasol,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-pyramids-at-port-coton,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pyramids-at-port-coton-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pyramids-cliffs-at-belle-ile,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-pyramids-of-port-coton-belle-ile-en-mer,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-railroad-station-at-argenteuil,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_the-railway-bridge-at-argenteuil,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-railway-bridge-at-argenteuil-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-red-cape-madame-monet,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,claude-monet_the-red-house,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-red-road-at-cap-martin-near-menton,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-red-road-near-menton-1884,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-river,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-river-epte,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-riverbank-at-petit-gennevilliers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-riverbank-at-petit-gennevilliers-sunset,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-road-and-the-house,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-road-from-vetheuil,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-road-in-front-of-saint-simeon-farm-in-winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-road-in-vetheuil-in-winter,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-road-to-giverny,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-road-to-giverny-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-road-to-monte-carlo,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-road-to-the-farm-of-saint-simeon,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-road-to-the-farm-of-saint-simeon-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-road-to-the-farm-of-saint-simeon-in-winter,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-road-to-vetheuil,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-road-to-vetheuil-snow-effect,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-rock-needle-and-porte-d-aval-etretat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-rock-needle-and-the-porte-d-aval,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-rock-needle-and-the-porte-d-aval-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-rock-needle-seen-through-the-porte-d-aumont,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-rock-needle-seen-through-the-porte-d-aval-1886,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-rocks-at-pourville-low-tide,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-rocks-of-belle-lle,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-rose-bush-1926,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-rose-path-giverny-1922,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-route-a-vetheuil,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-row-boat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-rue-montargueil-with-flags,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_the-rue-montorgueil-paris,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-sailing-boat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-sea-and-the-alps,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-sea-at-amsterdam,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-sea-at-fecamp,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-sea-at-fecamp-1881,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-sea-at-pourville,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-sea-at-saint-adresse,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-sea-port-in-amsterdam,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-sea-seen-from-the-cliffs-of-fecamp,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seacoast-of-pourville-low-tide,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-seine-and-the-chaantemesle,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-and-the-chaantemesle-hills,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-seine-at-argenteuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-argenteuil-1875,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-asnieres-02,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_the-seine-at-asnieres-03,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-bennecourt-winter,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-bougival,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-seine-at-bougival-in-the-evening,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-lavacourt,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-lavacourt-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-petit-gennevilliers-1872,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-port-villes-clear-weather,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-seine-at-port-villez,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-port-villez-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-port-villez-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-port-villez-blue-effect,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-port-villez-pink-effect,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-port-villez-snow-effect,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-port-villez-snow-effect-02,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-rouen,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-seine-at-vetheuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-vetheuil-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-seine-at-vetheuil-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-vetheuil-2-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-at-vetheuil-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-seine-below-rouen,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_the-seine-estuary-at-honfluer,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-near-argenteuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-near-bougival,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-seine-near-giverny,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-seine-near-giverny-02,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-near-giverny-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-near-giverny-2,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-near-vetheuil,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-near-vetheuil-stormy-weather,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-seine-seen-from-the-heights-chantemesle,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-sheltered-path,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-shoot-1876,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Impressionism,claude-monet_the-siene-at-argentuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-siene-at-argentuil-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-siene-at-lavacourt-effect-of-snow,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-siene-at-vetheuil,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-siene-near-vernon,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-small-arm-of-the-seine-at-argenteuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-small-arm-of-the-seine-at-argenteuil-1,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-small-arm-of-the-seine-at-mosseaux-evening,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-spring-at-vetheuil,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_the-spring-in-argentuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-steps,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-steps-at-vetheuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-stream-of-robec-at-rouen-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-stroller-suzanne-hoschede,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-studio-boat,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-studio-boat-1876,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-summer-poppy-field,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-sunken-road-in-the-cliff-at-varangeville,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-tea-set,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-thames-below-westminster-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-thaw-at-vetheuil,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-three-trees-autumn-1891,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-tow-path-at-argenteuil-winter,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-towpath-at-granval,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-train,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-train-in-the-country,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-tuileries-study,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-turkeys,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-undergrowth-in-the-forest-of-saint-germain,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-valley-of-creuse-at-fresselines,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-valley-of-falaise,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_the-valley-of-sasso,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-valley-of-sasso-blue-effect,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-valley-of-sasso-bordighera,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-valley-of-sasso-sunshine,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-valley-of-the-nervia,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-valley-of-the-nervia-with-dolceacqua,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_the-valley-of-the-scie-at-pouville,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-village-of-la-coche-blond-evening,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-village-of-la-roche-blond-sunset,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_the-village-of-lavacourt,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-village-of-vetheuil,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-voorzaan,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-wheat-field,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-willows,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-willows-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_the-willows-on-the-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_the-wooden-bridge,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_the-yellow-irises-1917,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_three-fishing-boats,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_three-pots-of-tulips,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_three-trees-autumn-effect,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_three-trees-in-grey-weather,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_three-trees-in-spring,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_three-trees-in-summer,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_torrent-of-the-petite-creuse-at-freeselines,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_tow-path-at-lavacourt,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_train-in-the-snow-at-argenteuil-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_train-in-the-snow-or-the-locomotive-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_tree-in-flower-near-vetheuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_trees-by-the-seashore-at-antibes,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_trees-in-bloom,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_trees-in-winter-view-of-bennecourt,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_tulip-field-in-holland,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_tulip-fields-at-sassenheim-near-leiden-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_twilight-venice,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_two-anglers,"[5.0, 4.0, 37.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_two-trees-in-a-meadow,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_two-vases-with-chrysanthems,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_under-the-lemon-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_under-the-pine-trees-at-the-end-of-the-day,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_valley-bouna-near-bordighera,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_valley-of-falaise,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_valley-of-the-creuse,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_valley-of-the-creuse-afternoon-sunlight,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_valley-of-the-creuse-grey-day-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_valley-of-the-creuse-grey-sky,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_valley-of-the-creuse-sunlight-effect,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_valley-of-the-creuse-sunset,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_valley-of-the-creuse-sunset-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_vase-of-chrysanthemums,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vase-of-dahlias,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_vase-of-flowers-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vase-of-peonies,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_vase-of-tulips,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_venice-rio-de-santa-salute-1908,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_vernon-church-in-fog-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,claude-monet_vetheuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_vetheuil-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-3,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_vetheuil-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_vetheuil-5,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-6,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-afternoon,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-at-sunset,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_vetheuil-barge-on-the-seine-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-flowering-plum-trees,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-ice-floes,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_vetheuil-in-summer,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-in-the-fog-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-in-winter,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_vetheuil-l-inondation,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,claude-monet_vetheuil-morning-effect,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_vetheuil-paysage,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-pink-effect,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-prairie-inondee,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-seen-from-ile-saint-martin,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-the-church,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-the-church-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-the-church-in-winter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,claude-monet_vetheuil-the-small-arm-of-the-seine,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_vetheuil-under-the-sun,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_victor-jacquemont-holding-a-parasol,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_view-from-the-cliff-at-pourville-bright-weather,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-of-amsterdam,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-of-antibes-from-the-plateau-notre-dame,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-of-argenteuil-in-the-snow,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-of-cap-d-antibes,"[2.0, 13.0, 18.0, 4.0, 0.0, 1.0, 0.0, 2.0, 6.0]"
+Impressionism,claude-monet_view-of-le-havre-1873,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_view-of-rouen,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-of-the-church-at-vernon,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-of-the-old-outer-harbor-at-le-havre,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-of-the-voorzaan-1871,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_view-of-ventimiglia-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_view-on-village-of-giverny,"[2.0, 9.0, 36.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_view-over-the-sea-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_view-over-vetheuil,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-over-vetheuil-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-taken-from-greinval,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_view-to-the-plain-of-argenteuil,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_villas-at-bordighera-02,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_villas-at-bordighera-03,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_villas-at-bordighera-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_walk-in-the-meadows-at-argenteuil,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-10,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-11,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-12,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-13,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-14,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-15,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-16,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-17,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-18,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1899-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1899-2,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-19,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1907,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-1907-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1915,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-1917-10,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-1917-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-3,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-5,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-6,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-7,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-8,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1917-9,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1919,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-1919-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-1919-2,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1919-3,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-1919-4,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1919-5,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_water-lilies-1919-6,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1919-7,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1919-8,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1919-9,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1920,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-1926,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-1926-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-20,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_water-lilies-21,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-22,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-23,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-24,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-25,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-26,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_water-lilies-27,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-28,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_water-lilies-29,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-30,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-31,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-32,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-33,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-34,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-35,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-36,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-37,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-38,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-39,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-4,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-40,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-41,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-42,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-43,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_water-lilies-44,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-45,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-46,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-5,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-6,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-7,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-8,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-9,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_water-lilies-and-agapanthus-1917,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-and-weeping-willow-branches-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_water-lilies-evening-effect-1899,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-green-reflection-left-half-1926,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-green-reflection-right-half-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-left-half-1920,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-nympheas-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_water-lilies-pink-1899,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_water-lilies-red-1919,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-reflection-of-a-weeping-willows-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_water-lilies-reflections-of-weeping-willows-left-half-1919,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-reflections-of-weeping-willows-right-half-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-right-half-1920,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lilies-the-clouds,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lilies-yellow-and-lilac-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lily-pond-1919,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond-1919-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond-1919-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond-1919-3,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond-1919-4,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lily-pond-2,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lily-pond-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lily-pond-and-bridge,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond-at-giverny-1919,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_water-lily-pond-evening-left-panel-1926,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_water-lily-pond-evening-right-panel-1926,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-1901-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-2-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-3-1901,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-at-sunset-pink-effect,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-dawn-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_waterloo-bridge-effect-of-fog-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-effect-of-the-sun,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_waterloo-bridge-fog,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-grey-weather,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-hazy-sunshine-1903,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-in-the-fog-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-london,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-london-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-misty-morning-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-overcast-weather,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-overcast-weather-1,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-overcast-weather-2-1901,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-sunlight-effect,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-sunlight-effect-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_waterloo-bridge-sunlight-effect-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-sunlight-effect-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-sunlight-effect-5,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,claude-monet_waterloo-bridge-sunlight-in-the-fog,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_watermill-at-limetz,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_waves-and-rocks-at-pourville,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_waves-breaking,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,claude-monet_weeping-willow-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-1919,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-1922,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-2-1919,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-3-1919,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-4-1919,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-5-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-and-water-lily-pond-1919,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-and-water-lily-pond-2-1919,"[3.0, 9.0, 24.0, 9.0, 0.0, 1.0, 1.0, 1.0, 3.0]"
+Impressionism,claude-monet_weeping-willow-giverny-1922,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,claude-monet_weeping-willow-giverny-1922-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_wharf-of-louvre-paris-1867,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_wheatstacks-end-of-summer-1891,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_white-azaleas-in-a-pot,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_white-azaleas-in-a-pot-1885,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_white-clematis-1887,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_white-frost,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,claude-monet_white-poppy-1883,"[5.0, 12.0, 29.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,claude-monet_wild-poppies-near-argenteuil-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_willows-at-sunset,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,claude-monet_willows-giverny,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_willows-in-springtime,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_windmill-at-zaandam,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_windmill-at-zaandam-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_windmill-near-zaandam,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,claude-monet_windmill-on-the-onbekende-canal-amsterdam,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_windmills-at-haaldersbroek-zaandam,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_windmills-in-holland,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_windmills-near-zaandam,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_winter-at-giverny,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,claude-monet_winter-at-giverny-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_winter-landscape-at-the-val-de-falaise,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_winter-on-the-seine-lavacourt-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_wisteria-1920,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_wisteria-1920-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_wisteria-2-1920,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_wisteria-left-half-1919,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,claude-monet_wisteria-right-half-1920,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_woman-in-a-garden-1876,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_woman-sitting-under-the-willows,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_woman-with-a-parasol-also-known-as-study-of-a-figure-outdoors-facing-left,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_woman-with-a-parasol-facing-right-also-known-as-study-of-a-figure-outdoors-facing-right,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,claude-monet_woman-with-a-parasol-in-the-garden-in-argenteuil,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_women-in-the-garden,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_wood-lane,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_woodbearers-in-fontainebleau-forest,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,claude-monet_wooded-path-1865,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_yellow-irises-1917,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_yellow-irises-3-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_yellow-irises-and-malva-1917,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,claude-monet_yellow-irises-with-pink-cloud-1917,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_young-girl-in-the-garden-at-giverny,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_young-girls-in-a-row-boat,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_zaan-at-zaandam,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_zaan-at-zaandam-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_zaandam,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_zaandam-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_zaandam-canal,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_zaandam-little-bridge,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_zaandam-the-dike,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,claude-monet_zaandam-the-dike-evening,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,claude-monet_zuiderkerk-in-amsterdam,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_balcic-gulf,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,constantin-artachino_christ-study,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,constantin-artachino_cityscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,constantin-artachino_cliffs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,constantin-artachino_corner-of-bucharest-during-winter,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,constantin-artachino_dobrujan-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,constantin-artachino_dobrujan-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,constantin-artachino_edelweiss-in-brown-vase,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,constantin-artachino_girl-with-flowers,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,constantin-artachino_house-at-the-countryside,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_house-on-capri-island-1899,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_landscape-with-houses-at-balcic,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_landscape-with-mosque,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_landscape-with-ruins,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,constantin-artachino_lilies,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_lipoveanul,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,constantin-artachino_little-shepherd,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_margarets,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_on-the-terrace,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,constantin-artachino_pink-rose,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,constantin-artachino_pipkin-with-alewifes,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_pipkin-with-mallows,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,constantin-artachino_pipkin-with-mallows-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_plums,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_poor-childhood,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,constantin-artachino_provence-vineyards,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_roses,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_scene-from-dobruja,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,constantin-artachino_small-bouquet-of-roses-1949,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_still-life,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,constantin-artachino_tatar-cottage,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,constantin-artachino_the-mosque-in-ada-kaleh,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_towards-the-springs,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,constantin-artachino_turk-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,constantin-artachino_turk-women-on-the-shore-of-danube,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,constantin-artachino_wild-roses-1944,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-artachino_winter-end,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,constantin-artachino_yellow-roses,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantin-flondor_plane-trees-1952,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantine-maleas_church-with-cypress,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,constantine-maleas_columns,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,constantine-maleas_cypress,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,constantine-maleas_lagoon-of-messolongi,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantine-maleas_landscape-with-tree-and-mosque-in-the-background,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,constantine-maleas_st-catherine-of-thessaloniki,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,constantine-maleas_sur-le-nile-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,constantine-maleas_three-egyptian-women-walk-outdoors-1911,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_a-peasant-in-a-moored-barge-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_a-peasant-woman-on-a-path-along-a-canal-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_a-townscene-with-children-at-play-haarlem-1930,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,cornelis-vreedenburgh_a-view-of-amsterdam-with-the-st-nicolaas-church,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_a-view-of-the-montelbaanstoren-amsterdam-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_bridge-near-estate-linschoten,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_bridge-over-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_building-well-with-church-amsterdam,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_canal-at-loenen-aan-de-vecht,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_canal-in-dutch-town,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_coesweerd-in-laren-in-the-autumn,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_corn-sheafs-in-gooi,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_corner-paleissingel-straat-in-amsterdam,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_corvershof-nieuw-heerengracht,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_cows-in-a-meadow,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_docked-boats,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_fair-in-laren,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_farm-along-the-canal,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,cornelis-vreedenburgh_farm-next-to-canal,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_fisher-on-the-ice,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_fisherman-on-a-poldercanal,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_fishermen,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_flower-beauty,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_frozen-in-ship,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_garden-with-blossoming-trees,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_harbour-at-amsterdam,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_loosdrecht,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_montelbaanstoren-in-amsterdam,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_painter-jan-bakker-at-work,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_painter-s-workshop,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_pier-inn-the-bay-of-st-tropez,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_pollard-willow-at-the-side-of-the-broo,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_pont-sainte-maxence,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_sand-diggers,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_ships-on-a-puddle,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_sluice-of-woerdense-verlaat,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_the-bar-of-jan-hamdorff,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_the-flowermarket-on-the-singel-amsterdam-with-the-munttoren-beyond-1927,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_the-montelbaanstoren,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_trees-at-the-waal,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_view-from-a-room-in-st-tropez,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_view-of-a-puddle-and-a-boat,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_view-of-the-singel-amsterdam-with-the-koepelkerk-beyond-1940,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_view-on-market-in-groningen,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_view-on-the-amstel,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_view-on-the-ij-in-amsterdam,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_view-on-the-ijssel-near-hattem,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_winterfun-on-de-loswal-hattem-1914,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,cornelis-vreedenburgh_work-horses,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,cornelis-vreedenburgh_work-in-progress-on-muntplein-in-amsterdam,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,corneliu-baba_shell-gatherers,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,corneliu-michailescu_geraniums-1960,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,corneliu-michailescu_still-life-with-blue-flower,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_child-head-1908,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_chimera,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,dimitrie-paciurea_chimera-1923,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_chimera-of-the-earth,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,dimitrie-paciurea_chimera-of-the-night,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_chimera-of-the-sky-1927,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,dimitrie-paciurea_chimera-of-the-water,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,dimitrie-paciurea_chimera-with-wings,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,dimitrie-paciurea_fawn,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_gigant,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_girl-with-jars-1920,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,dimitrie-paciurea_god-of-war,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Impressionism,dimitrie-paciurea_mask-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_pan-1931,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,dimitrie-paciurea_sphynx-1913,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,dimitrie-paciurea_woman-nude-1920,"[4.0, 3.0, 9.0, 3.0, 0.0, 4.0, 8.0, 5.0, 10.0]"
+Impressionism,edgar-degas_a-ballet-seen-from-the-opera-box-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_a-carriage-at-the-races-1872,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_a-grecian-dance-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_a-visit-to-the-museum,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_a-woman-seated-beside-a-vase-of-flowers-1865,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_achille-de-gas-1872,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_after-bathing-woman-drying-her-leg,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_after-bathing-woman-drying-herself,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_after-bathing-woman-drying-herself-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_after-bathing-woman-drying-herself-1892,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_after-bathing-woman-drying-herself-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-1884,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-1886,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-1896,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-1896-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-2,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-5,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-6,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-7,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-8,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-woman-drying-her-feet-1886,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-woman-drying-her-hair,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-woman-drying-her-nape-1895,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_after-the-bath-woman-drying-herself,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_after-the-bath-woman-drying-herself-1892,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_alexander-and-bucephalus-1861,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_alexander-and-bucephalus-detail-1861,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_alexander-and-bucephalus-detail-1861-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_alexander-and-bucephalus-detail-1861-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,edgar-degas_alexander-and-bucephalus-detail-1861-3,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_amateur-jockey-1870,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_ancer-with-red-stockings,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_at-saint-valery-sur-somme,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-ballet,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-cafe-des-ambassadeurs-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-cafe-des-ambassadeurs-1885-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_at-the-milliner-s,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-milliner-s-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_at-the-milliner-s-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_at-the-milliner-s-1883,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_at-the-milliner-s-1883-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-mirror,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-races,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_at-the-races-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-races-before-the-start,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-races-the-start-1862,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_at-the-stables-horse-and-dog,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_at-the-stock-exchange-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_ballerina-and-lady-with-a-fan-1885,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_ballerinas-adjusting-their-dresses,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_ballet-at-the-paris-opera-1877,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_ballet-class-the-dance-hall-1880,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_ballet-dancers,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_ballet-dancers-in-the-wings-1900,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_ballet-rehearsal,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_ballet-rehearsal-1891,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_ballet-scene,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_ballet-scene-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_ballet-scene-2,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_ballet-scene-3,"[1.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_ballet-scene-from-robert-la-diable-1872,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_ballet-scene-from-robert-la-diable-detail-1872,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,edgar-degas_ballet-school-1873,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_bather-by-the-water,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_bathers-on-the-grass-1890,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_beach-at-ebbe-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_beach-scene-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_beach-with-sailing-boats,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_bedtime-woman-extinguishing-her-lamp,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_before-the-ballet-detail-1892,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_before-the-ballet-detail-1892-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_before-the-curtain-call-1892,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_before-the-performance,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_before-the-race,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_before-the-race-1872,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_before-the-race-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_before-the-start-1878,"[0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_blue-dancers,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_bowing-dancer,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_breakfast-after-bath,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_breakfast-after-bathing,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Impressionism,edgar-degas_bust-of-a-woman,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_cafe-concert-at-les-ambassadeurs-1877,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_cafe-concert-singer,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_cafe-concert-singer-1878,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_carlo-pellegrini-1877,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_children-on-a-doorstep-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_combing-the-hair,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,edgar-degas_combing-the-hair-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_combing-the-hair-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_comte-le-pic-and-his-sons,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_conversation-1895,"[4.0, 2.0, 9.0, 3.0, 0.0, 3.0, 3.0, 11.0, 11.0]"
+Impressionism,edgar-degas_cotton-merchants-in-new-orleans-1873,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_criminal-physiognomies-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_dance-class-1871,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dance-class-at-the-opera-1872,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dance-opera,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dance-rehearsal-in-the-studio-of-the-opera-1895,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancer-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancer-1874,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_dancer-1896,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_dancer-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancer-adjusting-her-sandel,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_dancer-adjusting-her-sandel-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancer-adjusting-her-slipper-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancer-against-a-stage-flat,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancer-and-tambourine,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-arranging-her-hair,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-at-the-barre,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_dancer-at-the-barre-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-in-blue-at-the-barre,"[4.0, 8.0, 14.0, 0.0, 0.0, 3.0, 1.0, 12.0, 4.0]"
+Impressionism,edgar-degas_dancer-in-green-tutu,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-in-her-dressing-room,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-in-her-dressing-room-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-in-her-dressing-room-1879,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_dancer-in-pink-dress-1880,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-leaving-her-dressing-room,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancer-on-stage,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-on-stage-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancer-onstage-with-a-bouquet,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-posing-1878,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-putting-on-her-slipper-1896,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancer-resting,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-s-dressing-room,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancer-seated-study-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_dancer-seen-from-behind-and-3-studies-of-feet,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-standing-study-1872,"[5.0, 10.0, 12.0, 4.0, 0.0, 1.0, 5.0, 6.0, 4.0]"
+Impressionism,edgar-degas_dancer-tilting,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-a-bouquet-bowing-1877,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-a-bouquet-of-flowers-1878,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-a-bouquet-of-flowers-the-star-of-the-ballet,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-a-fan,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_dancer-with-a-fan-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-a-fan-1879,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancer-with-a-fan-study,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-bouquet,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-bouquets,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancer-with-left-arm-raised-1887,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Impressionism,edgar-degas_dancer-with-raised-arms-1891,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_dancer-with-tambourine,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancers,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-1895,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-1898,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_dancers-1899,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-1899-1,"[0.0, 1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-2,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_dancers-4,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancers-5,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-6,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-at-the-barre,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-at-the-barre-study-1877,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-at-the-old-opera-house,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancers-backstage-1872,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-backstage-detail-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-backstage-detail-1883-1,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_dancers-bending-down-1885,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-climbing-the-stairs,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-in-a-box,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-a-studio,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-a-studio-1,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-blue-1895,"[0.0, 1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-foyer-1890,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-green,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-green-and-yellow,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-in-light-blue-rehearsing-in-the-dance-studio,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-pink-1885,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-the-rehearsal-hall-1895,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-in-the-wings,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-in-the-wings-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_dancers-on-set-1880,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-on-the-scenery,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-pink-and-green-1890,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-pink-and-green-1894,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dancers-practicing-at-the-barre-1877,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_dancers-relaxing,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_dancers-resting-1879,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_dancers-tying-shoes-1883,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dante-and-virgil-at-the-entrance-to-hell-1858,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_david-and-goliath,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_dead-fox-lying-in-the-undergrowth-1865,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,edgar-degas_degas-father-listening-to-lorenzo-pagans-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_degas-in-a-green-jacket-1856,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_diego-martelli-1879,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,edgar-degas_diego-martelli-1879-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_dinner-at-the-ball-1879,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_duchesse-de-montejasi-cicerale,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,edgar-degas_edmond-duranty-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_edmondo-and-therese-morbilli-1866,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,edgar-degas_edouard-manet-standing,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_elena-carafa,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_ellen-andree,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_emma-dobigny-1869,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_estelle-musson-balfour,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Impressionism,edgar-degas_eugene-manet-1874,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_exit-from-weighing-1866,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_field-of-flax-1892,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_four-dancers,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_four-dancers-1,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_four-dancers-1900,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_four-jockeys,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_fourteen-year-old-little-dancer,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_friends-at-the-theatre-ludovic-halevy-and-albert-cave-1879,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_general-mellinet-and-chief-rabbi-astruc-1871,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_gentlemen-jockeys-before-the-start-1862,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_giovanna-and-giulia-bellelli,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_girl-in-red-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_group-of-dancers,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_group-of-dancers-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_gustave-moreau-1868,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_harlequin-and-colombina-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,edgar-degas_head-of-a-young-roman-girl-1856,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_head-of-a-young-woman-1867,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_helene-rouart-in-her-father-s-study-1886,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_helene-rouart-mme-marin-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_henri-de-gas-and-his-neice-lucie-degas,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_henri-rouart-and-his-daughter-helene-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_henri-rouart-and-his-son-alexis,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_henri-rouart-in-front-of-his-factory,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,edgar-degas_horses-and-jockeys,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,edgar-degas_horses-in-a-meadow-1871,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_hortense-valpinson-1870,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_houses-at-the-foot-of-a-cliff-saint-valery-sur-somme,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_houses-by-the-seaside-1869,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_in-a-laundry,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_in-the-dance-studio,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_interior-at-menil-hubert-1892,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_interior-the-rape-1869,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Impressionism,edgar-degas_jeantaud-linet-and-laine-1871,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_jerome-ottoz-1876,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_jockey,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_jockey-1882,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_jockey-in-blue-on-a-chestnut-horse,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_jockeys,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_jockeys-1,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_jockeys-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_jockeys-1895,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_jockeys-1895-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_jockeys-at-epsom-1862,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_jockeys-before-the-start-with-flagpoll-1879,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_jockeys-in-the-rain-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_jokeys-training,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_kneeling-nude,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_lake-and-mountains,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_landscape-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_landscape-at-valery-sur-somme,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_landscape-at-valery-sur-somme-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_landscape-cows-in-the-foreground,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_landscape-on-the-orne,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_landscape-with-hills-1890,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_landscape-with-rocks,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_laundress-carrying-linen-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_laundresses-carrying-linen-in-town-1878,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_laundry-girls-ironing-1884,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_laundry-girls-ironing-1884-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_leaving-the-bath,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_leaving-the-bath-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_leaving-the-bath-1885-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_leon-bonnat-1863,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_les-pointes-1878,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_little-dancer-fourteen-years-old-1881,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_little-girl-carrying-flowers-in-her-apron,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,edgar-degas_lowering-the-curtain,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_ludovic-halevy-speaking-with-madame-cardinal,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_m-and-mme-edouard-manet,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,edgar-degas_madame-alexis-rouart-and-her-children,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_madame-camus-with-a-fan-1870,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_madame-de-rutte,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_madame-deitz-monin-1879,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_madame-gobillard-yves-morisot-1869,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_madame-jeantaud-in-the-mirror-1875,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,edgar-degas_madame-rene-de-gas-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_mademoiselle-didau-at-the-piano-1872,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_mademoiselle-fiocre-in-the-ballet-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_mademoiselle-malo,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_mademoiselle-malo-1877,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_mademoiselle-marie-dihau,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,edgar-degas_make-an-attempt-second-version-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_man-s-head,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_manet-at-the-races-1870,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_marina-sunset-1869,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_mary-cassatt-at-the-louvre,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_mary-cassatt-at-the-louvre-study,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,edgar-degas_melancholy-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,edgar-degas_miss-la-la-at-the-cirque-fernando-1879,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_mlle-fiocre-in-the-ballet-the-source-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_mme-jacques-fourchy-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_mme-theodore-gobillard-1869,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_musicians-in-the-orchestra-1870,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_musicians-in-the-orchestra-1872,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_nude,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_nude-from-the-rear-reading,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_nude-in-a-tub-1884,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_nude-study-of-a-dancer-1902,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_nude-woman-pulling-on-her-clothes-1885,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_olive-trees-against-a-mountainous-background,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_on-stage,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_on-the-racecourse,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_on-the-stage-1880-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_orchestra-of-the-opera-1869,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_pagan-and-degas-father-1895,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_pagans-and-degas-s-father-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_peasant-girls-bathing-in-the-sea-at-dusk,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,edgar-degas_pink-dancer,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_pink-dancer-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,edgar-degas_pink-dancers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_place-de-la-concorde-1875,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_plowed-field,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_portrait-after-a-costume-ball-portrait-of-madame-dietz-monnin-1879,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-a-lady-in-grey-1865,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-a-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_portrait-of-a-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_portrait-of-a-woman-1880,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-a-woman-wearing-a-green-blouse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-a-young-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_portrait-of-a-young-woman-after-bacchiacca-1859,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-an-italian-1856,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_portrait-of-eugene-manet-study,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_portrait-of-giulia-bellelli-1859,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,edgar-degas_portrait-of-giulia-bellelli-sketch-1860,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-henri-michel-levy-in-his-studio-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-henri-valpincon-as-a-child-with-a-governess-1870,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_portrait-of-josephine-gaujelin-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-lorenzo-pagans-spanish-tenor-and-auguste-degas-the-artist-s-father,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-madame-edmondo-morbilli-born-therese-de-gas,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-madame-ernest-may-1882,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-mary-cassatt,"[2.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_portrait-of-mme-rene-de-gas-born-estelle-musson-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_portrait-of-princess-pauline-de-metternich,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_portrait-of-zacherie-zacharian-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_project-for-portraits-in-a-frieze-three-women-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_promenade-by-the-sea,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_race-horses,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_race-horses-1888,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_race-horses-at-longchamp-1874,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_racehorses,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_racehorses-1884,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_racehorses-at-longchamp-1875,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_racehorses-before-the-stands-1872,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_racehorses-in-a-landscape-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_reclining-nude,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_red-ballet-skirts,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_rehearsal-1879,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_repetition-of-the-dance-detail-1877,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_rest,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_rest-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_rest-on-the-bed-1877,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_retiring-1883,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_return-of-the-herd,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_rider-in-a-red-coat-1868,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_riders-on-a-road-1868,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,edgar-degas_rose-caron,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_rue-quesnoy-saint-valery-sur-somme,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,edgar-degas_russian-dancer,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_russian-dancer-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_russian-dancers,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_russian-dancers-1,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_russian-dancers-2,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_russian-dancers-3,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_scene-from-the-steeplechase-the-fallen-jockey-1866,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_seascape-1869,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_seated-bather-1899,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_seated-dancer,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_seated-dancer-1,"[7.0, 4.0, 11.0, 9.0, 1.0, 2.0, 3.0, 2.0, 6.0]"
+Impressionism,edgar-degas_seated-dancer-adjusting-her-shoes,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_seated-dancer-in-profile-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_seated-nude-combing-her-hair,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_seated-woman-1895,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_seated-woman-adjusting-her-hair,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,edgar-degas_seated-woman-combing-her-hair,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_seated-woman-in-a-white-dress,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_seated-woman-pulling-her-glove-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_seated-young-man-in-a-jacket-with-an-umbrella,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_self-portrait,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_self-portrait-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_self-portrait-1855,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_self-portrait-in-a-soft-hat-1858,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,edgar-degas_self-portrait-saluting-1866,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_self-portrait-with-evariste-de-valernes,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_semiramis-building-a-city-1861,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_semiramis-building-babylon-1861,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_singer-in-green-1884,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_singer-with-a-glove-1878,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_singers-on-stage,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_sitting-woman-drying-herself,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_sitting-woman-drying-herself-1,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_six-friends-of-the-artist-1885,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_sky-study,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_slippers-of-ballerina,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_spartan-girls-challenging-boys-1860,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_standing-female-figure-with-bared-torso,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_steep-coast-1892,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_studio-interior-with-the-steeplechase,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,edgar-degas_study-for-a-portrait-1904,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,edgar-degas_study-for-la-la-at-the-cirque-fernando-1879,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_study-for-semiramis-building-babylon-1861,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_study-for-the-fourteen-year-old-little-dancer-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_study-for-the-medieval-war-scene-1865,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_study-for-the-medieval-war-scene-1865-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,edgar-degas_study-for-the-self-portrait-1855,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_study-of-gentile-bellini-1855,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_study-of-hands,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,edgar-degas_study-of-horses,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_sulking,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-absinthe-drinker-1876,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,edgar-degas_the-actresses-dressing-room,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_the-amateurs-paul-lafond-and-alhonse-cherfils-examening-a-painting,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,edgar-degas_the-ballet-rehearsal-on-stage-1874,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-bath,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_the-bath-1,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-bath-1890,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-bath-woman-from-behind-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_the-billiard-room-at-menil-hubert-1892,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-box-at-the-opera-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_the-cafe-concert-1877,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-cafe-concert-the-song-of-the-dog-1877,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-chorus,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-conversation,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-cotton-exchange-new-orleans-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-crucifixion-after-mantegna-1861,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,edgar-degas_the-cup-of-tea-breakfast-after-bathing-1883,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_the-curtain,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-dance-class-1873,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-dance-class-1874,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-dance-lesson-1879,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_the-dance-studio,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-dancing-class-1874,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_the-dancing-examination-1880,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_the-daughter-of-jephtha-1860,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-daughter-of-jephtha-study-1860,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_the-duchess-de-montejasi-and-her-daughters-elena-and-camilla,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,edgar-degas_the-entrance-of-the-masked-dancers,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-fallen-jockey,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_the-false-start,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-festival-of-the-owner-1877,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_the-green-dancer-1879,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-invalid,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,edgar-degas_the-jewels,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-jockey,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-little-milliners-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_the-mante-family,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_the-milliner,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-millinery-shop-1884,"[2.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-morning-bath-1883,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-nurse-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,edgar-degas_the-pedicure-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_the-pink-dancers-before-the-ballet-1884,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-promenade-on-houseback-1868,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-racecourse-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-racecourse-amateur-jockeys-1880,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-rehearsal,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-rehearsal-1873,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_the-rehearsal-1877,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-rehearsal-of-the-ballet-on-stage,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-riders-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_the-savoy-girl-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-star-1881,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-star-dancer-on-pointe,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-star-dancer-on-stage,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-start-of-the-hunt,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_the-step-with-battement-1879,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_the-toilette,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_the-toilette-1897,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_the-toilette-after-the-bath,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-trainers,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-tub,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-tub-1886,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_the-tub-1886-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_the-violist-1880,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_therese-de-gas-sister-of-the-artist-later-madame-edmond-morbilli,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_three-ballet-dancers-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_three-ballet-dancers-one-with-dark-crimson-waist-1899,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,edgar-degas_three-dancers,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_three-dancers-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-2,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-3,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-4,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_three-dancers-before-exercise,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_three-dancers-behind-the-scenes,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-blue-skirts-red-blouses,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-green-blouses,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_three-dancers-in-an-exercise-hall,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-in-pink,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-in-purple-skirts,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_three-dancers-in-yellow-skirts,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_three-dancers-yellow-skirts-blue-blouses,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_three-girls-sitting-en-face-1879,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_three-heads,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,edgar-degas_three-jockeys,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_three-russian-dancers-1895,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_three-women-at-the-races,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_torso-of-a-dancer,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_tuileries-the-woman-with-a-parasol-1877,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-ballet-dancers,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-2,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-at-rest,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-at-rest-dancers-in-blue,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-entering-the-stage,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-in-blue,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-in-green-skirts-landscape-scener,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_two-dancers-in-the-foyer,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-in-the-studio-dance-school,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-in-their-dressing-room,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-in-yellow-and-pink,"[3.0, 5.0, 7.0, 6.0, 1.0, 6.0, 6.0, 5.0, 5.0]"
+Impressionism,edgar-degas_two-dancers-on-a-bench,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-on-stage-1877,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-pastel-on-paper,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_two-dancers-resting,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_two-dancers-with-yellow-corsages,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_two-harlequins-1886,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,edgar-degas_two-horses-in-a-pasture,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_two-laundresses-and-a-horse-1902,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-riders-by-a-lake,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_two-russian-dancers-1895,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_vestment-on-a-chair,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,edgar-degas_vesuvius-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,edgar-degas_victoria-duborg,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_view-of-naples-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_view-of-saint-valery-sur-somme,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_village-street,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_violinist-and-young-woman,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edgar-degas_visit-to-a-museum-1880,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_wheatfield-and-line-of-trees,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-at-a-window-1872,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-at-her-bath,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-at-her-toilette,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_woman-at-her-toilette-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edgar-degas_woman-at-her-toilette-1877,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_woman-at-her-toilette-1905,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-at-her-toilette-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-at-her-toilette-3,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_woman-at-the-window,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_woman-brushing-her-hair,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-brushing-her-hair-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-combing-her-hair,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-combing-her-hair-1,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-combing-her-hair-1890,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_woman-combing-her-hair-1894,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-combing-her-hair-2,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-combing-her-hair-in-front-of-a-mirror,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-drying-her-arm,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-drying-her-hair,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-drying-herself,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edgar-degas_woman-drying-herself-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_woman-drying-herself-1886,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-drying-herself-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-drying-herself-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-having-a-bath,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-having-her-hair-combed,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-having-her-hair-combed-1895,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-in-a-bath-sponging-her-leg,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-in-a-blue-dressing-gown-torso-exposed,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-in-blue-portrait-of-mlle-helene-rouart-1886,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edgar-degas_woman-in-the-tub-1884,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-ironing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_woman-ironing-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-ironing-1869,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-ironing-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_woman-ironing-silhouette-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edgar-degas_woman-leaving-her-bath,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-leaving-her-bath-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_woman-leaving-her-bath-1898,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,edgar-degas_woman-on-a-sofa-1875,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,edgar-degas_woman-on-a-terrace-young-woman-and-ibis-1857,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-putting-on-her-gloves,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-seated-on-a-balcony-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-seated-on-a-bench-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,edgar-degas_woman-seated-on-a-canape-1872,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-seated-on-the-grass-1882,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-seen-from-behind-drying-hair,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Impressionism,edgar-degas_woman-sponging-her-chest,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-squatting,"[4.0, 3.0, 9.0, 2.0, 0.0, 5.0, 0.0, 21.0, 6.0]"
+Impressionism,edgar-degas_woman-touching-her-arm,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,edgar-degas_woman-trying-on-a-hat,"[0.0, 6.0, 11.0, 8.0, 0.0, 3.0, 8.0, 5.0, 4.0]"
+Impressionism,edgar-degas_woman-tying-the-ribbons-of-her-hat,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,edgar-degas_woman-washing-her-feet,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,edgar-degas_woman-washing-in-the-bath-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,edgar-degas_woman-with-a-bandage-1873,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edgar-degas_woman-with-a-towel-1898,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_woman-with-an-umbrella,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_woman-with-loose-red-hair,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,edgar-degas_woman-with-the-oriental-vase-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edgar-degas_women-combing-their-hair-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edgar-degas_women-leaning-on-a-railing,"[12.0, 5.0, 7.0, 5.0, 0.0, 0.0, 2.0, 3.0, 12.0]"
+Impressionism,edgar-degas_women-on-a-cafe-terrace-1877,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edgar-degas_women-on-a-cafe-terrace-in-the-evening-1877,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edgar-degas_young-girl-braiding-her-hair-1894,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edgar-degas_young-spartans-exercising-1860,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edgar-degas_young-spartans-exercising-1860-1,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edgar-degas_young-woman-in-street-dress-1872,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edgar-degas_young-women-resting-in-a-field,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_across-the-room-1899,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_amethyst,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edmund-charles-tarbell_arrangement-in-pink-and-gray-afternoon-tea,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_dr-harvey-cushing-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_girl-crotcheting-1904,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_girl-with-sailboat-1899,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_in-a-garden-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_in-the-orchard-1891,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_josephine-knitting-1916,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_mother-and-child-in-a-boat-1892,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edmund-charles-tarbell_mother-and-mary-1922,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edmund-charles-tarbell_my-wife-emeline-in-a-garden,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edmund-charles-tarbell_portrait-of-a-woman-in-white-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edmund-charles-tarbell_portrait-of-elanor-hyde-phillips,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_profile-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edmund-charles-tarbell_still-life-with-oriental-statue,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edmund-charles-tarbell_the-bath-1893,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edmund-charles-tarbell_the-breakfast-room-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edmund-charles-tarbell_the-sisters-1921,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edmund-charles-tarbell_the-symbol-of-spring-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_thoroughbred-with-jockey-up,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edmund-charles-tarbell_three-firls-reading-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edouard-manet_a-bar-at-the-folies-bergere-1882-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_a-woman-pouring-water-study-of-suzanne-leenhoff-1858,"[0.0, 0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_a-young-girl-1880,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edouard-manet_a-young-man-peeling-a-pear-portrait-of-leon-leenhoff-1868,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_almonds-currants-and-peaches-1869,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_argenteuil-1874,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_at-father-lathuille-1879,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_at-the-cafe-concert,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edouard-manet_at-the-races-1875,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,edouard-manet_autumn-study-of-mery-laurent-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_bathers-on-seine,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_bench-1881,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_berthe-morisot-with-a-bouquet-of-violets-1872,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_boating-1874,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_bouquet-of-flowers-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_corner-of-a-cafe-concert-1880,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,edouard-manet_croquet-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_effect-of-snow-at-petit-montrouge-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edouard-manet_embarkation-after-folkestone-1869,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edouard-manet_fishing,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_flowers-in-a-crystal-vase,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_head-of-a-man-claude-monet-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,edouard-manet_in-the-bar-le-bouchon,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,edouard-manet_in-the-garden-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edouard-manet_interior-at-arcachon-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_isabelle-lemonnier-with-a-muff,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_jeanne-martin-in-pink-dress-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edouard-manet_lady-in-a-fur,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_lilac-and-roses-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_lilac-in-a-glass,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_luncheon-in-the-studio-1868,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_madame-jeanne-martin-in-a-bonnet,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edouard-manet_madame-manet-at-bellevue-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edouard-manet_madame-manet-in-conservatory-1879,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_madame-manet-on-a-blue-sofa-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edouard-manet_man-in-a-round-hat-alphonse-maureau-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edouard-manet_marguerite-de-conflans-wearing-hood-1873,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_monet-in-his-floating-studio-1874,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,edouard-manet_moss-roses-in-a-vase-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_mother-in-the-garden-at-bellevue-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_music-in-the-tuileries-gardens-1862,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_nana-1877,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_on-the-beach-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edouard-manet_on-the-bench-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edouard-manet_parisienne-study-of-ellen-andree-1874,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edouard-manet_peaches-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_pinks-and-clematis-in-a-crystal-vase,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_plum-1878,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-a-lady,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-a-lady-with-a-black-fichu-1878,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-berthe-morisot,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,edouard-manet_portrait-of-composer-emmanual-chabrier,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,edouard-manet_portrait-of-emilie-ambre-in-role-of-carmen,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-faure-as-hamlet,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-george-moore-1879,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_portrait-of-georges-clemenceau-1879,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-henry-bernstein-as-a-child-1881,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_portrait-of-madame-michel-levy-1882,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-mademoiselle-claus-1868,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-mademoiselle-isabelle-lemonnier,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_portrait-of-monsieur-brun-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edouard-manet_races-at-longchamp,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_railway-1873,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_rochefort-s-escape-1881-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edouard-manet_rue-mosnier-decorated-with-flags-1878,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edouard-manet_seascape-at-arcachon-arcachon-beautiful-weather-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edouard-manet_seascape-at-berck-fishing-boats-and-fishermen-1873,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,edouard-manet_self-portrait-with-a-palette-1879(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_self-portrait-with-skull-cap-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edouard-manet_spring-study-of-jeanne-demarsy-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edouard-manet_stephane-mallarme-1876,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_still-life-with-flowers-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_study-for-bar-at-the-folies-bergere-1882,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_study-for-the-execution-of-emperor-maximilian-1867,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,edouard-manet_swallows-1873,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edouard-manet_tarring-the-boat-1873,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-banks-of-the-seine-at-argenteuil-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-blonde-with-bare-breasts-1878,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_the-bock-drinkers-1878,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-conservatory-1879,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_the-departure-of-the-folkestone-boat,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-garden-at-bellevue-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-grand-canal-1875,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-grand-canal-of-venice-blue-venice-1874,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-horsewoman-1875,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-house-at-rueil-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-lady-with-fans-portrait-of-nina-de-callias,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-laundry-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-masked-ball-at-the-opera,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-milliner-1881,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-monet-family-in-their-garden-at-argenteuil-1874(1),"[0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-painter-of-animals-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edouard-manet_the-races,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-reading-1869,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,edouard-manet_the-rest-portrait-of-berthe-morisot-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,edouard-manet_the-road-menders-rue-de-berne-1878,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_the-stroll-1880,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_the-suicide,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Impressionism,edouard-manet_the-waitress-bocks,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edouard-manet_two-women-drinking-bocks-1878,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_woman-before-a-mirror-1877,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_woman-fastening-her-garter-1878,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_woman-in-a-tub,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_woman-in-furs-portrait-of-mery-laurent-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_woman-reading,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_woman-with-a-cat,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,edouard-manet_woman-with-a-gold-pin-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_woman-with-umbrella-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,edouard-manet_women-at-the-races-1865,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edouard-manet_young-woman-among-the-flowers-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,edouard-manet_young-woman-in-a-negligee-1882,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,edouard-manet_young-woman-in-a-round-hat-1877,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_young-woman-in-the-garden-1880,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edouard-manet_young-woman-in-the-garden-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,edouard-manet_young-woman-taking-a-walk-holding-an-open-umbrella-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,edouard-manet_young-woman-with-a-pink-shoe-portrait-of-berthe-morisot-1868,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eduardo-viana_retrato-do-pintor-waldemar-da-costa-1931,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eduardo-viana_untitled,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,edvard-munch_at-the-coffee-table-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,edvard-munch_portrait-of-the-painter-jensen-hjell-1885,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edvard-munch_sister-inger-1884,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,edvard-munch_spring-day-on-karl-johan-street-1890,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edvard-munch_street-lafayette-1891,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,edvard-munch_view-over-the-rover-at-st-cloud-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,egon-schiele_boating-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,egon-schiele_forest-with-sunlit-clearing-in-the-background-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,egon-schiele_house-with-a-bay-window-in-the-garden-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,egon-schiele_houses-on-the-town-square-in-klosterneuberg-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,egon-schiele_landscape-in-lower-austria-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,egon-schiele_meadow-with-village-in-background-1907,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,egon-schiele_melon-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,egon-schiele_portrait-of-leopold-czihaczek-1907,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,egon-schiele_portrait-of-leopold-czihaczek-head-of-a-bearded-man-i-1907,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,egon-schiele_portrait-of-leopold-czihaczek-in-profile-facing-left-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,egon-schiele_portrait-of-leopold-czihaczek-standing-1907,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,egon-schiele_sailing-boat-with-reflection-in-the-water-1908,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,egon-schiele_sailing-ship-with-dinghy-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,egon-schiele_self-portrait-facing-right-1907,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,egon-schiele_trees-mirrored-in-a-pond-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,egon-schiele_view-from-the-drawing-classroom-klosterneuburg,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,egon-schiele_view-into-the-apartment-of-leopold-and-marie-czihaczek-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,egon-schiele_village-by-the-river-1908,"[0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,egon-schiele_village-with-mountains-1907,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,egon-schiele_winding-brook-1906,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eliseu-visconti_a-carta,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,eliseu-visconti_dorso-de-mulher,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eliseu-visconti_dorso-de-mulher(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Impressionism,eliseu-visconti_garden-in-luxembourg-1905,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eliseu-visconti_ilusoes-perdidas,"[7.0, 10.0, 19.0, 7.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,eliseu-visconti_in-alameda-1931,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eliseu-visconti_in-the-summer,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eliseu-visconti_jardim-de-luxemburgo-1905,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eliseu-visconti_kiss-1909,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eliseu-visconti_maternidade,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eliseu-visconti_maternidade-1906(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eliseu-visconti_mo-a-no-trigal,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eliseu-visconti_mother-and-son,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,eliseu-visconti_my-child-tobias-at-six-months-1910,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eliseu-visconti_my-house-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eliseu-visconti_nu-feminino(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eliseu-visconti_self-portrait-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,emile-claus_a-meeting-on-the-bridge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emile-claus_afternoon-along-the-river,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emile-claus_bringing-in-the-nets-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emile-claus_canal-in-zeeland-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emile-claus_hay-stacks-1905,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,emile-claus_le-pique-nique-1887,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emile-claus_summer-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emile-claus_sunset-over-waterloo-bridge-1916,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,emile-claus_the-caving-in-bank,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emmanuel-zairis_child-with-cat,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,emmanuel-zairis_figure-in-a-rowing-boat,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,emmanuel-zairis_girl-in-the-vegetable-garden-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,emmanuel-zairis_girl-sitting-in-the-grass,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,emmanuel-zairis_mowers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,emmanuel-zairis_nude-model,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,emmanuel-zairis_sewing-nets,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,emmanuel-zairis_the-carnival-in-athens-1930,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,emmanuel-zairis_the-lovers,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,emmanuel-zairis_women-ironing,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,endre-bartos_aged-hungarian-peasant-woman-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,endre-bartos_water-lilies-1979,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_a-beach-scene,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_a-french-port-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_a-squall-from-northwest-1895,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_abbeville-street-and-the-church-of-saint-folfran-1884,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_abbeville-street-and-the-church-of-saint-vulfran-1884,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_an-estuary-in-brittany,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antibes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antibes-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antibes-the-fortifications,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_antibes-the-point-of-the-islet,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antibes-the-rocks-of-the-islet,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antwerp-boats-on-the-river-escaut,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antwerp-boats-on-the-river-escaut-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_antwerp-fishing-boats,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_antwerp-the-head-of-flanders,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antwerp-the-port,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_antwerp-the-schelde,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_atlantic-coast-near-benerville-1897,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_barges-on-the-canal-at-saint-valery-sur-somme-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_bathers-on-the-beach-at-trouville-1869,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_bathing-time-at-deauville,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_bay-of-plougastel,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-at-trouville,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_beach-at-trouville-1864,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-at-trouville-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_beach-scene,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_beach-scene-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-10,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_beach-scene-11,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-12,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-13,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,eugene-boudin_beach-scene-14,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-15,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-1879,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-1887,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-2,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_beach-scene-3,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_beach-scene-4,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-5,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_beach-scene-6,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-7,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-8,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-9,"[4.0, 7.0, 19.0, 7.0, 0.0, 1.0, 1.0, 4.0, 2.0]"
+Impressionism,eugene-boudin_beach-scene-at-trouville,"[2.0, 6.0, 19.0, 8.0, 0.0, 1.0, 2.0, 2.0, 5.0]"
+Impressionism,eugene-boudin_beach-scene-at-trouville-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-at-trouville-1866,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-at-trouville-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_beach-scene-at-trouville-3,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-at-trouville-4,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,eugene-boudin_beach-scene-the-yellow-umbrella,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-trouville,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_beach-scene-trouville-1864,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,eugene-boudin_beach-scene-trouville-1881,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_beach-scene-villers-1894,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_berck-fishermen-at-low-tide,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_berck-fisherwomen-on-the-beach,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_berck-fisherwomen-on-the-beach-low-tide-1894,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_berck-group-of-fishwomen-seated-on-the-beach,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_berck-jetty-and-sailing-boats-at-low-tide,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_berck-low-tide,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_berck-low-tide-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_berck-the-arrival-of-the-fishing-boats,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_berck-the-beach-1882,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_berck-the-beach-at-low-tide-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_berck-the-departure-of-the-boats,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_boats,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_boats-at-anchor-along-the-shore,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_bordeaux-1876,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_bordeaux-a-cargonne-larmont,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_bordeaux-bacalan-view-from-the-quay,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_bordeaux-boats-on-the-garonne,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_bordeaux-the-port,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_bordeaux-the-port-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,eugene-boudin_brest-fishing-boats,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_brest-the-banks-of-the-harbor,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_brest-the-harbor,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_brest-the-harbor-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_breton-family-by-the-fireplace,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_breton-pardon,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_breton-shoreline,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_bridge-on-the-river-touques-at-deauville,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_brussels-the-louvain-canal,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_brussels-the-old-fish-market,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_by-the-bathing-machines-1866,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_camaret,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_camaret-boats-in-the-harbor,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-boats-on-the-shore,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_camaret-fishermen-and-boats,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_camaret-fishing-boats-at-dock,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_camaret-fishing-boats-off-the-shore,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-le-toulinguet-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-low-tide-1873,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-the-bay-1873,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-the-jetty-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_camaret-the-port,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-the-port-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-the-toulinguet,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-the-toulinguet-1871,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_camaret-three-masters-anchored-in-the-harbor-1873,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_canal-near-brussels-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_canel-near-dordrecht-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_caudebec-en-caux-banks-of-the-seine-1892,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cayeux-windmill-in-the-countryside-morning-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_channel-in-brussels-1871,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cherbourg-1883,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_clouds,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_coast-of-brittany-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cordier-park-trouville,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cotenord,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-in-a-field,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_cows-in-a-meadow-morning-effect,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_cows-in-a-meadow-on-the-banks-of-the-toques-1880,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_cows-in-a-pasture,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-in-a-pasture-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-in-a-pasture-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-in-pasture,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-in-the-fields,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-in-the-meadow,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_cows-in-the-pasture-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-near-the-toques,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_cows-on-the-riverbanks-of-the-touques-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_criqueboeuf-the-church,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_deauville-beach-scene-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_deauville-docked-boats,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_deauville-harbor-1891,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_deauville-norwegian-three-master-leaving-port-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_deauville-on-the-jetty-1889,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_deauville-ruins-of-the-chateau-de-lassay-1893,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_deauville-sunset-on-the-beach-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-beach-low-tide,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-dock-1892,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-docks-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-dunes,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-dunes-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,eugene-boudin_deauville-the-harbor,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-harbor-1880,"[1.0, 10.0, 18.0, 3.0, 0.0, 0.0, 1.0, 11.0, 2.0]"
+Impressionism,eugene-boudin_deauville-the-harbor-1881,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_deauville-the-harbor-1897,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-harbor-1897-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-jetty,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-jetty-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_deauville-the-port-1888,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_door-of-the-touques-church,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_dordrecht-la-meuse-view-of-swandrecht-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,eugene-boudin_dordrecht-the-great-church-from-the-canal,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_douarnenez-the-bay-view-of-tristan-isle-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_douarnenez-the-shore-and-the-bay-1897,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_dunkirk-festival-day-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_dunkirk-the-holland-basin-1889,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_dunkirk-the-inner-port-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_dusk-over-the-port-of-le-havre,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_dutch-windmills-1884,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_ebb-on-sunset,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_elegant-women-on-the-beach-1863,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_empress-eugenie-on-the-beach-at-trouville-1863,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_entrance-to-the-harbor,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_entrance-to-the-harbor-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_entrance-to-the-port-of-le-havre-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_entrance-to-the-port-of-saint-valery-sur-somme-1891,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_entrance-to-the-port-of-trouville-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_estuary-at-trouville-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_etaples-boats-in-port-1876,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_etaples-la-canache-high-tide-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_etaples-la-canache-low-tide-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_etretat-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_etretat-beached-boats-and-the-cliff-of-aval,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_etretat-laundresses-on-the-beach-low-tide,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_evening-le-havre-1866,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_fervaques-a-village-street-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_fervaques-garden-and-house-of-monsieur-jacuette-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_fervaques-the-main-street,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_fields-in-fervaques-1874,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_figures-on-beach-in-front-of-bathing-huts,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_figures-on-the-beach-at-trouville-1865,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_figures-on-the-beach-at-trouville-1869,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_fish-market,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_fish-skate-and-dogfish,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_fishermen-and-sailboats-near-trouville-1892,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_fishermen-of-kerhor-receiving-a-blessing-at-plougastel-1870,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_fishermen-s-wives-at-the-seaside-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_fisherwives-waiting-for-the-boats-to-return-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_fisherwomen-at-berck-1875,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_fishing-boat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_fishing-boats-aground-and-at-sea-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_fishing-boats-at-berck,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_fishing-boats-at-sea-1895,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_fishwomen-at-berck,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_fishwomen-seated-on-the-beach-at-berck,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_fourmis-bay-beaulieu-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_gypsy-horses,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_harbour-at-camaret-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_harnessed-horses,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_high-seas,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_high-tide-at-trouville,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_honfleur-la-jetee,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_horses-for-hire-in-a-yard,"[3.0, 3.0, 25.0, 2.0, 0.0, 1.0, 1.0, 12.0, 2.0]"
+Impressionism,eugene-boudin_la-place-de-la-gare-a-deauville-1879,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_landscape-with-sunset,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Impressionism,eugene-boudin_laundresses,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-near-a-bridge,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-port-of-trouville,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-river,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-10,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-12,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-4,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-5,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-6,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-7,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-8,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-9,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-the-touques-the-effect-of-fog,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-banks-of-touques-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_laundresses-on-the-beach,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_laundresses-on-the-beach-low-tide,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_le-havre-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-avent-port,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-avent-port-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_le-havre-avent-port-1894,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-barre-basin-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_le-havre-barre-basin-1894,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_le-havre-basin-of-eure-1867,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-basin-of-eure-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_le-havre-basin-of-eure-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-commerce-basin-1894,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-heavy-winds-off-of-frascati-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_le-havre-stormy-skies-over-the-estuary,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_le-havre-sun,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-sunset-at-low-tide-1884,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-the-casimir-delavigne-basin-1892,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_le-havre-the-regatta-festival-1869,"[0.0, 9.0, 14.0, 17.0, 0.0, 0.0, 2.0, 0.0, 4.0]"
+Impressionism,eugene-boudin_le-havre-three-master-at-anchor-in-the-harbor,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_leaving-mass-at-plougastel,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_leaving-mass-in-brittany,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_lighthouse-at-honfleur,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_local-pilgrimmage-at-landerneau-1867,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_low-tide-at-trouville,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_madame-s-with-her-children-in-their-garden-at-trouville-1873,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_marina-1898,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_marines-landing-in-brest-harbor-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_market-at-trouville-1876,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_market-at-trouville-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_market-day-at-trouville-normandy-1878,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_market-scene,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eugene-boudin_moonlight-on-the-marshes-the-toques,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_near-antibes-1893,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_near-antibes-1893-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_near-camaret,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_near-faou,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_near-rotterdam-1876,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_norman-beach-arcenciel,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_not_detected_246100,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_oiseme-landscape-near-chartres-1891,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_oiseme-landscape-near-chartres-1893,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_on-the-banks-of-the-touques,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_on-the-beach-1863,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_on-the-beach-1866,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,eugene-boudin_on-the-beach-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_on-the-beach-trouville-1887,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_open-sea-1889,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_pasturage-on-the-banks-of-the-touques-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_pasturage-the-valley-of-the-touques-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_pasture-at-deauville,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_petit-port-de-saint-jean-near-villefranche-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_pier-deauville-1869,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_pier-in-venice-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_plougastel-the-ferry-passage-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_plougastel-the-ferry-passage-1870-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_plougastel-women-waiting-for-the-ferry-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_port-at-low-tide,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_portrait-of-a-little-girl,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_portrieux,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_portrieux-1869,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_portrieux-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_portrieux-boats-at-anchor-in-port-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_princess-pauline-metternich-on-the-beach,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_quay-at-villefranche-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_quillebeuf-surroundings-tray-of-mailleraye-1893,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_quittebeuf-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_return-of-the-terre-neuvier-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_river-near-abbeville-1894,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_river-near-dunkirk-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_river-near-hospital,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_rotterdam-a-corner-of-the-basin-1877,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_rotterdam-le-pont-de-bourse-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_rotterdam-the-commodities-exchange-port-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_rotterdam-the-pont-de-la-bourse-1873,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,eugene-boudin_rotterdam-the-pont-de-la-bourse-1876,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_rouen-the-pont-corneille-fog-effect-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_rouen-the-santa-catherine-coast-morning-mist-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_rouen-view-from-the-queen-s-way-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_rouen-view-over-the-river-seine-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_rough-seas-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_sailboats-at-dock-barre-basin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_sailboats-at-trouville,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_sailboats-near-trouville-1873,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_sailing-boats,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_sailing-boats-at-anchor,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_sailing-ships-at-deauville-1896,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_saint-cenery-the-church-and-the-bridge,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_saint-valery-sur-somme-moonrise-over-the-canal,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_saint-valery-sur-somme-the-bridge-on-the-lock-1891,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_san-marco-square-in-venice-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_scheveningen-boats-aground-on-the-shore-1875,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_seascape,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_seascape-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_seascape-1871,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_seascape-fishing-boats,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_seascape-les-lamaneurs-1884,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_seehafen-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_ships-at-le-havre,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_shore-at-low-tide-rainy-weather-near-trouville-1895,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_shore-at-sainte-adresse-low-tide-1894,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_shoreline-with-rising-tide-october-1893,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_sky-1863,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_sky-at-sunset,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_small-canal-at-quilleboeuf-1893,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_standing-off-deauville-1886,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_strand-in-trouville-1863,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_strand-in-trouville-1868,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_street-antibes-1893,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-basin-at-deauville-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-basin-at-fecamp-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-bay-of-douarnenez-1897,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-1894,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-at-deauville-1863,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-at-tourg-ville-les-sablons-1893,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-at-trouville,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-at-trouville-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_the-beach-at-trouville-1865,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-beach-at-trouville-1868,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-at-trouville-1869,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-at-trouville-1871,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-berck-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-beach-deauville-1893,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-berck-dunes-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_the-breton-fishermen-s-wives,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_the-bridge-over-the-toques-at-deauville-1895,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-bridge-over-the-toques-at-trouville,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-canal-at-saint-valery-sur-somme-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_the-capture-of-the-petit-rodeur-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-cliffs-at-dieppe-and-the-petit-paris,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-cliffs-at-etretat-1890,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-coastline-at-berck-at-low-tide-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_the-coastline-at-plougastel-1869,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-commerce-basin-le-havre-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-deauville-basin,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_the-deauville-basin-1887,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-deauville-basin-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-effect-of-the-moon-1891,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-entrance-1865,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-entrance-to-the-port-of-honfleur,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-ferry-at-plougastel,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-ferry-to-deauville,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-garden-1869,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-giudecca-from-the-zatteri-venice,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-harbor-at-deauville-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-harvest-near-trouville-1878,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-inner-port-of-trouville-at-low-tide,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-jetties-low-tide-trouville-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-jetties-low-tide-trouville-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_the-laundresses-of-etretat-1890,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-lock-at-saint-valery-sur-somme-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-lock-at-trouville-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-manet-family-picnicking-1866,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-market-at-landenneau-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-merchant-dock,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-meuse-at-dordrecht-1882,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-mill-saint-cenery,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-mill-saint-cenery-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-mouth-of-the-elorn-in-the-area-of-brest-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-port-1886,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-port-at-deauville,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,eugene-boudin_the-port-at-saint-vaast-la-houghe-1892,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-port-deauville-1887,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-fecamp,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_the-port-of-bordeaux-1875,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-bordeaux-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-port-of-camaret-1872,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-deauville,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-deauville-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-deauville-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-port-of-dieppe-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-ke-havre-dock-of-la-barre-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-landerneau-finistere-1871,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-le-havre-at-sunset-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-trouville,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,eugene-boudin_the-port-of-trouville-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-trouville-1886,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-trouville-1895,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-trouville-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-of-trouville-high-tide-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-port-of-trouville-low-tide-1897,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-port-of-trouville-the-market-place-and-the-ferry-1884,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-ships-at-dock,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-port-trouville,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-rocks-at-saint-vaast-la-hougue-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-rocks-of-l-ilette-and-the-fortifications-1893,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-sea-at-douarnenez-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-seine-at-caudebec-en-caux-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-shore-at-plougastel-1870,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-shore-at-plougastel-1872,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_the-shore-at-tourgeville-1893,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-shore-at-villerville-1893,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-shores-of-sainte-adresse-at-twilight-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-somme-at-saint-valery-sur-somme-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-somme-near-d-abbeville-moonlight-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-spanish-quay-in-rotterdam-sun-1879,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-still-river-at-deauville-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-stranded-boat-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1891-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1893,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-toques-at-saint-arnoult-1895,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-tour-malakoff-and-the-trouville-shore-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-tourgeville-shores-1894,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-town-of-dordrecht-1884,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-trouville-basin,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-trouville-chanel-low-tide,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-trouville-coastline-low-tide,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-trouville-heights-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_the-trouville-jetty-1867,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_the-valley-of-the-touques-cows-in-the-meadow-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-vauban-basin-at-havre,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_the-village-and-the-port-on-the-river,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_the-white-horse,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_three-masted-ship-at-dock,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_three-masted-ship-in-port-bordeaux,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_trouville-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_trouville-1869,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_trouville-1879,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-beach-scene,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-beach-scene-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_trouville-beach-scene-1869,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_trouville-beach-scene-1873,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-beach-scene-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-beach-scene-1875,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-black-rocks,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_trouville-fish-market,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_trouville-fish-market-1875,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-le-chemin-de-la-corderie-1878,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_trouville-on-the-beach-sheltered-by-a-parasol-1895,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-panorama-of-the-beach-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_trouville-piers-high-tide-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-sardine-boats-getting-underway-1894,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-scene-on-the-beach,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-beach-at-low-tide-1878,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,eugene-boudin_trouville-the-ferry-to-deauville-1880,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-fish-market-1884,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-inner-port-low-tide-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-jetty-and-the-basin-1896,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-at-low-tide,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-high-tide,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-high-tide-1890,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-high-tide-1897,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-low-tide,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-low-tide-1883,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-low-tide-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-jettys-low-tide-1894-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-port,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_trouville-the-port-1864,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_trouville-the-port-at-low-tide-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_unloading-the-newfoundland-fishing-boat-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,eugene-boudin_untitled,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_untitled-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_untitled-1870,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_untitled-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_untitled-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_untitled-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_untitled-1890-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_untitled-2,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_venice,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_venice-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_venice-1895-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_venice-the-salute-and-the-douane-the-guidecca-from-the-rear-view-from-the-grand-canal-1895,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_venice-view-from-the-grand-canal-1895,"[1.0, 14.0, 20.0, 7.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,eugene-boudin_view-of-the-port-trouville-1896,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_villefranche-the-citadel-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eugene-boudin_villerville-the-shore-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1870,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1880-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_women-fishing-for-shrimp-at-kerhor-1880-2,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_women-on-the-beach-at-berck-1881,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eugene-boudin_women-on-the-beach-rough-seas-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Impressionism,eva-gonzales_a-box-at-the-italian-theatre-1874,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,eva-gonzales_afternoon-tea-aka-on-the-terrace,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,eva-gonzales_an-actress-with-a-mask,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eva-gonzales_child-with-a-pipe,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,eva-gonzales_dieppe-beach-view-from-the-cliff-west,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,eva-gonzales_farm-at-rebais,"[0.0, 4.0, 32.0, 1.0, 0.0, 1.0, 0.0, 10.0, 3.0]"
+Impressionism,eva-gonzales_nanny-with-a-child,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eva-gonzales_portrait-of-a-woman-in-white,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eva-gonzales_portrait-of-a-young-woman,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eva-gonzales_portrait-of-jeanne-gonzales-in-profile,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,eva-gonzales_reading-in-the-forest,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,eva-gonzales_roses-in-a-glass,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,eva-gonzales_secretly-1878,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eva-gonzales_the-donkey-ride-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,eva-gonzales_the-front-port,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eva-gonzales_the-indolence,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,eva-gonzales_the-little-lever,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eva-gonzales_the-milliner,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eva-gonzales_the-toilet,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,eva-gonzales_the-young-student,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,eva-gonzales_white-shoes-1880,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,eva-gonzales_woman-awakening-1876,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,eva-gonzales_women-in-white,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,federico-zandomeneghi_after-bath,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_crochet-lesson,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_dressing-before-the-mirror,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,federico-zandomeneghi_figure-of-man-sitting,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Impressionism,federico-zandomeneghi_girl-picking-flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,federico-zandomeneghi_girl-with-flowers-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_in-bed,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,federico-zandomeneghi_lady-in-a-meadow,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_lady-with-a-hat-1895,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_languor,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,federico-zandomeneghi_little-girl,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,federico-zandomeneghi_mother-and-daughter-1879,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,federico-zandomeneghi_naked-woman-in-the-mirror-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_place-d-anvers-paris-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_portrait-of-a-young-beauty,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,federico-zandomeneghi_portrait-of-the-doctor-1881,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_promenade,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,federico-zandomeneghi_reverie,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,federico-zandomeneghi_study-of-figures-1895,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-cafe-1884,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-conversation-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,federico-zandomeneghi_the-flower-seller,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-good-book-1897,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-moulin-de-la-galette,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-reader,"[0.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-singing-lesson,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-tea-1893,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-washtub,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,federico-zandomeneghi_the-white-collar,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,federico-zandomeneghi_woman-drying-herself,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_woman-in-corset,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,federico-zandomeneghi_woman-leaning-on-a-chair,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_woman-on-an-armchair,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,federico-zandomeneghi_woman-with-bouquet,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,federico-zandomeneghi_young-girl-reading,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,federico-zandomeneghi_young-girl-reading-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,felix-vallotton_outskirts-of-lausanne-1893,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,felix-vallotton_portrait-of-edouard-vuillard-1893,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,felix-vallotton_the-port-of-pully-study-1889,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ferdinand-hodler_prayer-in-the-saint-pierre-cathedral-in-geneva-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,ferdinand-hodler_seamstress-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ferdinand-hodler_seated-bearded-man-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,ferdinand-hodler_the-fisherman,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ferdinand-hodler_the-netmender,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,ferdynand-ruszczyc_pejzaz-z-cyprysami,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_autumn,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,fern-coppedge_autumn-gold-lumerville,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_bucks-county-scene,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_january-sunshine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_lumberville,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_lumberville-cottage,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,fern-coppedge_mountain-creek,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,fern-coppedge_new-hope-bucks-county-1935,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_normans-woe-gloucester-massachusetts,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_old-house-point-pleasant,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_stone-house,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_the-delaware-valley,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,fern-coppedge_unknown-title,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,fern-coppedge_winter-sunlight,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,filipp-malyavin_a-monk-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,filipp-malyavin_a-peasant-covering-up-her-mouth-by-coat-1894,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,filipp-malyavin_a-peasant-woman,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,filipp-malyavin_portrait-of-a-boy-in-a-white-suit,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,filipp-malyavin_portrait-of-k-a-somov-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,filipp-malyavin_the-artist-igor-grabar-1895,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francis-picabia_a-canal-at-st-mammes,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_autumn-effect,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_bank-at-poissy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_banks-of-the-loin-saint-mammes,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,francis-picabia_banks-of-the-orne-at-benouville,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francis-picabia_barges-on-the-loing-morning-effect,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francis-picabia_farm-at-la-petite-mare,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_landscape-paysage,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,francis-picabia_moret-route-of-pres,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,francis-picabia_moret-sur-loing,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_morning-effect-banks-of-the-yonne-river,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francis-picabia_not_detected_236842,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,francis-picabia_notre-dame-the-effect-of-sunlight,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,francis-picabia_saint-tropez,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francis-picabia_still-life-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francis-picabia_the-effect-of-sun-on-the-banks-of-the-loing,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_the-effect-of-sunlight-on-the-banks-of-the-loing,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_the-eure-in-the-twilight-sun-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_the-martigues,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francis-picabia_the-martigues-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_the-point-of-the-port-of-saint-tropez,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francis-picabia_the-port-at-martigues,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francisc-sirato_houses-on-the-shore-of-lake-cernica,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,francisc-sirato_mangalia-street,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,francisc-sirato_mangalia-street-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,francisc-sirato_millefiori,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francisc-sirato_peasant-women-from-dolj-1926,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,francisc-sirato_still-life-with-vases-and-roses-1920,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,francisc-sirato_tatar-women-in-mangalia-1930,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francisc-sirato_the-cobza-player-from-balchik-1926,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,francisc-sirato_woman-from-bucovina,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francisc-sirato_young-woman-in-interior-1923,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,francisc-sirato_young-woman-in-interior-1947,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,frantisek-kupka_self-portrait-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frantisek-kupka_self-portrait-with-wife-1908,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frantisek-kupka_the-book-lover-1897,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frantisek-kupka_the-chestnut-tree-in-blossom-1906,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frantisek-kupka_the-tree-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,franz-marc_indersdorf-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,franz-marc_self-portrait-1905,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,franz-marc_small-horse-picture-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,franz-marc_small-horse-study-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,franz-marc_the-dead-sparrow-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Impressionism,franz-marc_two-women-on-the-hillside-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,franz-marc_woman-in-the-wind-by-the-sea-1907,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_after-the-bath,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_bathers-summer-scene-1869,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_beach-at-sainte-adresse,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_dried-fish,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_family-reunion-1867,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,frederic-bazille_flowers-1868,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_forest-of-fontainebleau,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,frederic-bazille_landscape-at-chailly,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frederic-bazille_landscape-of-aigues-mortes-1867,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,frederic-bazille_landscape-on-the-shore-of-lez,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_louis-auriol-fishing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_mall-of-aigues-mortes,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_man-with-a-pipe,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,frederic-bazille_manet-and-his-easel,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_negress-with-peonies-1870,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frederic-bazille_not-detected-259698,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_not-detected-259699,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,frederic-bazille_not-detected-259700,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frederic-bazille_port-of-the-queen-at-aigues-mortes,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_portrait-of-alphonse-tissie,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_portrait-of-auguste-renoir-1867,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frederic-bazille_portrait-of-douard-blau,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_portrait-of-edmond-maitre,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frederic-bazille_reclining-nude,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_saint-saveur,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_self-portrait-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_self-portrait-1866,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_self-portrait-1868,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,frederic-bazille_self-portrait-at-saint-saveur-1868,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,frederic-bazille_soup-bowl-covers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,frederic-bazille_still-life-with-fish,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,frederic-bazille_studio-in-the-rue-de-furstenberg,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_studio-of-the-rue-visconti,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frederic-bazille_study-of-flowers,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_the-artist-s-studio-rue-de-la-condamine-1870,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_the-dog-rita-asleep,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_the-fisherman-with-a-net,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,frederic-bazille_the-fortune-teller,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,frederic-bazille_the-heron,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,frederic-bazille_the-improvised-field-hospital-1865,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,frederic-bazille_the-little-gardener,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_the-pink-dress,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_the-terrace-at-m-ric-oleander,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_toilet-1870,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frederic-bazille_view-of-the-village-of-castelnau-le-lez-1868,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-bazille_village-street,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_woman-in-moorish-costume,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-bazille_young-woman-with-lowered-eyes,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-remington_a-brush-with-the-redskins-1891,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,frederic-remington_a-dash-for-the-timber-1889,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,frederic-remington_a-reconnaissance-1902,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-remington_against-the-sunset-1906,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-remington_an-arguement-with-the-town-marshall-1907,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,frederic-remington_an-assault-on-his-dignity-1906,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,frederic-remington_apache-fire-signal-1891,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,frederic-remington_arizona-cow-boy-1901,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frederic-remington_cavalry-in-an-arizona-sandstorm-1889,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,frederic-remington_coming-to-the-call-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-remington_fight-for-the-water-hole-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-remington_hussar-russian-guard-corps,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,frederic-remington_modern-comanche-1890,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frederic-remington_pool-in-the-desert-1907,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-remington_pretty-mother-of-the-night-white-otter-is-no-longer-a-boy-1900,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,frederic-remington_radisson-and-groseilliers-1905,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-remington_ridden-down-1906,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,frederic-remington_ridden-down-detail-1906,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frederic-remington_shotgun-hospitality-1908,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,frederic-remington_the-advance-1898,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-remington_the-apaches,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,frederic-remington_the-cowboy-1902,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,frederic-remington_the-end-of-the-day-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,frederic-remington_the-outlier-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,frederic-remington_the-scout-friends-or-foes-1905,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frederic-remington_the-trooper-1892,"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_a-french-river-landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_a-morning-river-scene,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_a-snowy-harbor-view,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_a-stone-bridge-over-a-stream-in-winter,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_a-village-street-in-france,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,frits-thaulow_after-the-rain,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_alkejegeren,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_an-orchard-on-the-banks-of-a-river,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_at-quimperle,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_autumn,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_beaulieu,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_channel-with-watermill,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_cottage-by-a-canal-in-the-snow,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frits-thaulow_cottage-by-a-stream,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_evening-at-the-bay-of-frogner,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_french-river-landscape-with-a-stone-bridge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_from-dieppe-to-arques-river,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frits-thaulow_golden-autumn-brittany,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_house-by-yhe-water-s-edge,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_landscape-and-river,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_marble-steps,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_marketplace-in-france-after-a-rainstorm,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frits-thaulow_midnight-mass,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,frits-thaulow_mill-scene,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_old-factory-on-the-somme-evening,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_on-a-french-river,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_on-the-grand-canal-venice,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,frits-thaulow_rialto,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_river-landscape,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_riverside-view-of-abbeville,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_seine,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,frits-thaulow_skiers,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_the-battle-of-arques-normandy,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,frits-thaulow_the-dordogne,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,frits-thaulow_the-old-church-by-the-river,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_the-pier-dordrecht,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_the-priest,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,frits-thaulow_washerwomen-at-quimperle,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,frits-thaulow_winter-at-simoa-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,frits-thaulow_woodland-scene-with-a-river,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,george-inness_cows-by-a-stream,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,george-luks_coaltown,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,george-luks_fifth-avenue-new-york,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,george-luks_fisherman-cape-elizabeth-maine-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,george-luks_girl-with-pink-ribbon,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,george-luks_hannaford-s-cove-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,george-luks_hester-street-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,george-luks_houston-street-1917,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,george-luks_madison-square,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,george-pemba_from-above-matsieng-lesotho-1944,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,george-pemba_lesotho-landscape-1944,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-braque_grandmother-s-friend-1900,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,georges-lemmen_hat-with-a-red-ribbon,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,georges-lemmen_madame-georges-lemmen,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,georges-lemmen_man-reading,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,georges-lemmen_two-women-in-the-garden-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-lemmen_young-woman-sewing-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,georges-ribemont-dessaignes_untitled-portrait,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,georges-seurat_a-canoes-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_a-house-between-trees-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,georges-seurat_a-river-bank-the-seine-at-asnieres-1883,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_alley-in-the-forest-barbizon-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_boats-near-the-beach-at-asnieres-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_clothes-on-the-grass-1883,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_corner-of-a-house-1884,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_farmer-to-work-1883,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,georges-seurat_female-from-back-black-woman-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,georges-seurat_forest-of-barbizon-1883,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_horses-in-the-water-1883,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_house-with-red-roof-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_landscape-at-grandcamp-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,georges-seurat_landscape-with-figure-study-for-la-grande-jatte-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_man-leaning-on-a-parapet-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,georges-seurat_peasants-driving-stakes-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,georges-seurat_rainbow-1883,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_river-s-edge-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_riverman-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_ruins-at-grandcamp,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,georges-seurat_stone-breakers-le-raincy-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,georges-seurat_stone-crusher,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,georges-seurat_study-for-bathers-at-asnieres-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_the-bank-of-the-seine-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_the-bineau-bridge-1884,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_the-bridge-view-of-the-seine-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,georges-seurat_the-hedge-also-known-as-the-clearing-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,georges-seurat_the-hollow-way-1882,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_the-riverbanks-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,georges-seurat_the-riverside-1883,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georges-seurat_the-stone-breaker-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,georges-seurat_vase-of-flowers-1879,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georgios-jakobides_at-the-studio-1884,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,georgios-jakobides_boy-smoking-1900,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,georgios-jakobides_child-with-cart,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gerard-sekoto_portrait-of-manuels-cousin-1944,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Impressionism,giacomo-balla_luna-park-par-s-1900,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giacomo-balla_self-portrait,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,gino-severini_paris-the-seine-the-barges-of-the-louvre,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gino-severini_self-portrait-1908,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,giovanni-boldini_a-friend-of-the-marquis-1875,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_a-guitar-player-1873,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_a-lady-with-a-cat,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_a-midsummer-night-s-dream-1897,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_angels,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_arm-with-vase-of-flowers-1910,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,giovanni-boldini_ballerina-in-mauve,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_chez-maxim-s,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,giovanni-boldini_costantino-in-the-role-of-ernani,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_couple-in-spanish-dress-with-two-parrots-el-matador,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_crossing-the-street-1875,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_exit-of-a-costumes-ball-in-montmartre,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_female-figure-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_female-profile,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,giovanni-boldini_firework,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_gentleman-at-the-piano,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,giovanni-boldini_girl-reading-in-a-salon-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_haystack,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_head-of-a-lady-with-yellow-sleeve-1890,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_horses-and-knights,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_in-the-bath,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_in-the-garden,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_in-the-promenade-1905,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_inside-the-studio-of-the-painter-with-errazuriz-damsel,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_lady-in-brown-evening-dress-1894,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_lady-in-red-coat-1878,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_lady-in-red-dress-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_lady-in-rose,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_lady-wearing-a-straw-bonnet-morning-promenade-1905,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_lady-with-black-greyhound,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_leda-with-swan,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_madame-marie-louise-herouet,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_mademoiselle-lanthelme-1907,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_mlle-laure-1910,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_mrs-leeds-the-later-princess-anastasia-of-greece-and-denmark-1914,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_naked-young-lady-with-blanket,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,giovanni-boldini_newspaperman-in-paris-the-newspaper-1878,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,giovanni-boldini_night-on-montmartre,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_not-identified-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_nude-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_nude-of-young-lady-on-couch,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_nude-woman-reclining-on-yellow-cushions,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_pink-palace-ibis-in-the-vesinet-1910,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-a-lady-1912,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,giovanni-boldini_portrait-of-a-man-in-church-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,giovanni-boldini_portrait-of-countess-de-leusse,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-donna-franca-florio-1924,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-elizabeth-wharton-drexel-1905,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-georges-de-bellio-1828-94-1894,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-madame-e-l-doyen-1910,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_portrait-of-madame-gabrielle-rejane,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,giovanni-boldini_portrait-of-maria-eulalia-of-spain-1898,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-princess-marthe-lucile-bibesco-1911,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-rita-de-acosta-lydig-1911,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_portrait-of-sarah-bernhardt-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_portrait-of-the-countess-de-martel-de-janville-known-as-gyp-1850-1932-1894,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_portrait-of-the-marquise-1914,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_princes-radziwill-with-red-rbbon-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_princesse-de-caraman-chimay-later-madame-jourdan-1889,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_reading-sold,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,giovanni-boldini_reclining-nude,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_reclining-nude-1930,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_red-feather,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_room-of-the-painter,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_san-marco-in-venice-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_scena-galante-1920,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_sewing-hands-of-a-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_ships-in-venice,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_signorina-concha-de-ossa-1888,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_sitting-in-the-garden,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_sitting-lady-the-talk-1905,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_spanish-dancer-at-the-moulin-rouge,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_spring,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_statue-in-the-park-of-versailles,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_symphony-in-gray-1931,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,giovanni-boldini_the-art-connoisseur,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_the-artist-s-model-montecatini,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_the-beauty-before-the-mirror,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-bouse-of-voile,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,giovanni-boldini_the-boy-with-the-circle,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,giovanni-boldini_the-collonade-in-versailles,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_the-conversation-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-countess-de-rasty-lying,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-dispatch-bearer-1879,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-divine-in-blue,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,giovanni-boldini_the-dump-at-the-door-of-asier-1887,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_the-golden-frame,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,giovanni-boldini_the-hammock,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-lady-pianist,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-last-look-in-the-mirror,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-letter-1873,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-melon,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,giovanni-boldini_the-model-and-the-mannequin-1873,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-mondona-singer-1884,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-pansies,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-pianist-a-rey-colaco,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_the-red-curtain,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_the-red-umbrella-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,giovanni-boldini_the-rose-in-vase-of-sassonia,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,giovanni-boldini_the-sisters-laskaraki,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,giovanni-boldini_the-summer-roses,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,giovanni-boldini_the-two-children,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_the-woman-in-red,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_trees-in-the-bois-de-boulogne,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_two-white-horses-1886,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_two-women-are-sewing,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_venice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_view-of-venice-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_white-horse,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-boldini_wild-game-in-black,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,giovanni-boldini_woman-in-black-who-watches-the-pastel-of-signora-emiliana-concha-de-ossa-1888,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_women-s-figures-in-the-park,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_young-dark-lady,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-boldini_young-lady-entering-bath,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-boldini_young-woman-s-head-on-a-pink-background-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_bauer-mit-ochsenkarren-1900,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-fattori_bauer-mit-zusammengebrochenem-pferd-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,giovanni-fattori_berittener-hirte-und-k-he-1880,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,giovanni-fattori_bleifarbenes-meer-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,giovanni-fattori_carri-romani-1872,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,giovanni-fattori_cowboys-and-herds-in-the-maremma-1894,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_dame-im-freien-sitzend-1866,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,giovanni-fattori_dame-im-wald-1875,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-fattori_der-graue-tag-strand-mit-fischern-und-booten-1891,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,giovanni-fattori_der-heuhaufen-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_der-schindanger-in-livorno-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_der-turm-von-magnale-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,giovanni-fattori_die-baumallee-mit-zwei-kindern-1895,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-fattori_die-roten-f-sser-1870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,giovanni-fattori_frau-martelli-in-castiglioncello-1870,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-fattori_geh-ft-in-den-h-geln-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-fattori_hay-stacks,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,giovanni-fattori_heuschober-1880,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,giovanni-fattori_l-arno-presso-bellariva-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_la-rotonda-di-palmieri-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_lady-with-a-fan-1865,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_nonne-mit-esel-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,giovanni-fattori_pause-in-the-maremma-with-farmers-and-ox-cart-1875,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,giovanni-fattori_pferd-vor-einem-wagen-1890,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giovanni-fattori_portr-t-der-cousine-des-k-nstlers-1861,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giovanni-fattori_portr-t-der-dritten-ehefrau-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,giovanni-fattori_prince-amadeo-feritio-at-custoza-1870,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,giovanni-fattori_quadrato-di-villafranca-or-esercitazione-di-tiro-1880,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giovanni-fattori_self-portrait-1854,"[15.0, 8.0, 16.0, 3.0, 1.0, 2.0, 1.0, 1.0, 5.0]"
+Impressionism,giovanni-fattori_silvestro-lega-nella-pittura-di-riva-al-mare-1867,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,giovanni-fattori_sonnenuntergang-am-meer-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,giovanni-fattori_storming-of-the-madonna-della-scoperta-1862,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,giovanni-fattori_strasse-am-ufer-des-meeres-1895,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,giovanni-fattori_zwei-damen-im-garten-von-castiglioncello-1865,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giuseppe-de-nittis_a-lady-from-naples,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,giuseppe-de-nittis_a-roman-aqueduct,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giuseppe-de-nittis_a-winter-s-landscape,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,giuseppe-de-nittis_amazzoni,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,giuseppe-de-nittis_around-the-shade,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,giuseppe-de-nittis_at-the-tribune-during-the-race,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_breakfast-in-the-garden-1883,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giuseppe-de-nittis_face,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,giuseppe-de-nittis_in-the-forest,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_la-place-du-carrousel-paris-the-ruins-of-the-tuileries-1882,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_lungo-l-ofanto,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_not-detected-272178,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_poplars,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,giuseppe-de-nittis_presso-al-lago,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,giuseppe-de-nittis_promenade-hivernale,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,giuseppe-de-nittis_return-from-the-races,"[2.0, 4.0, 20.0, 11.0, 0.0, 3.0, 0.0, 3.0, 2.0]"
+Impressionism,giuseppe-de-nittis_rue-de-paris-with-carriages,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giuseppe-de-nittis_sarah-bernhardt-as-pierrot,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_snow-effect,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_the-nannys,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,giuseppe-de-nittis_the-place-des-pyramides-paris-1875,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,giuseppe-de-nittis_the-races-at-auteuil-paris,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,giuseppe-de-nittis_the-races-at-longchamps-from-the-grandstand,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_the-salon-of-princess-mathilde-1883,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,giuseppe-de-nittis_the-serpentine-hyde-park,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_the-victoria-embankment-london,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,giuseppe-de-nittis_westminster-bridge,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,giuseppe-de-nittis_woman-on-the-beach,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,grace-cossington-smith_centre-of-a-city-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,grace-cossington-smith_firelight-1919,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,grace-cossington-smith_girl-seated-wearing-hat-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,grace-cossington-smith_open-window-1919,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,grace-cossington-smith_quaker-girl-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,grace-cossington-smith_reinforcements-troops-marching-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,grace-cossington-smith_sunny-morning-cows-at-lanyon-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,grace-cossington-smith_the-reader-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,grace-cossington-smith_the-sock-knitter-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_a-cape-cottage-tokai-1941,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gregoire-boonzaier_a-large-oak-tree-in-front-of-houses-1985,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_a-street-scene-district-six-1991,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_a-view-of-the-ocean-1948,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,gregoire-boonzaier_a-windy-day,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_after-the-rain-cape-town,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gregoire-boonzaier_an-old-cottage-mowbray-1933,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,gregoire-boonzaier_arum-lilies-in-a-vase-1940,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gregoire-boonzaier_bare-oaks-newlands-late-autumn-1968,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_bo-kaap-1951,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_cape-landscape-1952,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_cape-malay-quarter-with-signal-hill-in-the-distance-1955,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_cape-street-scene-1941,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_cape-street-scene-1970,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,gregoire-boonzaier_cape-town-harbour-1958,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_cottages-figures-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,gregoire-boonzaier_district-6-street-scene-with-figures-buildings-donkey-cart-1971,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_district-six-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_district-six-1971,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gregoire-boonzaier_district-six-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gregoire-boonzaier_district-six-with-view-to-harbour-1953,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_farmhouse-with-bare-oaks-1942,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Impressionism,gregoire-boonzaier_figures-and-cottages-1966,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_firs-with-red-trunks-kenilworth-1969,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_hat-green-bottle-and-guitar-1990,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_hermanus-seascape-1945,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_hougenhout-farm-1942,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_houses-on-a-hillside-bo-kaap-1940,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_huis-met-veranda-ou-kaapstad-1967,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_huisies-langs-die-liesbeekrivier-1945,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_kommetjie-lighthouse-1926,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_kommetjie-lighthouse-in-the-mist-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gregoire-boonzaier_landscape-with-grey-clouds-1935,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_landscape-with-trees-and-distant-cottages-1990,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_landscape-with-trees-and-houses-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_landskap-met-kronkelende-pad-kenilworth-1975,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,gregoire-boonzaier_lions-head-to-signal-hill-from-windmere-cape,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_malay-quarter-cape-town-1931,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_malay-quarter-cape-town-1934,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_man-with-a-moustache-1977,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gregoire-boonzaier_mixed-flowers-in-a-porcelain-vase,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_moored-boats-at-the-quay-1952,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_paternoster-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,gregoire-boonzaier_portrait-of-a-man-1989,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,gregoire-boonzaier_rainy-day,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_self-portrait-1969,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,gregoire-boonzaier_self-portrait-1996,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_shanty-town,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_skull-1970,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_still-life-flowers,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_still-life-flowers-1938,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gregoire-boonzaier_still-life-with-flowers,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_still-life-with-fruit-1956,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_still-life-with-hibiscus-1962,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_still-life-with-hibiscus-1974,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_still-life-with-hibiscus-1991,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_still-life-with-vase-of-flowers-and-citrus-fruit,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gregoire-boonzaier_studio-1943,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,gregoire-boonzaier_study-of-bluegum-trees-1979,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_table-mountain-from-district-6-1972,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,gregoire-boonzaier_tabletop-still-life-1939,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gregoire-boonzaier_trees-in-a-landscape-1975,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gregoire-boonzaier_venice-scene-1971,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,gregoire-boonzaier_view-from-signal-hill-1933,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,gregoire-boonzaier_view-of-table-bay-bo-kaap-1944,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,gregoire-boonzaier_village-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gregoire-boonzaier_windswept-trees-1945,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,gregoire-boonzaier_winkel-met-veranda-distrik-ses-kaapstad-1967,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_a-balcony-boulevard-haussmann,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,gustave-caillebotte_a-balcony-in-paris-1881,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_a-road-in-naples,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_a-soldier,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_angling-1878,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_apple-tree-in-blossom,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_at-the-cafe-rouen-1880,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_banks-of-the-yerres,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_bather-preparing-to-dive,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_bathers-on-the-banks-of-the-yerres-1878,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_billiards,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_boat-at-anchor-on-the-seine,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_boaters-on-the-yerres,"[5.0, 2.0, 25.0, 2.0, 0.0, 2.0, 4.0, 0.0, 4.0]"
+Impressionism,gustave-caillebotte_boaters-rowing-on-the-yerres,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gustave-caillebotte_boating-on-the-yerres,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_boats-on-the-seine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_boats-on-the-seine-at-argenteuil,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_boulevard-des-italiens,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_boulevard-haussmann-in-the-snow,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_bust-portrait-of-eugene-lamy,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,gustave-caillebotte_by-the-sea,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_calf-head-and-ox-tongue,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_calf-in-a-butcher-shop,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_camille-daurelle-in-the-park-at-yerres,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_chrysanthemums-in-a-vase,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_cliff-at-villers-sur-me,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_clump-of-chrysanthemums-garden-at-petit-gennevilliers,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_display-of-chickens-and-game-birds,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_factories-at-argenteuil,"[0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_farmer-s-house-in-trouville,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_fields-plain-of-gennevilliers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_fishermen-on-the-banks-of-the-yerres,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_four-vases-of-chrysanthemums,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_fruit-displayed-on-a-stand,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_game-birds-and-lemons,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Impressionism,gustave-caillebotte_garden-at-yerres,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gustave-caillebotte_garden-rose-and-blue-forget-me-nots-in-a-vase,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_garlic-cloves-and-knife-on-the-corner-of-a-table,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,gustave-caillebotte_garten-in-trouville,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_hare,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,gustave-caillebotte_harvest-landscape-with-five-haystacks,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_hors-d-oeuvre,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_horses-in-the-stable,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Impressionism,gustave-caillebotte_interior-of-a-studio,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_interior-woman-at-the-window-1880,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_interior-woman-reading-1880,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gustave-caillebotte_kitchen-garden-petit-gennevilliers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_landscape-at-argenteuil,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_landscape-banks-of-the-yerres,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_landscape-near-yerres,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_landscape-study-in-yellow-and-rose,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_landscape-with-haystacks,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_landscape-with-railway-tracks,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_laundry-drying,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_laundry-drying-petit-gennevilliers,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_le-clos-des-abbesses,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_le-pont-de-l-europe-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_le-pont-de-l-europe-1877,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,gustave-caillebotte_loaded-haycart,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_luncheon-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_man-at-his-bath,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_man-at-the-window-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_man-drying-his-leg,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_man-on-a-balcony,"[1.0, 9.0, 23.0, 1.0, 0.0, 0.0, 1.0, 5.0, 6.0]"
+Impressionism,gustave-caillebotte_man-on-a-balcony-boulevard-haussmann-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_meadow-bridge-at-argenteuil-1886,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gustave-caillebotte_meaux-effect-of-sunlight-on-the-old-chapterhouse,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_melon-and-fruit-bowl-with-figs-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_naked-woman-lying-on-a-couch,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gustave-caillebotte_nasturtiums,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_nasturtiums-1,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_norman-landscape,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_nude-on-a-couch,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_orchard-and-avenue-of-trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_orchids,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_paris-a-rainy-day,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_paris-a-rainy-day-1877,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,gustave-caillebotte_park-in-the-snow,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_peaches-apples-and-grapes-on-a-vine-leaf,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_peaches-nectarines-and-apricots,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_pere-magloire-on-the-road-to-saint-clair-etretat-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_petit-gennevilliers-facade-southeast-of-the-artist-s-studio-overlooking-the-garden-spring,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_place-saint-augustin-misty-weather,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,gustave-caillebotte_plain-of-gennevilliers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_pont-d-argenteuil,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-a-man,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-a-man-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-a-man-writing-in-his-study,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-a-schoolboy,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_portrait-of-a-young-woman-in-an-interior,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-camille-daurelle,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-eugene-lamy,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,gustave-caillebotte_portrait-of-henri-cordier-teacher-at-the-school-of-oriental-languages-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,gustave-caillebotte_portrait-of-jean-daurelle,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-jean-daurelle-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-jules-dubois,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_portrait-of-jules-richemont,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_portrait-of-madame-martial-caillebotte-1877,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-madame-renoir,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_portrait-of-madame-x,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-mademoiselle-boissiere-knitting-1877,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_portrait-of-paul-hugot,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_portraits-in-the-countryside,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_promenade-at-argenteuil,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_regatta-at-argenteuil-1893,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_rib-of-beef,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Impressionism,gustave-caillebotte_richard-gallo-and-his-dog-at-petit-gennevilliers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_rising-road,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_roof-under-the-snow-paris,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_rose-bush-in-flower,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_rose-with-purple-iris-garden-at-petit-gennevilliers,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_roses-in-the-garden-at-petit-gennevilliers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_rower-in-a-top-hat-1878,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_rue-halevy-balcony-view,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_rue-halevy-seen-from-the-sixth-floor,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_sailboats-on-the-seine-at-argenteuil,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_sailing-boats-at-argenteuil,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_seascape-regatta-at-villers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_self-portrait,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_self-portrait-1,"[0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_self-portrait-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_self-portrait-with-an-easel,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_self-portrait-with-pith-helmet,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_skiffs-on-the-yerres,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_square-in-argenteuil,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_square-in-paris-snowy-weather,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_still-life,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_still-life-with-a-vase-of-lilacs,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_still-life-with-crayfish-1882,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_still-life-with-oysters,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_study-for-le-pont-de-l-europe,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_study-for-the-parquet-planers-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_sunflowers-in-the-garden-at-petit-gennevilliers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_sunflowers-on-the-banks-of-the-seine,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-argenteuil-bridge,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-artist-s-house-at-yerres,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-bather-or-the-diver-1877,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_the-bezique-game,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_the-boulevard-viewed-from-above-1880,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-briard-plain,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-bridge-at-argenteuil,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-canoe,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-canoes-1878,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-floor-scrapers-study,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_the-garden,"[0.0, 9.0, 34.0, 3.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,gustave-caillebotte_the-garden-at-petit-gennevilliers,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-garden-at-petit-gennevilliers-in-winter,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-garden-of-petit-gennevillers-the-pink-roofs,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-gardener,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-gardeners-1877,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-harbour-of-argentueil,"[2.0, 7.0, 30.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,gustave-caillebotte_the-house-painters-1877,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_the-kitchen-garden-yerres,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-nap,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-orange-trees-or-the-artist-s-brother-in-his-garden-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_the-painter-under-his-parasol,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-park-at-yerres,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-park-monceau,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-park-on-the-caillebotte-property-at-yerres,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-parquet-planers-1875,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-parquet-planers-1876,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,gustave-caillebotte_the-perpiniere-barracks,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-piano-lesson-1881,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-pink-villa-at-trouville,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-plain-at-gennevilliers-group-of-poplars,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_the-plain-of-gennevilliers-from-the-hills-of-argenteuil-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-pont-de-europe-study,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,gustave-caillebotte_the-pontoon-at-argenteuil-1887,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-promenade-at-argenteuil,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-wall-of-the-garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-wall-of-the-kitchen-garden-yerres,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_the-yellow-boat,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-yellow-fields-at-gennevilliers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-yerres-effect-of-ligh,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_the-yerres-rain,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_three-partridges-on-a-table,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Impressionism,gustave-caillebotte_traffic-island-on-boulevard-haussmann,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_two-hanging-pheasants,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_vase-of-gladiolas,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_view-of-roofs-snow-effect-or-roofs-under-snow-1878,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_view-of-the-sea-from-villerville,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_view-of-the-seine-in-the-direction-of-the-pont-de-bezons,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_villas-at-trouville,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_villas-at-villers-sur-mer,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_white-and-yellow-chrysanthemums-1893,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_willow-on-the-banks-of-the-seine,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_willows-by-the-yerres,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_woman-at-a-dressing-table,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_woman-seated-beneath-a-tree,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_woman-seated-on-the-lawn,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_woman-sitting-on-a-red-flowered-sofa,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_woods-at-la-grange,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_yellow-roses-in-a-vase,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-camille-daurelle-under-an-oak-tree,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-colonnade-of-the-casin,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-dark-bay-horse-in-the-stable,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_yerres-on-the-pond-water-lilies,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,gustave-caillebotte_yerres-path-through-the-old-growth-woods-in-the-park,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-path-through-the-woods-in-the-park,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-reddish-bay-horse-in-the-stable,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-soldiers-in-the-woods,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-the-aviary-in-the-ornamental-farm,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,gustave-caillebotte_yerres-the-lawn-in-the-park-seen-from-a-path,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,gustave-caillebotte_yerres-through-the-grove-the-ornamental-farm,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,gustave-caillebotte_young-man-playing-the-piano-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_17-mile-drive-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,guy-rose_a-carmel-pine-1918,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,guy-rose_a-grey-day-carmel,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_arroyo-seco,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_august-noon,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,guy-rose_blossoms-and-wallflowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_bluff-at-pourville-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_by-the-fireside-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_carmel-beach,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_carmel-coast-1919,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_carmel-dunes,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_carmel-dunes-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_carmel-hills-1920,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_carmel-seascape,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_carmel-shore-1919,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_carmel-shore-1919-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,guy-rose_coastline,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_country-landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_early-morning-summertime-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_fig-trees-antibes-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,guy-rose_five-o-clock-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_french-farm,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_gathering-storm-high-seas,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_girl-in-a-wickford-garden-new-england,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_giverny-hillside-1891,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_giverny-willows-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,guy-rose_grey-afternoon,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_in-the-oak-grove-1919,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_in-the-sierra,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_in-the-studio,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,guy-rose_incoming-tide-1917,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_indian-tobacco-trees-la-jolla-1916,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_jade-beads,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,guy-rose_july-afternoon,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_july-afternoon-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_la-jolla-arbor,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,guy-rose_la-jolla-beach,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_la-jolla-caves,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_la-jolla-cove,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_laguna,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_laguna-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_laguna-beach,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_laguna-coast-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_laguna-eucalyptus-1917,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,guy-rose_laguna-rocks-low-tide-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_laguna-shores-1916,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_late-afternoon-giverny-1910,"[0.0, 2.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_lifting-fog-carmel,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_lifting-fog-laguna,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_low-tide-honfleur,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_marguerite-1918,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_marion,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,guy-rose_miss-c,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_mission-point,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_mist-over-point-lobos-1918,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_misty-dunes-carmel,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_monterey-cypress,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_monterey-forest-1919,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,guy-rose_morning-mist,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,guy-rose_morning-mist-also-known-as-late-spring,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_my-sister-maud,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,guy-rose_notre-dame-de-grace-honfleur,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_notre-dame-de-grasse-at-honfleur,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_november-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_november-twilight-1908,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_oak-grove-carmel-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_october-morning,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_off-mission-point-aka-point-lobos,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_on-the-river-s-edge-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_out-to-sea,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_palms,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_path-along-the-shore,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_point-lobos,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_point-lobos-oak-tree-1918,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_point-lobos-trees-1919,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,guy-rose_poppy-field-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_portrait-of-an-algerian-1900,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_provincial-olive-grove,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_river-epte-giverny-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_river-epte-giverny-1910-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_rocks-point-reamer,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_san-gabriel-mission,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_san-gabriel-road,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_spring,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,guy-rose_spring-on-the-riviera,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_standing-nude,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,guy-rose_study-for-the-cathedral-tours,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_sunset-glow-aka-sunset-in-the-high-sierras,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_tamarisk-trees-in-early-sunlight,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,guy-rose_the-blue-house,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_the-blue-house-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,guy-rose_the-blue-kimono,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,guy-rose_the-blue-pool-near-mt-whitney,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-bridge-at-vernon,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_the-cabbage-patch-1891,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-cathedral,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_the-difficult-reply-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_the-distant-town-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,guy-rose_the-end-of-the-day-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_the-gondolier-venice-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,guy-rose_the-green-mirror-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_the-green-parasol-1911,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-large-rock-1910,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-lavalier,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-model,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-oak-1916,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_the-old-bridge-france-1910,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-old-church-at-cagnes,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-potato-gatherers-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,guy-rose_the-saine-valley-giverny,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,guy-rose_the-sea-view-of-cliffs,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-sycamores-pasadena-1918,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_the-valley-of-the-seine-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,guy-rose_twin-lakes-high-sierra,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,guy-rose_view-in-the-san-gabriel-mountains,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_view-of-wood-s-cove,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,guy-rose_vista-from-point-lobos-1919,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_warm-afternoon-1910,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_windswept-trees-laguna,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,guy-rose_winter,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,helene-schjerfbeck_at-home-mother-sewing-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,helene-schjerfbeck_girl-reading-1904,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,helene-schjerfbeck_maria-1906,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,helene-schjerfbeck_old-woman-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,helene-schjerfbeck_portrait-of-a-child-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,helene-schjerfbeck_portrait-of-a-girl,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,helene-schjerfbeck_portrait-of-a-girl-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,helene-schjerfbeck_school-girl-in-black-1908,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,helene-schjerfbeck_self-portrait-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,helene-schjerfbeck_the-neck-of-a-little-girl,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,helene-schjerfbeck_the-seamstress-the-working-woman-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,henri-catargi_cariatida-1935,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,henri-catargi_composition-with-lemons-and-poppy-1966,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-catargi_dobrudjan-landscape-balcic,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-catargi_landscape-from-arges-valley-1971,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-catargi_landscape-from-caseres-spain-1971,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-catargi_pansies-1974,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-catargi_still-life-in-front-of-window,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,henri-catargi_still-life-with-fruit-1965,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-catargi_still-life-with-guitar-and-fruit-1972,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-catargi_still-life-with-guitar-and-pipe-1959,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-catargi_still-life-with-pipe-and-fruit-basket-1967,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-catargi_summer-landscape-1966,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_artilleryman-saddling-his-horse-1879,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_assembly-of-hunters-1879,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_c-leyran-view-of-the-vignards-1880,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_count-alphonse-de-toulouse-lautrec-driving-a-four-horse-hitch-1881,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_crew-at-bosc-1881,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_cuirassier-1881,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_dog-car-1880,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_dun-a-gordon-setter-belonging-to-comte-alphonse-de-toulouse-lautrec-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_fishing-boat-1880,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_horse-and-rider-with-a-little-dog-1879,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_horse-fighting-his-groom-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_hunting-1880,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_jockeys-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_margot-1881,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_master-of-the-hunt,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_nice-on-the-promenade-des-anglais-1880,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_party-in-the-country-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_portrait-of-a-child-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_prick-and-woodman-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,henri-de-toulouse-lautrec_princeteau-in-his-studio-1881,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_princeteau-in-his-studio-1882,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_self-portrait-in-front-of-a-mirror-1883,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_souvenir-of-auteuil-1881,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_tethered-horse,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_the-box,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,henri-de-toulouse-lautrec_the-dog-sketch-of-touc,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,henri-de-toulouse-lautrec_the-falconer-comte-alphonse-de-toulouse-lautrec-1881,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_the-general-at-the-river-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_the-mold-gazelle-1881,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-de-toulouse-lautrec_two-knights-in-armor,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,henri-edmond-cross_cabasson-landscape-study-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-edmond-cross_in-the-luxembourg-gardens,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-edmond-cross_landscape-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,henri-edmond-cross_peasant-woman-stretched-out-on-the-grass,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-edmond-cross_shepherd-and-sheep,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,henri-edmond-cross_study-for-the-grape-pickers,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-edmond-cross_study-for-the-grape-pickers-1,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-edmond-cross_the-bay-of-cavalieri,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,henri-edmond-cross_women-tying-the-vine,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_a-field-with-figure-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_a-young-woman,"[1.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_child-in-red-jacket-1891,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,henri-martin_concorde-square,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-martin_farmer-1920,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_farmer-kneeling,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_fishing-boats-at-collioure,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,henri-martin_fountain-in-the-garden-at-luxembourg,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_gathering,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_gondolas-on-the-grand-canal-in-venice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_landscape-with-the-goat,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_lavandiere-on-the-pond-bank,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,henri-martin_marine-grey-weather,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_marseilles-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_meet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,henri-martin_mother-and-child-in-pergola-at-marquayrol,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_peasant-woman-in-the-fields,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_philosopher,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_poet,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,henri-martin_port-of-marseille,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_port-of-marseille-2,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_rest,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_sewing-at-marquayrol,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_sketch-of-a-young-girl-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_square-concorde,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,henri-martin_sunset-at-sea,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_the-bridge-on-the-river,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_the-old-bridge,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-martin_the-port-of-marseilles,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_the-port-of-marseilles-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_the-port-of-marseilles-transhipping,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_the-salute-in-venice,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,henri-martin_the-terrace-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_trees-by-the-river,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_valle-du-vert-with-shepherdess,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_valley-verde-in-crepuscule,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_view-of-labastide-du-vert-2,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_view-of-puy-l-eveque,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_view-of-puy-l-eveque-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_view-of-puy-l-eveque-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_view-of-salute-in-venice,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_view-of-the-labastide-du-vert-below-to-marquayrol,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-martin_view-of-venice,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-martin_windward,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,henri-martin_woman-by-the-artist,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_woman-in-a-blue-apron-and-straw-hat-picking-a-spray-of-flowers-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-martin_woman-sewing,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_woman-sitting-in-a-port,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-martin_woman-sitting-in-a-port-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-martin_woman-washing-clothes-in-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-martin_young-girl-in-the-fields,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,henri-martin_young-peasant-girl-and-her-dog,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,henri-martin_young-women-in-garden-in-marquayrol,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-matisse_belle-ile,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Impressionism,henri-matisse_blue-pitcher,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-matisse_blue-pot-and-lemon-1897,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-matisse_brittany-also-known-as-boat-1896,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-matisse_farms-in-brittany-belle-ile-1897,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-matisse_fruit-and-coffee-pot,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-matisse_green-needles-on-the-cross-javernaz-1901,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henri-matisse_interior-with-harmonium-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henri-matisse_landscape-of-corsica,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-matisse_not-identified-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,henri-matisse_olive-trees-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,henri-matisse_open-window-at-collioure-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henri-matisse_savoy-alps-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-matisse_the-port-of-palais-belle-ile-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-matisse_the-pot-saint-michel-in-paris-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,henri-matisse_vase-of-sunflowers-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henri-matisse_woman-reading-in-a-garden-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,henrique-pousao_aldeia-de-saint-sauves-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,henrique-pousao_caminho-capri-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,henrique-pousao_miragem-n-poles-1882,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,henrique-pousao_mulher-da-gua-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,henrique-pousao_rua-de-capri-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henrique-pousao_senhora-vestida-de-negro-1882,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,henrique-pousao_st-sauves-1881,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_a-hillside-village-in-provence-france-1914,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-ligurian-bay,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-ligurian-flower-girl,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-ligurian-gulf-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-ligurian-shepherdess,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,henry-herbert-la-thangue_a-ligurian-valley-italy-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-mountain-frontier-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_a-proven-al-castle,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-proven-al-fountain,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_a-proven-al-morning,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-proven-al-stream-1903,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-sussex-farm-1904,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_a-veronese-road,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_an-andalucian,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_an-old-italian-garden-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_ancient-proven-al-road-1920,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_at-the-well,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_crying-fish-in-spain,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_farm-near-horsey-norfolk-1885,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_gathering-oranges-1929,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_goats-at-a-fountain-1926,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_going-out-with-the-cows-1924,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_in-the-dauphin-1885,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_in-the-orchard-1893,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_ligurian-artrobus,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_ligurian-bridle-path-1920,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_mowing-bracken,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,henry-herbert-la-thangue_nightfall-the-gleaners-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_on-the-ramparts,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_packing-cherries-in-provence-france-1923,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_packing-stocks-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_roman-campagna,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_selling-chickens-in-liguria-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_some-poor-people,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,henry-herbert-la-thangue_the-appian-way-1920,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_the-aqueduct,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_the-festa,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_the-harvesters-supper-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_the-man-with-the-scythe-1896,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_the-mulberry-tree,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_the-plough-boy-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_the-return-of-the-reapers-1886,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_the-watersplash-1900,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,henry-herbert-la-thangue_trellised-vines,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,henry-herbert-la-thangue_violets-for-perfume-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,hoca-ali-riza_aml-ca-dan,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,hoca-ali-riza_figure-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_firtinada-deniz,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_k-zkulesi-maiden-s-tower,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_k-zkulesi-maiden-s-tower-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,hoca-ali-riza_k-zkulesi-maiden-s-tower-1904,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_karda-sk-dar,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,hoca-ali-riza_manzara-landscape-1898,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_peyzaj,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_peyzaj(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,hoca-ali-riza_peyzaj(2),"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_peyzaj(3),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_peyzaj-landscape,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_pistachio-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,hoca-ali-riza_sanat-detay,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_suluboya,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,hoca-ali-riza_unknown-title,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_unknown-title(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,hoca-ali-riza_unknown-title(10),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_unknown-title(2),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,hoca-ali-riza_unknown-title(3),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,hoca-ali-riza_unknown-title(4),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,hoca-ali-riza_unknown-title(5),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,hoca-ali-riza_unknown-title(6),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_unknown-title(7),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_unknown-title(8),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,hoca-ali-riza_unknown-title(9),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,hoca-ali-riza_untitled,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_untitled-still-life,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,hoca-ali-riza_yemi-ler,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,homer-watson_herding-sheep-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,homer-watson_moonlight-on-the-grand,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,homer-watson_moonlight-waning-winter-1924,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,homer-watson_mountain-river-1932,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,homer-watson_nut-gatherers-in-the-forest-1900,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,homer-watson_pink-bush-1906,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,homer-watson_rushing-stream-by-moonlight-1905,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,homer-watson_study-for-red-oak-1917,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,homer-watson_the-cliff-light-cape-breton,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,homer-watson_the-load-home,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_after-the-storm-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_alupka-park-cabrank,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_alupka-resort-park,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_artek-september-morning-in-artek-1929,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_bakhchisarai-khan-s-palace-1925,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_bakhchisaray,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_bakhchisaray-1925,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-mashkov_bank-of-the-neva-evening-1923,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_coast-of-the-crimea,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_courtyard-in-the-village-mikhailovskaya-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ilya-mashkov_crimea-livadia,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_crimea-park-in-alupka-1923,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_crimea-pioneer-camp-resort-1926,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_dulber-sanatorium-krasnye-zori,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_georgia-kazbek-day-georgian-military-road-mountain-and-village,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_georgia-kazbek-shat-mountain-and-village,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,ilya-mashkov_georgia-kazbek-view-of-the-gorge-darial,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-mashkov_georgia-kazbek-view-of-the-mountain-kabardzhino-and-village,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_georgia-tbilisi-the-kura-river,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_gurzuf-1925,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,ilya-mashkov_gurzuf-views-of-the-chekhov-s-house-and-the-beach-1925,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_gurzuf-women-s-beach-1925,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-mashkov_neva-islets-rest-house-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,ilya-mashkov_park-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,ilya-mashkov_portrait-of-a-girl-1904,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_september-morning-in-artek-1929,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-mashkov_september-morning-in-artek-soloviev-and-artekovtsy-1929,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,ilya-mashkov_simeiz-beach,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_square-in-the-village-mikhailovskaya-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ilya-mashkov_steppe-bur,"[3.0, 10.0, 18.0, 8.0, 1.0, 2.0, 3.0, 1.0, 2.0]"
+Impressionism,ilya-mashkov_sunbathing-in-the-crimea,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_tbilisi-maidan,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-mashkov_view-of-the-resort-red-dawns,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_view-of-the-valley-ararat,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-mashkov_village-mikhailovskaya-1933,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_zages-1927,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-mashkov_zages-and-a-statue-of-lenin-1927,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-repin_follow-me-satan,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,ilya-repin_follow-me-satan-temptation-of-jesus-christ-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,ilya-repin_horse-riding-portrait-1913,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-repin_on-palace-square-in-st-petersburg-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-repin_on-the-seashore-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,ilya-repin_on-the-shore-of-the-gulf-of-finland-1903,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ilya-repin_picnic,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,ilya-repin_prometheus,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,ilya-repin_sleeping-cossack-1914,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Impressionism,ilya-repin_the-yield-on-the-red-porch-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,ilya-repin_walk-with-lanterns-1879,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,ilya-repin_what-a-freedom-1903,"[2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,ioannis-altamouras_1874(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,ioannis-altamouras_altamouras-ioannis-thalassografia,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,ioannis-altamouras_no-name-seascape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ioannis-altamouras_seascape-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-andreescu_chrysanthemum,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,ion-andreescu_country-road,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ion-andreescu_flowering-field-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,ion-andreescu_haymaking,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-andreescu_head-of-a-young-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,ion-andreescu_in-the-park,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ion-andreescu_mountain-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Impressionism,ion-andreescu_pansies,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,ion-andreescu_peasant-hut,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Impressionism,ion-andreescu_peasant-woman-with-green-headscarf,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,ion-andreescu_peeled-orange,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,ion-andreescu_pink-roses,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-andreescu_portrait-of-a-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,ion-andreescu_portrait-of-a-peasant-girl,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,ion-andreescu_self-portrait-1882,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ion-andreescu_still-life,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-andreescu_street-from-barbizon-during-summer-time,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,ion-andreescu_the-red-scarf,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ion-andreescu_white-headscarf-girl-head,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,ion-theodorescu-sion_boats-1927,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ion-theodorescu-sion_case-la-amiaz-efect-de-soare,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_fata-n-ro-u-1927,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_flori-i-fructe,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_la-malul-m-rii,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ion-theodorescu-sion_marin,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,ion-theodorescu-sion_natur-moart-cu-ulcic-i-fructe-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,ion-theodorescu-sion_palermo,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_peasant-home-in-curtea-de-arge-1922,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,ion-theodorescu-sion_peisaj-de-toamn-1920,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_pudica,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_red-muslin-1931,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_scout-1917,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_sister-maria-ciureanu-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,ion-theodorescu-sion_still-life-with-grapes-and-apples-1934,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_still-life-with-vegetables-and-pottery,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ion-theodorescu-sion_the-artist-1927,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ion-theodorescu-sion_ulcic-cu-nalbe-1927,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,iosif-iser_baletist,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,iosif-iser_bretania-port-1930,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,iosif-iser_burghezi-la-promenad-maria-filotti-i-nicolae-soreanu-1912,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,iosif-iser_dobrujan-landscape,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,iosif-iser_field-party,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,iosif-iser_houses-in-bucharest,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,iosif-iser_houses-on-the-outskirts-of-bucharest-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,iosif-iser_l-utari,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,iosif-iser_landscape-from-toledo-1930,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,iosif-iser_odalisque-1926,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,iosif-iser_oriental-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,iosif-iser_paris-mouffetard-street,"[2.0, 4.0, 17.0, 8.0, 0.0, 0.0, 6.0, 6.0, 3.0]"
+Impressionism,iosif-iser_parisian-park,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,iosif-iser_parisian-promenade-1930,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,iosif-iser_plaza-in-montmartre,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,iosif-iser_silistra-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,iosif-iser_southern-france-beach,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,iosif-iser_spaniole,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,iosif-iser_spaniole-n-interior,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,iosif-iser_spanioloaica-1946,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,iosif-iser_t-t-roaice-1940,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,iosif-iser_tatar-woman-with-mandoline-1946,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,iosif-iser_the-fan,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,iosif-iser_the-mosque-from-turtucaia,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,iosif-iser_traditionalist-still-life-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,iosif-iser_turci-la-cafenea-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_after-bath-1918,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ipolit-strambu_cochet-rie,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_girl-sewing,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ipolit-strambu_in-the-family-1927,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,ipolit-strambu_in-the-garden-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ipolit-strambu_in-the-garden-1930-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_landscape-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,ipolit-strambu_maternity,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_nude-with-carpet-background-1921,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_peasant-woman-1909,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ipolit-strambu_portrait-of-a-peasant,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,ipolit-strambu_reading-in-the-garden-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_reverie-1919,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_reverie-1920,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_self-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,ipolit-strambu_summer-afternoon-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_the-flowery-headscarf-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,ipolit-strambu_the-red-headscarf-1926,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ipolit-strambu_the-red-scarf-1919,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ipolit-strambu_thinking-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,ipolit-strambu_vase-with-flowers-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,ipolit-strambu_vase-with-roses-and-chrysanthemums-1911,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ipolit-strambu_woman-with-umbrella,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,irma-stern_an-african-woman-1954,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,irma-stern_arab-priest-1945,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,irma-stern_black-lilies-1941,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Impressionism,irma-stern_maid-in-uniform-1955,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,irma-stern_portrait-of-irma-stern-s-mother,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 1.0]"
+Impressionism,irma-stern_still-life-with-african-pot-1936,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,isaac-levitan_a-garden,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,isaac-levitan_a-village,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,isaac-levitan_aspen-forest,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,isaac-levitan_at-the-lake-fishermen,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_autumn-forest-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,isaac-levitan_autumn-forest-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,isaac-levitan_corniche-southern-france-1894,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,isaac-levitan_entrance-to-the-village,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,isaac-levitan_field-after-harvest-1897,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_fields-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,isaac-levitan_garden-in-yalta-cypress-trees-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_gray-day-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_haystacking-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_haystacks-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,isaac-levitan_lake-autumn-1,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,isaac-levitan_lake-evening,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_lake-in-the-forest,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_landscape-with-a-convent,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,isaac-levitan_landscape-with-moon-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,isaac-levitan_path,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,isaac-levitan_portrait-of-sofia-petrovna-kuvshinnikov-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,isaac-levitan_saklia-in-alupka-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,isaac-levitan_spring-in-italy-1890,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,isaac-levitan_springtime-in-the-crimea-1900,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,isaac-levitan_stable,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,istvan-nagy_backyard-1911,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,istvan-nagy_bald-trees-with-houses-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,istvan-nagy_in-a-surgery-1916,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Impressionism,istvan-nagy_landscape-in-csik-transylvania,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,istvan-nagy_landscape-with-hayricks,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,istvan-nagy_little-boy-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,istvan-nagy_little-girl-with-yellow-babushka-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,istvan-nagy_mistletoe-bunch-1920,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,istvan-nagy_on-the-shore-of-harta-pond,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,istvan-nagy_schoolboy-1932,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Impressionism,istvan-nagy_self-portrait-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Impressionism,istvan-nagy_self-portrait-1920,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,istvan-nagy_still-life-with-flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,istvan-nagy_sz-kely-girl-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,istvan-nagy_sz-kely-room-1919,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,istvan-nagy_vernal-sunshine,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,istvan-nagy_waterfront,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,istvan-nagy_winter-landscape-1927,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,istvan-nagy_young-wife-keeping-apples-1934,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ivan-albright_alicia-s-azaleas-on-st-mary-s-river,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,ivan-albright_and-the-day-ran-into-the-night-memories-1937(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ivan-albright_jackson-hole-wyoming-1973,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,ivan-albright_maine-coast,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,ivan-albright_nags-head-cape-hatteras-1974,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,ivan-albright_near-eromsoe-norway,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,ivan-albright_near-prague-czechoslovakia-1976,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Impressionism,ivan-albright_tahiti-1969,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,ivan-albright_the-amazon-river-iquitos-peru-1971,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,ivan-albright_view-from-room-603-watergate-washington-d-c-1974,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,ivan-albright_view-from-the-hotel-window-of-roof-of-guild-hall-brussels-belgium-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,ivan-grohar_avtoportret-1894,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,ivan-grohar_cveto-a-jabljana-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,ivan-grohar_dekle-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,ivan-grohar_gerajte-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,ivan-grohar_jesensko-sonce-1908,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ivan-grohar_kamnitnik-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,ivan-grohar_kapelica-1907,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ivan-grohar_kofja-loka-v-snegu-1905,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,ivan-grohar_krompir-1910,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,ivan-grohar_macesen-1904,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ivan-grohar_mo-z-vozom,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,ivan-grohar_na-sedlu-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,ivan-grohar_pogled-z-mojega-okna-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,ivan-grohar_pomlad-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ivan-grohar_portrait-of-france-preseren,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,ivan-grohar_povodne-vile-1899,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ivan-grohar_rednik-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,ivan-grohar_snopi-1909,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,ivan-grohar_temarski-vrt-1907,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ivan-grohar_the-sower-1907,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,ivan-grohar_vrbe-ob-potoku-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,ivan-grohar_zimsko-jutro-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,ivan-vladimirov_rocks-of-the-gulf-of-finland,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,ivan-vladimirov_walk-in-the-park-1905,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,jacek-malczewski_courtyard-in-zoo,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,jacek-malczewski_idyll,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,jacek-malczewski_respite,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,jacek-malczewski_returning-from-the-fields,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,jacek-malczewski_self-portrait-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,jacek-malczewski_self-portrait-with-a-palette,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,jacek-malczewski_ukrainian-1891,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,james-ensor_chinese-porcelain-with-fans-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Impressionism,james-ensor_landscape-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,james-ensor_old-lady-with-blue-shawl-the-artist-s-grandmother-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,james-ensor_russian-music-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-ensor_seascape-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,james-ensor_self-portrait-with-flowered-hat-1883,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-ensor_the-bathing-hut-afternoon-july-29-1876-1876,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,james-mcneill-whistler_arrangement-in-blue-and-silver-the-great-sea,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_arrangement-in-grey-portrait-of-master-stephen-manuel,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_arrangement-in-pink-red-and-purple-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_bathing-posts,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_battersea-reach-from-lindsey-houses,"[1.0, 8.0, 19.0, 6.0, 1.0, 0.0, 2.0, 5.0, 6.0]"
+Impressionism,james-mcneill-whistler_beach-scene,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,james-mcneill-whistler_beach-scene-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,james-mcneill-whistler_blue-and-silver-boat-entering-pourville,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,james-mcneill-whistler_blue-and-silver-the-chopping-channel,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_blue-and-white-covered-urn,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,james-mcneill-whistler_chelsea-shops,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_convalescent-aka-petit-dejeuner-note-in-opal-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,james-mcneill-whistler_edward-guthrie-kennedy-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Impressionism,james-mcneill-whistler_flower-market,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_gold-and-brown-dordrecht,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,james-mcneill-whistler_gray-and-gold-the-golden-bay,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_green-and-silver-the-bright-sea-dieppe,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_grey-and-silver-mist-lifeboat,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,james-mcneill-whistler_grey-note-mouth-of-the-thames,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_harmony-in-blue-and-pearl-the-sands-dieppe,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_harmony-in-coral-and-blue-milly-finch,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_harper-pennington-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_lady-in-gray,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_milly-finch,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_nocturne-battersea-bridge,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,james-mcneill-whistler_nocturne-san-giorgio,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,james-mcneill-whistler_note-in-blue-and-opal,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_note-in-flesh-colour-the-guidecca,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_note-in-gold-and-silver-dordrecht,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_note-in-opal-the-sands-dieppe,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,james-mcneill-whistler_note-in-red-the-siesta-1875,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_nude-girl-with-a-bowl,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,james-mcneill-whistler_off-the-dutch-coast,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_palaces-brussels,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_pierrot,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,james-mcneill-whistler_pink-note-shelling-peas,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,james-mcneill-whistler_pink-note-the-novelette,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_portrait-of-charles-l-freer-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,james-mcneill-whistler_portrait-of-ellen-sturgis-hooper,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Impressionism,james-mcneill-whistler_portrait-of-george-w-vanderbilt-1903,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_portrait-of-miss-amy-brandon-thomas,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_red-and-black-the-fan-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,james-mcneill-whistler_red-and-pink-the-little-mephisto,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,james-mcneill-whistler_resting-in-bed,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,james-mcneill-whistler_rose-aka-the-napolitaine,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,james-mcneill-whistler_rose-and-brown-la-cigale,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,james-mcneill-whistler_rose-and-silver-portrait-of-mrs-whibley-1895,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_rose-et-argent-la-jolie-mutine,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_scene-on-the-mersey,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_seascape-dieppe,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,james-mcneill-whistler_sketch-for-the-balcony-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,james-mcneill-whistler_study-for-mouth-of-the-river-1877,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_study-for-the-portrait-of-f-r-leyland-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-arabian,"[0.0, 1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-balcony-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_the-blue-dress,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-blue-girl-1874,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-chelsea-girl,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-guidecca-winter-grey-and-blue,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-little-red-cap-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,james-mcneill-whistler_the-little-rose-of-lyme-regis,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-north-sea,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-princess-from-the-land-of-porcelain-1865,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,james-mcneill-whistler_the-rose-scarf,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,james-mcneill-whistler_the-shop-an-exterior,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_variations-in-violet-and-grey-market-place,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,james-mcneill-whistler_view-of-venice,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,james-mcneill-whistler_whistler-in-his-studio,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,james-tissot_a-declaration-of-love,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,james-tissot_a-fete-day-at-brighton-naval-flags-of-various-european-nations-seen-in-background,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-tissot_a-little-nimrod,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,james-tissot_a-woman-in-an-elegant-interior,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-tissot_autumn-on-the-thames,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_berthe,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,james-tissot_girl-with-a-fan,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_hush-the-concert,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_in-an-english-garden,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_in-the-conservatory,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_in-the-greenhouse,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,james-tissot_in-the-sunshine,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_mrs-newton-with-a-child-by-a-pool,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_mrs-newton-with-a-parasol,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-tissot_october,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_older-sister,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,james-tissot_older-sister-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_on-the-river,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-tissot_on-the-thames,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_portrait-of-a-lady-with-a-fan,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,james-tissot_portrait-of-an-actress-in-eighteenth-century-dress,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,james-tissot_premier-frontispiece,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,james-tissot_spring-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,james-tissot_the-secret-rendez-vous,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,jan-toorop_brussels-students,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,jan-toorop_edmond-picard-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,jan-toorop_preparing-the-meal-1883,"[0.0, 6.0, 20.0, 4.0, 0.0, 1.0, 2.0, 14.0, 4.0]"
+Impressionism,jan-toorop_self-portrait,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,jan-toorop_the-sea-at-katwijk-1887,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,jan-toorop_trio-fleuri-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,janos-tornyai_farm-with-shadoof-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,janos-tornyai_interior-1934,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,jean-alexandru-steriadi_amiaz-la-balcic-1925,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_bucure-tiul-vechi-dinspre-sf-spiridon,"[2.0, 4.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_cartierul-t-t-r-sc-la-amiaz-1925,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_case-din-via-ripetta-1921,"[1.0, 1.0, 3.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_cherhana-1929,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,jean-alexandru-steriadi_feti-e-la-pian,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_iarn-n-bucure-ti-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_interior-de-po-t-dobrogean-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,jean-alexandru-steriadi_mahoane-la-balcic,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_peisaj-de-iarn-1922,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_peisaj-din-la-ciotat-1933,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,jean-alexandru-steriadi_portul-roscoff-1928,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_steriadi-ru-inat-1935,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,jean-alexandru-steriadi_strad-la-balcic-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,jean-alexandru-steriadi_terasa-palatului-regal-din-balcic-1933,"[0.0, 2.0, 4.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,jean-alexandru-steriadi_vedere-din-balcic-1933,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,jean-alexandru-steriadi_vene-ia-spre-campanile-di-san-marco-1914,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,jean-metzinger_clairiere-1903,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_a-farmhouse-in-valencia,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Impressionism,joaquãn-sorolla_a-portrait-of-basil-mundy-1908,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_a-rooftop-with-flowers-1906,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_academical-painting-from-nature-1887,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,joaquãn-sorolla_adobe-houses,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_after-bathing-valencia-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_after-the-bath-1902,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_after-the-bath-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_after-the-bath-1916,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_after-the-bath-valencia-1916,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_afternoon-sun-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_afternoon-sun-playa-de-valencia-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_aim-of-ibiza,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_almond-trees-in-asis,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_an-arab-examining-a-pistol-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,joaquãn-sorolla_andalusia-the-round-up-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_another-margarita-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,joaquãn-sorolla_around-segovia,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_arrival-of-the-boats-1898,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_arrival-of-the-fishing-boats-on-the-beach-valencia-1898,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_artist-s-patio-cafe-novedades-seville-1915,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_asturian-girl,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_asturian-landscape-1903,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_aureliano-de-beruete-1902,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_bacchante-1886,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_bathing,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_bathing-at-la-granja-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_bathing-time-1904,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_beach-at-valencia-1908,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_beach-at-zarauz-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_beach-of-biarritz,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_beach-of-biarritz-france,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_beached-boats-1915,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_beaching-the-boat-study-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_before-the-bath-1909,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_beneath-the-canopy-1910,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_benito-perez-galdos-1894,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_blessing-the-boat-1895,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_blind-man-of-toledo-1906,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boat-builders-1894,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boat-in-albufera-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boats-in-the-port-valencia-1904,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_boats-on-the-beach-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boxing-raisins-javea-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_boy-in-sea-foam-1900,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_boy-on-the-rocks-javea,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boy-on-the-sand,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boy-with-a-ball-1887,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boys-in-the-sea,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_boys-on-the-beach-1908,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_bulls-in-the-sea-1903,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_cafe-in-paris-1885,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_calle-de-st-vicente-mallorca-1902,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_castle-of-la-mota-medina-del-campo,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_cave-at-san-antonio-javea-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_child-s-siesta,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_children-at-the-beach-1899,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_children-bathing-in-the-afternoon-sun-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_children-in-the-sea,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_children-in-the-sea-1909,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_children-on-the-beach-1910,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_children-on-the-beach-valencia-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_children-on-the-seashore-1903,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_chumberas-study,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_church-roncal-stairs,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_clothilde-at-the-beach-1904,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_clotidle-sitting-on-the-sofa-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_clotilde-and-elena-on-the-rocks-at-javea-1905,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_clotilde-in-a-black-dress-1906,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_clotilde-in-an-evening-dress-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_clotilde-with-hat,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_coast-at-santa-cristina-1914,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_courtyard-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_covachuelas-toledo-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_dragging-the-trawler-1904,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_elderly-castellano-pouring-wine-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_elena-at-her-desk-1898,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_elena-in-a-yellow-tunic-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_elena-in-cove-san-vicente-at-majorca-1919,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_elenita-at-the-beach-asturias-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_end-of-the-day-javea-1900,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_entrance-to-central-park,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_ex-voto-1892,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_excerpts,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_family-eratruriz-1905,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_farmhouse-in-alcira-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_farmhouse-in-valencia,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_female-nude-1916,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_field-in-asturias-1903,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_fisherman-in-valencia-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_fishermen-pull-in-the-nets-1896,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_fisherwoman-from-valencia-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,joaquãn-sorolla_fisherwomen-1911,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_fisherwomen-on-the-beach-valencia-1903,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_fishing-boats-1915,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_fishing-nets-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_fountain-at-the-alcazin-sevilla,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_fountain-of-neptune-la-granja-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_furnace-of-elche-palm,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_galicia-the-pilgrimage-1915,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_galician-party,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_game-of-skittles-1914,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_garden-of-italy,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_garden-of-lindaraja-1909,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_garden-of-spanish-farmhouse-1909,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_gardens-at-san-ildefonso-1907,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_gardens-of-alcazar-sevilla-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_gardens-of-la-granja-1907,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_generalife-granada-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_girl-with-flowers,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_granada,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_grape-harvest-1896,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_gray-day-on-valencia-beach-1901,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_guitplayers-valencia-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_hall-of-the-ambassadors-alhambra-granada-1909,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_head-of-an-italian-girl-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_herding-geese-in-the-asturias-1903,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_ibiza-house-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_idyll-javea-1900,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_in-hope-of-the-fishing-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_in-the-garden-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_in-the-racing-shell-1910,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_inquisitive-child-1916,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_isla-del-cap-marti-javea-1905,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_italian-girl-with-flowers-1886,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_italian-street,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_just-out-of-the-sea-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_la-salute-venice-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_landscape,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_landscape-in-san-sebastian,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_landscape-with-figure,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,joaquãn-sorolla_landscapes-of-san-pedro-san-sebastian,"[0.0, 2.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_lighthouse-walk-at-biarritz-1906,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_looking-for-crabs-among-the-rocks-javea-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_looking-for-shellfish-1905,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_looking-for-shellfish-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_louis-comfort-tiffany-1911,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_lunch-on-the-boat-1898,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_malvarossa-valencia,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_malvarrosa-valencia,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_maria-1900,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_maria-at-la-granja-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_maria-at-the-beach-biarritz-1906,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_maria-dressed-as-a-valencian-peasant-girl-1906,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_maria-on-the-beach-zarauz-1910,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_maria-painting-in-el-pardo-1907,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_maria-with-hat-1910,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_marian-in-the-gardens-la-granja-1907,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_mending-nets-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,joaquãn-sorolla_mending-the-sail-1896,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_mending-the-sail-1904,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_midday-at-valencia-beach-1904,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_monte-ullia-san-sebastian-1909,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_morning-sun-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_mother-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_mother-and-daughter-valencia-beach-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_mountains-at-jaca,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_my-family-1901,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_my-wife-and-daughters-in-the-garden-1910,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_naranjos-alcira,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_navarre-the-town-council-of-roncal-1914,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_near-jaca,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_net-menders-in-valencia-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_new-york,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_old-garden-of-the-alcazar-in-seville-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_old-valencian-fisherman-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,joaquãn-sorolla_on-san-sebastian-beach-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_on-the-beach,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_on-the-beach-at-valencia-1910,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_on-the-beach-at-valencia-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_on-the-beach-valencia-1905,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_on-the-coast-of-valencia-1898,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_on-the-rocks-at-javea-1905,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_on-the-sand-valencia-beach-1908,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_on-the-sands-at-zarauz-beach-1910,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_orange-seller-1891,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_orange-trees-on-the-road-to-seville-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_orchard-house-valencia-study-1908,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_outskirts-of-paris,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_outskirts-of-seville-1914,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_oxen-at-the-beach-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_oxen-in-the-sea-study-for-sun-of-afternoon-1903,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_painters-on-the-beach,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_peeling-potatoes-1891,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_peppers-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,joaquãn-sorolla_pine-trees-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_port-of-passages,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Impressionism,joaquãn-sorolla_port-valencia,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-a-caballero-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,joaquãn-sorolla_portrait-of-a-gentleman,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_portrait-of-a-girl,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_portrait-of-a-jack-russell-1909,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-a-woman,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_portrait-of-antonio-elegido-1893,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_portrait-of-clothilde-1891,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_portrait-of-countess-of-santiago-1894,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-d-amalio-gimeno-1919,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_portrait-of-don-aureliano-de-beruete-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-dona-elena-ortuzar-blasco-ibanez,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-king-alfonso,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-king-alfonso-xiii-in-the-uniform-of-the-hussars-1907,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-lawyer-don-silverio-de-la-torre-y-eguia-1893,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-mr-taft-president-of-the-united-states-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_portrait-of-photographer-christian-franzen-1901,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_preparing-raisins-1900,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_promenade-by-the-sea-1909,"[0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_puente-de-real-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_pulling-the-boat-1916,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_queen-victoria-eugenia-of-spain-1911,"[1.0, 17.0, 11.0, 6.0, 0.0, 1.0, 3.0, 4.0, 6.0]"
+Impressionism,joaquãn-sorolla_raimundo-de-madrazo-in-his-paris-garden-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_reflections-at-the-cape-javea-1905,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_reflections-in-a-fountain-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_reservoir-at-the-alcazin-seville-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,joaquãn-sorolla_resting-bacchante-1887,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_retirement-madrid,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_return-from-fishing-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_return-from-fishing-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_roads-of-alijales-toledo-1906,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_rocks-and-the-lighthouse-biarritz-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_rocks-and-white-boat-javea-1905,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_rocks-at-javea-the-white-boat-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_rocks-of-the-cape-javea-1905,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_ropemakers-1893,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,joaquãn-sorolla_rose-bush-at-the-sorolla-house-1918,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_ruins-of-bunol-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,joaquãn-sorolla_rump-of-valencia-1906,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_running-along-the-beach-1908,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_sad-inheritance-1899,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,joaquãn-sorolla_sad-inheritance-study-beach-rascals-1908,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_sailing-vessels-on-a-breezy-day-valencia,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_san-martin-bridge-at-toledo-1906,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_san-sebastian-landscape,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_san-vicente-cape,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_sea-and-rocks-in-san-esteban-asturias-1903,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_sea-at-ibiza-1904,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_sea-idyll-1908,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_seascape-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,joaquãn-sorolla_seashore-1906,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_seated-nude-1906,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_self-portrait-1909,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_setting-sun-in-biarritz-1906,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_seville-the-bullfighters-1915,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_seville-the-dance-1915,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_shipyard-valencia-beach,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_sick-maria-1907,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,joaquãn-sorolla_sierra-nevada-from-the-alhambra-grenada-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_sierra-nevada-granada-1917,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_sketch-for-sad-legacy,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_skipping-rope-at-la-granja-1907,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_snapshot-at-biarritz-1906,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_square-of-valencia,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_stemming-raisins-javea-1898,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_street-in-granada,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_strolling-along-the-seashore-1909,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_strolling-along-the-seashore-1909-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_study-for-the-comeback-of-the-fisheries-1894,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_study-of-vineyard,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_summer-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_surtidor-1899,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_swimmers-javea-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-alcazar-1908,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-alcazat-seville-1908,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-arrival-of-the-boats-1907,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-bath-javea-1905,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-beach-at-biarritz-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-beach-at-biarritz-sketch,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-beach-of-biarritz-1907,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-blessing-of-isaac,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-breackwater-san-sebastian,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-breakwater-at-san-sebastian-1917,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-breakwater-of-san-sebastian-1918,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-cave-at-san-javea-1895,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-cemetery-at-sierra-nevada-granada-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-christening-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-coast-near-san-sebastian-1918,"[0.0, 8.0, 21.0, 8.0, 0.0, 2.0, 2.0, 1.0, 2.0]"
+Impressionism,joaquãn-sorolla_the-count-of-artal-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-drinking-jug-1904,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-elche-palm-grove-1918,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-first-child-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-fish-catalonia-1915,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-happy-day-1892,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-los-adarves-gardens-the-alhambra-granada,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-market-1917,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-milkmaid,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-musketeer,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-nap-asturias-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-nereids-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-net-1893,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-old-bridge-of-avila-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-outskirts-of-segovia-1906,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-port-of-valencia-1882,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-press-1896,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-rainbow-1907,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-relic-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-river-la-reina-valsain-1907,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-shadow-of-alcantara-bridge-toledo-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-siesta-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-small-cove-javea-1898,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-smugglers-1919,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-suckling-child-1894,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-three-errazuriz-sisters-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-tunny-catch-1919,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-two-sisters-1909,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-waterwheel-javea-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_the-waves,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-waves-at-san-sebastian-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-white-boat-javea-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-yellow-tree-la-granja-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_the-young-yachtsman-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_they-still-say-that-fish-is-expensive-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,joaquãn-sorolla_three-boats-by-a-shore-1899,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_three-sails-1903,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_three-studies-of-head-1887,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_to-the-water-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_to-the-water-valencia-1908,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_tower-of-seven-pont-alhambra-granada-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_traditional-dress-from-the-anso-valley-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,joaquãn-sorolla_trafficking-in-human-beings-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,joaquãn-sorolla_triana-bridge-seville-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,joaquãn-sorolla_two-men-on-a-deck,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_types-of-la-mancha-1912,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_types-of-the-roncal,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_under-the-sawning-at-zarauz-beach-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_under-the-tamarinds-san-sebastian,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_valencia-1910,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencia-beach-fisherwomen-1919,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencia-beach-in-the-morning-light-1908,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencia-couples-on-horseback-1916,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencia-landscape-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_valencia-street-with-awnings,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_valencia-two-little-girls-on-a-beach-1904,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencian-boats-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencian-dance-in-an-orange-grove-1898,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencian-fiesin-an-orange-grove-1898,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencian-fisherman-1897,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_valencian-fishwives-1903,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_valencian-scene-1893,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_victor-hugo-s-house-in-passages,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_view-of-plascencia-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_view-of-segovia-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_view-of-toledo-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_virgin-mary-1887,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,joaquãn-sorolla_waiting-1888,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_washerwomen-sketch,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_washing-the-horse-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,joaquãn-sorolla_watching-the-fish-1907,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_white-roses-from-the-house-garden-1919,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,joaquãn-sorolla_windmills-on-the-tagus-toledo-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,joaquãn-sorolla_women-on-the-beach-in-san-sebastian,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,joaquãn-sorolla_wounded-foot-1909,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_blue-belle-1877,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_boar-lane-leeds-1881,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_boars-lane-leeds-by-lamplight,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_canny-glasgow-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,john-atkinson-grimshaw_day-dreams,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_glasgow-docks,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_gourock-near-the-clyde-shipping-docks,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_greenock,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_greenock-dock,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_hampstead,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_humber-docks-hull-1884,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_humber-dockside-hull,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,john-atkinson-grimshaw_il-penseroso,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_in-the-pleasaunce-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_liverpool-from-wapping-1875,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_liverpool-quay-by-moonlight-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_old-chelsea,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_old-chelsea-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_reekie-glasgow,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_reflections-on-the-thames-westminster-1880,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_salthouse-dock-liverpool,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_saturday-night-on-the-clyde-at-glasgow,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_shipping-on-the-clyde,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_spring,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_summer,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_the-cradle-song,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-atkinson-grimshaw_the-rector-s-garden-queen-of-the-lilies-1877,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_a-garden-path-1899,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_a-summer-day-1882,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_abandoned-mill,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_abandoned-mill-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_aboard-a-steamer-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_afternoon-shadows-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_an-early-winter,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_arques-battle,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_artist-s-home-in-autumn-greenwich-connecticut,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_artist-s-home-seen-from-the-back,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_artist-s-house-greenwich-connecticut,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_autumn-mists,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_azaleas-1899,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_back-of-coney-island,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_balcony-in-winter-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-henry-twachtman_bark-and-schooner-also-known-as-an-italian-barque,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_barnyard-1900,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-henry-twachtman_beach-at-squam,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_bloody-run,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Impressionism,john-henry-twachtman_boat-at-bulkhead,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Impressionism,john-henry-twachtman_boat-landing,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_boats-at-anchor,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_branchville,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_branchville-fields,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_bridge-in-winter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,john-henry-twachtman_bridgeport,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_brook-in-winter,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_campo-santa-marta,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,john-henry-twachtman_canal-venice,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_cascades-waterfall,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_cincinnati-landscape,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_coastal-view,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,john-henry-twachtman_coney-island-from-brighton-pier,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_connecticut-landscape-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_connecticut-landscape-1895,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_connecticut-shore-winter,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_cos-cob-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_country-house-in-winter,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_country-path,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_court-of-honor-world-s-columbian-exposiition,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_dark-trees-cincinnati,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_dock-at-newport,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_dredging-in-the-east-river,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_enchanted-pool,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_end-of-the-pier-new-york-harbor,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_etang-also-known-as-the-pond,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,john-henry-twachtman_evening,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_falls-in-january,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,john-henry-twachtman_farm-scene-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_figure-in-a-landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,john-henry-twachtman_fish-sheds-and-schooner-gloucester,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,john-henry-twachtman_fish-sheds-gloucester-massachusetts-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_fishing-boats-at-gloucester,"[1.0, 4.0, 26.0, 11.0, 0.0, 0.0, 1.0, 2.0, 3.0]"
+Impressionism,john-henry-twachtman_flower-garden,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_flower-still-life,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_flowers,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_flowers-1891-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_fountain-world-s-fair,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_french-river-scene,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_from-the-upper-terrace-1897,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-henry-twachtman_frozen-brook,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_gloucester,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_gloucester-boats,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_gloucester-fishermen-s-houses,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_gloucester-harbor,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_gloucester-harbor-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_gloucester-harbor-2,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_gloucester-schooner,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_gray-day,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_greenwich-garden-1899,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_harbor-scene,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_harbor-scene-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,john-henry-twachtman_harbor-view,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,john-henry-twachtman_harbor-view-hotel,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_hayrick-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-henry-twachtman_haystacksat-edge-of-woods,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_hollyhocks,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_hollyhocks-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_horseneck-falls,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_house-in-snow,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_icebound,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_in-the-garden,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_in-the-greenhouse,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_in-the-sunlight,"[1.0, 8.0, 22.0, 1.0, 0.0, 3.0, 2.0, 1.0, 7.0]"
+Impressionism,john-henry-twachtman_landscape-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,john-henry-twachtman_landscape-4,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_landscape-5,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_landscape-6,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_landscape-with-houses-and-stream,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_last-touch-of-sun,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_little-giant,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_may-morn,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_meadow-flowers-golden-rod-and-wild-aster,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_miami-canal-cincinnati,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_middlebrook-farm,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_moonlight-flanders,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_mother-and-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_mother-and-child-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_mouth-of-the-seine,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-henry-twachtman_my-house,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_my-summer-studio,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_near-paris,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_new-york-harbor,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_new-york-harbor-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-henry-twachtman_newport-harbor,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_niagara-1894,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_niagara-falls,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_niagara-falls-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_niagara-falls-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_niagara-falls-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_niagara-gorge,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_november-haze-aka-upland-pastures-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_october,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_old-holley-house-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_on-the-terrace,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_oyster-boats-north-river,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_paradise-rocks-newport,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_pasture-with-barns-cos-cob,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_path-in-the-hills-branchville-connecticut,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_reflections-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_road-over-the-hill,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_road-scene-1899,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,john-henry-twachtman_road-scene-cincinnati,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_round-hill-road-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_sailing-boats-dieppe-harbor-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_sailing-in-the-mist,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_sailing-in-the-mist-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_san-trovaso-square-venice,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_scene-along-a-dutch-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_sea-scene-1893,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_ship-and-dock-venice,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_snow-scene,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,john-henry-twachtman_snow-scene-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_snow-scene-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Impressionism,john-henry-twachtman_snow-scene-at-utica,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_snowbound-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_spring-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_spring-landscape-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-henry-twachtman_spring-landscape-also-known-as-spring-in-marin-county,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_spring-morning,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_spring-stream,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_springtime,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_study-of-a-head,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,john-henry-twachtman_summer-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_summer-afternoon,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_summer-landscape-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,john-henry-twachtman_summer-late,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-artist-s-house-through-the-trees-also-known-as-autumn-afternoon,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-boat-yard,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_the-brook-greenwich-connecticut,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_the-brook-greenwich-connecticut-aka-horseneck-falls-greenwich-connecticut-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-cabbage-patch-1893,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_the-cascade,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_the-cascade-in-spring,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_the-chicago-world-s-fair-illinois-building,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_the-christmas-tree,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_the-grand-canal-venice,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-hidden-pool,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_the-inlet,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-henry-twachtman_the-landing-newport,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_the-ledges,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_the-little-bridge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_the-old-mill-at-cos-cobb,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_the-portico,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_the-rainbow-s-source-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_the-rapids-yellowstone,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_the-shore,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_the-summer-house,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_the-torrent,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-waterfall,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-white-bridge,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-white-bridge-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-white-bridge-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_the-white-bridge-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_the-winding-brook-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_tiger-lilies,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_tree-by-a-road,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_trees-across-the-river,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_trees-in-a-nursery,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_tulip-tree-greenwich,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_twachtman-s-house,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_under-the-wharves,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-henry-twachtman_upland-pastures,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_venetian-sailing-vessel,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_venice,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_venice-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-henry-twachtman_view-along-a-river,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_view-from-the-holley-house,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_view-from-the-holley-house-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_view-from-the-holley-house-winter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_view-of-venice-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_waterfall,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_waterfall-1899,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_waterfall-greenwich,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_waterfall-in-yellowstone,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_waterfall-in-yellowstone-1,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_waterfall-yellowstone,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_waterfront-scene-gloucester,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_waterside-scene,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_wild-cherry-tree,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_wildflowers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_wildflowers-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_windmill-in-the-dutch-countryside,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_windmills,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-henry-twachtman_windmills-dordrecht,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-henry-twachtman_winter,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_winter-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_winter-2,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_winter-harmony,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_winter-in-cincinnati,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,john-henry-twachtman_winter-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_winter-landscape-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_winter-landscape-1900,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_winter-landscape-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_winter-landscape-cincinnati,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-henry-twachtman_winter-landscape-with-barn,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-henry-twachtman_winter-scene,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,john-henry-twachtman_winter-scene-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,john-henry-twachtman_winter-silence-1900,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_woodland-stream,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_woodland-stream-in-a-winter-landscape,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_yellowstone-park,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-henry-twachtman_yellowstone-park-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_a-da-a-moorish-maid,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_bathing-in-the-lido-venice-1912,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-lavery_boating-on-the-thames-1890,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_evelyn-farquhar-1906,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_japanese-switzerland-1913,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_king-george-v-accompanied-by-queen-mary-at-the-opening-of-the-modern-foreign-and-sargent-1926,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-lavery_le-mort-du-cygne-anna-pavlova-1911,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-lavery_mrs-guthrie-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,john-lavery_mrs-lavery-sketching-1910,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_sutton-courtenay-summer-on-the-river-or-the-wharf-1917,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_the-chess-players-1929,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-lavery_the-fairy-fountain-glasgow-international-exhibition-1888,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-lavery_the-glasgow-exhibition-1888,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_the-golf-course-north-berwick-1922,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_the-jockeys-dressing-room-at-ascot-1923,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-lavery_the-opening-of-the-modern-foreign-and-sargent-galleries-at-the-tate-gallery-26-june-1926-1926,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-lavery_the-red-rose-1923,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,john-lavery_the-tennis-party-1885,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-marin_brooklyn-bridge-1912,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-marin_new-york-fantasy-1912,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-marin_the-sea-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-miller_castle-wraith,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-miller_corfu,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-miller_santa-maria-della-salute,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-miller_venice,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-miller_venice-light,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_a-backwater-calcot-mill-near-reading-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_a-boating-party,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_a-garden-in-corfu-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_a-gust-of-wind,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_a-hotel-room,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_a-landscape-study-at-san-vigilio-lake-of-garda,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Impressionism,john-singer-sargent_a-man-seated-by-a-stream,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_a-marble-fountain-at-aranjuez-spain-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-singer-sargent_a-mosque-cairo-1891-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_a-parisian-beggar-girl-1880,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_a-siesta-1907,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_a-spanish-barracks-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_a-spanish-interior,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_a-street-in-algiers-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_a-tyrolese-crucifix-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_a-waterfall-1910,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_above-lake-garda-at-san-vigilio-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_albanian-olive-pickers-1909,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_all-ave-maria,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_arab-stable-1906,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_arab-street-scene,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_artist-in-the-simplon,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_at-torre-galli-ladies-in-a-garden-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_atlantic-storm-1876,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_autumn-on-the-river-1889,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_base-of-a-palace,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_base-of-a-palace-1904,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_bedouin-camp-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_bedouin-encampment-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_bedouin-mother-1905,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_bedouin-women-carrying-water-jars-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,john-singer-sargent_bedouins,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-singer-sargent_behind-the-salute-1907,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_bivouac-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_black-tent-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,john-singer-sargent_blue-gentians-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_boat-in-the-waters-off-capri,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_boats-venice-1903,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_boboli-1907,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_boboli-gardens,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_bologna-fountain,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_boy-on-a-rock,"[12.0, 2.0, 22.0, 8.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,john-singer-sargent_breakfast-in-the-loggia-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_brenva-glacier,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_bringing-down-marble-from-the-quarries-in-carrara-1911,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_brook-among-rocks,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_by-the-river-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_by-the-river-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_caf-on-the-riva-degli-schiavoni,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_camping-at-lake-o-hara-1916,"[1.0, 3.0, 34.0, 3.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,john-singer-sargent_campo-dei-gesuiti,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_campo-san-agnese-venise,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_capri-girl-1878,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_captain-herbert-m-sears-on-deck-of-the-schooner-yacht-constellation-1924,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_carnation-lily-lily-rose-from-the-world-s-greatest-paintings-published-by-oldham-s-press-in-1886,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_carrara-workmen-1911,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_cashmere-shawl-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_charles-deering-1917,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_charles-stuart-forbes-1883,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_claude-monet-painting-by-the-edge-of-a-wood-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_coming-down-from-mont-blanc,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_corfu-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_corfu-lights-and-shadows-1909,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_corfu-the-terrace-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_corner-of-a-garden,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-singer-sargent_cottage-at-fairford-gloucestershire-1892,"[0.0, 4.0, 18.0, 2.0, 1.0, 8.0, 1.0, 4.0, 5.0]"
+Impressionism,john-singer-sargent_crashed-aeroplane-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_cypress-trees-at-san-vigilio-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_dennis-miller-bunker-painting-at-calcot-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_dolce-far-niente,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_doorway-of-a-venetian-palace,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_dorothy-barnard-1885,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_dugout-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,john-singer-sargent_egyptian-water-jars-1885,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_egyptians-raising-water-from-the-nile-1891,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_eleanora-duse,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_ellen-terry-as-lady-macbeth-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_elsie-palmer,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_ena-wertheimer-with-antonio-mancini-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_escutcheon-of-charles-v-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_fa-ade-of-a-palazzo-girgente-sicily,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_falconieri-gardens-frascati-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_feet-of-an-arab-tiberias,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_festa-della-regatta,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_figure-and-pool-1917,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_fishing-for-oysters-at-cancale-1878,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_florence-fountain-boboli-gardens,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_florence-torre-galli-1910,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_flotsam-and-jetsam-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_fortress-roads-and-rocks,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_fountain-at-bologna,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_francisco-bernareggi,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_francois-flameng-and-paul-helleu,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_genoa-the-university-1911,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_girgenti,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_girl-fishing-1913,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_girl-with-a-sickle-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_girls-gathering-blossoms-valdemosa-majorca-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_giudecca,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_gondoliers-s-siesta-1905,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_granada-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,john-singer-sargent_granada-sunspots-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_granada-the-weavers-1912,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_grand-canal-venice-1907,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_graveyard-in-the-tyrol-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,john-singer-sargent_graveyard-in-the-tyrol-1915,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_group-with-parasols,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_gypsy-encampment,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-singer-sargent_henrietta-reubell,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_hills-of-galilee,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_home-fields,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_horses-at-palma-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_house-and-garden,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_i-gesuati,"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_ilex-wood-at-majorca-with-blue-pigs-1908,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_in-a-hayloft,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_in-a-levantine-port,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_in-a-medici-villa,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_in-switzerland-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,john-singer-sargent_in-the-alps-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_in-the-garden-corfu-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_in-the-generalife-granada-1912,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_in-the-orchard,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_in-the-simplon-pass,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_in-the-tyrol-1904,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_interior-of-the-doge-s-palace-1898,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_jane-de-glehn-in-a-gondola-1904,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_jerusalem,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_karer-see-1914,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_la-biancheria-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_lake-in-the-tyrol,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-singer-sargent_landscape-1909,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_landscape-near-florence-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_landscape-olive-trees-corfu-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_landscape-with-rose-trellis-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_landscape-with-trees-calcot-on-the-thames,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_leaving-church-campo-san-canciano-venice,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_lizzatori-1911,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_madame-gautreau-1883,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_madame-roger-jourdain,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_magnolias,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_man-seated-by-a-stream-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_marionettes-1903,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_mediterranean-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_melon-boats,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_mending-a-sail-1905,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_millet-s-garden-1886,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_miss-wedewood-and-miss-sargent-sketching-1908,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_moraine,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_morning-walk-1888,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_mountain-fire,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_mountain-stream,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_nice,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_olive-trees-corfu-1909,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_on-the-canal-1903,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_on-the-grand-canal,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_on-the-verandah-ironbound-island-maine,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_oxen-in-repose,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_oxen-on-the-beach-at-baia,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_oxen-resting,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_palace-and-gardens-spain-1912,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_palazzo-corner-della-ca-grande-1907,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_palazzo-grimani-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_palazzo-labbia-venice,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_palazzo-labia-venice-1913,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_palestine,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,john-singer-sargent_palmettos-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_palmettos-florida-1917,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_palms-1917,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_pater-harrison,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_paul-helleu,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_pavement-of-st-mark-s-1898,"[0.0, 6.0, 1.0, 0.0, 0.0, 1.0, 26.0, 12.0, 2.0]"
+Impressionism,john-singer-sargent_perseus-florence,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_peter-harrison-asleep,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,john-singer-sargent_pine-forest,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_ponte-della-canonica,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_ponte-san-giuseppe-di-castello-venice,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_pool-in-the-garden-of-la-granja-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_portrait-of-ambrogio-raffele-1911,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_portrait-of-miss-clementine-anstruther-thomson,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_princess-nouronihar-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-singer-sargent_purtud-alpine-scene-and-boulders,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_purtud-bed-of-a-glacier-torrent-1904,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_purtud-fir-trees-and-snow-mountains-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_rainy-day-on-the-deck-of-the-yacht-constellation-1924,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_ramon-subercaseaux,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_reclining-figure,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_reconnoitering,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_reflections-rocks-and-water,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_rehearsal-of-the-pas-de-loup-orchestra-at-the-cirque-d-hiver-1878,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-singer-sargent_rio-de-santa-maria-formosa-1905,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_rio-dei-mendicanti-venice,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_rio-dell-angelo-1902,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_roman-architecture,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_roses,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,john-singer-sargent_rosina-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_rosina-capri-1878,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_saddle-horse-palestine-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_san-vigilio-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,john-singer-sargent_san-vigilio-a-boat-with-golden-sail-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_san-vigilio-lake-garda-1913,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_sand-beach-schooner-head-maine-1921,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_santa-maria-del-carmelo-and-scuola-grande-dei-carmini-1910,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,john-singer-sargent_santa-maria-della-salute,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_santa-maria-della-salute-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_santa-maria-della-salute-1904,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_santa-maria-della-salute-1906,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_santa-maria-della-salute-1913,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_schooner-catherine-somesville-maine,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_scuola-di-san-rocco,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_shady-paths-vizcaya-1917,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_shipping-majorca-1908,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_side-canal-in-venice-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_siesta-1905,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_simplon-pass-chalets-1911,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_simplon-pass-reading-1911,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_simplon-pass-the-green-parasol-1911,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_simplon-pass-the-lesson-1911,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_sketching-on-the-giudecca,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_spanish-fountain-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_spirito-santo-saattera,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_st-martin-s-summer-1888,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_stable-at-cuenca-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_staircase-in-capri-1878,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_statue-of-daphne-1910,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_statue-of-perseus-by-night,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_steps-of-a-palace-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_still-life-with-daffodils-1890,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_street-in-arras-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,john-singer-sargent_street-in-venice-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_stringing-onions,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_study-of-polly-barnard-for-carnation-lily-lily-rose,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_tarragona-1908,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_teresa-gosse-1885,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-alps-val-d-aosta-purtud-1891,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-artist-sketching-1922,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-bathers-1917,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-birthday-party-1887,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_the-bridge-of-sighs,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-brook-1907,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-cashmere-shawl-1910,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-chess-game,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-dead-sea-1905,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-entrance-to-the-grand-canal-venice,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_the-fence-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_the-fountain-villa-torlonia-frascati-italy-1907,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-garden-wall-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_the-great-fountain-of-bologna,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-green-dress-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-singer-sargent_the-hermit-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-lake-of-tiberias,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-libreria-1904,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_the-libreria-1904-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-little-fruit-seller-1879,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-model-1876,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-singer-sargent_the-old-chair,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_the-olive-grove,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-piazzetta-and-the-doge-s-palace,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-pink-dress-1912,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-plains-from-nazareth-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_the-rialto-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-rialto-venice,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-rialto-venice-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-simplon,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-simplon-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_the-simplon-large-rocks,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_the-sketchers-1914,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-sphinx,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_the-steps-of-the-church-of-s-s-domenico-e-siste-in-rome-1906,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,john-singer-sargent_the-tyrol-1914,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_the-white-house,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_thou-shalt-not-steal-1918,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_tiepolo-ceiling-milan,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_trout-stream-in-the-tyrol-1914,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_turkish-woman-by-a-stream-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_two-girls-lying-on-the-grass-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_two-girls-with-parasols-at-fladbury-1889,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_two-wine-glasses-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_two-women-asleep-in-a-punt-under-the-willows-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_tyrolese-crucifix,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_under-the-rialto-bridge,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_under-the-willows-1887,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_unloading-boats-in-venice-1904,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_val-d-aosta-man-fishing,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_val-d-aosta-purtud-1909,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_venetian-canal,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_venetian-canal-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_venetian-canal-palazzo-corner,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_venetian-doorway,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_venetian-interior-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_venice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_venice-in-grey-weather,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,john-singer-sargent_venice-sailing-boat,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,john-singer-sargent_venice-the-prison,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_view-from-a-window-genoa,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_villa-de-marlia-a-fountain-1910,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_villa-di-marlia-lucca-1910,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_villa-papa-giulla,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_villa-torlonia-fountain-1907-1,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_villa-torlonia-fountain-1907-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_villa-torlonia-frascati-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_villa-torre-galli-the-loggia-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_village-children-1890,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_violet-fishing-1889,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_violet-resting-on-the-grass-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_violet-sargent-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_violet-sargent-1887,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_violet-sargent-and-flora-priestley-1889,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,john-singer-sargent_violet-sleeping,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,john-singer-sargent_washerwomen,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,john-singer-sargent_white-ox-at-siena,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_white-ships-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_woman-reading-in-a-cashmere-shawl-1909,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,john-singer-sargent_woman-reclining,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,john-singer-sargent_woman-with-collie,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,john-singer-sargent_zuleika,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,jose-malhoa_autumn-1918,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,jose-malhoa_praia-das-ma-s-1918,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,jose-malhoa_untitled,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_a-follower-of-grolier,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,julian-alden-weir_after-the-ride-aka-visiting-neighbors,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_at-the-piano,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,julian-alden-weir_at-the-water-trough-1877,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_autumn-days,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_autumn-rain-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,julian-alden-weir_cora,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_drypoint-portrait-of-american-painter-theodore-robinson,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,julian-alden-weir_face-reflected-in-a-mirror-1896,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,julian-alden-weir_fireside-dreams-1887,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_flowers-in-a-delft-jug,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,julian-alden-weir_girl-in-black,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,julian-alden-weir_girl-knitting,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_girl-standing-by-a-gate-1896,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_green-hills-and-farmland,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_ideal-head,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,julian-alden-weir_idle-hours-1888,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_in-the-livingroom,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,julian-alden-weir_landscape-with-seated-figure,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_landscape-with-steeple-wyndham,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_little-lizie-lynch,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,julian-alden-weir_loading-ice,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_midday-1891,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,julian-alden-weir_midsummer-landscape-1914,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_mother-and-child,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,julian-alden-weir_mother-and-child-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_nassau-bahamas-1913,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_noonday-rest-in-new-england-1897,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,julian-alden-weir_on-the-shore,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,julian-alden-weir_overhanging-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_portrait-of-cara-1887,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,julian-alden-weir_ravine-near-branchville-1915,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_roses-in-a-silver-bowl-on-a-mahogany-table,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_silver-chalice-japanese-bronze-and-red-tapir-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_silver-chalice-with-roses-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,julian-alden-weir_still-life-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,julian-alden-weir_still-life-with-flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_summer-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_summer-afternoon-shinnecock-landscape-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,julian-alden-weir_the-birches-1903,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_the-black-hat,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,julian-alden-weir_the-blue-gown,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_the-building-of-the-dam-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,julian-alden-weir_the-factory-village-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_the-farmer-s-lawn,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,julian-alden-weir_the-flower-seller,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,julian-alden-weir_the-grey-trellis-1891,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_the-ice-cutters-1895,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_the-inlet,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_the-lace-maker-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,julian-alden-weir_the-laundry-branchville,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_the-letter,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_the-road-to-no-where-1889,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,julian-alden-weir_the-statue-of-liberty,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,julian-alden-weir_the-veranda-1900,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,julian-alden-weir_the-wharves-nassau-1913,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_union-square,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,julian-alden-weir_vase-and-roses-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,julian-alden-weir_willimantic-thread-factory-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,julian-alden-weir_windham-village,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,julius-leblanc-stewart_in-the-park-1882(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,julius-leblanc-stewart_picnic-under-the-trees(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_abraham-s-sacrifice-1901,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_beech-forest-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,karoly-ferenczy_birdsong-1893,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_boys-throwing-pebbles-into-the-river-1890,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,karoly-ferenczy_deposition-from-the-cross-1903,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_evening-in-march-1902,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_feeding-the-chickens-1895,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_gardeners-1891,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,karoly-ferenczy_gipsies-1901,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_gloomy-landscape-with-bather-1913,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_horses-1899,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,karoly-ferenczy_izvora-in-autumn-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_joseph-sold-into-slavery-by-his-brothers-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_man-sitting-on-a-log-1895,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_morning-sunshine-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_october-1903,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_orpheus-1894,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_painter-and-model-1904,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,karoly-ferenczy_pineapple-1911,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_portrait-of-mrs-s-ndor-ernst-1916,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_portrait-of-p-l-szinyei-merse-1910,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_riding-children-1905,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_sermon-on-the-mountain-1896,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,karoly-ferenczy_sleeping-woman-1912,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_summertime-picnic-in-may-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,karoly-ferenczy_the-three-magi-1898,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,karoly-ferenczy_the-woman-painter-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,karoly-ferenczy_winter-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,kazimir-malevich_apple-tree-in-blossom,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_apple-trees-in-blossom,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_birkenhain-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,kazimir-malevich_boulevard,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,kazimir-malevich_fields,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,kazimir-malevich_head-of-the-boy-in-a-hat,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Impressionism,kazimir-malevich_landscape-near-kiev-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,kazimir-malevich_landscape-with-white-houses,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,kazimir-malevich_laundress-1,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_on-the-boulevard-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,kazimir-malevich_portrait-of-a-man-1933,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,kazimir-malevich_river-in-forest-1908,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,kazimir-malevich_sisters-1910,"[2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_spring-1929,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_spring-garden-in-blossom-1904,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_spring-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_spring-landscape-with-a-cottage,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,kazimir-malevich_summer-landscape,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,kazimir-malevich_three-women-on-the-road,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_triple-portrait-1933,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,kazimir-malevich_two-women-in-a-garden,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_underwear-on-the-fence-1903,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kazimir-malevich_unemployed-girl,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,kimon-loghi_biarritz,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,kimon-loghi_biarritz-beach,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_biarritz-cliffs,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,kimon-loghi_biarritz-promenade,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,kimon-loghi_blooming-apple-trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_blooming-cherry-trees,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,kimon-loghi_forest-edge,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,kimon-loghi_girl-from-tassos-island-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Impressionism,kimon-loghi_marina-1935,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_on-the-seashore,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_romantic-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,kimon-loghi_romantic-landscape-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_springtime-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_sunset,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,kimon-loghi_the-carnations,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_the-flower-in-the-hair,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_the-lake-in-the-forest,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_the-rhythm-of-music,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_the-tree,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,kimon-loghi_the-white-knot,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,kimon-loghi_village-outskirts,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,konstantin-korovin_a-boulevard-1902,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,konstantin-korovin_a-boulevard-in-paris-1939,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_a-bouquet-of-paper-roses-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_a-florence-street-in-the-rain-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_a-muse-1887,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_a-nothern-idyll-1886,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_a-parisian-balcony-1908,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_a-poor-shot,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_a-street-in-vichy-1911,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_actress-hope-komarovskaya-1919,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_after-the-rain-paris-1897,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_alupka-1912,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_among-the-mills-1900,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_an-artist-s-studio-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,konstantin-korovin_arctic-ocean-1913,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_arkhangelsk-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_arkhangelsk-port-on-dvina-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_at-senezhskom-lake-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_at-the-balcony-spanish-women-leonora-and-ampara-1889,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_at-the-oke-1892,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_at-the-open-window-1916,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_at-the-pool-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_at-the-tea-table-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_at-the-window-1919,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_autumn-1888,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_autumn-1917,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_autumn-landscape-1909,"[0.0, 8.0, 26.0, 1.0, 0.0, 0.0, 1.0, 8.0, 2.0]"
+Impressionism,konstantin-korovin_autumn-on-bridge,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_autumn-young-woman-in-a-garden-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_bakhchisaraj-1907,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_balcony-in-the-crimea-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_barn-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_bastille-1928,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_bath-houses,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_beach-at-dieppe,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_bird-cherry-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_black-cat-on-a-windowsill-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_boris-godunov-coronation-1934,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_boulevard-in-paris-1912,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_breakfast-time,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_bridge,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_bridge-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_bridge-in-saint-cloud-1936,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_buying-a-dagger-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_by-the-spring-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_by-the-window-1893,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_cafe-1901,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_cafe-in-yalta-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_casino-in-vichy,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_cell-1912,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_corner-of-the-province-street-in-pereslavl-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,konstantin-korovin_creek,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_creek-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_creek-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_crimea-gursuf-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_donate-to-victims-of-war-dmitry-donskoy-1914,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_early-spring,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_evening-1917,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_fish-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_fish-1916-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_fish-wine-and-fruit-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_flowers-1916,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_flowers-and-fruit-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_forest-1918,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_girl-with-guitar-1916,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_gudal-s-castle-1902,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_gursuf-1914,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_gursuf-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_gursuf-evening-1912,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_gurzuf-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_gurzuf-1915-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_hammerfest-the-nothern-lights-1895,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_harbor-in-norway-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_harbour-at-marseilles,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,konstantin-korovin_harbour-at-sebastopol-1916,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_hollyhocks-in-the-saratov-region-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_hot-day-at-moscow-1921,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_hunters-rest-1911,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_in-a-room-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Impressionism,konstantin-korovin_in-a-room-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,konstantin-korovin_in-a-summer-cottage-1895,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_in-conjunction-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_in-krasnokamenka-under-gurzuf,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_in-the-artist-s-studio-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_in-the-boat-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_in-the-boat-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_in-the-caucasus-sitting-mountaineers-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_in-the-north-1899,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_in-the-south-1906,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_in-the-south-of-france-1908,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_interior-1913,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_kem-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_kitezh-the-great-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_kremlin-view-from-cathedral-of-christ-the-saviour,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_lady-with-a-guitar-1911,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_landscape-1917,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_landscape-with-cottages-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_landscape-with-factory-buildings-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_landscape-with-fence-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_last-snow,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_lilacs-1915,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_masquerade-1913,"[0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_milan-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_military-tent-mato-1909,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_mistress-of-the-house-1896,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_montmartre-in-the-evening,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_moon-night,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_moonlit-night-winter-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_morning-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_murmansk-coast-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_nasturtium-1888,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_nice-street-at-night-1909,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_night-1921,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_night-street-paris-1902,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_north,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,konstantin-korovin_north-1901,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_north-idilliya-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_okhotino-september-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_old-moscow-1913,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_on-a-sea-shore-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_on-a-terrace-evening-in-the-coutry-1901,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_on-deck,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_on-terrace,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_on-the-beach-in-the-crimea-1909,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_on-the-road-1885,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_on-the-shore-of-the-black-sea,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,konstantin-korovin_on-the-square-1912,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_on-the-terrace-1920,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_paper-lanterns-1898,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-1906,"[0.0, 11.0, 8.0, 7.0, 0.0, 7.0, 3.0, 11.0, 2.0]"
+Impressionism,konstantin-korovin_paris-1907,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-1933,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_paris-after-rain-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_paris-at-night-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_paris-at-night-boulevard-des-italiens-1908,"[0.0, 1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_paris-boulevard-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_paris-boulevard-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-boulevard-1939,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_paris-boulevard-des-capucines-1906,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_paris-boulevard-des-capucines-1911,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_paris-by-night,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-cafe-de-la-paix-1906,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-cafe-fragment-1895,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_paris-in-the-morning,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-kafe,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_paris-kafe-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_paris-morning-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_paris-saint-denis-arc,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-seine-1902,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_paris-venice-street-1927,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_parisian-street,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_patio-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_pier-gurzuf-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_pier-in-arkhangelsk,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,konstantin-korovin_pier-in-gurzuf-1914,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_pier-in-the-crimea-1913,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_polovtsian-camp-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_pond-1910,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_port-in-marsele,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-a-woman-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-a-woman-1917,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-a-woman-1922,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-an-officer-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-chaliapin-1911,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-chaliapin-1921,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-feodor-chaliapin-1905,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-italian-singer-angelo-masini-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-ivan-morosov-1903,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-nadezhda-komarovskaya-1908,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-nadezhda-komarovskaya-1910,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-nikolay-chichagov-1902,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-olga-alyabyeva-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-olga-orlova-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_portrait-of-s-mamontov-in-a-theatre-costume,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-sofia-golitsyna-1886,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-the-artist-m-v-yakunchikova,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-the-artist-tatiana-spiridonovna-lyubatovich,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_portrait-of-the-artist-v-v-wulf,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_portrait-of-z-pertseva-1921,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_posad-berendeys-1914,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_river-in-menshov-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_rose-against-the-sea,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_roses,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_roses-1912-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_roses-1917,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_roses-1939,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_roses-and-fruit-1917,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_roses-and-violets-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_roses-evening-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_roses-fruit-wine-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_roses-in-blue-jugs-1917,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_ruslan-and-head-1902,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_russia-festival,"[1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_russia-nostalgia,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_salambo-s-room-1909,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_sebastopol-winter-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_self-portrait-1938,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_sevastopol-bazaar-1915,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_sevastopol-in-the-evening-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_ships-in-marseilles-port,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_southern-night-1904,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_spaniard-1894,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_spanish-squash-1902,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_spring-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_spring-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_spring-rituals,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_st-triphon-s-brook-in-pechenega,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_still-life,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_still-life-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_still-life-1916,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_still-life-with-blue-vase-1922,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_still-life-with-fruit-and-bottle,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_still-life-with-portrait-of-pertseva-1916,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_summer-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_summer-evening-on-the-porch-1922,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_summer-office-of-prince-vasily-golitsyn-1911,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_summertime-1895,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_sunset-at-the-outskirt-of-the-town,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_tatar-street-in-yalta-night-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_terrace-1915,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,konstantin-korovin_terrace-in-zhukovka-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,konstantin-korovin_the-bridge-at-the-mill-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_the-dance-1912,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_the-lady-in-the-hat,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Impressionism,konstantin-korovin_the-lady-on-the-chair-1917,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_the-larin-s-garden-sketch-of-set-for-p-tchaikovsky-s-opera-1908,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_the-moskva-river-bridge-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_the-palace-and-the-harbor-1909,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_the-pomors-1894,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_the-port-in-marseilles,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_the-port-in-marseilles-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_the-portrait-of-mariinsky-theatre-singer-vera-aleekseevna-dorofeeva-1920,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_the-river-vorya-at-abramtsevo,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,konstantin-korovin_the-road-in-the-southern-city-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_the-spanish-tavern-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_theatre,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_trading-pier-in-the-capital-city-sketch-of-set-for-c-pugni-s-ballet-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_twilight,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_two-in-a-chair-1921,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_type-of-settlement-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,konstantin-korovin_venice-1891,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_venice-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_vichy,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_vichy-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_vichy-1926,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_vichy-at-night,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,konstantin-korovin_village-1902,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_village-in-northern-russia,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0]"
+Impressionism,konstantin-korovin_white-night-in-northern-norway,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,konstantin-korovin_wind-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_winter-1894,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_winter-1911-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,konstantin-korovin_winter-1914,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_winter-in-lapland-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_winter-landscape,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_winter-night-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_winter-sun-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_winter-twilight,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-korovin_woman-portrait-1922,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-korovin_woman-with-guitar-1919,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_yalta-at-night-1905,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-korovin_yalta-port-1909,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantin-korovin_yard-1904,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,konstantin-korovin_yaroslavna-s-lament-1909,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-korovin_young-woman-on-the-threshold,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_beauty-preparing-to-bathe,"[0.0, 1.0, 4.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-makovsky_children,"[2.0, 0.0, 6.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_death-of-petronius,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,konstantin-makovsky_girl-in-bonnet,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_girl-with-hat,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantin-makovsky_nude-woman-in-black-stockins,"[0.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_olenka-and-kolya-on-the-steps,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantin-makovsky_portrait-of-a-kuzhetsov,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_portrait-of-artist-s-daughter-olya,"[1.0, 3.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-makovsky_portrait-of-blonde,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_portrait-of-cyril-vladimirovich-grand-duke-of-russia,"[1.0, 2.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,konstantin-makovsky_portrait-of-grand-princess-maria-nikolayevna,"[0.0, 3.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_portrait-of-hudenkova,"[0.0, 4.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Impressionism,konstantin-makovsky_portrait-of-the-girl-with-a-blue-ribbon-in-a-hair,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,konstantin-makovsky_presser,"[3.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantin-makovsky_presser-1,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,konstantin-makovsky_woman-head-portrait-of-e-kovaliova,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,konstantinos-volanakis_1869-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantinos-volanakis_1870-1875,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,konstantinos-volanakis_1876(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_admiring-the-ships,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_along-the-coast(9),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,konstantinos-volanakis_before-dusk,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,konstantinos-volanakis_boat-at-moonlight,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_boats-in-a-port,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,konstantinos-volanakis_fishing-boat,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_fishing-boat-at-dusk,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_in-the-garden(7),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantinos-volanakis_sailing-ships-at-dawn,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_the-disembarkation,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_the-morning-catch(2),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,konstantinos-volanakis_the-port-of-volos-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_the-river(7),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,konstantinos-volanakis_washing-women-at-the-river,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,lajos-tihanyi_nagyb-nya-view-1909,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lajos-tihanyi_still-life-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lajos-tihanyi_still-life-with-flowes-in-a-pot-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_at-the-iron-gate-1895,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_blossoming-trees-1900,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,laszlo-mednyanszky_brookside-in-winter-1880,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_burring-brook,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_burring-brook-with-bridge,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,laszlo-mednyanszky_camp,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,laszlo-mednyanszky_chestnut-flower,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_edge-of-a-forest-with-crosses-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,laszlo-mednyanszky_fishing-on-the-tisza-1880,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,laszlo-mednyanszky_fruit-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,laszlo-mednyanszky_hildside-at-springtime-little-landscape-1904,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_house-at-dusk-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,laszlo-mednyanszky_in-the-outskirt-of-the-city-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,laszlo-mednyanszky_lake-in-the-mountains-1899,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,laszlo-mednyanszky_landscape-at-autumn-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,laszlo-mednyanszky_landscape-in-the-alps-view-from-the-rax-1900,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_melting,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,laszlo-mednyanszky_melting-of-snow-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_mountain-landscape-with-lake,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_old-man-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,laszlo-mednyanszky_part-of-tab-n-1900,"[0.0, 13.0, 23.0, 4.0, 0.0, 0.0, 5.0, 3.0, 2.0]"
+Impressionism,laszlo-mednyanszky_ruins-of-a-castle,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,laszlo-mednyanszky_snow-melting-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_sunrise-in-the-snowy-riverside,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_tarn-in-the-tatra,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_trees-with-hoar-frost-1892,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,laszlo-mednyanszky_under-the-cross-1892,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,laszlo-mednyanszky_view-of-dunajec-1895,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,leon-dabo_a-study-of-talloires-1939,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,leon-dabo_along-the-lake,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,leon-dabo_flowers-in-a-green-vase,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,leon-dabo_landscape-with-pines,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,leon-dabo_moon-on-the-lake-1907,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,leon-dabo_on-the-hillside,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,leon-dabo_still-life-with-flowers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_a-mother-s-love-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Impressionism,lovis-corinth_bowling-alley-1913,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_building-under-construction-in-monte-carlo-1914,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_butcher-shop-1897,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_donna-gravida-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,lovis-corinth_farmyard-in-bloom-1904,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_female-semi-nude-with-hat-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_grandmother-and-granddaughter-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,lovis-corinth_homeric-laughter-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_ice-skating-rink-in-the-tiergarten-berlin-1909,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_in-a-black-coat-1908,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,lovis-corinth_in-a-corset-1910,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_inn-valley-landscape-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_innocentia-1890,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,lovis-corinth_italian-woman-in-a-yellow-chair-1912,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_lake-lucerne-afternoon-1924,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_lake-lucerne-morning-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_landscape-at-the-walchensee-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,lovis-corinth_larkspur-1924,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_menton-1913,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_morning-sun-1910,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_mother-and-child-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_odysseus-fighting-with-the-beggar-1903,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_on-the-balcony-in-bordighera-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_orchids-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_paddel-petermannchen-1902,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_pink-roses-1924,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_portrait-of-a-woman-in-a-purple-hat-1912,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_portrait-of-charlotte-berend-in-white-dress-1902,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_portrait-of-eleonore-von-wilke-countess-finkh-1907,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_portrait-of-sophie-cassirer-1906,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_portrait-of-the-pianist-conrad-ansorge-1903,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,lovis-corinth_reading-woman,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_reclining-female-nude-1907,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_red-and-yellow-tulips-1918,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,lovis-corinth_roses-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_schlossfreiheit-berlin-1923,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,lovis-corinth_self-portrait-at-the-easel-1919,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_self-portrait-in-a-black-hat-1911,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_self-portrait-in-a-tyrolean-hat-1913,"[8.0, 5.0, 6.0, 5.0, 1.0, 0.0, 14.0, 6.0, 2.0]"
+Impressionism,lovis-corinth_self-portrait-in-a-white-smock-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_self-portrait-in-the-studio-1914,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_self-portrait-with-a-glass-1907,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_self-portrait-with-beard-1886,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,lovis-corinth_self-portrait-with-his-wife-and-a-glass-of-champagne-1902,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_self-portrait-with-model-1903,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_self-portrait-without-a-collar-1900,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_still-life-with-flowers-skull-and-oak-leaves-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_the-artist-and-his-family-1909,"[5.0, 2.0, 15.0, 2.0, 3.0, 3.0, 6.0, 3.0, 7.0]"
+Impressionism,lovis-corinth_the-black-mask-1908,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-fair-imperia-1925,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-family-of-the-painter-fritz-rumpf-1901,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_the-jochberg-and-the-walchensee-1924,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-large-martyrdom-1907,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,lovis-corinth_the-new-pond-in-the-tiergarten-berlin-1908,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-sea-near-la-spezia-1914,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-victor-1910,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_the-violinist-1900,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lovis-corinth_the-walchensee-country-house-with-washing-on-the-line-1923,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-walchensee-in-winter-1923,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-walchensee-on-saint-john-s-eve-1920,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_the-walchensee-serpentine-1920,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_the-walchensee-with-a-larch-tree-1921,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,lovis-corinth_tilla-durieux-as-a-spanish-dancer-1908,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_walchensee-im-herbst,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lovis-corinth_wilhelmine-in-the-green-dress-1924,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_wilhelmine-with-a-ball-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,lovis-corinth_woman-in-a-deck-chair-by-the-window-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,lovis-corinth_woman-s-half-portrait-with-straw-hat-luise-halbe-1898,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lovis-corinth_woman-with-lilies-in-a-greenhouse-1911,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_alvarii-galbeni,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_canceu-cu-lalele-i-m-rgele-albastre-1928,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_cityscape,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_femeie-cu-evantai-1961,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_joc-1913,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lucia-demetriade-balacescu_la-gare-de-berk-plage-1933,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_lacul-fundeni-1962,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,lucia-demetriade-balacescu_mangalia-veche-1945,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_munci-de-prim-var,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_n-parc-1966,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_natur-static-cu-ciclamene-stampe-i-evantai-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_negocieri-1935,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_promenad-prin-ia-i,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_promenada-parizian-1947,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_scen-s-teasc-1943,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_unknown-title,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lucia-demetriade-balacescu_unknown-title-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,lucia-demetriade-balacescu_unknown-title-2,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_unknown-title-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_unknown-title-4,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_unknown-title-5,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucia-demetriade-balacescu_unknown-title-6,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucian-grigorescu_acoperi-uri-dinspre-pia-a-sf-gheorghe-1940,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,lucian-grigorescu_balcic,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,lucian-grigorescu_balcicul-spre-mare-1940,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucian-grigorescu_cafeneaua-lui-mamut,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0]"
+Impressionism,lucian-grigorescu_case-la-medgidia-1938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_chibi-i-n-ci-migiu,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_dealuri-la-balcic,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucian-grigorescu_flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_marea-la-tuzla-1940,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucian-grigorescu_munci-de-prim-var,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,lucian-grigorescu_natur-static-cu-fructe,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,lucian-grigorescu_peisaj-cu-biseric-ro-ie,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,lucian-grigorescu_peisaj-din-balcic,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,lucian-grigorescu_peisaj-din-balcic-1,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_peisaj-din-bucure-ti-1940,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucian-grigorescu_peisaj-din-bucure-ti-1946,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,lucian-grigorescu_peisaj-din-cassis-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucian-grigorescu_peisaj-din-martigues-1932,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,lucian-grigorescu_peisaj-din-mogo-oaia,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,lucian-grigorescu_peisaj-din-sudul-fran-ei,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucian-grigorescu_peisaj-la-balcic-1923,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucian-grigorescu_peisaj-la-cassis,"[0.0, 2.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_portul-martigues,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,lucian-grigorescu_potec-prin-p-durea-mogo-oaia-1952,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_prim-var-la-balcic-1936,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,lucian-grigorescu_r-ncu-cu-m-rgele-ro-ii,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,lucian-grigorescu_uli-dobrogean,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,lucian-grigorescu_uli-dobrogean-1921,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,lucian-grigorescu_vase-la-sozopol-1940,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_vedere-c-tre-biserica-sf-spiridon-1940,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,lucian-grigorescu_vedere-din-atelier-acoperi-uri-din-bucure-ti,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,marianne-north_a-bush-fire-at-sunset-queensland-1880,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,marianne-north_distant-view-of-mount-fujiyama-japan-and-wistaria-1876,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_exotic-fish-1880,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,marianne-north_fishes-1870,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,marianne-north_gate-of-rajah-s-palace-benares-india-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,marianne-north_in-the-old-palace-kandy-ceylon-sri-lanka-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_life-on-the-coast-of-praslin-seychelles-1883,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_marble-rocks-jabalpur-madhya-pradesh-india-1878,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_mouth-of-the-kuching-river-sarawak-borneo-1876,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_near-suez-red-sea-1880,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,marianne-north_palm-trees-and-boulders-in-the-bay-of-rio-brazil-1873,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_papyrus-or-paper-reed-growing-in-the-ciane-sicily-1870,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_rajput-forts-1878,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,marianne-north_red-sea-1880,"[0.0, 15.0, 26.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,marianne-north_the-street-of-blood-delhi-1880,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_the-taj-mahal-at-agra-north-west-india-1878,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_ulwar-india-1878,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marianne-north_view-of-both-falls-of-niagara-1871,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,marie-bracquemond_landscape-in-wintertime,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,marie-bracquemond_le-gouter-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,marie-bracquemond_louise-quivoron-aka-woman-in-the-garden-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marie-bracquemond_on-the-terrace-at-s-vres-1880,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,marie-bracquemond_pierre-bracquemond-as-child-1878,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,marie-bracquemond_pierre-bracquemond-painting-a-bouquet-of-flowers-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,marie-bracquemond_pots-de-fleurs-s-vres-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,marie-bracquemond_self-portrait,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,marie-bracquemond_self-portrait-1870,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,marie-bracquemond_study-for-the-lady-in-white-drawing,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,marie-bracquemond_the-artist-s-son-and-sister-in-the-garden-at-sevres-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,marie-bracquemond_the-lady-in-white,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,marie-bracquemond_three-ladies-with-parasol-aka-three-graces-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,marie-bracquemond_under-the-lamp-1887,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,marie-bracquemond_woman-with-an-umbrella-1880,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mario-zanini_lerici-1950,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,mario-zanini_n-feminino,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_a-baby-smiling-at-two-young-women-1873,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_a-kiss-for-baby-anne,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_a-kiss-for-baby-anne-no-2-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_a-kiss-for-baby-anne-no-3-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_a-woman-and-child-in-the-driving-seat-1881,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,mary-cassatt_after-the-bath,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_antoinette-at-her-dresser-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_at-the-theater-1879,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_at-the-window-1889,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_auguste-reading-to-her-daughter-1910,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_baby-bill-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_baby-bill-in-cap-and-shift-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_baby-in-his-mother-s-arms-sucking-his-finger-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_baby-lying-on-his-mother-s-lap-reaching-to-hold-a-scarf-1914,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_baby-reaching-for-an-apple-1893,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_baby-s-first-cess-1891,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_baby-smiling-up-at-her-mother,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_bathing-the-young-heir,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_boat-bath,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_breakfast-in-bed-1897,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_bust-of-ellen-with-bows-in-her-hair,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_bust-of-francoise-looking-down,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_by-the-pond-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_celeste-in-a-brown-hat-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,mary-cassatt_child-in-a-straw-hat,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,mary-cassatt_child-in-orange-dress-1902,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_child-with-bangs-in-a-blue-dress,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_child-with-red-hat,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_children-in-a-garden-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_children-playing-on-the-beach-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_children-playing-with-a-cat-1908,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_clissa-turned-left-with-her-hand-to-her-ear-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_contemplation-1891,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_dorothy-in-a-very-large-bonnet-and-a-dark-coat,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_ellen-mary-cassatt-in-a-white-coat,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_ellen-mary-cassatt-with-a-large-bow-in-her-hair-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_ellen-with-bows-in-her-hair-looking-right,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_elsie-cassatt-holding-a-big-dog,"[4.0, 6.0, 26.0, 1.0, 0.0, 1.0, 1.0, 1.0, 5.0]"
+Impressionism,mary-cassatt_elsie-in-a-blue-chair-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,mary-cassatt_emmie-and-her-child-1889,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_feeding-the-ducks-1895,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_francoise-wearing-a-big-white-hat,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,mary-cassatt_girl-in-large-hat,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_girl-ranging-her-hair-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_girl-s-head-green-background,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,mary-cassatt_girl-with-a-banjo-1894,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_head-of-a-young-girl-1876,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,mary-cassatt_head-of-a-young-woman-1873,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,mary-cassatt_head-of-francoise-looking-down-no-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_head-of-julie-looking-down,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_head-of-sara-in-a-bonnet-looking-left-1901,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_head-of-simone-in-a-large-plumes-hat-looking-left-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_heads-of-leontine-and-a-friend,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_helene-de-septeuil-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_in-the-box,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_in-the-garden,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_in-the-omnibus,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_in-the-park,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_interior-of-a-tramway-passing-a-bridge-1891,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_jenny-and-her-sleepy-child,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_jules-being-dried-by-his-mother-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_jules-standing-by-his-mother,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_lady-at-the-tea-table-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Impressionism,mary-cassatt_lady-with-a-fan-portrait-of-anne-chlotte-gailld,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_leontine-in-a-pink-fluffy-hat-1898,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_lilacs-in-a-window,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_little-ann-sucking-her-finger-embraced-by-her-mother-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_little-girl-in-a-blue-armchair-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_little-girl-in-a-red-beret-1898,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,mary-cassatt_little-girl-with-a-japanese-doll,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_little-girl-with-cap-sun,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_louise-nursing-her-child-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_lydia-at-the-tapestry-loom-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_lydia-cassatt-in-a-green-bonnet-and-a-coat,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,mary-cassatt_lydia-cassatt-leaning-on-her-arms-seated-in-a-loge-1880,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_lydia-crocheting-in-the-garden-at-marly-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_lydia-reading-on-a-divan-1881,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_lydia-seated-in-the-garden-with-a-dog-in-her-lap,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_lydia-sitting-on-a-porch-crocheting-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_madame-meerson-and-her-daughter,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_margaret-milligan-sloan-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_margot-1902,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_margot-in-blue-1902,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_margot-in-white-1902,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_margot-lux-with-a-wide-hat,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_margot-wearing-a-bonnet,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_marie-therese-gaillard-1894,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_master-robert-kelso-cassatt,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,mary-cassatt_maternal-caress-1896,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,mary-cassatt_maternal-kiss-1896,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_maternal-tenderness-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_maternity,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_matertiny-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mathilde-holding-a-baby-who-reaches-out-to-the-right-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_moses-dreyfus-1879,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,mary-cassatt_mother-about-to-wash-her-sleepy-child-1880,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child,"[3.0, 8.0, 30.0, 1.0, 0.0, 1.0, 0.0, 4.0, 6.0]"
+Impressionism,mary-cassatt_mother-and-child-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_mother-and-child-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-1890,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-1898,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-1900,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-1908,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-1914,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_mother-and-child-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_mother-and-child-4,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-in-a-boat,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-reading-1913,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-child-smiling-at-each-other-1908,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-children-1901,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-and-daughter-looking-at-the-baby,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_mother-and-sara-admiring-the-baby-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_mother-and-two-children-1906,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-berthe-holding-her-baby-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_mother-combing-her-child-s-hair-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_mother-combing-sara-s-hair,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-holding-a-child-in-her-arms,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_mother-holding-her-baby,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-jeanne-nursing-her-baby-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-playing-with-her-child,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-rose-nursing-her-child,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-s-goodnight-kiss-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-sara-and-the-baby,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mother-sara-and-the-baby-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_motherhood,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_motherhood-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mothers-kiss-1891,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_mr-robert-s-cassatt-on-horseback-1885,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,mary-cassatt_mrs-cassatt-reading-to-her-grandchildren-1880,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_mrs-gardner-cassatt-in-black-1880,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_mrs-robert-s-cassatt-katherine-kelson-johnston-cassatt-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,mary-cassatt_nude-baby-on-mother-s-lap-resting-her-arm-on-the-back-of-the-chair-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,mary-cassatt_nurse-and-child-1897,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_nurse-reading-to-a-little-girl-1895,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_on-the-water-1895,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_pattycake-1897,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_peasant-mother-and-child-1894,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_picking-daisies-in-a-field-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-a-lady,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-a-young-girl,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-a-young-girl-simone,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-a-young-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,mary-cassatt_portrait-of-a-young-woman-in-green,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-alexander-j-cassat-and-his-son-robert-kelso-cassatt-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-alexander-j-cassatt-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-an-elderly-lady-1883,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-charles-dikran-kelekian-1910,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-ellen-mary-cassatt,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-girl-1879,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-louise-aurora-child-villeboeuf-1902,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-madame-a-f-aude-and-her-two-daughters-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-madame-alfred-lavergne-born-magdalena-mellon-1905,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-margaret-milligan-sloan-no-2-1893,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-master-st-pierre,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-mie-louise-durand-ruel-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-mlle-c-lydia-cassatt-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-mme-fontveille-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-mrs-h-o-hevemeyer-1896,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-mrs-havemeyer-and-her-daughter-electra-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-mrs-william-harrison,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-the-artist,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-the-artist-s-mother-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,mary-cassatt_portrait-of-young-girl,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_portrait-of-young-woman-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,mary-cassatt_profile-of-an-italian-woman,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_red-poppies-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_reine-lefebre-and-margot-before-a-window-1902,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_reine-lefebvre-holding-a-nude-baby-1903,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_robert-and-his-sailboat-1882,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_roman-girl,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_sara-and-her-mother-with-the-baby,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_sara-handing-a-toy-to-the-baby-1901,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_sara-holding-a-cat,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_sara-in-a-bonnet,"[4.0, 6.0, 25.0, 3.0, 0.0, 2.0, 0.0, 1.0, 5.0]"
+Impressionism,mary-cassatt_sara-in-a-large-flowered-hat-looking-right-holding-her-dog,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_sara-in-dark-bonnet-with-right-hand-on-arm-of-chair,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_sara-looking-towards-the-right,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_sara-with-her-dog,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_sara-with-her-dog-1901,"[3.0, 11.0, 30.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_sarah-in-a-green-bonnet-1901,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_self-portrait,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_simone-in-a-large-plumed-hat-seated-holding-a-griffon-dog,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_simone-in-plumed-hat,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_simone-in-white-bonnet-seated-with-clasped-hands-no-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_sketch-for-francoise-in-a-round-backed-chair-reading-or-a-girl-in-pink,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_sketch-of-anne-and-her-nurse,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_sketch-of-antoinette-no-1-1901,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_sketch-of-ellen-my-cassatt-in-a-big-blue-hat,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_sketch-of-francois,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_sketch-of-mother-looking-down-at-thomas-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_sketch-of-reine-and-child,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_sleepy-baby-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_sleepy-thomas-sucking-his-thumb-1893,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_smiling-mother-with-sober-faced-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_somone-in-a-white-bonnet-1901,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_study-for-augusta-reading-to-her-daughter,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,mary-cassatt_summertime-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_susan-comforting-the-baby-no-1,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_susan-comforting-the-baby-no-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,mary-cassatt_susan-in-a-toque-trimmed-with-two-roses,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_susan-on-a-balcony-holding-a-dog,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_susan-seated-outdoors-wearing-a-purple-hat,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_the-banjo-lesson-1893,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-banjo-lesson-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-barefoot-child-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_the-barefoot-child-1897-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-bath,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-befooted-child-1898,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_the-boating-party-1894,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-child-s-caress,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-child-s-caress-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-chrochet-lesson-1913,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-coiffure-study-1891,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-conversation-1896,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_the-cup-of-tea-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-family-1893,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-fitting-1891,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,mary-cassatt_the-gden-reading-1898,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-horse-chestnut-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-kiss-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-lamp-1891,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,mary-cassatt_the-loge,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_the-long-gloves-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_the-pensive-reader,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,mary-cassatt_the-sisters,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_the-sisters-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_the-tea-1880,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_the-two-sisters-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mary-cassatt_the-visitor,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,mary-cassatt_theater-1879,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_two-seated-women-1869,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_two-young-girls-with-a-child-1897,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-and-child-1888,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-and-child-in-front-of-a-shelf-which-are-placed-a-jug-and-basin-1889,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_woman-and-child-seated-in-a-garden,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-at-her-toilette-1909,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-by-a-window-feeding-her-dog,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_woman-in-a-black-hat-and-a-raspberry-pink-costume-1900,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-in-black,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_woman-on-a-striped-with-a-dog-also-known-as-young-woman-on-a-striped-sofa-with-her-dog,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-ranging-her-veil-1886,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_woman-reading-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_woman-reading-in-a-garden-1880,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-s-head-with-large-hat,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_woman-sewing-1914,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_woman-standing-holding-a-fan-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,mary-cassatt_woman-with-a-parakeet-1898,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_woman-with-a-pearl-necklace-1879,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_woman-with-a-red-zinnia-1891,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_woman-with-needlework-sun,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_women-admiring-a-child-1897,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_women-and-child-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_young-boy-in-blue,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_young-girl-holding-a-loose-bouquet,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,mary-cassatt_young-girl-reading-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,mary-cassatt_young-girl-seated-in-a-yellow-armchair,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mary-cassatt_young-girl-with-brown-hair-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_young-girls-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_young-mother-and-two-children-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_young-mother-sewing-1900,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_young-thomas-and-his-mother-1893,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_young-woman-in-green-outdoors-in-the-sun,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,mary-cassatt_young-woman-picking-fruit,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_young-woman-picking-the-fruit-of-knowledge-1892,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_young-woman-reflecting,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mary-cassatt_young-woman-sewing-in-the-garden-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_young-woman-sewing-in-the-garden-1886,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,mary-cassatt_young-woman-with-auburn-hair-in-a-pink-blouse-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,matej-sternen_a-street-in-munich,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,matej-sternen_ena-fotke,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,matej-sternen_lady-in-blue,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,matej-sternen_le-e-i-akt-1914,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,matej-sternen_na-trgu,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,matej-sternen_on-the-couch-1909,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,matej-sternen_portrait-ing-k-1940,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,matej-sternen_presejanje-ita,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Impressionism,matej-sternen_primo-trubar,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,matej-sternen_razuzdanost,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,matej-sternen_spring-sun,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,matej-sternen_springtime-at-the-sea-1911,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,matej-sternen_the-red-parasol-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,matej-sternen_woman-with-a-corset,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,maurice-prendergast_a-street-in-rouen-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_after-the-storm,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,maurice-prendergast_afternoon-pincian-hill,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_along-the-seine,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,maurice-prendergast_assisi,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_at-the-park,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_at-the-shore-capri,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_beechmont,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_boston-harbor,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_boston-snowy-day,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_brittany-coast,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_charles-street-boston,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_children-at-play-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_children-at-the-beach,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_children-on-a-raft-1896,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_city-point-bridge,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_dieppe,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,maurice-prendergast_early-beach,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_evening-on-a-pleasure-boat-1898,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_evening-shower-paris,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_excursionists-nahant,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_figures-on-the-beach,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,maurice-prendergast_figures-on-the-grass-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_float-at-low-tide-revere-beach-also-known-as-people-at-the-beach,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_franklin-park-boston,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_franklin-park-boston-1,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_franklin-park-boston-1895,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_grand-canal-venice,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_handkerchief-point-1897,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,maurice-prendergast_handkerchief-point-coastal-scene,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_italian-flower-market-1898,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,maurice-prendergast_la-porte-san-denis-1892,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_lacemakers-venice,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_ladies-in-the-rain,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,maurice-prendergast_ladies-seated-on-a-bench-also-known-as-ladies-in-the-park,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,maurice-prendergast_ladies-with-parasols,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_lady-in-a-pink-skirt,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_lady-on-the-boulevard-1892,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_lady-with-a-red-sash,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_lady-with-red-cape-and-muff,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_low-tide-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,maurice-prendergast_low-tide-4,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_low-tide-afternoon-treport-1892,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_low-tide-beachmont,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_low-tide-nantucket,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_maine-beach,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_marine-park-1897,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_may-day,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_maypole,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_monte-pincio-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,maurice-prendergast_monte-pincio-rome-1899,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_nantasket,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_nantasket-beach-2-also-known-as-handkerchief-point-1896,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_paris-boulevard-in-the-rain-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_picking-flowers-1891,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_picnic-with-red-umbrella,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_pincian-hill-rome-also-known-as-afternoon-pincian-hill-1898,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_ponte-della-paglia,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_ponte-della-paglia-also-known-as-marble-bridge-1899,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_revere-beach,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_revere-beach-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_revere-beach-1896,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_revere-beach-1896-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_revere-beach-1896-2,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_revere-beach-boston,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_ring-around-the-rosy,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_riva-degli-schiavoni,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_riva-san-biagio-venice,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_rocky-shore-nantasket,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_roma-flower-stall-also-known-as-flower-stall-or-roman-flower-stall,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_seated-woman-in-blue-also-known-as-at-the-cafe,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+Impressionism,maurice-prendergast_shadow-also-known-as-children-by-a-window,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,maurice-prendergast_shipyard-children-playing,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_side-show,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,maurice-prendergast_sienna,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_sketch-figures-on-beach-also-known-as-early-beach,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_sketchbook-the-boston-water-color-sketchbook-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_skipping-rope-1895,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_small-fishing-boats-treport-france-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_south-boston-pier,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_south-boston-pier-also-known-as-atlantic-city-pier-1896,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_splash-of-sunshine-and-rain-1899,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,maurice-prendergast_st-mark-s-lion-venice,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_street-scene-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_strolling-in-the-park-also-known-as-in-the-park,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_study-st-malo-no-12,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_summer-visitors-1896,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_sunday-morning-paris,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_the-breezy-common-1897,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,maurice-prendergast_the-grand-canal-venice-1899,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_the-ocean-palace,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_the-orange-market,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maurice-prendergast_the-pretty-ships-also-known-as-as-the-ships-go-by,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_the-race,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_the-spanish-steps,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,maurice-prendergast_the-tuileries-gardens-paris-1895,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_treport-beach-also-known-as-a-very-sunny-day-treport-1892,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_two-women-in-a-park,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_umbrellas-in-the-rain-1899,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_venetian-canal-scene,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_venetian-palaces-on-the-grand-canal-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_venetian-scene,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,maurice-prendergast_venice,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maurice-prendergast_venice-1898,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_viewing-the-ships-1896,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maurice-prendergast_woman-on-ship-deck-looking-out-to-sea-also-known-as-girl-at-ship-s-rail,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,max-kurzweil_a-walk-in-the-garden-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-kurzweil_good-bay,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,max-kurzweil_love,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-kurzweil_tip-of-the-bay,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,max-liebermann_a-country-brasserie-brannenburg-bavaria-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_a-hunter-in-the-dunes-1914,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Impressionism,max-liebermann_bathing-boys-1900,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,max-liebermann_bathing-boys-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_beer-garden-in-munchen,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_bethmann-hollweg,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,max-liebermann_birch-grow,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_birch-grow-1,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_boys-bathing-with-beach-warden-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,max-liebermann_carl-duisberg-1909,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_children-bathing-in-the-sea-1899,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,max-liebermann_children-s-playground-in-tiergarten-park-in-berlin,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_dune-near-nordwijk-with-child-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,max-liebermann_franz-adickes-1910,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,max-liebermann_free-hour-at-amsterdam-orphanage-1876,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-liebermann_horse-races,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_jewish-quarter-in-amsterdam-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,max-liebermann_love-scene-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,max-liebermann_lumberjack-in-the-forest-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,max-liebermann_man-with-horse,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-liebermann_man-with-parrots-1900,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-liebermann_on-the-way-to-school-in-edam-1904,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-liebermann_parrot-avenue-1902,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,max-liebermann_parrot-caretaker-in-artis-1902,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-constantin-meunier,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-dr-max-linde,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-eugen-gutmann-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-miss-hedwig-ruetz-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-mrs-irene-triesch,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,max-liebermann_portrait-of-otto-braun-1932,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,max-liebermann_portrait-of-professor-dr-carl-bernstein-1892,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-professor-sauerbruch,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,max-liebermann_portrait-of-richard-strauss-1918,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-the-publisher-bruno-cassirer-1921,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,max-liebermann_portrait-of-wilhelm-bode-1904,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,max-liebermann_potato-gatherers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-liebermann_restaurant-de-oude-vink-1905,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_rider-on-the-beach-1904,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_rider-on-the-beach-facing-left-1911,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,max-liebermann_road-in-dutch-village-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_self-portrait,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,max-liebermann_self-portrait-1922,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Impressionism,max-liebermann_self-portrait-with-brush-1913,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,max-liebermann_self-portrait-with-palette,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,max-liebermann_self-portrait-with-palette-1912,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,max-liebermann_sewing-school,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,max-liebermann_shoemaker-1881,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,max-liebermann_sketch-for-the-portrait-of-friedrich-naumann,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,max-liebermann_spinner-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,max-liebermann_stevenstift-in-leiden-1889,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_swimming-boys,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_tennis-game-by-the-sea-1901,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,max-liebermann_terrace-overlooking-the-flower-garden-in-wannsee-1918,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_the-artist-s-granddaughter-at-the-table-1923,"[4.0, 5.0, 27.0, 0.0, 0.0, 1.0, 0.0, 2.0, 7.0]"
+Impressionism,max-liebermann_the-farmer-1894,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-liebermann_the-fisherman-1926,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,max-liebermann_the-surgeon-ferdinand-sauerbruch-1932,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,max-liebermann_the-terrace-at-the-restaurant-jacob-in-nienstedten-on-the-elbe-1902,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_the-yacht-race-1924,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_ulrich-von-wilamowitz-moellendorff-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,max-liebermann_view-of-the-roofs-of-florence,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,max-liebermann_villa,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-liebermann_woman-with-goats,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,max-liebermann_women-plucking-geese-1871,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,max-slevogt_a-portrait-of-the-artist,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,max-slevogt_achill,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,max-slevogt_artist-s-children-in-garden,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-slevogt_autumn-forest,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,max-slevogt_bathing-house-havel,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,max-slevogt_don-juan-s-encounter-with-the-stony-gues,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Impressionism,max-slevogt_francisco-d-andrade-reading-a-newspaper,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,max-slevogt_girl-in-front-of-the-lion-cage-1901,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,max-slevogt_lady-in-white-dress-on-horseback-riding,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,max-slevogt_magic-flute-scene,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-slevogt_nini-on-trellising,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,max-slevogt_park-landscape-in-the-palatinate,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-slevogt_portrait-of-alexa-pfeiffer,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-slevogt_portrait-of-carl-steinbart,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,max-slevogt_portrait-of-francisco-d-andrade,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,max-slevogt_portrait-of-julius-freund,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,max-slevogt_portrait-of-nina-and-wolfgang-slevogt-children-in-the-forest,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,max-slevogt_slevogt-family-in-the-garden-of-godramstein,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-slevogt_summer-house-garden,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-slevogt_the-circus,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,max-slevogt_the-dancer-marietta-di-rigardo,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,max-slevogt_the-family-doctor-j-nos-plesch,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,max-slevogt_the-nile-at-aswan,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,max-slevogt_the-prodigal-son,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,max-slevogt_the-singer-francisco-d-andrade-as-don-giovanni-in-mozart-s-opera-1912,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,max-slevogt_tiger-in-the-jungle-1917,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Impressionism,max-slevogt_under-an-arbour-1901,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,max-slevogt_unter-den-linden,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_a-cottage-with-thatched-roof-in-douarnenez-1898,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_amont-prairie-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maxime-maufra_beached-boat-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,maxime-maufra_bridge-over-the-loire-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_by-the-sea,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,maxime-maufra_by-the-sea-1904,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maxime-maufra_cliffs-and-sea-1886,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,maxime-maufra_cliffs-at-sunset,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,maxime-maufra_cornfield-in-the-valley-of-saint-jean-du-doigt,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_cottages-in-the-snow-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,maxime-maufra_cottages-in-the-snow-1891-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,maxime-maufra_domois-shore-belle-ile-en-mer,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_evening-fog-over-nantes,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,maxime-maufra_fishermen-on-the-banks-of-the-loire-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_flood-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_flooded-meadows,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,maxime-maufra_great-houle-donant,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,maxime-maufra_great-sea,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_in-front-of-the-isle-tudy,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_isle-of-brehat-1892,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maxime-maufra_landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,maxime-maufra_landscape-near-douarnenez-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_landscape-with-mill,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_meadow-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,maxime-maufra_the-banks-of-the-river-auray,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,maxime-maufra_the-church-at-little-andelys,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_the-coastline-in-brittany,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,maxime-maufra_the-cove-at-cape-suzon-1898,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_the-fishermen,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_the-high-island-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_the-marais-salant,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,maxime-maufra_the-marne-at-lagny,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,maxime-maufra_the-old-bridge-in-ancenis-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,maxime-maufra_the-old-bridge-in-barbin-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,maxime-maufra_the-old-mill-the-andelys,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,maxime-maufra_the-waterfall-nemours,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,maxime-maufra_waterloo-de-new-brighton,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Impressionism,medi-wechsler-dinu_balchik-caf,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,medi-wechsler-dinu_balchik-landscape,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,medi-wechsler-dinu_fatme,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,medi-wechsler-dinu_medi-and-gheorghe-dinu,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,medi-wechsler-dinu_portrait-of-mamut,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,medi-wechsler-dinu_self-portrait,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,medi-wechsler-dinu_spring-landscape-1951,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,medi-wechsler-dinu_sulina-house-iii,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,medi-wechsler-dinu_sulina-landscape,"[4.0, 3.0, 28.0, 2.0, 0.0, 1.0, 1.0, 1.0, 5.0]"
+Impressionism,medi-wechsler-dinu_unknown-title,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,medi-wechsler-dinu_unknown-title-1,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,medi-wechsler-dinu_unknown-title-1982,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,medi-wechsler-dinu_untitled-balchik,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,micaela-eleutheriade_bog-ia-apelor,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_cules-de-vie,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_cultur-de-varz-pe-nisip,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,micaela-eleutheriade_dealuri-la-balcic,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_dupa-baie,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_floarea-soarelui,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Impressionism,micaela-eleutheriade_gr-dina-de-zarzavat-1942,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,micaela-eleutheriade_heidelberg,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_mangalia,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,micaela-eleutheriade_micul-gr-dinar-portretul-lui-constantin,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,micaela-eleutheriade_monte-carlo,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_n-voade-la-tulcea-1957,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,micaela-eleutheriade_natur-static-cu-crizanteme,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,micaela-eleutheriade_pe-malul-lacului,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,micaela-eleutheriade_pe-str-zile-parisului,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,micaela-eleutheriade_peisaj-din-suhumi-1965,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_peisaj-la-balcic-1936,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,micaela-eleutheriade_peisaj-pe-valea-prahovei,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,micaela-eleutheriade_peisaj-pe-valea-prahovei-1948,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,micaela-eleutheriade_places-des-vosges,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,micaela-eleutheriade_the-little-gardener,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,micaela-eleutheriade_tomis,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_vas-cu-flori,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,micaela-eleutheriade_vas-cu-tuf-nele,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mihaly-munkacsy_dusty-country-road-ii-1883,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,mihaly-munkacsy_grazing-cows-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,mihaly-munkacsy_landscape-with-river-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,mihaly-munkacsy_leda,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mihaly-munkacsy_storm-at-the-puszta-1867,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,mihaly-munkacsy_sunset-in-the-forest-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,mikhail-nesterov_a-firtree-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mikhail-nesterov_a-hand-with-flowers,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mikhail-nesterov_a-tree-in-blossom-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mikhail-nesterov_adriatic-sea-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Impressionism,mikhail-nesterov_autumn-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,mikhail-nesterov_autumn-in-a-village-1942,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mikhail-nesterov_capri-almond-trees-in-blossom-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mikhail-nesterov_capri-entrance-to-monastery-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mikhail-nesterov_haystacks,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,mikhail-nesterov_in-ufa,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,mikhail-nesterov_old-and-young,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mikhail-nesterov_pentecost-1881,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,mikhail-nesterov_peonies-1908,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mikhail-nesterov_small-house-in-ufa-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mikhail-nesterov_spring-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,mykola-pymonenko_at-the-well,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,mykola-pymonenko_boy-with-a-basket,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,mykola-pymonenko_kiev-station,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,mykola-pymonenko_sheperding-the-flock,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nassos-daphnis_tree-peonies-1941,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nassos-daphnis_tree-peony-1941,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_balcic-hills,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_cherhanale-la-tulcea,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-darascu_elisabeth-avenue-after-rain,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-darascu_field-flowers,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-darascu_ia-i-square-food-row-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_landscape-from-arge,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-darascu_landscape-from-saint-tropez-1911,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_landscape-from-saint-tropez-1913,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-darascu_mamut-s-caf-1933,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-darascu_n-fa-a-opronului-1930,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,nicolae-darascu_road-towards-the-drinking-fountain-balcic-1930,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nicolae-darascu_self-portrait-1958,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-darascu_still-life-with-lobsters-1925,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-darascu_still-life-with-peonies-and-books,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_still-life-with-pumpkin,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_summer-at-balcic,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,nicolae-darascu_the-house-with-linden-tree-from-balcic-1933,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_towards-lipscani-1921,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-darascu_tulcea-square,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-darascu_turks-in-tulcea,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,nicolae-darascu_vase-with-flowers,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-darascu_vase-with-flowers-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_vase-with-peonies-1925,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,nicolae-darascu_vase-with-petunias,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_venice-fishermen-1926,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-darascu_view-towards-balcic,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-darascu_view-towards-the-port,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-grigorescu_andreescu-at-barbizon-1880,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-grigorescu_case-la-vitre,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,nicolae-grigorescu_clearing-back,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,nicolae-grigorescu_columbine-in-green-1874,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-grigorescu_entering-the-bathroom,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-grigorescu_fairground-in-sinaia,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-grigorescu_girl-in-the-mirror,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-grigorescu_girl-with-red-beads,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,nicolae-grigorescu_girl-with-yellow-headscarf,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nicolae-grigorescu_girls-working-by-the-gate-1885,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-grigorescu_hard-road,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,nicolae-grigorescu_laundrywoman-in-brittany,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-grigorescu_may-lillies,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,nicolae-grigorescu_on-a-peak,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-grigorescu_oxcart-1899,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nicolae-grigorescu_peasant-sewing-by-the-window,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nicolae-grigorescu_peasant-woman-head-1905,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-grigorescu_pesc-ri-la-grandville-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-grigorescu_portrait-of-a-girl,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-grigorescu_portrait-of-alexandrina-filionescu,"[15.0, 2.0, 15.0, 1.0, 0.0, 3.0, 1.0, 5.0, 4.0]"
+Impressionism,nicolae-grigorescu_returning-from-the-fair,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nicolae-grigorescu_self-portrait,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-grigorescu_sm-rdan-attack-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,nicolae-grigorescu_still-life-with-fruit,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-grigorescu_the-spring-detail,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nicolae-grigorescu_wild-roses,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-grigorescu_woman-on-the-seashore-1881,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-tonitza_ecaterina-s-portrait-wife-of-the-painter,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-tonitza_lady-with-veil-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,nicolae-tonitza_seine-at-courbevoie-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,nicolae-tonitza_the-field,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nicolae-vermont_a-walk-through-sinaia-forest-1902,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_a-walk-through-the-park-1915,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_at-the-market-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-vermont_at-the-well-1920,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-vermont_autumn-allegory-the-art-and-the-wine-1924,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_baigneuse,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-vermont_birch-wood-1902,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,nicolae-vermont_carnations-1924,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_constan-a-promenade-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_departure-towards-the-open-sea-1983,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-vermont_docked-ship,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,nicolae-vermont_fisherman-village-in-brittany-1923,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_flower-girl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_gipsy-woman-1920,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-vermont_gipsy-woman-in-the-veranda-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,nicolae-vermont_gipsy-woman-with-red-scarf-1930,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-vermont_gipsy-women-talking-1910,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nicolae-vermont_gypsy-woman-study-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,nicolae-vermont_gypsy-woman-with-yellow-headscarf-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nicolae-vermont_halt-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-vermont_in-front-of-the-easel-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,nicolae-vermont_inn-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_louvre-entrance-1928,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_marine-landscape-of-constanta-port,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,nicolae-vermont_namaiesti-monastery-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_on-the-seashore-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nicolae-vermont_peasant-woman-with-flowers-1905,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_peasant-woman-with-white-headscarf-1925,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,nicolae-vermont_peasant-woman-with-white-headscarf-1930,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,nicolae-vermont_roses-1915,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_rotterdam-port-1928,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_seaming-wench-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,nicolae-vermont_self-portrait-with-cap,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-vermont_sewer-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_spring-noon-1926,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-vermont_summer-day-1895,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_the-emigrants,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nicolae-vermont_the-emigrants-last-ship,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,nicolae-vermont_the-flower-girl,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nicolae-vermont_the-love-letter-1916,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_the-muse-1900,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nicolae-vermont_the-refugees-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nicolae-vermont_the-way-home-1919,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nicolae-vermont_thinking-1924,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,nicolae-vermont_thinking-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,nicolae-vermont_turkeys-in-vlaici-1921,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nicolae-vermont_woman-with-red-umbrella-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_a-provincial-town-on-a-river,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_an-afternoon-fishing,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_artist-at-the-easel-portrait-of-konstantin-korovin,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_at-the-hospital,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_at-work,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_balinovo-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_bloomy-apple-garden,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_boy-on-a-grass,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_boys-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_boys-catching-fish,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_by-the-campfire,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_celebration-on-a-steps,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_children,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_children-fishermen,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_children-in-a-class,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_children-in-winter,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_children-on-a-fence,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_children-on-a-horse,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_church-view,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_cither-playing,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_coming-after-the-daily-work,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_connoisseurs-of-books-knowledge-is-power,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_country-boys-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,nikolay-bogdanov-belsky_country-children-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_country-girls,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_cowboy,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_cowboy-2,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_cowboy-proshka,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_doing-the-lessons,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_evening-angler,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_ferriage,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_first-lesson,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_fisherman,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_garson-sitting-in-front-of-a-tree,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_gathering-the-flowers,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_girl-in-a-wood,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_girl-on-a-sofa,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_girl-with-latern,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_girl-with-peonies,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_girls-chorus,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_girls-in-kerchiefs,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_homework,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_horses-bathing,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_in-the-boat,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_in-the-cattails,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_in-the-church,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_in-the-shade,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_joyful-company,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_kondratiy,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_lady-with-roses,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_lake-and-gardens-with-statuary-landscape,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_landscape,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_latgal-girls,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_lettish-accordionist,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_little-concert-with-balalaika,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_little-girl-in-a-garden,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_melted-water,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_needlework-classes-in-a-russian-village,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_nice-landscape-with-ox-and-farmer,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_on-a-visit,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_on-a-visit-to-the-grandmother,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_on-the-ferry,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_on-the-lake,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_oskar-backlund-astronomer,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_playing-children,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_portrait-of-a-woman,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_portrait-of-a-young-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_portrait-of-actor-of-moscow-art-theatre,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_portrait-of-artist-s-son-klaus-erhardt,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_portrait-of-n-yusupov,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_reading-a-book,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,nikolay-bogdanov-belsky_reading-by-the-lamp-schoolgirl,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_reading-girls,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_reading-in-the-garden,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_road-in-a-winter-garden-1930,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_sbitenshchiks,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_school-friends,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_shepherd-girl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_skating-from-mountain,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_spring-rehearsal,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_still-life-with-a-bottle-of-vine,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_summer-day,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_summer-day-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_sunny-morning,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_swimming,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_symphony,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_talant-and-admirer-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_teacher-s-birthday,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_teacher-s-birthday-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_teacher-visitors,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_the-former-defender-of-the-homeland,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_the-latern,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_the-wedding,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_the-wood,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_three-boys-in-the-wood,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_to-school,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_trout-fishing,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_tug-of-war,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_twighlight-in-riga,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_two-girls-on-a-footbridge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_virtuozo,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_visitors,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_waiting-for-the-ferry,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_women-on-the-pond-shore,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nikolay-bogdanov-belsky_young-musician,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,nikolay-bogdanov-belsky_young-musicians-young-musician,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nutzi-acontz_balcic-gulf,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nutzi-acontz_dobrujan-street,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,nutzi-acontz_horseshoeing-1948,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,nutzi-acontz_interior-in-sozopol-1947,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nutzi-acontz_landscape-with-river-1954,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nutzi-acontz_mamut-s-caf,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,nutzi-acontz_old-street-in-pont-aven,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,nutzi-acontz_still-life-with-fruit,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nutzi-acontz_tatar-women-in-balcic,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,nutzi-acontz_terrace-in-balcic-1930,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nutzi-acontz_the-boy,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,nutzi-acontz_the-sleep,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,nutzi-acontz_unknown-title,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,nutzi-acontz_unknown-title-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,octav-angheluta_antonel-1946,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,octav-angheluta_cap-de-trengar-1943,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-angheluta_copii-pe-ulita,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-angheluta_copil-cu-beret-verde,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,octav-angheluta_feti-a-cu-fundi-e-ro-ii,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-angheluta_first-day-at-the-beach,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,octav-angheluta_getu-a-1945,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-angheluta_gr-nar,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-angheluta_interior,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,octav-angheluta_ivan-lipoveanul-1969,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,octav-angheluta_meridional-landscape-with-ruins,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,octav-angheluta_micuta-cusatoreasa,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-angheluta_nud-ghemuit,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-angheluta_reading,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-angheluta_rest,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,octav-angheluta_striped-skirt,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,octav-angheluta_tata,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Impressionism,octav-angheluta_the-doll,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,octav-angheluta_tomis-market-1975,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,octav-angheluta_versailles,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-bancila_atra,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,octav-bancila_autoportret-detaliu-1942,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,octav-bancila_b-tr-n,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,octav-bancila_baticul-galben-1920,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,octav-bancila_can-cu-flori-de-c-mp-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-bancila_can-cu-violete,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-bancila_case-la-ar,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-bancila_dezertorul-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,octav-bancila_evreu-din-t-rgu-cucului,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,octav-bancila_flori,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,octav-bancila_flori-de-c-mp,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-bancila_flori-de-m-r,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-bancila_gladiole-imperiale,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,octav-bancila_ig-ncu-1920,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,octav-bancila_ig-ncu-cu-basma-ro-ie-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,octav-bancila_ig-ncu-cu-batic-ro-u-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,octav-bancila_ig-ncu-cu-salb-i-pip-1915,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,octav-bancila_lec-ia-de-muzic-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,octav-bancila_maci,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-bancila_portretul-de-evreu,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,octav-bancila_r-ncu,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,octav-bancila_r-ncu-ntre-vii,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,octav-bancila_ran-cu-pip-1912,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,octav-bancila_valea-agapiei-1915,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,odilon-redon_breton-harbour,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,odilon-redon_landscape-in-brittany-peyrelebade,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,odilon-redon_lane-of-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,odilon-redon_peyrelebade-landscape,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,odilon-redon_peyrelebade-landscape-1880,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,odilon-redon_peyrlebade-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,odilon-redon_small-village-in-the-medoc,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,odilon-redon_street-in-samois-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,odilon-redon_the-meadow,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,odilon-redon_the-port-of-morgat-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,odilon-redon_trees,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,oleksandr-bogomazov_a-bridge-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,oleksandr-bogomazov_self-portrait-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,othon-friesz_dufy-in-the-studio-1900,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,othon-friesz_le-haver-the-port-entrance-1897,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,othon-friesz_portrait-of-the-artist-s-mother-1898,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,othon-friesz_rocky-coast-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,othon-friesz_self-portrait-1899,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,othon-friesz_the-pont-neuf-paris-1902,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,otto-gustav-carlsund_still-life-with-bottle-and-green-pears-1932,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pablo-picasso_alicante-view-of-boats,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,pablo-picasso_brasserie-on-monmartre,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pablo-picasso_crossind-seine-on-the-upper-deck-1901,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pablo-picasso_fairground-1900,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,pablo-picasso_flower-seller-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pablo-picasso_harlequin-with-guitar-1916,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pablo-picasso_head-of-woman-1901,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pablo-picasso_lola-1899,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pablo-picasso_longchamp-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pablo-picasso_madrilenian-head-of-young-woman-1901,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pablo-picasso_palace-of-arts-barcelona-1903,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pablo-picasso_portrait-of-gustave-coquiot-1901,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pablo-picasso_portrait-of-josep-cardona-1899,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pablo-picasso_portrait-of-minguell,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,pablo-picasso_public-garden-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pablo-picasso_self-portrait-1901-3,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pablo-picasso_snackbar-in-the-open-air-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,pablo-picasso_stuffed-shirts-1900,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pablo-picasso_view-of-the-port-of-valencia,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pablo-picasso_woman-with-cat-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pablo-picasso_woman-with-feathered-hat-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,panayiotis-tetsis_composition-with-girl-and-still-life(1),"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,panayiotis-tetsis_double-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,panayiotis-tetsis_landsapce-of-ydra-2001,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,panayiotis-tetsis_market,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,panayiotis-tetsis_portrait-of-a-man,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,panayiotis-tetsis_seascape,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,panayiotis-tetsis_sunset,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,panayiotis-tetsis_sunset-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_a-modern-olympia-1874,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_a-painter-at-work-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_afternoon-in-naples,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_apples-1878,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_auvers-view-from-nearby,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_basin-and-washing-place-in-jas-de-bouffan,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_bather-1877,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-cezanne_bather-from-the-back-1878,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_bather-with-arms-spread-1876,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_bather-with-outstreched-arms,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_bathers,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_bathers-1875,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_bathers-1877,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_breakfeast-in-the-outside,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-cezanne_chestnut-trees-and-farmstead-of-jas-de-bouffin-1876,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-cezanne_compotier-and-plate-of-biscuits-1877,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_cottages-of-auvers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,paul-cezanne_couple-in-a-garden,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_couples-relaxing-by-a-pond,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_dahlias-in-a-delft-vase,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_don-quixote-view-from-the-back,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,paul-cezanne_eremitage-pontoise-1874,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_etude-paysage-a-auvers-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_factories-near-mont-de-cengle,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_flowers-in-a-blue-vase,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-cezanne_flowers-in-a-vase-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-cezanne_four-bathers,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_girl,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-cezanne_guillaumin-with-the-hanged-man-1873,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_horse-chestnut-trees-in-jas-de-bouffan,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_in-the-oise-valley-1874,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_jas-de-bouffan-the-pool,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_l-estaque-view-through-the-trees-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_landscape-at-the-jas-de-bouffin-1876,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_landscape-in-provence-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_landscape-study-after-nature-1876,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_landscape-with-waterline,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_landscape-with-watermill-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_legendary-scene,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,paul-cezanne_life-in-the-fields,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,paul-cezanne_madame-cezanne-leaning-on-a-table,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_man-standing-arms-extended,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_olympia-1875,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_orchard-in-pontoise-1877,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-cezanne_path-at-the-entrance-to-the-forest-1879,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_poplars-1880,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,paul-cezanne_portrait-of-madame-cezanne-1878,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_portrait-of-the-artist-s-son-1878,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,paul-cezanne_portrait-of-victor-chocquet-1877,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,paul-cezanne_portrait-of-victor-chocquet-1877-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,paul-cezanne_portrait-of-victor-chocquet-seated,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_pot-of-flowers-1876,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_reclining-nude,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_road-1876,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_road-at-pontoise-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_rocks,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_self-portrait-1875,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_self-portrait-in-a-casquette,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_self-portrait-in-front-of-pink-background-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,paul-cezanne_still-life,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_still-life-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-cezanne_still-life-bowl-and-milk-jug,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-cezanne_still-life-delft-vase-with-flowers-1874,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_still-life-post-bottle-cup-and-fruit,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_still-life-skull-and-waterjug,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_still-life-with-apples,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_still-life-with-apples-and-biscuits-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_still-life-with-apples-servettes-and-a-milkcan,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_still-life-with-bottles-and-apples,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_still-life-with-italian-earthenware-jar,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_still-life-with-open-drawer-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_still-life-with-seven-apples-1878,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_strangled-woman-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,paul-cezanne_the-battle-of-love-1876,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_the-bay-of-l-estaque-and-saint-henri-1879,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_the-bridge-at-maincy-1879,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-buffet-1877,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_the-etang-des-soeurs-at-osny-1875,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_the-eternal-woman,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-eternal-woman-1877,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-feast-the-banquet-of-nebuchadnezzar,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-fountain,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_the-halle-aux-vins-seen-from-the-rue-de-jussieu-1872,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-cezanne_the-hanged-man-s-house-in-auvers-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-harvesters-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,paul-cezanne_the-house-and-the-tree,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-house-of-dr-gached-in-auvers-1873,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_the-house-of-pere-lacroix-in-auvers-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_the-obstpfluckerin-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_the-oise-valley,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,paul-cezanne_the-orchard-1877,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-pond-of-the-jas-de-bouffan-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-pool-at-jas-de-bouffan,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_the-railway-cutting-1870,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-cezanne_the-sea-at-l-estaque-1878,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,paul-cezanne_the-seine-at-bercy-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-cezanne_the-temptation-of-st-anthony-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_the-trees-of-jas-de-bouffan-1876,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_the-turn-in-the-road-at-auvers-1873,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-cezanne_three-bathers-1875,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_two-vases-of-flowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_view-of-auvers-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_view-of-auvers-1873-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-cezanne_village-behind-trees-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_a-henhouse-1884,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_abandoned-garden-in-rouen,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,paul-gauguin_aline-gauguin-and-one-of-her-brothers,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,paul-gauguin_apple-trees-in-blossom-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_at-the-window-1882,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_aube-the-sculptor-and-his-son-1882,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_autumn-landscape-farm-and-pond-1877,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_banks-of-the-oise-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_bare-trees-1885,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_basket-of-flowers-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_bathing-dieppe-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_blue-barge-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_blue-roofs-of-rouen-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_bouquet-1884,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_bouquet-of-flowers-1882,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_bouquet-of-peonies-on-a-musical-score-1876,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_boy-by-the-water-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_bust-of-a-nude-girl-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_by-the-stream-autumn-1885,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_cail-factories-and-quai-of-grenelle-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_cattle-drinking-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_chicken-coup,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_china-asters-hat-and-book,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_clay-jug-and-irin-mug-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,paul-gauguin_clearing-1873,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_cliff-near-dieppe-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_clovis-gauguin-asleep-1884,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_conversation-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-gauguin_corner-of-the-garden-rue-carsal,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_dahlias-in-a-copper-vase-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_daisies-and-peonies-in-blue-vase-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_donkey-by-lane-1885,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_double-portrait-of-a-young-girl-mademoiselle-lafuite-1883,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,paul-gauguin_evening-primroses-in-the-vase-1885,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-gauguin_farm-in-osny-1883,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_flowers-and-a-bird,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_flowers-and-carpet-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_flowers-and-carpet-pansies-1880,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_flowers-and-japanese-book-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_garden-in-rue-carcel,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_garden-under-snow-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,paul-gauguin_geese-in-the-meadow-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_geese-on-the-farm-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_gratte-roosters-path-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_harbour-scene-dieppe,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_haymaking-near-dieppe-1885,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_hillside-1884,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,paul-gauguin_horse-and-cow-in-a-meadow-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_houses-at-vaugirard-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_in-the-forest-saint-cloud-1873,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_in-the-forest-saint-cloud-ii-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_ingeborg-thaulow-1883,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_interior-of-the-painter-s-house-rue-carcel-1881,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_landscape-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Impressionism,paul-gauguin_landscape-near-osny,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_landscape-with-cows-in-an-orchard-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_landscape-with-poplars-1875,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_lilac-bouquet-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_man-with-a-toque,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,paul-gauguin_mandolin-on-a-chair-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_mandolina-and-flowers-1883,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_mette-asleep-on-a-sofa-1875,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_mette-gauguin-in-an-evening-dress-1884,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_mountain-landscape-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_nasturtiums-dahlias-in-a-basket-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_near-rouen-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_near-rouen-1884-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,paul-gauguin_normandy-landscape-cow-in-a-meadow-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_notre-dame-des-agnes-1884,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_oestervold-park-copenhagen-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_orchard-under-the-church-of-bihorel-children-in-the-pasture-1884,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_osny-rue-de-pontoise-winter-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-gauguin_osny-the-gate-of-busagny-farm-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_party-wall-1881,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_pears-and-grapes-1875,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_pere-jean-s-path-1885,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_pissarro-s-garden-pontoise-1881,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_pond-with-ducks-girl-amusing-herself-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_port-de-grenelle-1875(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_port-de-javel-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_port-de-javel-1876-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,paul-gauguin_portrait-of-a-child-aline-gauguin,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_portrait-of-a-seated-man-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_portrait-of-achille-granchi-taylor-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_portrait-of-aline-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Impressionism,paul-gauguin_portrait-of-claude-antoine-charles-favre-1877,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_portrait-of-gaugin-s-daughter-aline,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_portrait-of-ingeborg-thaulow-1877,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,paul-gauguin_portrait-of-isidore-gauguin-1884,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_portrait-of-philibert-favre-1885,"[7.0, 3.0, 13.0, 2.0, 0.0, 1.0, 5.0, 7.0, 12.0]"
+Impressionism,paul-gauguin_quarries-at-pontoise-1882,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_quarries-at-pontoise-ii-1882,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_quarry-hole-in-the-cliff-1882,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_red-roof-by-the-water-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_returning-from-the-harvest-manuring-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_river-bank-in-winter,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_riverside-breton-landscape-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_rouen-at-spring-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_rouen-suburb-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_rue-jouvenet-rouen-1884,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_self-portrait-1885,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_skaters-in-fredericksberg-park-1884,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_stabble-near-dieppe-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_still-life-of-onions-and-pigeons-and-room-interior-copenhagen-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_still-life-vase-with-flowers-on-the-window-1881,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_still-life-with-a-mandolin-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_still-life-with-carafe-and-ceramic-figure-1885,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_still-life-with-fruit-plate-1880,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_still-life-with-oranges-1881,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_still-life-with-oysters-1876,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_still-life-with-red-mullet-and-jug-1876,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_stream-in-osny-1883,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_street-in-osny-1883,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_street-in-rouen-1884,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_street-in-rouen-1884-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-gauguin_sunken-lane-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_suzanne-sewing-study-of-a-nude-1880,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_the-artist-s-children-1884,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_the-cliffs-of-le-bouille-1884,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_the-embroiderer-or-mette-gauguin-1878,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_the-farm-in-grue-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_the-forest-edge-1885,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_the-forest-path-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,paul-gauguin_the-garden-in-winter-rue-carcel-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_the-market-gardens-of-vaugirard-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_the-port-of-rouen-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_the-queen-s-mill-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_the-road-up-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_the-seine-at-the-pont-d-iena-1875,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_the-seine-in-paris-1875,"[0.0, 13.0, 22.0, 3.0, 0.0, 1.0, 2.0, 0.0, 4.0]"
+Impressionism,paul-gauguin_the-seine-opposite-the-wharf-de-passy-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_the-square-pond-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-gauguin_the-vase-of-peonies-1884,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_to-make-a-bouquet-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_tomatoes-and-a-pewter-tankard-on-a-table-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_tree-in-the-farm-yard-1874,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_tree-in-the-farm-yard-1874-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_tree-linen-road-rouen-1885,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_two-cows-in-the-meadow-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_two-vases-of-flowers-and-a-fan-1885,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_vaugirard-church-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_village-street-osny-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_watering-place-1885,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_watering-place-1885-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_white-house-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_willows-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_winter-landscape-1879,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_winter-s-end-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,paul-gauguin_women-bathing-dieppe-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-gauguin_wooded-path-1884,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,paul-gauguin_working-the-land-1873,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-gauguin_young-girl-dreaming-study-of-a-child-asleep-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Impressionism,paul-gauguin_young-woman-lying-in-a-grass-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-mathiopoulos_female-nude-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,paul-mathiopoulos_female-nude-1898,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-mathiopoulos_female-nude-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,paul-mathiopoulos_greek-beauty,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-mathiopoulos_vase-with-roses,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_an-old-port-of-marseille,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-signac_antibes-1917,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_boulevard-de-clichy-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,paul-signac_carnival-at-nice,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_concarneau-study-1891,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_fisihing-boats,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_floral-still-life,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_le-havre-with-rain-clouds-1922,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,paul-signac_les-andelys-1923,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-signac_paris-ponton-des-bains-bailet-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_paris-quai-de-la-tournelle-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-signac_paysage-corse,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-signac_port-en-bessin-a-cliff-1883,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,paul-signac_port-en-bessin-the-beach-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_port-louis-lomalo,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_railway-junction-near-bois-colombes-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,paul-signac_red-silk-stockings-1935,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,paul-signac_rodez,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_rue-caulaincourt-mills-on-montmarte-1884,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,paul-signac_saint-brac-le-bechet-1885,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_saint-briac-courtyard-of-the-ville-hue-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_saint-briac-the-marker-le-cheval-1885,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_saint-paul-de-vence,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_saint-tropez-gale-from-east-1895,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-signac_still-life-with-a-book-1883,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_study-for-venice-morning,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,paul-signac_the-bonaventure-pine-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_the-entrance-to-the-grand-canal-venice,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,paul-signac_the-haystack-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,paul-signac_the-house-of-van-gogh-arles-place-lamartine-1933,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_the-jetty,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_the-lighthouse-of-gatteville,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,paul-signac_the-look-at-montauban-in-rain,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,paul-signac_the-port-of-st-tropez,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,paul-signac_the-road-to-gennevilliers-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,paul-signac_the-seine-near-sevres,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_a-summer-s-day-at-skagen-south-beach-1884,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_a-white-boat-at-the-shoreline-late-summer-evening-1895,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,peder-severin-kroyer_artist-s-house-in-skagen-plantation-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_artists-on-the-beach-1882,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,peder-severin-kroyer_beach-at-skagen-1903,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,peder-severin-kroyer_burmeister-and-wain-iron-foundry-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,peder-severin-kroyer_frederikke-tuxen-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_girl-on-the-beach-1884,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_holger-drachman-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,peder-severin-kroyer_marie-and-her-mother-in-the-garden-1891,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,peder-severin-kroyer_marie-in-red-dress-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_marie-in-the-garden-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_marie-kr-yer-painting-on-the-beach-at-stenbjerg-1889,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_oscar-bj-rck-and-eilif-peterssen-painting-portraits-of-georg-brandes-1883,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_sea-at-skagen-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_self-portrait-1888,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,peder-severin-kroyer_self-portrait-sitting-by-his-easel-at-skagen-beach-1902,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_sketch-to-portrait-of-georg-brandes-1900,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_summer-evening-on-the-beach-1893,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,peder-severin-kroyer_viggo-johansen-1887,"[2.0, 6.0, 17.0, 2.0, 0.0, 1.0, 0.0, 6.0, 10.0]"
+Impressionism,pericles-pantazis_ath-the-beach-no2,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pericles-pantazis_best-friends-forever,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pericles-pantazis_bloke-eating-watermelon,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pericles-pantazis_by-the-stream,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pericles-pantazis_child-with-crown,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_girl,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,pericles-pantazis_knitting-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,pericles-pantazis_l-enfant-a-la-toupie,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pericles-pantazis_lady-in-the-mirror-with-a-fan-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_landscape-with-a-tributary-of-the-seine-near-paris-1872,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_lighthouse-of-marseille,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pericles-pantazis_little-shepherd-girl,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pericles-pantazis_on-the-beach-ostend,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,pericles-pantazis_ostend,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pericles-pantazis_portrait-of-a-boy,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_portrait-of-a-boy(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,pericles-pantazis_snowy-landscape,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pericles-pantazis_still-life-with-quinces-1880,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pericles-pantazis_summer-day-at-the-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_supreme-court-1880,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_the-cliffs-at-the-lesse-1878,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,pericles-pantazis_village-sous-la-neige-vall-e-de-la-meuse-1878,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,pericles-pantazis_young-girl-knitting,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,periklis-vyzantios_acropolis-1955,"[1.0, 11.0, 17.0, 2.0, 2.0, 4.0, 1.0, 1.0, 5.0]"
+Impressionism,periklis-vyzantios_figures,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,periklis-vyzantios_hydra(1),"[0.0, 14.0, 14.0, 3.0, 1.0, 2.0, 2.0, 6.0, 5.0]"
+Impressionism,periklis-vyzantios_hydra-1963,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,periklis-vyzantios_hydra-1967,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,periklis-vyzantios_interior-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,periklis-vyzantios_interior-1958,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,periklis-vyzantios_landscape-with-trees,"[6.0, 6.0, 17.0, 5.0, 0.0, 4.0, 0.0, 2.0, 6.0]"
+Impressionism,periklis-vyzantios_libyan-sea,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,periklis-vyzantios_orel-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,periklis-vyzantios_portrait-of-a-girl,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,periklis-vyzantios_portrait-of-a-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,periklis-vyzantios_ydra-1959,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,petre-abrudan_andscape-from-baia-mare-with-buffalos,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,petre-abrudan_astonishment,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,petre-abrudan_flowers-1975,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,petre-abrudan_landscape-1976,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,petre-abrudan_landscape-from-baia-mare-1937,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,petre-abrudan_light-1961,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,petre-abrudan_red-eggs,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,petre-abrudan_tough-winter-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,petre-abrudan_tulcea-outskirts,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,petro-kholodny-(elder)_khutir-hamlet-in-the-wood-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,petro-kholodny-(elder)_poppies-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,petro-kholodny-(elder)_still-life-1919,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,petro-kholodny-(elder)_winter-in-the-forest-sketch-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,philip-de-laszlo_crown-princess-cecilie-of-prussia-1906,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_edwina-mountbatten-countess-mountbatten-of-burma-1924,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_empress-elisabeth-of-austria-1898,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_in-the-hofbr-uhaus-in-munich-1892,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-de-laszlo_john-loader-maffey-1st-baron-rugby-1923,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,philip-de-laszlo_lady-frances-gresley-1924,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_portrait-of-a-lady-1920,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_portrait-of-lady-rachel-cavendish,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_princess-louise-mountbatten-1907,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-de-laszlo_queen-marie-of-romania-1936,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_self-portrait-1911,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,philip-de-laszlo_the-duchess-of-york-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-de-laszlo_the-son-of-the-artist-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_a-classic-landscape-richmond,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_a-procession-of-yachts,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_a-summer-s-evening,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,philip-wilson-steer_a-view-of-barnard-castle-yorkshire-from-the-river,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_beach-at-etaples-1887,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_boulogne-sands,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_boulogne-sands-children-shrimping-1891,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_girl-and-st-bernard-dog,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_girl-at-the-beach,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_girl-on-a-sofa-1891,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_girl-seated-on-a-pier,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_girls-running-walberswick-pier,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_hydrangeas-1901,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_knucklebones-walberswick-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,philip-wilson-steer_landscape-with-trees-in-yorkshire,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_ludlow-walks,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,philip-wilson-steer_minesweepers-at-dover,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_mrs-cyprian-williams-and-her-two-little-girls,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_mrs-violet-m-hammersley-1907,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_on-the-river-blackwater-maldon,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,philip-wilson-steer_poole-harbour-1890,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_portrait-of-francis-edward-james-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_portrait-of-miss-rose-pettigrew,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_portrait-of-miss-scobell-in-a-bathchair-the-convalescent,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,philip-wilson-steer_richmond-yorkshire,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,philip-wilson-steer_seated-lady,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_southwold,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_summer-at-cowes,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_the-beach-at-walberswick,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_the-black-hat,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_the-bridge,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_the-golden-valley-stroud,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,philip-wilson-steer_the-music-room-1906,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_the-oak-grove-bridgnorth-shropshire,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_the-sprigged-frock,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,philip-wilson-steer_the-swiss-alps-at-the-earl-s-court-exhibition,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_walberswick-children-paddling-1891,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_what-of-the-war,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,philip-wilson-steer_woman-sewing,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,philip-wilson-steer_young-woman-at-the-beach,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_a-bouquet-of-roses-1879,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_a-box-in-the-theater-des-varietes-1898,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_a-church-at-cagnes,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_a-fence-in-the-forest-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_a-girl,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_a-girl-reading-1891,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_a-girl-with-a-watering-can-1876,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_a-seating-bather-1906,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_a-walk-by-the-sea-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_a-walk-in-the-woods-madame-lecoeur-and-her-children-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_a-young-woman-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_acrobats-at-the-cirque-fernando-francisca-and-angelina-wartenberg-1879,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,pierre-auguste-renoir_adele-besson-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_after-bathing,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_after-bathing-nude-study-1910,"[1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_after-bathing-seated-female-nude,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_after-the-bath,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_after-the-bath-1910,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_after-the-bath-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_albert-cahen-d-anvers-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_alfred-berard-and-his-dog-1881,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_alfred-sisley-1876,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_algerian-girl-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_algerian-landscape-the-ravine-of-the-wild-women-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_algerian-woman-1881,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_algerian-woman-1883,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_algerian-woman-seated-1882,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_algiers-landscape-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_algiers-the-garden-of-essai-1881,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_aline-and-pierre-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_aline-at-the-gate-girl-in-the-garden-1884,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_aline-charigot-future-madame-renoir-1885,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_aline-charigot-with-a-dog-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_aloe-picking-at-cagnes-1910,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_alphonsine-fournaise-on-the-isle-of-chatou-1879,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_ambroise-vollard-1908,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_ambroise-vollard-portrait,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_amelie-dieterie-in-a-white-hat,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_andree-in-a-pink-dress-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_andree-in-blue-andree-heurschling,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_andree-in-yellow-turban-and-blue-skirt-1917,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_anemones,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_anemones-1898,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_anemones-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_anemones-1909,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_anemones-1916,"[2.0, 6.0, 19.0, 2.0, 1.0, 6.0, 6.0, 4.0, 2.0]"
+Impressionism,pierre-auguste-renoir_anemonies,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_antibes-1893,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_apples-and-flowers-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_apples-and-grapes,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_apples-and-manderines,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_apples-and-manderines-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_apples-in-a-dish-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_arabs-by-the-sea,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_armful-of-roses-1918,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_arum-and-conservatory-plants-1864,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_at-the-cafe-1877,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_at-the-concert-box-at-the-opera-1880,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_at-the-luxembourg-gardens-1883,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_at-the-milliner-s,"[2.0, 5.0, 19.0, 4.0, 0.0, 3.0, 2.0, 6.0, 7.0]"
+Impressionism,pierre-auguste-renoir_at-the-milliner-s-study,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_at-the-moulin-de-la-galette,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_back-view-of-a-bather-1893,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_ball-at-the-moulin-de-la-galette-1876(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_banks-of-a-river-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_banks-of-the-river,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_banks-of-the-river-1,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_banks-of-the-river-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_banks-of-the-river-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_banks-of-the-seine-at-champrosay,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_basket-of-flowers-1890,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_bather-1887-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-1893,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-1905,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-2,"[0.0, 0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-admiring-herself-in-the-water,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bather-and-maid-the-toilet,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-arranging-her-hair-1893,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bather-drying-her-feet-1907,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-drying-her-leg,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bather-drying-herself,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-drying-herself-1895,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-from-the-back,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-is-styling-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bather-seated-by-the-sea,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-seated-nude,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-seated-on-a-rock-1892,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-wiping-a-wound-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-with-a-rock,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bather-with-long-hair,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bathers,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bathers-1892,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bathers-1894,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bathers-1916,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bathers-1917,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bathers-in-the-forest,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bathers-on-the-banks-of-the-thone-in-avignon-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bathing-1915,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_beaulieu-1890,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_beaulieu-landscape-1893,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_berthe-morisot-and-her-daughter-julie-manet-1894,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_blond-bather-1881,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_blond-in-a-straw-hat-seated-girl,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_blonde-bather-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_boating-at-argenteuil-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_boating-couple-aline-charigot-and-renoir-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bougival-1888,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bouquet-in-a-theater-box,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-in-front-of-a-mirror-1877,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-chrysanthemums-1881,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-flowers,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-flowers-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-flowers-1878,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-flowers-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-flowers-in-an-earthenware-pitcher,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-roses,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-roses-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-roses-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-roses-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-roses-in-a-blue-vase-1892,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-roses-in-a-green-vase,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquet-of-roses-in-a-vase-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bouquets-of-flowers,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_breakfast-at-berneval-1898,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_breton-landscape-1893,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_breton-landscape-church-and-orchard,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_breton-landscape-trees-and-moor-1892,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bulrushes-on-the-banks-of-the-seine-1874,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-girl-1900,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-woman,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-woman-gabrielle,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-woman-in-a-red-blouse,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-woman-wearing-a-hat-1881,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-woman-yellow-dress,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-girl,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-girl-in-a-straw-hat-1917,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-girl-wearing-a-straw-hat-1917,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-nude-1903,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-1904,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-1913,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-in-a-red-blouse-1915,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_bust-of-a-young-woman-with-flowered-ear-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_by-the-fireside-1875,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_by-the-seashore-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_by-the-water-near-the-lake,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cabin-with-aloe-plants,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cagnes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1908-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1910-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1910-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-3,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-4,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-5,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-6,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cagnes-landscape-with-woman-and-child-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_camille-monet-and-her-son-jean-in-the-garden-at-argenteuil-1874,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_camille-monet-reading-1872,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_canoeing-young-girl-in-a-boat-1877,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_cape-saint-jean-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_captain-edouard-bernier-1871,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_caryatides,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_catulle-mendez,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cauliflower-and-pomegranates,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_charles-le-coeur-1874,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_chestnut-tree-blooming-1881,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_child-in-a-white-dress-lucie-berard-1883,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_child-s-head,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_child-with-a-hoop,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_child-with-a-whip-1885,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_child-with-cat-julie-manet-1887,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_child-with-punch-doll-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_children-by-the-sea-in-guernsey-1883,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_children-on-the-beach-at-guernsey,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_children-on-the-seashore-1883,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_children-s-afternoon-at-wargemont-marguerite-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_children-s-heads,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_christine-lerolle-1897,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_christine-lerolle-embroidering-1897,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_chrysan-the-mums-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_church-of-the-holy-trinity-in-paris-1893,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_claude-and-renee-claude-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_claude-monet-reading-1872,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_claude-monet-the-reader-1874,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_claude-renoir,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_claude-renoir-at-play-sun-1905,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_claude-renoir-playing-with-dominos-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,pierre-auguste-renoir_claude-renoir-potting-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_clearing,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_clearing-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cliffs-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cliffs-on-the-coast-near-pourville-1879,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_coastal-landscape-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_coco,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_coco-and-roses-study,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_coco-and-two-servants-1910,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_coco-holding-a-orange-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_coco-in-a-red-ribbon-1905,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_coco-s-head,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_coffee-pot,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_colonel-barton-howard-jenks-1865,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_confidence-1897,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_confidences-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_confidences-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_conversation-1879,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_conversation-in-a-rose-garden-1876,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_country-dance,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_country-dance-study-1883,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cros-de-cagnes-1905,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_cup-and-fruit,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cup-and-oranges,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_cup-lemon-and-tomato,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dahlias,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dame-en-toilette-de-ville-1875,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dance-at-bougival-1883,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dance-at-bougival-1883-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dance-in-the-city-1883,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dance-in-the-country-1883,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dance-in-the-country-1883-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dancer-1874,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dancer-with-castanettes-1909,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dancer-with-castenets-1895,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_dancer-with-tambourne-gabrielle-renard-1909,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_dead-pheasant-in-the-snow-1879,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_dedee-in-spanish-dress-1917,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_earthenware-jug,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_earthenware-virgin-and-child,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_ellen-andree-1879,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_entering-the-village-of-essoyes-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_essoyes-landscape,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_essoyes-landscape-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_essoyes-landscape-washerwoman-and-bathers-1900,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_eugene-murer-1877,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_faisans-canapetiere-et-grives-1902,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_farm-courtyard,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_female-nude-seated,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_field-and-haystacks-1885,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_field-of-banana-trees-1881,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_fields-of-wheat-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_figures-in-a-garden,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_figures-in-a-landscape-1900,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_figures-on-the-beach,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_first-portrait-of-madame-georges-charpeitier-1877,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_fish,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_fishermen-by-a-lake,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flag-decorated-street-1906,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_floral-headband,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_flower-study-1913,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_flowers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-1902,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-and-fruit-1889,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-green-vase-dahlilas-and-asters,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-1878,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-1878-1,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-1901,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-2,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-3,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-and-a-glass-of-champagne,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_flowers-in-a-vase-with-blue-decoration,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_forest-path-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_frederic-bazille-painting-the-heron-1867,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-and-jean,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-and-jean-1895,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-at-her-window-1907,"[2.0, 2.0, 13.0, 3.0, 0.0, 4.0, 1.0, 15.0, 3.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-at-the-mirror-1910,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-holding-a-mirror-with-a-portrait-of-coco-1905,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-in-a-chemise-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-in-a-red-blouse,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-in-a-red-blouse-1896,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-in-a-red-blouse-1913,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-in-a-straw-hat-1900,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-in-the-garden-at-cagnes-1911,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-jean-and-a-little-girl,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-mending-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-reading-1906,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-seated,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-sun,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-wearing-a-necklace-1906,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-with-a-large-hat,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-with-a-rose-1911,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-with-a-rose-the-sicilian-woman,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-with-bare-breasts-1907,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-with-open-blouse,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gabrielle-with-renoir-s-children,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_garden-in-the-rue-cortot-1876,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_garden-scene-in-brittany-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_garland-of-flowers,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_garland-of-fruit-and-flowers-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_genevieve-bernheim-de-villers-1910,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_georges-riviere-and-margot-1876,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_georgette-charpentier-seated-1876,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_georgette-charpentier-standing-1880,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_geraniums-and-cats-1881,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-and-cat-1882,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-crocheting,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-gathering-flowers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-in-a-flowery-hat-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-in-a-lace-hat-1891,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-in-a-red-hat-1913,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_girl-in-blue-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-looking-into-a-mirror,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-reading-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-s-head,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-streched-out-on-the-grass-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-wearing-a-straw-hat,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_girl-wiping-her-feet,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-basket-of-fish,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-basket-of-oranges,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-dog,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-fan-alphonsine-fournaise-1880,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-hoop-1885,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-letter-1894,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-mandolin-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-pink-and-black-hat,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-pink-feather-1876,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-pink-ribbon,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-red-hair-ribbon-1891,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-straw-hat,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-straw-hat-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-a-watering-can-1876,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-auburn-hair-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-with-brown-hair,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-falcon-1882,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-fan,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-with-flowers-1888,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girl-with-hat,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girl-with-red-stockings-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girls,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_girls-at-the-piano-1892,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girls-at-the-piano-1892-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girls-on-the-seashore-1894,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girls-picking-flowers-in-a-meadow,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_girls-putting-flowers-on-their-hats-1894,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gladiolas-in-a-blue-vase,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gladiolas-in-a-vase-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gladioli,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gladioli-1884,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_glass-of-wine-1908,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_gondola-1881,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_grape-harvesters-1879,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_graziella-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_guernsey-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_gypsy-girl-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-child-edmond-renoir,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-dog-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-girl,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-little-girl-in-profile-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-woman,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-woman-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-woman-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-woman-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-woman-in-red,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1878,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1880,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1890,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-girl-1905,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-girl-in-red-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1880,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1890,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1893,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-red-hat-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-wearing-a-blue-scarf-madame-henriot-1876,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_head-of-a-young-woman-yellow-hat-1894,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_head-of-gabrielle-1895,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_helene-bellow-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_hills-around-moulin-huet-bay-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Impressionism,pierre-auguste-renoir_house-and-figure-among-the-trees,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_house-at-cagnes,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_house-in-collett-at-cagnes-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_house-on-the-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_houses-at-cagnes,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_houses-at-cagnes-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_houses-at-cagnes-1905-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_houses-by-the-sea-1912,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_houses-in-cagnes-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_houses-in-the-trees,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_ile-de-france-1885,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_in-st-cloud-park-1866,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_in-summer-the-gypsy-1868,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_in-the-garden,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_in-the-garden-1885,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_in-the-garden-at-collettes-in-cagnes,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_in-the-garden-of-collettes-at-cagnes,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_in-the-loge,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jacques-eugene-spuller-1871,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_jacques-fray-as-a-baby-1904,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jean-drawing,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jean-renoir-1899,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jean-renoir-1901,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jean-renoir-as-a-hunter-1910,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_jean-renoir-in-a-chair-child-with-a-biscuit,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jean-renoir-writing,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jeanne-durand-ruel-1876,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jeanne-samary-1877,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jeanne-samary-1878,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_jeanne-samary-in-a-low-necked-dress-1877,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jeanne-sisley-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_joseph-durand-ruel-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_jug,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_jug-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_julie-manet-1894,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_la-grenouillere-1869,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_la-grenouillere-1869-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_la-grenouillere-1869-2,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_la-poste-at-cagnes,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_lady-in-a-black-dress-1876,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_lady-with-white-hat-1895,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-10,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-11,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-12,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-13,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-14,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-15,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-16,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-17,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-18,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1868,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1881,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1881-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_landscape-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1893,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1895,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-19,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-1900,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1902,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-1910,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1913,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_landscape-1915,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-1917,"[3.0, 8.0, 21.0, 5.0, 1.0, 5.0, 3.0, 1.0, 5.0]"
+Impressionism,pierre-auguste-renoir_landscape-1919,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-2,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-3,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-4,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-5,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-6,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-7,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_landscape-8,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_landscape-9,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-after-corot-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-beaulieu-1899,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-cagnes,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-cagnes-1908,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-collettes,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-collettes-1,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-essoyes,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-grasse-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-at-wargemont-1879,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-auvers-sur-oise,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-banks-of-the-river,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-by-the-sea-1915,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-in-la-roche-guyon-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-in-normandy-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-in-the-sun-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-cagnes,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-cagnes-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-cagnes-1910,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-cagnes-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-essoyes-1892,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-manton-1883,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-pont-aven,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-near-varengeville-1885,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-sketch-1917,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-a-view-of-the-sea,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-bridge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-bridge-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-cabin-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-female-bathers,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-fence,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-figures,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-figures-at-cagnes,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-horses,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-mimosas-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-orchard-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-red-roofs,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-river-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-snow,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-trees,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-trees-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-white-house,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_landscape-with-white-house-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_lane-in-the-woods-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_large-bather-with-crossed-legs-1904,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_laundresses,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_laundresses-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_laundresses-at-cagnes-1912,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_laundry-boat-by-the-banks-of-the-seine-near-paris-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_le-jardin-de-la-poste-cagnes-1906,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_le-place-clichy,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_le-poste-at-cagnes-study-1905,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_leaving-the-bath-1890,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_leaving-the-conservatoire-1877,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_lemons-1912,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_leontine-and-coco-1909,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_leontine-reading-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_leontine-reading-1909-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_lighthouse-and-fort-carre-antibes-1916,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_lime-tree-and-farmhouse,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_little-girl-in-a-white-apron-portrait-of-lucie-berard-1884,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_little-girl-with-a-red-hair-knot-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_little-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_looking-out-at-the-sacre-coeur-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_low-tide-at-yport-1883,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_lucienne-1918,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_lydia-sieligmann-1917,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-alphonse-daudet-1876,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-charles-fray-1901,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-charpentier-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-chocquet-reading-1876,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-claude-monet-1872,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_madame-darras-as-an-horsewoman-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-gaston-bernheim-de-villers-nee-suzanne-adler,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-georges-charpentier-and-her-children-1878,"[1.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-h-riot-1882,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-hagen-1883,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-henriot,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-henriot-1874,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-heriot-en-travesti-1876,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_madame-le-brun-and-her-daughter,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-leon-clapisson-marie-henriette-valentine-billet-1883,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-louis-valtat-nee-suzanne-noel-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_madame-marie-octavie-bernier-1871,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_madame-maurice-denis-nee-jeanne-boudot-1904,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_madame-monet-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-monet-reading,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-paul-berard,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-paul-gallimard-nee-lucie-duche-1892,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-renoir-and-bob-1910,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-robert-de-bonnieres-1889,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-severine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-stora-in-algerian-dress-1870,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-thurneyssan-and-her-daughter,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-thurneyssen-1908,"[0.0, 0.0, 6.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madame-victor-chocquet-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madelaine-in-a-white-blouse-and-a-bouquet-of-flowers-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_madeleine-leaning-on-her-elbow-with-flowers-in-her-hair-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_madeline-wearing-a-rose-1916,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_mademoiselle-demarsy-woman-leaning-on-her-elbow-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mademoiselle-georgette-charpentier,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mademoiselle-grimprel-in-a-blue-ribbon-1880,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mademoiselle-legrand-1875,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_maison-de-la-poste-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_man-carrying-a-boy,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_man-on-a-staircase,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_margot-1876,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,pierre-auguste-renoir_margot-berard-1879,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_marie-louise-durand-ruel-1898,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_marie-therese-durand-ruel-sewing-1882,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_marthe-berard-girl-wearing-a-blue-sash-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_maternity-child-with-a-biscuit-1887,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_maurice-gangnat-1916,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_mediteranean-landscape,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_mediterranean-landscape-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_medlar-branch-1900,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_medlar-trees-cagnes-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_melon-and-tomatos,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_melon-and-tomatos-1903,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_midday-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_midday-landscape-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_misia-1904,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_mixed-flowers-in-an-earthware-pot-1869,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mlle-irene-cahen-d-anvers-1880,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_model-with-bare-breast-1916,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_modele-from-the-moulin-de-la-galette-1876,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_monet-painting-in-his-garden-at-argenteuil-1873,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_monsieur-fornaise-1875,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mosque-in-algiers-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_moss-roses,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mother-and-child,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mother-and-child-1881,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mother-and-children,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mother-goose-1898,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_motherhood-woman-breast-feeding-her-child-1886,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_mount-sainte-victoire-1889,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mount-vesuvius-in-the-morning-1881,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_music-two-paintings,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_mussel-fisherman-1879,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_near-berneval-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_near-lake,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nini-in-the-garden-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nini-lopez-1876,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_noirmoutiers-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_not_detected_218784-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_not_detected_218785-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nude,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nude-1880,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-arranging-her-hair-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nude-bather-seated-by-the-sea-1882,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-boys-on-the-rocks-at-guernsey-1883,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-fixing-her-hair-1885,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-girl-reclining-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nude-in-a-chair-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-in-a-landscape-1883,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-in-a-straw-hat-1892,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-in-an-armchair-1890,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-in-the-greenery-1887,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nude-in-the-water,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nude-on-a-couch,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-on-the-grass-1915,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-reclining-on-cushions-1907,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-reclining-on-the-grass-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_nude-seated-in-a-landscape,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-seated-on-a-sofa-1876,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-sitting-in-the-forest,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_nude-study-for-the-large-bathers-1887,"[5.0, 4.0, 13.0, 6.0, 0.0, 2.0, 2.0, 2.0, 10.0]"
+Impressionism,pierre-auguste-renoir_nude-woman-on-gree-cushions-1909,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_oarsmen-at-chatou-1879,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_ode-to-flowers-after-anacreon-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_oedipus-rex-1895,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_on-a-cliff-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_on-the-banks-of-the-river-1895,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_on-the-banks-of-the-seine-at-agenteuil-1880,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_on-the-beach-1898,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_on-the-path-1872,"[1.0, 1.0, 17.0, 0.0, 0.0, 0.0, 10.0, 10.0, 6.0]"
+Impressionism,pierre-auguste-renoir_on-the-river-banks-1907,"[0.0, 4.0, 16.0, 3.0, 0.0, 0.0, 1.0, 15.0, 4.0]"
+Impressionism,pierre-auguste-renoir_on-the-seine-near-argenteuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_on-the-terrace-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_onions-1881,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_orange-trees,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_orchard-at-louveciennes-the-english-pear-tree-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_park-scene,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_party-in-the-country-at-berneval-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_path-leading-through-tall-grass-1877,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_path-through-the-high-grass,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_path-through-the-undergrowth-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_path-through-the-woods-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_paul-berard-1880,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_paul-cezanne-1880,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_paul-charpentier-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_paul-durand-ruel-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_paul-haviland-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_paul-meunier-1877,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_peaches,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_peaches-and-almonds,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_pears,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_pears-and-apples-1890,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_pears-and-apples-1890-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_peasant-woman-standing-in-a-landscape-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_pensive,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_pensive-young-woman-leaning-on-her-elbow,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_peonies,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_peonies-1878,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_philippe-gangnat,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_picking-flowers-1875,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_picking-flowers-in-the-field,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_pine-wood-on-the-cote-d-azur-1885,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_pines-in-the-vicinity-of-cagnes-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_pink-and-blue-1881,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_pitcher,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_pitcher-1919,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_place-clichy,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_place-de-la-trinite-1875,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_place-de-la-trinite-1875-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_place-de-la-trinite-1875-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_pont-neuf-1872,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-in-a-pink-dress,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-boy-jean-pascalis-1916,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-child,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-child-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-child-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-girl,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-girl-1880,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-girl-in-red-1883,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-kid-in-a-beret-1892,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-little-girl,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-little-girl-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1877,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1897,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1911,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-1915,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-3,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-mme-georges-hartmann-1874,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-woman-with-hair-bun,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-girl-elizabeth-maitre-1879,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-1876,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-1887,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-a-young-woman-in-white-1901,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-an-anonymous-sitter-1875,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-an-infant-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-an-old-woman-madame-le-coeur-1878,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-charles-and-georges-durand-ruel-1882,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-charles-terrasse,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-claude-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-claude-1908,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-claude-monet-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-claude-renoir-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-claude-renoir-painting-1907,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-coco,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-coco-1905,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-coco-and-flowers,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-edmond-maitre-the-reader-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-edmond-renoir-jr-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-eugene-pierre-lestringuez-1878,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-gabrielle,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-gabrielle-young-girl-with-flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-georges-riviere-1877,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-georges-riviere-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-henri-lerolle,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-jean-1896,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-jean-renoir-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-jean-renoir-child-with-a-hoop-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-lucie-berard-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-lucien-daudet-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-lucienne-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-m-and-mme-bernheim-de-villers-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-madame-claude-monet-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-madame-duberville-with-her-son-henri-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-madeleine-adam-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-mademoiselle-francois,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-mademoiselle-sicotg-1865,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-margot-portrait-of-a-model-1877,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-marie-lestringuez-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-maurice-gangnat-1916,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-mme-alphonse-daudet-1876,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-mme-theodore-charpentier,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-monsieur-germain,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-pierre-1890,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-pierre-renoir-in-a-sailor-suit-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-pierre-renoir-in-a-sailor-suit-1890-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-stephane-mallarme-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-the-countess-pourtales-1877,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-the-couple-sisley-1868,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-therese-berard-1879,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portrait-of-victor-chocquet-1875,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_portraits-of-marie-sophie-chocquet-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_portraits-of-two-children-1895,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_posthumous-portrait-of-frederic-bazille,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_profile-of-a-woman-in-a-red-blouse-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_profile-of-a-young-woman-in-a-hat,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_profile-of-andre-leaning-over,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_purple-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_railway-bridge-at-chatou-1881,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_rainbow-trout,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_rapha-maitre,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_rapha-maitre-1871,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reader-in-green-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,pierre-auguste-renoir_reading,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reading-couple-edmond-renoir-and-marguerite-legrand-1877,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reading-the-part-1876,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reclining-model-1906,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reclining-nude,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_reclining-nude-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reclining-nude-1860,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_reclining-nude-1883,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_reclining-nude-gabrielle-1903,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reclining-nude-the-baker-s-wife-1902,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reclining-semi-nude-nude-male-half-length-1900,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_reclining-women-1893,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_red-roses,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_reflection-1877,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_rest,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_richard-wagner-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_road-near-cagnes-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roche-goyon-1885,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_rocks-at-l-estaque-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_rocks-with-shrimp-fishermen-1892,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_rocky-craggs-at-l-estaque-1882,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_romaine-lascaux-1864,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-1910,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-and-jasmine-in-a-delft-vase-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-and-study-of-gabrielle-1915,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-before-the-blue-curtain,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-by-the-window,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-from-wargemont-1885,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-blue-vase,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-blue-vase-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-china-vase,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-vase,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-vase-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-vase-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-vase-1912,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-vase-1914,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-vase-1917,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_roses-in-a-vase-2,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-in-front-of-a-blue-curtain-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_roses-with-a-landscape,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_rue-caulaincourt-1905,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_rural-scene,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sailboats-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sailboats-at-argenteuil,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sailboats-at-argenteuil-1874,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sailor-boy-portrait-of-robert-nunes-1883,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sara-looking-to-the-right,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_scene-antique-femmes-aux-peplums-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seascape-1879,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seascape-1883,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seascape-near-berneval-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-bather,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-bather-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-bather-1883,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-bather-1912,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-bather-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_seated-bather-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_seated-bather-in-a-landscape-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-child-in-a-blue-dress-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-couple-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-female-nude-1910,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-little-girl-with-a-blue-background,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-nude-1885,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-nude-1913,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_seated-nude-1913-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-nude-at-east-1885,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-nude-combing-her-hair,"[2.0, 3.0, 13.0, 8.0, 0.0, 4.0, 0.0, 17.0, 5.0]"
+Impressionism,pierre-auguste-renoir_seated-nude-in-profile-gabrielle-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-nude-with-a-bouquet-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-woman,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_seated-woman-1879,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-woman-1895,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-woman-in-a-blue-dress-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-woman-in-a-green-robe,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-woman-in-blue,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-young-girl-with-hat,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_seated-young-woman-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-young-woman-1896,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_seated-young-woman-nude-1910,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_self-portrait-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_self-portrait-1899,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_self-portrait-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_self-portrait-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_self-portrait-at-the-age-of-thirty-five-1876,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_self-portrait-with-a-white-hat-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_serving-girl-from-duval-1874,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_shepherdess-1887,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sitting-girl-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,pierre-auguste-renoir_sleeping-cat-1862,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sleeping-girl-girl-with-a-cat-1880,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sleeping-nude-with-hat-repose,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sleeping-odalisque-odalisque-with-babouches-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sleeping-woman-1897,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_small-house-buttercups-and-diverse-flowers-study,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_small-nude-in-blue-1879,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_smiling-young-girl,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_spanish-dancer-in-a-red-dress,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_spray-of-anemones,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_spring-at-catou-1873,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_spring-bouquet-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_spring-flowers-1864,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_spring-the-four-seasons-1879,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_standing-bather-1887,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_standing-bather-1887-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_standing-bather-1896,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_standing-nude-1889,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_stephane-mallarme-1892,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_steps-in-algiers,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_still-life-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-a-plate-of-plums,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-almonds-and-walnuts-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-flowers-and-fruit-1889,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-pomegranate-figs-and-apples-1915,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-anemones,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-apples,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-apples-and-almonds,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-apples-and-oranges,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-apples-and-oranges-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-apples-and-pears-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-apples-and-pomegranates-1901,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-bouquet-1871,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-cantalope-and-peaches-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-carafe-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-cup-and-sugar-bowl-1904,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-figs,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fish,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fish-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fruit,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fruit-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fruit-1881,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fruit-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fruit-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fruit-bowl,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-fuscias,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-glass-and-lemon,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-grapes,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-lemons,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-lemons-and-oranges-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-melon,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-melon-1882,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-onions-1917,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-orange-and-sugar-bowl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-peaches,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-peaches-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-peaches-1916,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-peaches-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-peaches-and-chestnuts,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-peaches-and-grapes,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-peaches-and-grapes-1881,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-pears-and-grapes,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-pheasant-and-partridge,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-pomegranates,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-roses,"[1.0, 9.0, 26.0, 9.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-strawberries,"[3.0, 6.0, 18.0, 4.0, 0.0, 6.0, 1.0, 0.0, 8.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-strawberries-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-strawberries-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_still-life-with-strawberries-3,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_strawberries,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_strawberries-1914,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_street-in-essoyes,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_strong-wind-gust-of-wind,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_studies-of-the-children-of-paul-berard-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,pierre-auguste-renoir_studies-woman-s-heads-nudes-landscapes-and-peaches-1896,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-for-girls-playing-with-a-shuttlecock,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-for-scene-from-tannhauser,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_study-for-the-croquet-game-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-for-the-saone-embraced-by-the-rhone-1915,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-of-a-nude,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-of-a-statuette-by-maillol,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-of-a-woman,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_study-of-a-woman-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_study-of-a-woman-for-oedipus,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_study-of-a-woman-in-a-yellow-hat,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_study-of-a-young-girl-mademoiselle-murer,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-of-flowers,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_study-of-flowers-anemones-and-tulips-1910,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_study-torso-sunlight-effect,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_study-two-women-s-heads-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sugar-bowl-1905,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sugar-bowl-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sugar-bowl-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sugar-bowl-and-earthenware-bowl,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_sugar-bowl-and-lemon,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sugar-bowl-and-lemons,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sugar-bowl-apple-and-orange,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_summer-1875,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_summer-landscape-1875,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sunny-landscape,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_sunset-at-sea-1879,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_suzanne-valadon,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_sweeper-1889,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_tama-the-japanese-dog,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_terraces-at-cagnes-1905,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-agreement-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-alphabet-jean-and-gabrielle,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-apple-seller-1890,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-artist-s-family-1896,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-artist-s-home,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-artist-s-house,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-artist-s-son-jean-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-artist-s-studio-rue-saint-georges-1876,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-banks-of-a-river-rower-in-a-boat,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-banks-of-the-river,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-banks-of-the-seine-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-banks-of-the-seine-at-argenteuil-1880,"[1.0, 6.0, 33.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_the-banks-of-the-seine-at-champrosay-1876,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-bather,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_the-bather-after-the-bath-1888,"[4.0, 7.0, 9.0, 13.0, 1.0, 1.0, 0.0, 4.0, 6.0]"
+Impressionism,pierre-auguste-renoir_the-bathers-1887,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-bathrobe-1889,"[2.0, 6.0, 20.0, 9.0, 0.0, 2.0, 0.0, 2.0, 5.0]"
+Impressionism,pierre-auguste-renoir_the-bay,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-bay-of-algiers-1881,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-beach-at-guernsey-1883,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-beach-at-pornic-1892,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-beal-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-blue-lady-1874,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-box-1874,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-braid-suzanne-valadon-1886,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-bridge-at-argenteuil-in-autumn-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-bridge-at-chatou,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-cafe-1875,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-canoeist-s-luncheon-1880,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-champs-elysees-during-the-paris-fair-of-1867-1867,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-children,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-church-at-essoyes,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-clearing,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-clearing-1895,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-clown-claude-ranoir-in-clown-costume-1909,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-clown-james-bollinger-mazutreek-1868,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-coast-of-brittany-fishing-boats,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-coiffure-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-coiffure-young-girl-combing-her-hair-1896,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-conversation-1895,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-cup-of-chocolate-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_the-cup-of-tea-1907,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-dancer-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-daughters-of-catulle-mendes-1888,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-daughters-of-paul-durand-ruel-marie-theresa-and-jeanne-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-doges-palace-1881,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-duck-pond-1873,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-edge-of-the-forest-in-brittany-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-embroiderer-woman-embroidering-in-a-garden,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-end-of-lunch-1879,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-estaque-1882,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-farm,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-farm-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-farm-at-collettes-1915,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-field-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_the-first-outing-1876,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_the-first-step-1876,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-fisherman-1874,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-footpath-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-garden,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-garden-at-fontenay-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-garden-collettes-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-garden-of-essai-in-algiers-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-grape-pickers-at-lunch,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-great-bathers-the-nymphs-1919,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-great-boulevards-1875,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-greenhouse-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-gust-of-wind,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-harvesters-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-hat-pinned,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-hatpin-1898,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-head-of-monte-sorrento-1881,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-hills-of-cagnes,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-hills-of-trouville,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-ingenue-1877,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-judgment-of-paris-1908,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-judgment-of-paris-1914,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-large-bathers-1887,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-large-tree,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-laundress,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-laundress-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-lesson,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-lesson-1906,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-letter-1900,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-little-algerian-girl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-little-fishergirl-1879,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-little-house,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-little-reader,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-little-reader-little-girl-in-blue,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-little-school-boy-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-little-theater-box-1874,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-loge-1879,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-lovers,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-luncheon,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-luncheon-of-the-boating-party-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-luncheon-of-the-boating-party-1881-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-mosque-arab-holiday-the-casbah-1881,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-old-port-of-marseille-people-and-boats-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_the-page-1877,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-painter-taking-a-stroll-at-cagnes,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-palm-tree-1902,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-path-through-the-forest-1871,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-pear-tree-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-piano-lesson-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-piazza-san-marco-1881,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-port-of-martigues-1888,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-port-of-rochelle-1896,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-powder-magazine-at-la-rochelle,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-promenade,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-promenade-julienne-dubanc-and-adrienne,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-rambler,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-reader-1877,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_the-reader-seated-young-woman-1887,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-reader-young-woman-reading-a-book-1876,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-reading,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-reading-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-rhone-and-the-seine,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-rose-garden-at-wargemont-1879,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-sea-at-cagnes,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-seine-at-argenteuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-seine-at-argenteuil-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-seine-at-argenteuil-1888-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-seine-at-asnieres-the-skiff-1879,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-seine-at-bougival-1879,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-seine-at-chatou-1881,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-sewing-machine-1876,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-shepherdess,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-skiff-1880,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-sleeper-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-spanish-guitarist-1897,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-spring,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-spring-1903,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_the-sunny-street,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-swimmer-sitting,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-swing-1895,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-test-garden-in-algiers-1882,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-thinker-1877,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-umbrella-1878,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-varangeville-church-and-the-cliffs-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-view-from-collettes-1911,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-village,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-vineyards-of-cagnes,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_the-white-pierrot-jean-renoir-1902,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_the-writing-lesson-1895,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_three-figures-in-a-landscape,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_three-lemons-1918,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_three-partridges,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_three-pomegranates-and-two-apples,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_three-women-and-child-in-a-landscape-1918,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_three-young-girls-sitting-in-the-grass-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_tilla-durieux-1914,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_title-not-available,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_torso-before-the-bath,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_treboul-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_tree-blooming,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_trees-by-the-water,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_tulips-1909,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-apples,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_two-bathers,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-bathers-1896,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-bathers-in-a-landscape-1919,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-figures-by-the-water,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-girls-1892,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-girls-in-black-1881,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-girls-in-the-garden-at-montmartre-1895,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-little-girls,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-little-girls-on-the-beach-1895,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-sisters-1889,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-sisters-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-woman-in-a-garden,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-women-and-a-child,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-women-in-a-garden,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-women-in-a-garden-1895,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-women-in-a-rowboat-1886,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-women-in-blue-blouses-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-women-in-red-robes-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_two-women-in-the-grass,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_two-women-s-heads-the-loge-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-women-with-flowered-hat,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-women-with-umbrellas,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,pierre-auguste-renoir_two-young-girls-reading-1891,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_two-young-women-in-a-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_umbrellas-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-basket-of-flowers-and-fruit-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_vase-of-anemones,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-chrysanthemums-1882,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_vase-of-chrysanthemums-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-flowers,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_vase-of-flowers-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-flowers-1871,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-flowers-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_vase-of-flowers-3,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-gladiolas-and-roses-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-lilacs-and-roses,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-peonies,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-roses,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_vase-of-roses-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-roses-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_vase-of-roses-3,"[0.0, 5.0, 24.0, 7.0, 0.0, 3.0, 0.0, 1.0, 5.0]"
+Impressionism,pierre-auguste-renoir_vase-of-roses-and-dahlias-1884,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_vase-of-tulips-and-anemones,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_venetian-gondola-1881,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_vera-sertine-renoir-1914,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_victor-chocquet-1876,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_view-at-guernsey-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_view-close-to-antibes,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_view-from-renoir-s-garden-in-montmartre,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_view-of-antibes-1893,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_view-of-brittany,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_view-of-cagnes,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_view-of-cannet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_view-of-la-sayne,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_view-of-the-normandy-coast-near-wargemont-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_view-of-treboul,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_view-of-venice-fog-1881,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_villa-de-la-poste-at-cagnes-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_village-by-the-sea-1889,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_village-street-louveciennes-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_walls-in-spain,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_washhouse-at-lower-meudon-1875,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_watering-can-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_white-house,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_white-houses,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_wilhelm-muhlfeld-1910,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_willows-and-figures-in-a-boat,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_windmill,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-after-bathing-1896,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-and-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-and-child-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-and-child-in-a-garden-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_woman-at-the-chest-1919,"[7.0, 2.0, 6.0, 9.0, 0.0, 8.0, 1.0, 2.0, 10.0]"
+Impressionism,pierre-auguste-renoir_woman-at-the-fountain,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-at-the-garden-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-at-the-window-with-a-view-of-nice-1918,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-combing-her-hair-1887,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-combing-her-hair-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-blue-blouse,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-blue-dress-standing-in-the-garden-of-saint-cloud-1899,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-boat,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-chemise,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-flowered-hat,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-garden-woman-with-a-seagull-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-hat-1895,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-hat-with-flowers-1917,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-landscape,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-landscape-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-park,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-red-blouse,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-red-blouse-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-red-blouse-1914,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-rocking-chair,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-straw-hat,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-straw-hat-1880,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-straw-hat-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-a-white-hat,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-an-interior,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-an-interior-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-an-oriental-costume,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-in-blue,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-blue-1919,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-blue-and-zaza-in-a-landscape-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-in-the-garden-at-collettes-1919,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-in-white-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-in-white-in-the-garden-at-colettes-1915,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-leaning-on-her-elbow-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-on-a-staircase,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_woman-picking-flowers-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-playing-cards,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-reading-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-reading-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-1887,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-4,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-5,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-6,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-jeanne-samary-1877,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_woman-s-head-the-thinker,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-s-nude-torso,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-sleeping,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-standing-by-a-tree,"[3.0, 12.0, 9.0, 2.0, 0.0, 1.0, 6.0, 7.0, 4.0]"
+Impressionism,pierre-auguste-renoir_woman-stoking-a-stove-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-tying-her-shoe,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-under-a-tree-1883,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-wearing-a-corset,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-wearing-a-hat-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-wearing-a-hat-in-a-landscape,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-wearing-a-rose-andree-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-basket-of-flowers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-black-dog-1874,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-blue-blouse-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-cat,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-corset-1914,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-fan,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-fan-1906,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-guitar-1897,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-guitar-1897-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-mandolin-1919,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-muff,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-necklace-1910,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-parasol-1872,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-parrot-henriette-darras-1871,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-rose-1876,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-straw-hat-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-white-jabot-1880,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-a-yellow-turban-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-with-bag-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-with-green-chair,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_woman-with-guitar,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_woman-with-parasol-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_women-and-child,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_women-bathing,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-blond-girl-1890,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-blond-woman-1886,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-boy-by-the-river-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-boy-with-a-cat-1869,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-girl-1905,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-girl-combing-her-hair-1892,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-combing-her-hair-1894,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-holding-at-bouquet-of-tulips,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-blue-corset,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-blue-hat-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-flowered-hat-1905,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-hat,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-hat-decorated-with-wildflowers-1880,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-red-hat-1899,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-straw-hat,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-straw-hat-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-a-white-hat-1891,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-blue-head-of-a-blond-woman-1909,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-the-garden-at-mezy-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-in-the-woods,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-girl-reading-1886,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-reading-1888,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-girl-reading-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-girl-reading-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-seated-in-a-garden,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-girl-seated-in-a-meadow-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-girl-slipping-on-her-stockings,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-wearing-a-red-hat-1913,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-with-a-basket-of-flowers-1888,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-with-a-dog-1888,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-with-a-hat,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-with-daisies-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girl-with-long-hair-in-profile-1890,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girls-at-the-piano-1892,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girls-by-the-sea-1894,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girls-by-the-sea-1894-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girls-by-the-water,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-girls-on-the-beach-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-guitarist-standing,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-gypsy-girls,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-man-and-young-woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-man-in-a-red-tie-portrait-of-eugene-renoir-1890,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-mother-1898,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-peasant-eating-an-apple,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-roumanian-1914,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-shepherd-in-repose-alexander-thurneysson-1911,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-spanish-woman-with-a-guitar-1898,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-at-her-toilette,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-at-the-piano-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-braiding-her-hair-1876,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-blue-and-pink-striped-shirt-1875,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-blue-hat,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-boat-lise-trehot-1870,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-flowered-hat-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-garden,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-garden-cagnes-1905,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-hat,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-hat-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-landscape-cagnes,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat-1884,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-a-straw-hat-1901,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-bright-blue-at-the-conservatory-1877,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-profile-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-red-in-the-fields-1900,"[2.0, 4.0, 34.0, 7.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-in-white-reading,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-lifting-her-skirt-1877,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-looking-at-a-print-1896,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-on-a-bench-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-reading,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-reading-an-illustrated-journal,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-seated,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-woman-seated-1909,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-seated-in-a-rowboat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-seated-in-an-oriental-costume-1905,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-seated-on-the-grass,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-sewing,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-standing-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-woman-standing-near-a-farmhouse-in-milly-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-taking-a-walk,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-wearing-a-black-hat-1895,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-wearing-a-garland-of-flowers,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-wearing-a-hat,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-wearing-a-hat-1894,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-wearing-a-hat-with-wild-roses,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-with-a-bun-in-her-hair-1882,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-with-a-dog-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-with-a-japanese-umbrella-1876,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-with-a-rose-in-her-hat-1913,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_young-woman-with-a-veil-1877,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pierre-auguste-renoir_young-woman-with-crane-1886,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,pierre-auguste-renoir_young-women-talking-confidences-1878,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_yvonne-and-jean-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pierre-auguste-renoir_yvonne-grimpel-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,piet-mondrian_alberi-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,piet-mondrian_along-the-amstel-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,piet-mondrian_anemones-in-a-vase,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,piet-mondrian_at-the-amstel-sun,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,piet-mondrian_calves-in-a-field-bordered-by-willow-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_design-for-the-church-of-st-jacob,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,piet-mondrian_evening-at-weesperzijde-sun,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,piet-mondrian_farm-sun,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,piet-mondrian_flowers-sun,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_geinrust-farm-compositional-study-1906,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,piet-mondrian_geinrust-farm-with-isolated-tree,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_girl-writing-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,piet-mondrian_irrigation-ditch-with-mature-willow,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,piet-mondrian_lily,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_lonely-tree-at-the-gein-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,piet-mondrian_lonely-tree-at-the-gein-sun,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,piet-mondrian_meandering-landscape-with-river-1907,"[5.0, 8.0, 11.0, 1.0, 0.0, 0.0, 10.0, 12.0, 3.0]"
+Impressionism,piet-mondrian_mill-in-the-evening-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_mill-of-heeswijk-sun,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,piet-mondrian_moored-ships-sun,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0]"
+Impressionism,piet-mondrian_nature-died-with-sunflower-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,piet-mondrian_polder-landscape-with-a-train-and-a-small-windmill-on-the-horizon-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,piet-mondrian_portrait-of-a-girl-with-flowers-1,"[0.0, 5.0, 8.0, 0.0, 0.0, 0.0, 0.0, 33.0, 4.0]"
+Impressionism,piet-mondrian_river-view-with-a-boat-sun,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_schinkelbuurtje-sun,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,piet-mondrian_self-portrait-1900,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_stammer-mill-with-streaked-sky-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,piet-mondrian_windmill-in-the-gein-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,piet-mondrian_woman-and-child-in-front-of-a-farm,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,pieter-wenning_at-claremont-cape-province,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,pieter-wenning_backyard-malta-farm-observatory,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pieter-wenning_buddha-with-two-vases,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pieter-wenning_clouds-pretoria,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pieter-wenning_cottage-nelspruit-1919,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pieter-wenning_keerom-street-cape-town,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pieter-wenning_landscape-bishops-court,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pieter-wenning_landscape-vanderhovensdrif-apies-river-pretoria,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,pieter-wenning_malay-quarter,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pieter-wenning_native-location-pretoria-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pieter-wenning_old-cottage-plumstead,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pieter-wenning_still-life,"[0.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,pieter-wenning_still-life-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pieter-wenning_still-life-with-hibiscus-and-fuchsias,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,pieter-wenning_the-bridge-rondebosch,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,pieter-wenning_transvaal-evening-nelspruit,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pyotr-konchalovsky_a-house-in-belkino-1907,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,pyotr-konchalovsky_archangelsk-ships-in-port-1903,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pyotr-konchalovsky_belkino-birch-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,pyotr-konchalovsky_belkino-birches-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,pyotr-konchalovsky_belkino-garden-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pyotr-konchalovsky_belkino-garden-1907-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,pyotr-konchalovsky_garden-near-rome-peaches-in-bloom-1904,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,pyotr-konchalovsky_portrait-of-the-artist-s-wife-olga-konchalovskaya-under-the-umbrella-in-the-garden-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,pyotr-konchalovsky_siberia-taiga-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,pyotr-konchalovsky_study-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Impressionism,raoul-dufy_carnival-on-the-grands-boulevards-1903,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,raoul-dufy_claudine-from-back-1906,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,raoul-dufy_parisian-bridge-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,raoul-dufy_portrait-of-the-artist-s-sister-suzanne-dufy-1904,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,raoul-dufy_sandy-beach-of-sainte-adresse,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,raoul-dufy_self-portrait-1899,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,raoul-dufy_self-portrait-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Impressionism,raoul-dufy_the-beach-at-sainte-adresse-1902,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,raoul-dufy_the-beach-of-sainte-adresse-1904,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,raoul-dufy_the-louis-philippe-bridge-and-the-saint-gervais-church-1904,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,raoul-dufy_the-port-of-martigues,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,raoul-dufy_view-of-a-port,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,raoul-dufy_view-of-paris-from-monmartre-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-brackman_flowers-for-jennifer,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-brackman_late-summer-nude,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-brackman_nude-portrait,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-brackman_seated-in-a-cafe,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-brackman_the-toilet,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_a-cloudy-day-bluebonnets-near-san-antonio-texas-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_a-january-day-in-the-brush-country-1922,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_a-june-morning-1909,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_a-path-through-the-texas-hill-country,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_a-spring-morning-1913,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_a-thousand-islands-st-lawrence-river-1909,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_a-white-road-at-late-afternoon-1921,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_a-winter-morning-on-the-guadalupe-river-1911,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_approaching-rain-southwest-texas-1922,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_arrochar-park-staten-island-1903,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_autumn-birches-central-park-1909,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_autumn-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_autumn-landscape-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_autumn-sunset-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bandera-hills,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_blue-bonnets-at-late-afternoon-1915,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_blue-bonnets-at-twilight-1922,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnet-field-1912,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnet-landscape-with-catci-road-and-mountain-laurel,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnet-scene,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnet-scene-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnet-scene-1921,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_bluebonnet-scene-with-a-girl-1920,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-at-dusk,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-at-late-afternoon,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-at-late-afternoon-near-la-grange-1918,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-at-sunrise-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-at-twilight-near-san-antonio-1920,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-in-texas-1915,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-late-afternoon,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-late-afternoon-north-of-san-antonio-1920,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_bluebonnets-on-a-grey-day-1922,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_bluffs-on-the-guadalupe-riiver-17-miles-above-kerryville-texas-1921,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_brush-country-landscape,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_buffalo-hunt,"[1.0, 10.0, 6.0, 17.0, 3.0, 1.0, 9.0, 1.0, 2.0]"
+Impressionism,robert-julian-onderdonk_cactus-in-bloom-1915,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_cliffs-on-the-guadalupe,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_coastal-scene,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_crashing-surf,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_dawn-in-the-hills-1922,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_east-loyal-field-1908,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_evening-near-jackson-southwest-texas,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_fall-landscape,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,robert-julian-onderdonk_fall-scene-near-sisterdale-1909,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_field-of-bluebonnets,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_field-of-bluebonnets-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_field-of-bluebonnets-under-cloudy-sky,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_field-of-texas-bluebonnets-and-prickly-pear-cacti,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_field-with-corn-shocks,"[2.0, 7.0, 28.0, 3.0, 0.0, 0.0, 0.0, 3.0, 3.0]"
+Impressionism,robert-julian-onderdonk_fields-of-bluebonnets-1920,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_flying-shadows-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_foot-of-52nd-street-at-hudson-park,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,robert-julian-onderdonk_forest-stream-headwaters-of-the-guadalupe,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_glimpse-of-the-sea-long-island-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_goat-herder-at-the-san-antonio-quarry-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,robert-julian-onderdonk_golden-evening-southwest-texas,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_golden-evening-southwest-texas-1911,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_hill-country-lane-1911,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_hudson-river-view-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_in-the-hills-of-the-spanish-oaks,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_in-the-hills-southwest-texas-1912,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,robert-julian-onderdonk_landscape-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,robert-julian-onderdonk_landscape-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_landscape-3,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_landscape-4,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_landscape-sketch-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,robert-julian-onderdonk_landscape-with-cattle-1910,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_landscape-with-coreopsis,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_landscape-with-wagon,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_last-rays-of-sunlight-early-spring-in-san-antonio-1922,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_late-afternoon-1909,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_late-afternoon-alamo-heights-san-antonio-texas-1922,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_late-afternoon-in-the-bluebonnets-s-w-texas-1913,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_late-afternoon-valley-of-the-leon,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_lingering-snow,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_live-oak-trees-on-williams-ranch-bandera-county-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_misty-morning,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,robert-julian-onderdonk_moonlight-in-south-texas-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_morning-in-spring-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,robert-julian-onderdonk_morning-in-the-bluebonnets,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_morning-in-the-hills-southwest-texas,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_morning-on-the-pond,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_mountain-laurel-in-bloom,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_mountain-pinks-in-bloom-medina-lake-southwest-texas-1921,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_noontime-on-the-docks-hudson-river-and-85th-street,"[0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_october-day-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_october-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,robert-julian-onderdonk_october-sunlight-1911,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_old-live-oak-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_old-live-oak-tree-and-bluebonnets-on-the-west-texas-military-grounds-san-antonio-1920,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_on-long-island-sound-near-shelter-island,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_on-the-guadalupe-1914,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_on-the-san-antonio-river-1910,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_panoramic-landscape,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,robert-julian-onderdonk_path-through-a-field-of-bluebonnets,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_peach-orchard-on-mavericks-farm-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_portrait-of-gertrude-1902,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_prickly-pear-in-blossom,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_purple-hills,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_rainy-day-in-bandera,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_redbud-tree-in-bloom-at-leon-springs-san-antonio-1921,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_road-through-the-trees-1915,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_road-to-the-hills-1918,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,robert-julian-onderdonk_san-antonio-river-1920,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,robert-julian-onderdonk_seascape-with-pines-and-overhanging-clouds-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_self-portrait-1902,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,robert-julian-onderdonk_snow-near-the-cave-central-park-new-york-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_snow-scene-1916,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_southwest-texas-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,robert-julian-onderdonk_spring-morning-1911,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_springtime-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_sunlight-after-rain-1921,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_sunlight-and-shadow-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_sunlit-hillside-1909,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_sunlit-hillside-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_texas-dry-country,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_texas-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_the-family-at-cards-unfinished,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,robert-julian-onderdonk_the-old-apple-tree,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_the-quarry,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,robert-julian-onderdonk_the-woodland-pool,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_through-the-hills-in-sw-texas-1911,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_untitled,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_untitled-1,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_untitled-aka-landscape-with-catci,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,robert-julian-onderdonk_view-of-city-rooftops-in-winter-1902,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,robert-julian-onderdonk_windmill-on-williams-ranch,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,roger-fry_bassano,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,roger-fry_bridge-over-the-allier-1933,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,roger-fry_carpentras-provence-1930,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,roger-fry_nina-hamnett-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,roger-fry_peonies-and-poppies-1929,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,roger-fry_portrait-of-edith-sitwell-1918,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,roger-fry_spring-1921,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,roger-fry_venice-1899,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_baptism-at-the-countryside-1924,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_bridge-over-seine-1932,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,rudolf-schweitzer-cumpana_car-cu-boi-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_carpenters-lunch-1929,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_case-pe-valea-arge-ului,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_cradle-song-nursery-rhymes-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_cu-covrigii-preg-tiri-de-cr-ciun-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,rudolf-schweitzer-cumpana_de-la-f-nt-n-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_drum-de-iarn-prin-p-dure-1960,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_drum-de-var-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,rudolf-schweitzer-cumpana_flori-de-prim-var-1973,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_geamia-din-balcic,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_hamali-n-portul-br-ila-1926,"[2.0, 5.0, 11.0, 4.0, 2.0, 3.0, 4.0, 14.0, 4.0]"
+Impressionism,rudolf-schweitzer-cumpana_horse-1947,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_hydra-port-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,rudolf-schweitzer-cumpana_interior-r-nesc-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_la-fereastr-1923,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_la-ghicitoare-1921,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_la-o-m-m-lig,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_la-sc-ldat-cu-caii-la-r-u-1923,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_la-un-pahar-1935,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_la-v-rtelni-1929,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_late-winter-in-g,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_mahala-de-bucure-ti-1940,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_maternitate-1921,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_micul-violonist-1922,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_mo-gheorghe-1940,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_mo-gheorghe-s-lunch-1921,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_mp-r-irea-gr-ului-batoza-lui-malaxa,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_n-fa-a-vetrei-1927,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_natur-static-cu-sifon-r-ni-i-ardei-iute-1943,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_ntoarcerea-de-la-c-mp-1930,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,rudolf-schweitzer-cumpana_odihna-cailor-1930,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,rudolf-schweitzer-cumpana_oltean-cu-cobili,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_pasaj-din-san-remo-arcul-santa-brigita-1939,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_peisaj-de-iarn,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_peisaj-din-balcic-1938,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_peisaj-pe-valea-prahovei-1926,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_pia-a-mic-din-sibiu-1928,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_ran-cu-pepeni,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_ran-cu-pip-1922,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_ranc-pe-lavi-1929,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_rancu-cu-ulcior-1940,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_so-ia-artistului-cus-nd-1938,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_solda-i-n-gara-sinaiei,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_str-du-n-atena,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_str-du-spre-montmartre,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_strad-din-montmartre-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_strad-din-paris-1931,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_strad-n-paris-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_t-rg-la-salonic-1929,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_t-rg-la-sighi-oara-1930,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_t-t-roaic-venind-de-la-f-nt-n-1929,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_threshold-in-arge-valley-1927,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_tr-suri-pe-cheiul-d-mbovi-ei-1930,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_turnul-sighi-oarei-1930,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_uli-iarna-1934,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,rudolf-schweitzer-cumpana_vas-cu-trandafiri-1962,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_vas-cu-trandafiri-1971,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_vene-ia-santa-maria-della-salute-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,rudolf-schweitzer-cumpana_via-a-la-ar-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,salvador-dali_bay-of-cadaques,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,salvador-dali_boat,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,salvador-dali_cadaques-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,salvador-dali_cadaques-3,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,salvador-dali_cadaques-seen-from-behind,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,salvador-dali_cala-nans,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,salvador-dali_calanque-jonculs-cadaques,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,salvador-dali_es-poal-pianque-1920,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,salvador-dali_festival-of-st-lucia-at-villamalla,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,salvador-dali_glass-of-wine-and-boat-1956,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,salvador-dali_landscape-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,salvador-dali_landscape-2,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,salvador-dali_landscape-3,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,salvador-dali_landscape-cadaques,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,salvador-dali_landscape-near-figueras,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,salvador-dali_landscape-with-animals,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,salvador-dali_llane-beach-cadaques,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Impressionism,salvador-dali_llaner-beach-in-cadaques,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,salvador-dali_moonlight-over-the-bay-at-cadaques,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,salvador-dali_orchard-at-llane-cadaques-1920,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,salvador-dali_playa-port-alguer-from-riba-d-en-pitxo,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,salvador-dali_port-alguer-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,salvador-dali_port-dogue-cadaques,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,salvador-dali_portdogue-and-mount-pani-from-ayuntamiento,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,salvador-dali_sea-view-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,salvador-dali_the-tartan-el-son,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,salvador-dali_tieta,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,salvador-dali_view-of-cadaques-from-playa-poal,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,salvador-dali_view-of-portdogue-port-aluger,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_a-crescut-floarea-soarelui-1944,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_al-turi-de-mama-1925,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_autoportret-la-evalet,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_cafenea-din-gabes-1921,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_cartier-din-tunis-1920-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,samuel-mutzner_cartierul-t-t-r-sc-din-balcic,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,samuel-mutzner_carusel-la-mo-i,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,samuel-mutzner_ci-migiu-1940,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_crizanteme-n-vas-japonez-1929,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_curcani,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_dealuri-la-balcic,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_femeie-c-nt-nd-la-chitar,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,samuel-mutzner_femeie-cu-umbrel-japonez,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_femeie-n-gr-din-la-op-rli-a-1927,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,samuel-mutzner_figaro,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,samuel-mutzner_flori-de-c-mp,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_golful-balcicului-1939,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_gr-dina-ci-migiu-1940,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_gr-dini-n-sevilla-1921,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_iarmaroc-de-mo-i-1940,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,samuel-mutzner_intimitate-1925,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,samuel-mutzner_la-mo-i,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,samuel-mutzner_mahoane-la-mal,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,samuel-mutzner_minaret-la-balcic-1935,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,samuel-mutzner_n-gr-din,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,samuel-mutzner_natur-static-cu-muschetar-1932,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_nunt-la-sat-1952,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_odalisc,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_patio-la-sevilla-1920,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_peisaj-cu-turm-de-oi-1940,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,samuel-mutzner_peisaj-de-amiaz-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,samuel-mutzner_peisaj-din-corsica-ajaccio-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_plase-la-uscat,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Impressionism,samuel-mutzner_poarta-templului-lama-peking-1915,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_pod-la-vene-ia-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_potec-prin-peisaj-provensal,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,samuel-mutzner_prim-var-1930,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_prim-var-la-balcic-1934,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_prim-var-la-kyoto-1915,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,samuel-mutzner_prim-var-la-kyoto-1915-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_scen-algerian,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,samuel-mutzner_strad-din-sevilla-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_strad-n-tunis-1921,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_t-rg-n-grande-jatte-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_trandafiri-la-balcic-1930,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_var,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,samuel-mutzner_vedere-din-balcic,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_vedut-vene-ian,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,samuel-mutzner_vene-ia-1928,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,samuel-mutzner_zi-de-prim-var-1925,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,santiago-rusinol_a-romance-1894,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,santiago-rusinol_avenue-of-plane-trees-1916,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_before-the-morphine-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,santiago-rusinol_blue-courtyard-arenys-de-munt-1913,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,santiago-rusinol_bridge-over-a-river-1884,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_caf-des-incoherents-montmartre,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,santiago-rusinol_cipreses-dorados,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_el-valle-de-los-naranjos,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_entrada-al-vinyet-1892,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,santiago-rusinol_figure-study,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_gardens-of-the-generalife-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,santiago-rusinol_huerto-del-vinyet-1892,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,santiago-rusinol_jard-n-abandonado-1898,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_jard-n-de-las-eleg-as-son-moragues-1903,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_jardines-de-aranjuez,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_jardines-de-aranjuez-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_jardines-de-aranjuez-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_jardines-del-pirata-mallorca,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_la-butte,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_la-verja,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_landmark-1892,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_moulin-de-la-galette-1891,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,santiago-rusinol_portrait-of-eric-satie,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,santiago-rusinol_portrait-of-eric-satie-at-the-harmonium,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,santiago-rusinol_portrait-of-ramon-casas,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_rue-des-saules-in-montmartre,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_s-ller-on-the-north-coast-of-mallorca-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_senyor-quer-in-the-garden-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_summer-shower-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,santiago-rusinol_terraced-garden-in-mallorca-1911,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_the-cemetery-montmartre,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_the-kitchens-moulin-de-la-galette,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,santiago-rusinol_the-landing-stage-1911,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_the-painter-miguel-utrillo-in-the-gardens-of-the-moulin-de-la-galette,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_the-shooting-gallery-moulin-de-la-galette,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_ticket-seller-at-the-moulin-de-la-galette-dance-hall-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,santiago-rusinol_view-of-granada,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,santiago-rusinol_waiting-for-customers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,santiago-rusinol_white-farmhouse-bunyola-majorca-1902,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,sever-burada_anemone-1925,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,sever-burada_balchik,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,sever-burada_balchik-gulf,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,sever-burada_balchik-hills,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,sever-burada_balchik-noon,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,sever-burada_child,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,sever-burada_children-tapping-easter-eggs,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,sever-burada_self-portrait,"[5.0, 4.0, 8.0, 2.0, 1.0, 1.0, 6.0, 15.0, 7.0]"
+Impressionism,sever-burada_springtime,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,sever-burada_springtime-in-c-lm-valley,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,sever-burada_tatar-houses-in-balchik,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,sever-burada_the-way-home,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,sever-burada_winter-in-c-lm-valley,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,spyros-papaloukas_boats,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,spyros-papaloukas_boats-at-seine-1918,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-dimitrescu_a-cross-on-the-hill,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,stefan-dimitrescu_at-the-market-1925,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-dimitrescu_balchik-corner-1926,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,stefan-dimitrescu_cabaret,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,stefan-dimitrescu_copyist-monks-in-dur-u-1920,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-dimitrescu_gypsies-from-dobruja,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,stefan-dimitrescu_houses-in-constan-a-1926,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-dimitrescu_in-front-of-the-house,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-dimitrescu_mangalia-beach-1930,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-dimitrescu_peasant-counsel,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,stefan-dimitrescu_peasant-woman-from-s-v-r-in-1927,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,stefan-dimitrescu_ploughing-1915,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-dimitrescu_seashore,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-dimitrescu_still-life-with-ripe-fruits,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-dimitrescu_still-life-with-ripe-vegetables,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-dimitrescu_stone-crusher-portrait-of-a-peasant,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,stefan-dimitrescu_street,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,stefan-dimitrescu_street-in-ia-i,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,stefan-dimitrescu_t-rgu-cucului-inn-1930,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,stefan-dimitrescu_the-cook-1926,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-dimitrescu_turks-at-the-caf-1930,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-dimitrescu_you-wish-1907,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_after-bath-1907,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_after-rain,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_after-rain-at-b-neasa,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_apples,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_at-nami-wood-cutter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,stefan-luchian_autumn-woods,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_car-cu-boi,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_carnations-and-poppies,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_chiajna-willows,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_chrysanthemums,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_come-on-guys,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_cornflowers,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,stefan-luchian_cornflowers-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_cornflowers-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-luchian_countryside-path-brebu-1909,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_female,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_flower-fight-on-the-road,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_green-coat-1,"[1.0, 2.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_house-in-oltenia,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_house-with-fence,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_in-atelier,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_inn-without-clients,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,stefan-luchian_insurgent-peasants-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_interior-cu-garoafe,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,stefan-luchian_jewish-man,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_landscape,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_lica-cu-portocala,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,stefan-luchian_lion-s-mouth,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_literary-meeting,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_m-rioara,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-luchian_moara,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,stefan-luchian_moine-ti,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,stefan-luchian_nude,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_old-man-nicolae-the-fiddler-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Impressionism,stefan-luchian_p-r-lu-e,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_path-towards-the-cemetery,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,stefan-luchian_peasant-girl,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_peasant-woman-1896,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_peasant-woman-with-yellow-headscarf-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_peonies,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_poppies-1910(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_portrait-of-a-woman,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_portrait-of-a-woman-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_roses,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_self-portrait,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_self-portrait-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Impressionism,stefan-luchian_sheperdess,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_shepherdess,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_slums-mahalaua-dracului-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Impressionism,stefan-luchian_springtime-flowers,"[3.0, 6.0, 29.0, 6.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,stefan-luchian_summertime-flowers,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,stefan-luchian_the-last-autumn-race-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_the-laundress,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-luchian_the-millet-beer-seller,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_the-mounted-red-hussar,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,stefan-luchian_the-river-meadow-at-poduri-1909,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_the-well-on-clucerului-street-1904,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,stefan-luchian_tuf-nele-n-ulcic,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_vase-with-carnations-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_vase-with-chrysanthemums,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_village-church,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-luchian_violets,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-luchian_vizdoage,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-luchian_white-roses,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-luchian_woman-worker-1893,"[0.0, 3.0, 12.0, 0.0, 0.0, 0.0, 0.0, 22.0, 9.0]"
+Impressionism,stefan-luchian_z-voi-i-claie-de-f-n,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_at-the-shadow-of-walnut-trees,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-popescu_autumn-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-popescu_autumn-landscape-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_beginning-of-autumn,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,stefan-popescu_blue-landscape-1913,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,stefan-popescu_caliacra,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-popescu_cape-caliacra,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_cape-caliacra-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-popescu_during-rain,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_eforie-seashore,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_forest-vista,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_gulf-in-villefranche-sur-mer,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_harvesting,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,stefan-popescu_houses-at-bonnieux,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-popescu_houses-in-provence,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_houses-on-the-hill,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,stefan-popescu_inessential-store,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-popescu_jardin-du-luxembourg,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_landscape-from-c-mpulung,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,stefan-popescu_landscape-from-provence-1924,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_landscape-with-houses-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-popescu_landscape-with-stronghold,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-popescu_olt-valley-1918,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-popescu_on-the-river-shore,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-popescu_roofs-under-snow-1927,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,stefan-popescu_still-life-with-flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,stefan-popescu_street-from-bretania,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_street-from-bretania-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-popescu_summer-landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Impressionism,stefan-popescu_sunday,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,stefan-popescu_sunset-over-chioggia-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,stefan-popescu_the-garden-of-finistere-chapel,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,stefan-popescu_winter-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,stefan-popescu_yawls-in-the-lagoon-1924,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_a-bleak-day-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,t.-c.-steele_a-corner-in-the-old-kitchen-of-the-mittenheim-cloister-1883,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,t.-c.-steele_albert-g-porter-governor-of-indiana-1885,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_along-the-creek-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_an-indiana-road-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_at-noon-day-1894,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_beech-trees-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_berry-picker-1894,"[0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_brook-in-woods-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_brookville,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_brookville-1898,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_canal-schlessheim-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_clam-diggers-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_cows-by-the-stream-1895,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_creek-in-winter-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_cumberland-mountains-1899,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,t.-c.-steele_daisy-by-the-river-1891,"[0.0, 6.0, 38.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,t.-c.-steele_evening-poplars-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Impressionism,t.-c.-steele_evening-poplars-and-roadway-near-schleissheim-1884,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_flower-garden-at-brookville-1901,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_flower-mart-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,t.-c.-steele_gordon-hill-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,t.-c.-steele_haying-scene-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_hills-of-vernon-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_house-of-the-singing-winds-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_in-the-berry-field-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,t.-c.-steele_in-the-whitewater-valley-near-metamora-1894,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_june-glory-1920,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,t.-c.-steele_last-hour-of-the-day-1916,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,t.-c.-steele_meridian-street-thawing-weather-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,t.-c.-steele_monument-in-the-snow-1918,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,t.-c.-steele_morning-by-the-stream-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_morning-the-sheep,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_munich-haying,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_mysterious-1895,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_november-morning-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_november-s-harmony-1893,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_okemo-mountain-ludlow-vermont-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_on-the-muscatatuck-1886,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_on-the-oregon-coast-1902,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_peonies-and-irises,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_pleasant-run-1887,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_portrait-of-daisy-1891,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_portrait-of-james-whitcomb-riley-1891,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_road-to-schleissheim-1882,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_roan-mountain,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_selma-in-the-garden,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_september-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_still-life-with-peonies-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,t.-c.-steele_street-scene-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_street-scene-with-carriage,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,t.-c.-steele_summer-days-at-vernon-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_talbott-place,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_tennessee-scene-1899,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-bloom-of-the-grape-1893,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-boatman-1884,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,t.-c.-steele_the-brook-in-the-woods-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_the-christ-child-and-the-infant-st-john-after-rubens-1883,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-clam-diggers,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-creek-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-grist-mill-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_the-house-of-the-singing-winds,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,t.-c.-steele_the-muscatatuck-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-oaks-of-vernon-1887,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-ohio-river-from-the-college-campus-honover-1892,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-old-mills-1903,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-poplars-1914,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_the-shades-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_tinker-place-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,t.-c.-steele_vernon-beeches-1892,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_village-scene,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_village-scene-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_weekly-wash,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,t.-c.-steele_white-water-river-brookville,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_whitewater-river,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,t.-c.-steele_whitewater-valley,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,t.-c.-steele_winter-afternoon-old-munich-1883,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,thalia-flora-karavia_aquifer,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,thalia-flora-karavia_boy-reading-1906,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,thalia-flora-karavia_by-the-river,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,thalia-flora-karavia_constantinople-1905,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,thalia-flora-karavia_cypress-house,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,thalia-flora-karavia_from-ithaca,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,thalia-flora-karavia_lady-in-an-interior,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,thalia-flora-karavia_landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,thalia-flora-karavia_path-in-the-forest,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,thalia-flora-karavia_portrait-of-a-man,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,thalia-flora-karavia_portrait-of-poet-k-p-cavafy,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,thalia-flora-karavia_repos-aux-champs,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,thalia-flora-karavia_sheep-on-a-slope,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,thalia-flora-karavia_young-girl,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theo-van-rysselberghe_a-pond-in-campine-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,theo-van-rysselberghe_encampment-near-a-moroccan-village,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_encampment-near-a-moroccan-village-1888,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theo-van-rysselberghe_family-in-the-orchard-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_fantasia-arabe-1884,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_figures-near-a-well-in-morocco,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,theo-van-rysselberghe_holy-cross-church-at-ixelles-at-night-1886,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_madame-edmond-picard-in-her-box-at-theatre-de-la-monnaie,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_nude-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,theo-van-rysselberghe_nude-from-behind-fixing-her-hair,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theo-van-rysselberghe_nude-woman-1916,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-a-lady-with-a-fan,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-a-woman-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-a-young-girl-in-red,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-camille-van-mons-1886,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-children,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-elizabeth-van-rysselberghe-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-madame-monnon-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-marguerite-van-mons-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-octave-maus-1885,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_portrait-of-octave-maus-as-dandy-1885,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,theo-van-rysselberghe_rain-jersey-1907,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,theo-van-rysselberghe_seated-nude-1905,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,theo-van-rysselberghe_standing-nude-1919,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,theo-van-rysselberghe_the-dunes-zwin-knokke-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theo-van-rysselberghe_the-sisters-of-the-painter-schlobach-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theo-van-rysselberghe_venetian-woman-marcella-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,theo-van-rysselberghe_view-of-meknes-morocco,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-aman_costume-party-in-the-workshop-1885,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-aman_looking-in-an-album,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-aman_port-of-constantza-1882,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,theodor-aman_reading-in-the-cismigiu-garden-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,theodor-pallady_bridge-over-seine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,theodor-pallady_caf-du-dome-1928,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_case-la-turtucaia,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_ci-meaua-de-pe-strada-sp-tarului,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_debarcader-pe-sena-dinspre-belleville,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_eglise-de-mimizan-1937,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_haystacks,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_house-from-oltenia,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_interior-din-atelierul-din-place-dauphine-1934,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_intimacy,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_intimacy-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_juan-les-pins-landscape,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,theodor-pallady_lakeshore-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,theodor-pallady_landscape-constantza,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_landscape-with-lake,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_narcissus-and-lilies-1920,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_natur-moart-cu-narghilea-i-gutui-1940,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_natur-static-cu-m-i-ori,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_nu,"[11.0, 3.0, 9.0, 11.0, 1.0, 2.0, 1.0, 4.0, 3.0]"
+Impressionism,theodor-pallady_nude-in-chair,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_nude-in-green-chair,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_nude-on-the-couch-1943,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_odalisque,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_opium-smoker,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,theodor-pallady_orange-coat,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_pe-cheiul-senei,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,theodor-pallady_pheasant,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,theodor-pallady_pont-du-diable-st-palais-sur-mer-cliffs-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_rose-mallow,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_scen-de-port-jeux-de-boules,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_self-portrait-1938,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_still-life,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_still-life-with-flowers,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,theodor-pallady_still-life-with-hubble-bubble,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_still-life-with-hubble-bubble-and-boxes,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,theodor-pallady_still-life-with-lilies-fan-and-red-mask-1925,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_still-life-with-may-lilies-1935,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_still-life-with-narcissus-and-mirror-1940,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_still-life-with-peonies-and-clock,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_strada-sfin-ii-apostoli-1949,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,theodor-pallady_t-rgovi-te-monastery-bell-tower-1930,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,theodor-pallady_the-little-cigarette-nude-1931,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_thinking-woman,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,theodor-pallady_toledo-street,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theodor-pallady_towards-the-buffet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,theodor-pallady_vedere-spre-mediterana-1930,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theodor-pallady_woman-in-interior-1948,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,theodor-pallady_woman-with-fan,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theophrastos-triantafyllidis_bathers-on-the-boat-1930,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_boating,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_boats-at-shore,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_figures-on-a-street,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_flea-market-1943,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,theophrastos-triantafyllidis_flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,theophrastos-triantafyllidis_for-the-vintage-from-the-life-of-from-the-life-of-gypsies-1952,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_governess-in-the-park,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,theophrastos-triantafyllidis_harvesting-1930,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_man-in-the-woods-of-boulogne,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_menidi,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,theophrastos-triantafyllidis_nannies-in-the-park-1,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,theophrastos-triantafyllidis_open-air-show,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,theophrastos-triantafyllidis_photographer,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_roses,"[5.0, 3.0, 15.0, 3.0, 0.0, 0.0, 1.0, 17.0, 4.0]"
+Impressionism,theophrastos-triantafyllidis_seated-nude,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_self-portrait-1952,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_the-artist,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,theophrastos-triantafyllidis_the-dinner-guests-1935,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,theophrastos-triantafyllidis_two-children-on-the-beach-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_vase-with-flowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_women-in-boating,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Impressionism,theophrastos-triantafyllidis_women-in-the-royal-garden-1937,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Impressionism,thomas-eakins_a-street-scene,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,thomas-eakins_boy-reclining,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0, 1.0]"
+Impressionism,thomas-eakins_columbus-in-prison,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,thomas-eakins_compositional-study-for-william-rush-carving-his-allegorical-figure-of-the-schuylkill-river,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,thomas-eakins_drawing-of-a-camel-and-rider-1858,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,thomas-eakins_hiawatha,"[2.0, 9.0, 6.0, 1.0, 0.0, 0.0, 6.0, 14.0, 7.0]"
+Impressionism,thomas-eakins_landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Impressionism,thomas-eakins_negro-boy-on-a-bay-horse,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,thomas-kinkade_a-view-from-cannery-row-monterey-1996,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,thomas-kinkade_portofino-2003,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,umberto-boccioni_factory-foltzer-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,umberto-boccioni_farmers-at-work-risaiole-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,umberto-boccioni_mother-and-child-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,umberto-boccioni_passing-train-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,umberto-boccioni_self-portrait-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,umberto-boccioni_self-portrait-1908,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,umberto-boccioni_signora-massimino-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,umberto-boccioni_the-grand-canal-in-venice-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_a-woman-with-a-jug,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,valentin-serov_after-the-battle-of-kulikovo,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,valentin-serov_anna-pavlova-in-the-ballet-sylphyde-1909,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_artist-k-korovin-on-the-river-bank-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,valentin-serov_at-the-ferry-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Impressionism,valentin-serov_children-sasha-and-yura-serov-1899,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,valentin-serov_fishing-vessels-in-arkhangelsk-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,valentin-serov_girl-in-the-sunlight-portrait-of-m-simonovich-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_girl-with-peaches-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_iphigenia-in-tauris-1893,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,valentin-serov_mika-morozov-1901,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,valentin-serov_open-window-lilacs-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_peter-i-in-the-palace-of-monplaisir-unfinished-1911,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,valentin-serov_peter-i-on-the-hunt-1902,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,valentin-serov_peter-i-the-great-1907,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,valentin-serov_peter-ii-and-princess-elizabeth-petrovna-riding-to-hounds-1900,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,valentin-serov_pomors-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,valentin-serov_pond-in-abramtsevo-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portico-with-a-balustrade-arkhangelsk-1903,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-a-kasyanov-1907,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-a-princess-olga-orlova-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-a-princess-olga-orlova-1911,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Impressionism,valentin-serov_portrait-of-alexander-lensky-and-alexander-yuzhin-1908,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-anna-benois-1908,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-anton-chekhov-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-children-of-s-botkin-1900,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-count-feliks-feliksovich-sumarokov-yelstov-later-prince-yusupov-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,valentin-serov_portrait-of-count-nikolay-sumarokov-elstone-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-countess-varvara-musina-pushkina-1895,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-dmitry-stasov-1908,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-e-a-krasilschikova-1906,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-elisaveta-karzinkina-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-emperor-nicholas-ii-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-grand-duchess-olga-alexandrovna-1893,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-grand-duke-mikhail-nikolayevich-1900,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-helena-ivanovna-roerich-1909,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,valentin-serov_portrait-of-henrietta-girshman-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-konstantin-korovin-1891,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-leo-bakst,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-liudmila-mamontova-1894,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-margarita-morozova-1910,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-maria-botkina-1905,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-nadezhda-derviz-with-her-child-1889,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-nikolai-andreyevich-rimsky-korsakov-1898,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-p-oliv-1909,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-praskovya-mamontova-1889,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-prince-felix-yussupov-1903,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-princess-polina-shcherbatova-1911,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-princess-zinaida-yusupova-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-sergei-diaghilev-1904,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-sergey-muromtsev-1910,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-sofia-mikhailovna-botkina-1899,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-sophia-dragomirova-lukomskaya-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-the-artist-a-p-ostroumova-lebedeva-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-the-artist-i-s-ostroukhov-1902,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-the-artist-ilya-repin-1892,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,valentin-serov_portrait-of-the-artist-ilya-repin-1901,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,valentin-serov_portrait-of-the-artist-isaac-levitan-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-the-artist-m-a-vrubel-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-the-pianist-wanda-landowska-1907,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-the-poet-konstantin-balmont-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-the-writer-leonid-andreev-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-the-writer-maxim-gorky-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-yelena-balina-1911,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-yelena-oliv-1905,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-yevdokia-loseva-1903,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,valentin-serov_portrait-of-yevdokia-morozova-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_portrait-of-yevdokia-morozova-detail-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_poster-for-the-saison-russe-at-the-theatre-du-chatelet-1909,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_pushkin-in-the-village-1899,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,valentin-serov_rinsing-linen-on-the-river-1901,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,valentin-serov_sasha-serov-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Impressionism,valentin-serov_seaside-in-venice-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_self-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,valentin-serov_self-portrait-1901,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_serov-s-children-yuri-and-sasha-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,valentin-serov_set-design-for-the-opera-judith-by-alexander-serov-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,valentin-serov_sheds-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,valentin-serov_sketch-for-a-portrait-of-p-i-scherbatova-1911,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,valentin-serov_sketch-for-a-portrait-of-p-i-scherbatova-1911-1,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,valentin-serov_sofia-vladimirovna-born-glebova,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_st-mark-plaza-in-venice-1887,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,valentin-serov_summertime-portrait-of-olga-serova-1895,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,valentin-serov_the-white-sea-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,valentin-serov_village-1898,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,valentin-serov_watermill-in-finland-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,vanessa-bell_aldous-huxley-1931,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,vanessa-bell_chrysanthemums-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,vanessa-bell_flowers-in-a-glass-vase-with-abstract-needlework-design,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,vanessa-bell_pheasants-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,vanessa-bell_roofs,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vanessa-bell_still-life-at-a-window-1922,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,vanessa-bell_the-memoir-club-1943,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,vanessa-bell_the-red-dress-1929,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_balchik-1938,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_balchik-cliffs-1920,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,vasile-popescu_bridge-over-sabar-1942,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_comana-landscape-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,vasile-popescu_composition-with-sailor-and-siren,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,vasile-popescu_garden-in-c-lim-ne-ti-1942,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,vasile-popescu_harlequin,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_house-in-fundeni-1941,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_houses-in-balchik-1933,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_houses-in-prahova-valley-1942,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,vasile-popescu_landscapist-props-1940,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,vasile-popescu_little-house-in-predeal-1942,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,vasile-popescu_marquee-house-painter-s-wife-s-home-1934,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_rooftops-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,vasile-popescu_sewer,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,vasile-popescu_still-life-with-pipe-and-basket-full-of-violets-1930,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,vasile-popescu_table-with-fruits-in-balchik-1938,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,vasile-popescu_towards-balchik-1937,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasily-polenov_tancred-castle-in-tiberias,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,vasily-polenov_venice-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasily-polenov_venice-1896-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,vasily-polenov_venice-channals,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,vasily-polenov_venice-pipes,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,vasily-surikov_alupka-ai-petri-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,vasily-surikov_berlin-enbankment,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,vasily-surikov_portrait-of-woman-with-yellow-background-1911,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,vasily-surikov_portrait-of-young-woman-1911,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_a-caucasian-study-1895,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_a-tree,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,victor-borisov-musatov_autumn-mood-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,victor-borisov-musatov_autumn-mood-1901,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,victor-borisov-musatov_autumn-song-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_boy-at-the-seashore-1895,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,victor-borisov-musatov_boy-in-the-garden-1898,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,victor-borisov-musatov_boy-seated-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,victor-borisov-musatov_boy-with-a-dog-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,victor-borisov-musatov_cabbage-field-with-willows,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_flowers-1894,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_girl-in-the-sunlight-1897,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_in-a-boat,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_in-the-light-of-the-setting-sun-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,victor-borisov-musatov_in-the-park,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,victor-borisov-musatov_lady-embroidering-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_may-flowers-1894,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,victor-borisov-musatov_peasant-women,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,victor-borisov-musatov_poppies-in-the-garden-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,victor-borisov-musatov_portrait-of-a-lady-1902,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Impressionism,victor-borisov-musatov_portrait-of-nadezhda-staniukovich-1903,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,victor-borisov-musatov_prayer-on-the-railway-station-1894,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,victor-borisov-musatov_reapers-1897,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,victor-borisov-musatov_roses-and-catkins,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,victor-borisov-musatov_spring-scene,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,victor-borisov-musatov_spring-sun,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,victor-borisov-musatov_the-boy-nearly-broken-jug-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Impressionism,victor-borisov-musatov_two-ladies-1899,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,victor-borisov-musatov_window-1886,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,victor-borisov-musatov_young-girl-on-the-balcony-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,victor-brauner_theo-brauner,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,victor-brauner_village-1922,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-battiss_a-tent-and-cart-in-a-wooded-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,walter-battiss_aloes-near-a-river,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,walter-battiss_an-arabian-city,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,walter-battiss_arabian-city,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-battiss_below-drummond-natal,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,walter-battiss_distant-blue-hills-1934,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,walter-battiss_guildford-gypsies,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,walter-battiss_landscape-near-the-hekpoort-road,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-battiss_landscape-with-houses,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,walter-battiss_marcello-samos,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-battiss_old-chelsea-new-york,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-battiss_portrait-of-the-artist-s-wife-the-artist-grace-anderson-1945,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,walter-battiss_sailing-on-a-summer-s-day,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-sickert_a-marengo,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,walter-sickert_baccarat-the-fur-cape-1920,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-sickert_belvedere-bath,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,walter-sickert_cafe-of-the-courts-dieppe,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,walter-sickert_despair,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,walter-sickert_dieppe-study-no-2-facade-of-st-jacques,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,walter-sickert_figure-1906,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,walter-sickert_george-moore-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,walter-sickert_girl-at-a-window-little-rachel-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,walter-sickert_harold-gilman,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Impressionism,walter-sickert_home-life,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-sickert_interior-of-st-mark-s-venice-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,walter-sickert_jacques-emile-blanche,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Impressionism,walter-sickert_minnie-cunningham-at-the-old-bedford-1892,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,walter-sickert_miss-earhart-s-arrival-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,walter-sickert_mornington-crescent-nude-contre-jour-1907,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,walter-sickert_mrs-barrett,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,walter-sickert_not-identified,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,walter-sickert_off-to-the-pub,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Impressionism,walter-sickert_pierrot-and-woman-embracing-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,walter-sickert_portrait-of-israel-zangwill,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,walter-sickert_queen-victoria-and-her-great-grandson,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Impressionism,walter-sickert_roquefort,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,walter-sickert_rowlandson-house-sunset-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,walter-sickert_seated-nude-paris-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Impressionism,walter-sickert_sketch-for-the-statue-of-duquesne-dieppe,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Impressionism,walter-sickert_sketch-of-a-female-figure-1888,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,walter-sickert_study-for-the-little-tea-party-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Impressionism,walter-sickert_study-for-the-wardrobe-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Impressionism,walter-sickert_the-camden-town-murder-or-what-shall-we-do-for-the-rent,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,walter-sickert_the-dutch,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,walter-sickert_the-juvenile-lead-self-portrait-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,walter-sickert_the-little-tea-party-nina-hamnett-and-roald-kristian-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,walter-sickert_the-notre-dame-des-champs,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,walter-sickert_the-piazzetta-and-the-old-campanile-venice,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,walter-sickert_the-servant-of-abraham-1929,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Impressionism,walter-sickert_the-tottenham-distillery,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,walter-sickert_the-wardrobe-1924,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Impressionism,walter-sickert_tipperary-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,walter-sickert_two-women-on-a-sofa-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Impressionism,walter-sickert_view-of-bath-from-belvedere,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,walter-sickert_woman-washing-her-hair-1906,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,walter-sickert_young-belgium-women,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,wilhelm-leibl_konzertstudie-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,wilhelm-leibl_portr-t-des-tierarztes-dr-reindl-in-der-laube-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_a-family-of-birches,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_a-view-of-the-village,"[1.0, 7.0, 28.0, 3.0, 0.0, 0.0, 1.0, 1.0, 4.0]"
+Impressionism,willard-metcalf_afternoon-by-the-river-at-grez,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_approaching-autumn,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_arab-encampment-biskra,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,willard-metcalf_autum-glory,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_autumn-festival,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_autumn-roadside,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_battery-park-spring,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_blossom-time,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_boys-fishing,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_breton-girl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_brook-in-june,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_brook-in-march,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_budding-oak,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_buds-and-blossoms,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_buttercup-time,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_by-the-shore-walberswick,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,willard-metcalf_cafe,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_child-in-sunlight,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_close-of-day-on-the-maine-shore,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_closing-autumn,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_coast-of-brittany,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_cornish-hills,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_early-october-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_early-spring-afternoon-central-park,"[1.0, 7.0, 29.0, 8.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Impressionism,willard-metcalf_east-boothbay-harbor,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_ebbing-tide-version-two,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_farm-buildings-in-a-winter-landscape,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_farm-scene,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_fish-wharves-gloucester,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_flying-shadows,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_flying-shadows-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_flying-shadows-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_french-landscape,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_giverny,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_gloucester-harbour-sun,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_green-idleness,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_havana-harbor,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_haystacks,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_hillside-pasture,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_hush-of-winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_icebound,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_icebound-brook-aka-winter-s-mantle,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_indian-summer-vermont,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_inner-harbour-gloucester,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_landscape-1,"[1.0, 8.0, 28.0, 4.0, 0.0, 0.0, 0.0, 3.0, 3.0]"
+Impressionism,willard-metcalf_late-afternoon-in-october,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_lenghtening-shadows,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_may-afternoon,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_may-night,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_may-pastoral,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_maytime,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_midsummer-twilight,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,willard-metcalf_monet-s-formal-garden-1886,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_moonlight,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_morning-shadows,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_mountain-lakes-olden-norwas,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_mountain-laurel,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_mountain-view-from-high-field,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,willard-metcalf_november-mist,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_november-morning,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_nut-gathering,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_october,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_october-morning-deerfield,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_october-morning-no-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_old-homestead-connecticut,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_old-mill-pelago-italy,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_old-woman-with-child-and-goose-1885,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_on-the-suffolk-coast,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_on-the-suffolk-coast-02,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_painting-my-wife-and-daughter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_passing-summer,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_pasture-old-lyme,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_pond-giverny,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_pont-royal,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_poppy-garden,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_pottery-shop-at-tunis,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_prelude,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_purple-white-and-gold,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_remember-spring,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_self-portrait,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_september,"[2.0, 5.0, 34.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_september-morning-plainfield-new-hampshire,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_sillon,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_snow-in-the-foothills,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_spring-in-the-valley,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_street-scene-tangiers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_summer-at-hadlyme,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_summer-night-no-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_sunlight-and-shadow-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_swollen-brook-no-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_tea-on-the-porch,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_thawing-brook,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,willard-metcalf_thawing-brook-winter-shadows-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_the-ballet-dancers-aka-the-dressing-room,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-bower,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-breath-of-autumn-waterford-connecticut,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-fire-of-autumn,"[1.0, 8.0, 18.0, 3.0, 0.0, 3.0, 4.0, 2.0, 6.0]"
+Impressionism,willard-metcalf_the-frozen-pool-march,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-golden-screen,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-landing-place,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-little-white-house,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-path,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-path-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_the-picnic,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-poppy-field,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_the-red-oak-no-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-sunny-brook-chester-vermont,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,willard-metcalf_the-white-mantle,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-white-veil-1909,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-winding-road,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_the-winter-s-festival,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_venice,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_vermont-hills-november,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,willard-metcalf_waning-summer,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_white-lilacs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,willard-metcalf_winter-afternoon,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_winter-in-new-hampshire-1914,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,willard-metcalf_york-maine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,willard-metcalf_young-lady-on-the-beach,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,willi-baumeister_self-portrait-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Impressionism,william-h.-johnson_still-life-1927,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,william-james-glackens_29-washington-square-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_a-stroll-in-the-park,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_back-of-nude,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-james-glackens_bathing-at-bellport-1911,"[0.0, 3.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_beach-scene-new-london-1918,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_beach-side-1913,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_bowlers-la-ciotat-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_breakfast-porch-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-james-glackens_breezy-day-tugboats-new-york-harbor-1910,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_caf-lafayette-portrait-of-kay-laurel-1914,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_connecticut-landscape,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_dancer-in-blue,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_descending-from-the-bus-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_east-point-gloucester-1919,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_f-te-de-suquet-1932,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_family-group,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_family-group-1911,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-james-glackens_flowers-against-a-palm-leaf-pettern,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_flowers-in-a-quimper-pitcher-1930,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_from-under-willows,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_garden-in-hartford-1918,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_girl-roller-skating-washington-square-1914,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_italo-american-celebration-washington-square,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-james-glackens_lenna-painting-the-artist-s-daughter-1918,"[1.0, 10.0, 36.0, 3.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Impressionism,william-james-glackens_lenna-the-artist-s-daughter-in-a-chinese-costume-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_mahone-bay-1911,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_new-castle-new-hampshire-1909,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_north-beach-swimming-pool-1916,"[6.0, 6.0, 20.0, 10.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,william-james-glackens_nude-in-green-chair,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_nude-on-a-red-sofa,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_nude-with-apple-1910,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_parade-1912,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_poppies-lilies-and-blue-flowers,"[2.0, 8.0, 25.0, 7.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,william-james-glackens_portsmouth-harbor-new-hampshire-1909,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_roses-and-perimmons,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_sledding-1912,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_sledding-in-central-park-1912,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_soda-fountain-1935,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-james-glackens_standing-girl-with-white-spats-1915,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_the-artist-s-wife-and-son-1911-1,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,william-james-glackens_the-artist-s-wife-knitting-1920,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_the-bandstand-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-james-glackens_the-bathing-hour-1910,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_the-green-car-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_the-hammock,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_the-swing-1913,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-james-glackens_treading-clams-wickford-1909,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_twenty-three-fifth-avenue-1910,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_twenty-three-fifth-avenue-interior-1910,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_umbrellas,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_washington-square-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_washington-square-park,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-james-glackens_young-woman-in-green-1915,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-bit-of-holland-meadows-aka-a-bit-of-green-in-holland,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-bit-of-the-terrace-aka-early-morning-stroll,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_a-coquette,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-corner-of-my-studio,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_a-florentine-villa,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-friendly-call,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-girl-in-yellow-aka-the-yellow-gown,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-gypsy-swell-aka-a-spanish-gypsy,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_a-lady-in-black-aka-the-red-shawl,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-lady-in-brown,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_a-long-island-lake,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-madrid-dancing-girl,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_a-portrait-study,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_a-sketch-of-my-hound-kuttie,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_a-spanish-girl-aka-portrait-of-mrs-chase-in-spanish-dress,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-study-aka-the-artist-s-wife,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_a-study-in-pink-aka-portrait-of-mrs-robert-p-mcdougal,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_a-summer-afternon-in-holland-aka-sunlight-and-shadow,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_a-summer-day,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-sunny-afternoon-shinnecock-hills,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_a-sunny-day-at-shinnecock-bay,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_a-venetian-balcony,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_after-the-rain,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_afternoon-by-the-sea-aka-gravesend-bay,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_afternoon-in-the-park,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_afternoon-shadows,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_alice-dieudonne-chase-shinnecock-hills,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_alice-in-studio-in-shinnecock-long-island-sun,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_along-the-path-at-shinnecock,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_an-early-stroll-in-the-park,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_an-italian-garden,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_arab-encampment,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_assyrian-girl,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_at-play,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_at-shinnecock-hills,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_at-the-boat-landing,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_at-the-seaside,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_at-the-window,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_azaleas,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_back-of-a-male-figure,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_back-of-a-nude,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_back-of-a-nude-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_bank-of-a-lake-in-central-park,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_bath-beach-a-sketch,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_beach-scene-morning-at-canoe-place,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_boat-house-prospect-park-aka-boats-on-the-lake-prospect-park,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_bobbie-a-portrait-sketch,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_brooklyn-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_brooklyn-navy-yard,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_child-on-a-garden-walk,"[4.0, 5.0, 25.0, 3.0, 0.0, 0.0, 1.0, 6.0, 2.0]"
+Impressionism,william-merritt-chase_child-with-prints,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_children-playing-parlor-croquet-sketch,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_coastal-view,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_colesberry-purves,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_connoisseur-the-studio-corner,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_contemplation,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_dancing-girl,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_did-you-speak-to-me,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_dorothy,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_dorothy-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_dorothy-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_dorothy-and-her-sister,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Impressionism,william-merritt-chase_dunes-at-shinnecock,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_dutch-canal-aka-canal-path-holland,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_elsie-leslie-lyde-as-little-lord-fauntleroy,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_end-of-the-season-sun,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_figure-study-i,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_first-touch-of-autumn,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_fish-sheds-and-schooner-gloucester,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_flowers-aka-roses,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_for-the-little-one-aka-hall-at-shinnecock,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,william-merritt-chase_gathering-autumn-flowers,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,william-merritt-chase_girl-in-a-japanese-costume,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_girl-in-a-japanese-kimono,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_girl-in-white,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_girl-with-guitar,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_girl-with-tambourine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_gondolas-along-venetian-canal-aka-gondola-in-venice,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_good-friends,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_good-friends-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_gowanus-bay-aka-misty-day-gowanus-bay,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_grain-field-shinnecock-hills,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_gravesend-bay-aka-the-lower-bay,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_gray-day-on-the-lagoon-a-passenger-boat-venice,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_hall-at-shinnecock,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_harbor-scene-brooklyn-docks,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_hide-and-seek,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_hunting-game-in-shinnecock-hills,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_i-am-going-to-see-grandma-aka-mrs-chase-and-child,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_idle-hours,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_in-brooklyn-navy-yard,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_in-the-garden-aka-a-squatter-s-hut-flatbush-or-the-old-garden,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_in-the-park-a-by-path,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_in-the-park-paris,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_in-the-studio,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_in-the-studio-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_in-the-studio-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_in-washington-park-brooklyn-n-y,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_interior-oak-manor,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_interior-of-the-artist-s-studio-aka-the-tenth-street-studio,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_interior-of-the-baptistry-at-st-mark-s,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_interior-young-woman-at-a-table,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_james-abbott-mcneill-whistler,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_keying-up-the-court-jester,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_lady-in-black,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_lady-in-white-gown,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_lady-with-a-rose,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_landscape-a-shinnecock-vale,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_landscape-near-coney-island,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_landscape-shinnecock-hills-1900,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_long-island-landscape-after-a-shower-of-rain-1889,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_lydia-field-emmet,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_making-her-toilet,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_man-with-bandana-1878,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_may-i-come-in,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_meditation-aka-portrait-of-the-artist-s-wife-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,william-merritt-chase_memories,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_miss-l-aka-isabella-lathrop,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_miss-mary-margaret-sweeny,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_modern-magdalen,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,william-merritt-chase_monterey-california,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_mr-francis-guerin-lloyd,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_ms-helen-dixon,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_my-baby-aka-cosy,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_my-daughter-dieudonnee-aka-alice-dieudonnee-chase,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_my-daughter-dorothy,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_my-little-daughter-dorothy,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_near-bay-ridge,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_near-the-beach-shinnecock,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_near-the-sea-aka-shinnecock,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_nude,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_nude-resting,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_october,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_october-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_olive-trees-florence,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_on-the-beach-shinnecock,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_on-the-lake-central-park(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_over-the-hills-and-far-away,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_park-bench-aka-an-idle-hour-in-the-park-central-park,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_peace-fort-hamilton,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_peonies,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_peonies-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_peonies-1897,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-a-lady,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,william-merritt-chase_portrait-of-a-lady-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-a-lady-in-a-white-dress-aka-miss-edith-newbold,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-a-lady-in-pink-aka-lady-in-pink-portrait-of-mrs-leslie-cotton,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-a-lady-with-a-rose,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-a-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Impressionism,william-merritt-chase_portrait-of-a-woman,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-a-woman-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-a-woman-the-white-dress-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-a-young-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-clara-stephens-wearing-a-hat-with-an-orange-ribbon,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-dorothy,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-elbert-hubbard-aka-the-roycrafter,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-elizabeth-betsy-fisher,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-erla-howell-aka-little-miss-h,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-fra-dana,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-harriet-hubbard-ayer,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-harriet-hubbard-ayers,"[2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-helen-daughter-of-the-artist,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-helen-velasquez-chase,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-james-rapelje-howell,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-julian-oderdonk,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-kate-freeman-clark,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,william-merritt-chase_portrait-of-louis-betts,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-martha-walter,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-miss-dora-wheeler-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-miss-frances,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-mme-e-h-bensel,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-c,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-c-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-c-alice-gerson-chase,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-chase,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-julius-erson,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-william-chase,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-william-clark,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-mrs-william-merritt-chase,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-president-william-waugh-smith,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-susan-watkins,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-the-artist-s-daughter-dorothy,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-the-artist-s-sister-in-law,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-virginia-gerson,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_portrait-of-virginia-gerson-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_portrait-of-william-charles-le-gendre,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_prospect-park,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_prospect-park-aka-croquet-lawn-prospect-park,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_prospect-park-brooklyn,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_prospect-park-brooklyn-02,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_prospect-park-brooklyn-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_prospect-park-brooklyn-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_pulling-for-shore,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_pure-aka-the-model,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_ready-for-a-walk-beatrice-clough-bachmann,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_ready-for-the-ride,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_reclining-nude,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_reflection,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Impressionism,william-merritt-chase_reflections-aka-canal-scene,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_repair-docks-gowanus-pier,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_reverie,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Impressionism,william-merritt-chase_ring-toss,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_sailboat-at-anchor,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_seascape,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_seashore-aka-a-grey-day,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Impressionism,william-merritt-chase_seated-figure,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Impressionism,william-merritt-chase_seated-woman-in-black-dress,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_seated-woman-in-yello-striped-gown,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_self-portrait,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_self-portrait-1916,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_shell-beach-at-shinnecock,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-02,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-03,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-04,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-a-view-of-shinnecock,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-aka-a-view-of-shinnecock,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-aka-shinnecock-hills-autumn,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-from-canoe-place-long-island,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-long-island,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-long-island-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-longisland,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-peconic-bay,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-hills-summer,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-interior-studio,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_shinnecock-landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-landscape-02,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-landscape-03,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-landscape-04,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-landscape-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-landscape-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_shinnecock-landscape-with-figures,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_shore-scene,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_sketch-on-a-young-girl-on-ocean-steamer,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,william-merritt-chase_spanish-girl,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Impressionism,william-merritt-chase_spanish-girl-1,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_spanish-village,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,william-merritt-chase_still-life-flowers,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_still-life-with-cockatoo,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_still-life-with-flowers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_stormy-day-bath-beach,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_studio-interior,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_study-for-making-her-toilet-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_study-of-a-girl-in-a-japanese-dress,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_study-of-a-young-girl,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,william-merritt-chase_study-of-an-arab-girl,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_study-of-black-against-yello,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_summertime-pulling-for-shore,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_sunlight-and-shadow-shinnecock-hills,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_sunny-spain,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_surprise,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_swollen-stream-at-shinnecock,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_terrace-at-the-mall-cantral-park,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_terrace-prospect-park,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-antiquary-shop-1879,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-back-yard-shinnecock-long-island-new-york,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_the-bathers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-bayberry-bush,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-beach-at-zandvoort-1900,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-big-oleander,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-birthday-party-aka-helen-velasquez-chase,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-black-kimono,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-black-kimono-1,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-blue-kimono-aka-girl-in-blue-kimono,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_the-chase-homestead-at-shinnecock,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-cloisters,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-coast-of-holland,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_the-common-central-park,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_the-consultation,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,william-merritt-chase_the-deserted-beach,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-east-river,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-fairy-tale,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-garden-wall,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-golden-lady,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_the-inner-studio-tenth-street-1882,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_the-japanese-book,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-japanese-book-1900,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-japanese-doll,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-japanese-print,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-kimono,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-lake-for-miniature-yachts,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-little-garden,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_the-lone-fisherman,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-mandolin-player,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_the-mirror,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-model,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_the-moorish-warrior-1876,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_the-morning-news,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-moroccan-girl,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_the-nursery,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_the-old-book,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-olive-grove,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-open-air-breakfast,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,william-merritt-chase_the-orangerie,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-outskirts-of-madrid,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_the-park,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-park-02,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-pet-canary,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-pink-bow,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-pot-hunter,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-potato-patch-aka-garden-shinnecock,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_the-red-gown,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,william-merritt-chase_the-red-roofs-of-haarlem-aka-a-street-in-holland,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-red-sash,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,william-merritt-chase_the-song,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Impressionism,william-merritt-chase_the-tenth-street-studio-1915,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-turkish-page,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_the-white-fence,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_the-white-rose-aka-miss-jessup,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_tired-aka-portrait-of-the-artist-s-daughter,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_tompkins-park-brooklyn,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_two-arabs,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Impressionism,william-merritt-chase_venice,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_venice-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_venice-view-of-the-navy-arsenal,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_view-near-polling-1876,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_view-of-fiesole,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_wash-day-a-back-yard-reminiscence-of-brooklyn,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Impressionism,william-merritt-chase_weary-aka-who-rang,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_when-one-is-old,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_wind-swept-sands-shinnecock-long-island,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_woman-in-green,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_woman-in-kimono-holding-a-japanese-fan,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,william-merritt-chase_woman-in-kimono-holding-a-japanese-fan-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Impressionism,william-merritt-chase_woman-in-white,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_woman-of-holland,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Impressionism,william-merritt-chase_woman-on-a-dock,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Impressionism,william-merritt-chase_woman-with-a-basket,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,william-merritt-chase_women-under-trellis,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,william-merritt-chase_young-girl,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,william-merritt-chase_young-woman-before-a-mirror,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,winston-churchill_a-room-at-breccles-norfolk-1920(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Impressionism,winston-churchill_a-storm-over-cannes(1),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_a-view-at-mimizan(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_a-villa-at-the-riviera(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_at-the-pyramids(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_boathouse-on-blenheim-lake(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,winston-churchill_cannon-point-blenheim-lake(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,winston-churchill_cedar-in-the-garden-at-breccles(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_cloud-swept-landscape-in-south-france(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Impressionism,winston-churchill_cork-trees-near-mimizan(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_daybreak-at-cassis-1920(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_daybreak-at-cassis-near-marseilles-1920(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_diana-churchill-in-the-dining-room-at-chartwell(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Impressionism,winston-churchill_distant-view-of-eze(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,winston-churchill_distant-view-of-the-pyramids-1921(1),"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,winston-churchill_distant-view-of-the-pyramids-1921-1(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_drawing-room-at-chartwell(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_evening-glow-at-mimizan(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_garden-scene-at-breccles(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,winston-churchill_gardener-s-cottage-at-mme-balsan-s-house(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_goldfish-pool-at-chartwell(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,winston-churchill_great-hall-at-blenheim-palace(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_ightham-moat(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_interior-at-breccles(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_lake-at-blenheim(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_lake-near-breccles-in-autumn(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_lakeland-scene-near-breccles(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,winston-churchill_loch-on-the-duke-of-sutherland-s-estate(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Impressionism,winston-churchill_loch-scene-on-the-duke-of-sutherland-s-estate(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_long-gallery-at-sutton-place-near-guildford(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,winston-churchill_marlborough-tapestries-at-blenheim(1),"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_marlborough-tapestries-at-blenheim-1(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_mary-s-first-speech(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_mells-somersetshire(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_mimizan(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_mimizan-lake(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_mimizan-plage-landes-1920(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_moat-at-breccles(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_mountain-near-lochmore(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,winston-churchill_mountains-and-sea-at-sunset(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_near-breccles(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_near-lochmore-on-the-duke-of-wesminster-s-scottish-estate(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_near-the-pyramids-1921(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,winston-churchill_newbuildings-sussex-1921(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Impressionism,winston-churchill_racecourse-nice-1921(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_randolph-churchill-reading(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_red-roofed-house-at-mimizan(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_scenery-in-southern-france(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_seascape-with-conical-buoy(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Impressionism,winston-churchill_seascape-with-rain-clouds(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Impressionism,winston-churchill_shadows-on-a-staircase-in-southern-france(1),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_shady-cloister(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,winston-churchill_state-room-at-blenheim-palace(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_storm-over-a-bridge-in-southern-france(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Impressionism,winston-churchill_sunset-over-the-sea(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_sunset-over-the-sea-1(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Impressionism,winston-churchill_swimming-pool-at-chartwell(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_the-blue-room-at-lympne(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_the-goldfish-pool-at-chartwell(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_the-harbour-at-st-jean-cap-ferrat-1921(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_the-harbour-at-st-jean-cap-ferrat-1921-1(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_the-pont-du-gard(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_the-terrace-lympne(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_trees-and-shadows(1),"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_trees-at-mimizan,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,winston-churchill_trees-by-a-stream-in-norfolk,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_trees-near-breccles,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_valley-in-southern-france,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_vesuvius-from-pompeii,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_view-at-lochmore,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_view-at-mimizan,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Impressionism,winston-churchill_view-at-mimizan-1920,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_view-near-vence-in-the-alpes-maritimes,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_view-of-cairo-from-the-pyramids(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_view-of-chartwell,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_view-of-eze-in-the-alpes-maritimes,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_view-of-jerusalem-1921,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_view-of-the-fortified-village-of-eze,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,winston-churchill_view-of-the-loggia-at-chartwell,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,winston-churchill_view-of-the-weald-of-kent,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_view-on-the-river-var,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_village-house-in-southern-france,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_west-front-of-blenheim-palace,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_winter-sunshine-chartwell,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,winston-churchill_winter-view-of-chartwell,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,winston-churchill_winter-woodland-at-breccles,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,winston-churchill_wooded-water-near-blenheim,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,winston-churchill_woodland-scene-near-mimizan,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,winston-churchill_woods-at-mimizan,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,yiannis-tsaroychis_boats-in-susnet-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Impressionism,yiannis-tsaroychis_horseman-and-bather-with-house-1965,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Impressionism,yiannis-tsaroychis_landscape-1926,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,yiannis-tsaroychis_man-on-horseback-and-bather-standing-1965,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,yiannis-tsaroychis_montrouge-rose-in-an-english-cup-1968,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,zinaida-serebriakova_a-herd-of-horses-1909,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_animal-farm-in-the-village-neskuchnoye,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_autumn-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,zinaida-serebriakova_autumn-landscape-1904,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,zinaida-serebriakova_autumn-landscape-1909,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,zinaida-serebriakova_before-the-storm-village-neskuchnoye-1911,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Impressionism,zinaida-serebriakova_boulevard-in-paris,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Impressionism,zinaida-serebriakova_cabbage-village-neskuchnoye-1909,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Impressionism,zinaida-serebriakova_capri-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_digging-trees-in-the-garden-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Impressionism,zinaida-serebriakova_family-portrait,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_fields-in-neskuchnoye-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,zinaida-serebriakova_fields-neskuchnoye,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Impressionism,zinaida-serebriakova_green-autumn-1908,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,zinaida-serebriakova_harvest,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,zinaida-serebriakova_harvest-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_in-the-meadow-1912,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,zinaida-serebriakova_in-the-studio-braz-france-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Impressionism,zinaida-serebriakova_in-the-studio-paris-1906,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,zinaida-serebriakova_lake-in-tsarskoe-selo-1912,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,zinaida-serebriakova_neskuchnoye-calf-house,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Impressionism,zinaida-serebriakova_neskuchnoye-field-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Impressionism,zinaida-serebriakova_neskuchnoye-plowing-1908,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_orchard-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Impressionism,zinaida-serebriakova_orchard-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Impressionism,zinaida-serebriakova_orchard-in-bloom-neskuchnoye-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Impressionism,zinaida-serebriakova_pond-in-tsarskoe-selo-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_portrait-of-boris-serebryakov-1904,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Impressionism,zinaida-serebriakova_summer-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,zinaida-serebriakova_terrace,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_veranda-spring,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Impressionism,zinaida-serebriakova_window-1910,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Impressionism,zinaida-serebriakova_winter-in-the-royal-village-upper-bath-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Impressionism,zinaida-serebriakova_winter-landscape-neskuchnoye-1910,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Impressionism,zinaida-serebriakova_winter-wheat-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_a-portrait-of-giuliano-di-piero-de-medici,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_adoration-of-the-cross-with-the-brazen-serpent,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_adoration-of-the-shepherds,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_alessandro-de-medici,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_allegorical-portrait-of-dante-1530,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_allegory-of-happiness-1564,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_altarpiece,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_an-allegory-with-venus-and-cupid,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_christ-in-limbo-1552,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_christ-on-the-cross,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_cosimo-de-medici,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_deposition-from-the-cross-1545,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_deposition-from-the-cross-1565,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_don-garcia-de-medici,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_eleonora-da-toledo,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_eleonora-da-toledo-1543,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_eleonora-da-toledo-1562,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_francesco-i-de-medici-grand-duke-of-tuscany,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_galatea-and-pygmalion,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_garcia-de-medici,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_holy-family,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_holy-family-with-st-anne-and-the-infant-st-john-the-baptist-1550,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_lucrezia-di-cosimo,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_lucrezia-panciatichi-1540,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_martyrdom-of-st-lawrence-1569,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_moses-strikes-water-from-the-wall-rocks,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_noli-me-tangere,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_noli-me-tangere-1561,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_piero-de-medici-il-gottoso,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_pietro-de-medici,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_pietro-de-medici-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_pope-leo-x,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-gentleman,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-girl-with-book-1545,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-lady-in-green,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-lady-with-a-puppy,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-sculptor,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-young-man,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-a-young-man-with-book,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-andrea-doria-as-neptune,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-bia-de-medici-1542,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-1545,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-1545-1,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-cosimo-i-de-medici-as-orpheus,"[15.0, 7.0, 9.0, 3.0, 1.0, 9.0, 2.0, 1.0, 7.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-eleonora-da-toledo,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-ferdinando-de-medici,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-francesco-i-de-medici-1551,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-francesco-i-de-medici-1551-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-giovanni-de-medici-1545,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-guidubaldo-della-rovere-1532,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-laudomia-de-medici,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-laura-battiferri,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-lorenzo-lenzi,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-lorenzo-the-magnificent,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-lucrezia-de-medici,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-maria-de-medici-1553,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-nano-morgante-1552,"[3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-nano-morgante-1552-1,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-piero-di-lorenzo-de-medici,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-pope-clement-vii,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-signor-panciatichi-bartolomeo-1540,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-stefano-iv-colonna-1546,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-the-grand-duke-cosimo-i-de-medici,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_portrait-of-young-woman-with-her-son,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_saint-john-the-baptist-1553,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_scenes-of-allegories-of-the-cardinal-virtues,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_scenes-of-allegories-of-the-cardinal-virtues-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_st-mark,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_st-matthew,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_stigmatization-of-st-francis,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_study-for-a-resurrection,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_the-ailing-eleonora-da-toledo-1556,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_the-crossing-of-the-red-sea-1555,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_the-dead-christ-with-the-virgin-and-st-mary-magdalene-1530,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_the-holy-family,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_the-israelites-crossing-the-red-sea,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_the-panciatichi-holy-family-1540,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_ugolino-martelli,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_unknown-lady,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_venus-cupid-and-envy,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,agnolo-bronzino_venus-cupido-and-satyr,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_assumption-of-the-virgin,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_assumption-of-the-virgin-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_assumption-of-the-virgin-1529,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_holy-family-barberini,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_holy-family-borgherini,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_madonna-and-child-with-st-elizabeth-and-st-john-the-baptist,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_st-james-with-two-children-1529,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_sts-john-the-baptist-and-bernardo-degli-uberti,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_sts-michael-and-john-gualbert,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_the-annunciation,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,andrea-del-sarto_the-sacrifice-of-abraham,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_adoration-of-the-shepherds-the-holy-night-1522(2),"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_allegory-of-the-vices-1530(2),"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_allegory-of-the-virtues(2),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_christ-presented-to-the-people-ecce-homo(2),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_coronation-of-the-virgin,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_coronation-scene-1521(2),"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_danae-1531(2),"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_deposition-1525,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_ganymede-1532,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_jupiter-and-io-1532,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_leda-and-the-swan-1532,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_madonna-and-child-with-st-sebastian-1524,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_madonna-della-scala-1523,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,correggio_madonna-della-scodella-1530,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_madonna-with-st-george-1532,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_madonna-with-st-jerome-the-day,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_martyrdom-of-four-saints,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_st-john-the-evangelist-1524,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,correggio_the-apostles-peter-and-paul-1524-1,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-1530,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-detail(2),"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-detail-1530(3),"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_the-assumption-of-the-virgin-detail-1530-2(3),"[1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_the-mystic-marriage-of-st-catherine-of-alexandria(2),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_the-vision-of-st-john-on-patmos-1523,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,correggio_venus-satyr-and-cupid-1528(2),"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,correggio_venus-with-mercury-and-cupid-the-school-of-love(2),"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,correggio_virgin-and-child-with-an-angel-madonna-del-latte-1524,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_b-n-o-de-santa-auta-em-lisboa-1520,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_cristo-deposto-da-cruz-1530,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_deposi-o-no-t-mulo-1521,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_ecce-homo-1520,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_exalta-o-da-santa-cruz-1530,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_mart-rio-de-santo-andr-1530,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_mart-rio-de-santo-hip-lito-1530,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_menino-jesus-entre-os-doutores-1520,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_milagre-da-ressurrei-o-do-mancebo-1525,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_sant-ssima-trindade-1530,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_tr-nsito-da-virgem-1525,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,cristovao-de-figueiredo_tr-ptico-da-paix-o-de-cristo-1530,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_a-boy-blowing-on-an-ember-to-light-a-candle,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_a-prelate,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_adoration-of-the-shepherds,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_adoration-of-the-shepherds-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_adoration-of-the-shepherds-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_allegory-of-camaldolese-order-1600,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_annunciation,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_annunciation-1,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_annunciation-2,"[0.0, 5.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_annunciation-3,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_antonio-de-covarrubias-1594,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-andrew,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-andrew-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-james-the-greater-1606,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-james-the-less,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-john-the-evangelist,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-matthew,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-paul,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-peter,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-philip,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-simon,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-thaddeus-jude,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apostle-st-thomas,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_apostles-peter-and-paul-1592,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_apparition-of-the-virgin-to-st-lawrence,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_ascension-of-jesus,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_assumption-of-the-virgin-1577,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_baptism-of-christ,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_baptism-of-christ-1568,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_baptism-of-christ-1600,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_christ-1585,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-as-saviour,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-blessing-the-saviour-of-the-world,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_christ-carrying-the-cross,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-carrying-the-cross-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-driving-the-traders-from-the-temple-1570,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-driving-the-traders-from-the-temple-1576,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-healing-the-blind-1578,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-healing-the-blind-man-1560,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_christ-in-agony-on-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-in-the-olive-garden,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_christ-on-a-cross-1610,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_christ-on-the-cross-1587,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_christ-on-the-cross-adored-by-two-donors,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_christ-on-the-cross-with-two-maries-and-st-john-1588,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_concert-of-angels,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_coronation-of-the-virgin,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_coronation-of-the-virgin-1591,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_coronation-of-the-virgin-1591-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_deposition-in-the-tomb,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_dormition-of-the-virgin-1566,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_feast-in-the-house-of-simon,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_female-portrait,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_holy-family-1592,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_holy-family-with-st-anne,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_julian-romero-de-las-azanas-and-his-patron-st-julian,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_lady-with-a-flower-in-her-hair,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_laocoon,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_madonna-of-charity,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_marriage-at-cana,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_martyrdom-of-st-maurice-and-his-legions-1581,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_mary-magdalene-in-penitence,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_mount-sinai-1570,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_not-identified,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_opening-of-the-fifth-seal-the-vision-of-saint-john-the-divine(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_penitent-magdalene,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_pentecost,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_poet-ercilla-y-zuniga-by-el-greco,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-a-doctor-rodrigo-de-la-fuente,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-a-gentleman-from-casa-de-leiva-1580,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-a-man,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-a-man-1,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-a-man-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-a-man-andrea-palladio-1575,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-a-young-man,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-alonso-de-herrera,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-an-elder-nobleman,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-an-old-man-presumed-self-portrait-of-el-greco,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-cardinal-tavera,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-diego-de-covarrubias,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-dominican-friar,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-don-rodrigo-vasquez,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-fray-hortensio-felix-paravicino-1609,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-giulio-clovio-1572,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-jeronimo-de-cevallos-1613,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-juan-alfonso-de-pimentel-y-herrera,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-pope-pius-v,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_portrait-of-the-artist-s-son-jorge-manuel-theotokopoulos,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_resurrection-1579,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-andrew-and-st-francis-1604,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-antony-of-padua,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-bartholomew,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-bernardino-of-siena-1604,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-dominic-praying,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-and-brother-leo-meditating-on-death,"[2.0, 7.0, 2.0, 0.0, 3.0, 2.0, 21.0, 10.0, 3.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-and-brother-rufus-1606,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-praying,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-praying-1595,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-receiving-the-stigmata-3,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-francis-s-vision-of-the-flaming-torch,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-idelfonso,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-idelfonso-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-jacobus,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-james-the-less,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-jerome,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-jerome-as-cardinal,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,el-greco_st-jerome-penitent,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-john-the-baptist,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-john-the-baptist-1579,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-john-the-evangelist,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-john-the-evangelist-1579,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,el-greco_st-john-the-evangelist-and-st-francis,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-joseph-and-the-christ-child-1599,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-louis-king-of-france-with-a-page,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-luke,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-luke-painting-the-virgin-1568,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-martin-and-the-beggar,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-mary-magdalene,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-paul-and-st-peter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-peter,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-peter-and-st-paul,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_st-peter-in-penitence,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-sebastian,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-sebastian-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-sebastian-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_st-veronica-with-the-holy-shroud,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_stigmatisation-of-st-francis,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_study-of-a-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_the-adoration-of-the-name-of-jesus,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_the-agony-in-the-garden,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_the-agony-in-the-garden-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-annunciation-1576,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_the-baptism,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-burial-of-the-count-of-orgaz-1587,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-disrobing-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-disrobing-of-christ-1579,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-dream-of-philip-ii-1579,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-ecstasy-of-st-francis-of-assisi,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-entombment-of-christ-1570,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-holy-family,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-holy-family-with-st-anne-and-the-young-st-john-the-baptist,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-holy-trinity-1577,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-knight-with-his-hand-on-his-breast,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Mannerism_Late_Renaissance,el-greco_the-last-supper,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-marriage-of-the-virgin,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-nativity,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-penitent-magdalene-1578,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-repentant-peter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-resurrection,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-resurrection-1600,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-virgin-and-child-with-st-martina-and-st-agnes-1599,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-virgin-of-the-immaculate-conception,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-virgin-of-the-immaculate-conception-1,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-virgin-of-the-immaculate-conception-and-st-john-1585,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_the-visitation,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_view-and-plan-of-toledo,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_view-of-toledo(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,el-greco_vincenzo-anastagi,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,el-greco_virgin-mary,"[5.0, 21.0, 11.0, 1.0, 0.0, 1.0, 0.0, 4.0, 2.0]"
+Mannerism_Late_Renaissance,el-greco_virgin-mary-1,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_abraham-and-the-three-angels,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_allegory-of-geography,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_allegory-of-the-immaculate-conception,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_assumption-of-the-virgin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_assumption-of-the-virgin-detail,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_assumption-of-the-virgin-detail-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_badia-fiorentina-church,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_boccaccio-dante-petrarca,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_catherine-of-siena-escorted-pope-gregory-xi-at-rome-on-17th-january-1377,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_ceiling-decoration-palazzo-vecchio-florence,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_ceiling-decoration-palazzo-vecchio-florence-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_chapel-of-the-crucifix-the-cross-of-baccio-da-montelupo,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_chapel-with-the-lord-in-glory,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_clemenet-vii-and-francis-i-of-france,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_clement-vii-crowns-charles-v,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_clement-vii-returns-from-france-to-rome,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_coronation-of-the-virgin,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_cosimo-i-de-medici-surrounded-by-his-architects-engineers-and-sculptors-1555,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_defence-of-ponte-rozzo-on-the-river-ticino-in-1524,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_deposition-from-the-cross,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_deposition-from-the-cross-1,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_design-for-the-facade-of-palazzo-ramirez-de-montalvo,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_dinner-of-st-gregory-the-great-clement-vii,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_eleonora-of-toledo-daughters-of-the-viceroy-of-naples-pedro-of-toledo-wife-to-cosimo-i-de,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_entombment-1532,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_fresco-of-the-1530-siege-of-florence,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_holy-family-with-st-francis-in-a-landscape-1542,"[0.0, 0.0, 4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_immaculate-conception-center-st-eustachian-left-and-st-blaise-rigth,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_jesus-christ-in-the-house-of-martha-and-mary,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_judith-and-holofernes,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_lorenzo-de-medici-the-magnificent,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_lorenzo-the-magnificent,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_madonna,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_marriage-at-cana-1566,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_martyrdom-of-st-sigismund,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_martyrdom-of-st-stephen,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_monument-to-michelangelo-1570,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_musicians,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_palazzo-ramirez-de-montalvo-graffiti,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_patience-1542,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_paul-iii-farnese-directing-the-continuance-of-st-peter-s-1546,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_pentecost,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_perseus-and-andromeda-1572,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_peter-of-verona-exorcising-a-demon-personified-by-a-madonna-and-child,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_pope-clement-vii-1478-1534-marrying-catherine-de-medici-1519-1589-and-henri-ii-of-france-1519,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_pope-leo-x-appointing-cardinals,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_portrait-of-a-gentleman-of-florence,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_portrait-of-alessandro-de-medici,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_portrait-of-nicolosa-bacci-and-the-a-noblewoman-from-arezzo,"[0.0, 0.0, 2.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_self-portrait,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_self-portrait-1568(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_st-francis-receiving-the-stigmata-1548,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_st-jerome-in-meditation,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_st-luke-painting-the-virgin,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_stoning-of-st-stephen,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-annunciation,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-annunciation-1571,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-annunciation-1571-1,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-deposition,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-garden-of-gethsemane,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-house-of-giorgio-vasari-in-arezzo,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-house-of-giorgio-vasari-in-arezzo-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-incredulity-of-st-thomas-1572,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-last-judgment,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-mutiliation-of-uranus-by-saturn,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-nativity,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-nativity-with-the-adoration-of-the-shepherds,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-prophet-elisha-cleansing-naaman-1560,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-studio-of-the-painter,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_the-temptation-of-st-jerome,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_vasari-altar,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_vasari-altar-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giorgio-vasari_vulcan-s-forge-1565,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_air-1566(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_autumn,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_autumn-1573(1),"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_earth-1570(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_fire-1566(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_flora-1588(1),"[3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_portrait-of-adam-1578(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_portrait-of-eve-1578(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_seated-figure-of-summer-1573(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_self-portrait(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_spring,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_spring-1573(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_summer,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_summer-1563(1),"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-cook(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-dinner(1),"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-gardner(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-lawyer-1566(1),"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-librarian(1),"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-seasons(5),"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_the-vegetable-bowl(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_vertumnus-emperor-rudolph-ii(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_water-1566(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_winter,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,giuseppe-arcimboldo_winter-1573(1),"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_adora-o-dos-pastores-1539,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_adora-o-dos-pastores-1544,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_apresenta-o-do-menino-no-templo-1520,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_assun-o-da-virgem-ladeada-de-anjos-m-sicos,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_cristo-no-horto-1539,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_enterro-de-cristo-1539,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_mart-rio-de-s-o-sebasti-o-1536,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_morte-da-virgem-1527,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_nascimento-de-s-o-jo-o-baptista-1530,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_portrait-of-vasco-da-gama-1524,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_prega-o-de-s-o-jo-o-baptista-1530,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_ressurrei-o-de-cristo-1539,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_salom-apresentando-a-cabe-a-do-santo,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_visita-o-1527,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,gregorio-lopes_visita-o-1544,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_a-couple-at-a-guesthouse-1596,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_adonis-held-back-by-venus-while-going-hunting-1600,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegorie-on-the-battle-of-bra-ov-1604,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegorie-on-the-battle-of-elimb-r-1959,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegorie-on-the-battle-of-gur-sl-u-1604,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegory-of-peace-art-and-abundance-1602,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegory-on-the-battle-of-sisak-1604,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegory-on-the-conquest-of-stuhlwei-enburg-sz-kesfeh-rv-r-1604,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegory-on-the-declaration-of-war-before-constantinople-1604,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_allegory-or-the-triumph-of-justice-1598,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_augustus-and-the-tiburtine-sibyl-1580,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_bacchus-ceres-and-amor-1600,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_bacchus-venus-and-cupid-1595,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_boy-with-grapes-1605,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_coronation-of-mary-1596,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_couple-with-a-mirror-1596,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_david-and-bathsheba-1615,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_ecce-homo-1600,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_hercules-defeating-the-vices-1600,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_martyrdom-of-saint-sebastian-1590,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_matchmaking-scene-1610,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_matthias-holy-roman-emperor-as-king-of-bohemia-1612,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_mercury-and-ceres-flying-through-the-air,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_pallas-athena-venus-and-juno-1593,"[12.0, 6.0, 4.0, 11.0, 1.0, 2.0, 1.0, 2.0, 7.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_pan-and-selene-1605,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-a-girl-maria-maxmiliana-1612,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-a-man-possibly-johannes-kepler-1612,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-anna-of-austria-1585-1618-1604,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-jacopo-biliverti-1585,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-joseph-heintz-1585,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_portrait-of-rudolf-ii-holy-roman-emperor-1608,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_self-portrait-1574,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_the-amazement-of-the-gods-1590,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_the-fall-of-pha-ton-1600,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_the-judgment-of-paris-1588,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_the-liberation-of-andromeda-1600,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_the-rape-of-proserpine-1587,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_the-three-graces-1604,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_two-laughing-men-double-self-portrait-1574,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_venus-cupid-and-a-satyr-1598,"[0.0, 1.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,hans-von-aachen_virgin-and-child-1606,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_adam-and-eve-at-work,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_adoration-of-the-magi,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_alessandro-de-medici,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_anatomical-study,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_annunciation,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_birth-of-john-the-baptist-1526,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_christ-before-pilate(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_christ-seated-as-a-nude-figure,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_christ-the-judge-with-the-creation-of-eve,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_cosimo-de-medici-il-vecchio,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_cosimo-i-de-medici-1537,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_deposition-from-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_episode-from-the-life-in-the-hospital-1514,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_female-nude,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_female-nude-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_four-evangelists,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_group-of-the-dead,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_halberdier,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_halberdier-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_hermaphrodite-figure,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_holy-family,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_joseph-being-sold-to-potiphar,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_joseph-in-egypt,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_joseph-in-egypt-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_joseph-revealing-himself-to-his-brothers,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_kicking-player,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_lady-with-a-basket-of-spindles,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_lamentation(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_last-supper-at-emmaus-1525,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_leda-and-the-swan,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child-with-the-young-saint-john,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child-with-the-young-saint-john-1524,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_madonna-and-child-with-the-young-saint-john-1527,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_madonna-angels-and-saints-1518,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_madonna-with-st-anne-st-sebastian-st-peter-st-benedict-and-st-filippus-1529,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_madonna-with-st-francis-and-st-jerome-1522,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_male-nude,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_mary-with-christ-child-and-saints-1514,"[8.0, 15.0, 7.0, 1.0, 0.0, 2.0, 4.0, 3.0, 4.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_noli-me-tangere-1532,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-goldsmith,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-lady-in-red-dress,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-musician,"[3.0, 6.0, 17.0, 0.0, 0.0, 0.0, 0.0, 16.0, 6.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-young-man-alessandro-de-medici,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-young-man-in-a-red-cap-1529,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-young-woman,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-a-youth,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-alessandro-de-medici,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-cosimo-de-medici-the-elder,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-francesco-da-castiglione-1520,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-ludovico-martelli,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-maria-salviati,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-maria-salviati-with-giulia-de-medici,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-two-friends,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_portrait-of-ugolino-martelli,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_punishment-of-the-baker,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_resurrection-1525,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_saint-francis-1517,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_scene-with-cherubs-on-papal-coat-of-arms-1515,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_seated-nude-with-raised-arm,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_self-portrait-1522,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_st-anthony-abbot-1519,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_st-john-the-evangelist,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_st-julian,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_st-matthew-the-evangelist,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_st-quintinus,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_st-sebastian-1515,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-for-the-deluge,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-for-the-deluge-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-for-the-lunette-with-vertumnus-and-pomona-1519,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-for-vertumnus-and-pomona-1519,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-boy-turning-his-head,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-girl-pouring-from-a-jug,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-man-wearing-a-hat,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-seated-man-1518,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-a-woman-possibly-maria-salviati,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-nude-1518,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-the-nailing-of-christ-to-the-cross,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-of-two-carthusian-monks-1525,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_study-to-moses-receiving-the-tablets-of-law,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_ten-thousand-martyrs-1529,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_the-agony-in-the-garden(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_the-ascent-to-calvary(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_the-deposition,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_the-fall-of-adam-and-eve,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_the-holy-family,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_the-penitence-of-st-jerome,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_the-three-graces,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_two-male-figures-looking-in-a-mirror-and-a-putto,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_two-nudes,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_two-nudes-compared,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_venus-and-cupid,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_vertumnus-and-pomona,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_visitation,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_visitation-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_visitation-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-1,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-3,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_volta-1515-4,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_zwei-der-vier-evangelisten-tondi-der-capponi-kapelle-in-santa-felicita-in-florenz-szene0-hl-1525,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,jacopo-pontormo_zwei-der-vier-evangelisten-tondi-der-capponi-kapelle-in-santa-felicita-in-florenz-szene0-hl-1526,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_assumption-of-the-virgin-with-saints-peter-chrysologus-and-cassian-1584,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_consecration-to-the-virgin,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_isabella-ruini-as-venus-1592,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_minerva-dressing-1613,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_newborn-baby-in-a-crib-1583,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_noli-me-tangere-1581,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_pope-gregory-xiii,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-a-couple-1580,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-a-lady-of-the-court-1590,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-a-noblewoman-1580,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-antonietta-gonzalez-1595,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-five-women-with-a-dog-and-a-parrot,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-gerolamo-mercuriale-1589,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-ginevra-aldrovandi-hercolani-1595(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_portrait-of-the-coozzadini-family-1584,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_self-portrait-at-the-clavichord-with-a-servant-1577,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,lavinia-fontana_the-adoration-of-the-magi-1560,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_adam-and-eve,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_annunciation-1546,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_calvary-1543,"[0.0, 7.0, 0.0, 0.0, 1.0, 7.0, 3.0, 24.0, 4.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_calvary-central-panel-of-a-triptych,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_christ-crowned-with-thorns,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_colossus-of-rhodes,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_colossus-of-rhodes-1570,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_conquest-of-tunis-victory-of-charles-v,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_construction-of-the-new-st-peter-s-basilica-in-rome-1536,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_crucifixion-triptych,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_early-palazzo-colonna-with-remains-of-the-ancient-temple-of-serapis,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-1560,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-central-panel-1560,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-left-panel-1560,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_ecce-homo-right-panel-1560,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_garden-of-the-casa-galli,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_gideon,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_gideon-adam-and-eve,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_great-pyramid-of-giza,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_hanging-gardens-of-babylon,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_iustitia,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_jesus-christ-crowned-with-thorns-1550,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_lamentation-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_lamentation-on-the-dead-christ-1566,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_lamentation-on-the-dead-christ-1566-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_landscape-with-st-jerome-1547,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_man-of-sorrows,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_mausoleum-of-halicarnassus,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_momus-criticizes-the-gods-creations-1561,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_painting-of-the-nun-hillegond-gerritsdr,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_pharos-of-alexandria,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_pieter-jan-foppeszoon-and-his-family-1530,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-lady-spinning,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-man,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-woman-1529,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-a-young-scholar-1531,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-donor,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_portrait-of-reinerus-frisius-gemma,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_portraits-of-donors,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_rome-old-saint-peter-s-basilica-and-the-vatican-palace,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_sack-of-rome-1527,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_samson-destroying-the-temple-of-the-philistines,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_sculpture-court-of-the-casa-sassi-in-rome,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_self-portrait,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_self-portrait-of-the-painter-with-the-colosseum-in-the-background-1553,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_st-luke-painting-the-virgin,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_st-luke-painting-the-virgin-and-child-1532,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_st-peter-s-basilica-seen-from-east-1535,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_st-peter-s-basilica-under-construction,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_temple-of-artemis-1572,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-adoration-of-the-magi,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-adoration-of-the-shepherds-1569,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-belvedere-torso,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-erythraean-sibyl-1564,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-fall,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-infanticide-in-bethlehem,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-man-of-sorrows-1532,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-prophets-ezekiel-and-daniel-1560,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-triumphal-procession-of-bacchus,"[0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_the-unhappy-lot-of-the-rich-1560,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_triptych,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_triptych-of-the-entombment,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_triptych-of-the-entombment-closed,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_triumph-of-the-world-1564,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,maerten-van-heemskerck_venus-and-amor-1545,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-magi,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-magi-1573,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-magi-1582,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-shepherds,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-shepherds-1558,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_adoration-of-the-shepherds-1583,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_aged-oriental-with-a-young-woman-1556,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_allegory-of-wisdom-and-strength-the-choice-of-hercules-or-hercules-and-omphale-1584,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_annunciation,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_annunciation-1558,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_annunciation-1558-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_apotheosis-of-venice-1585,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_arachne-dialects,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_aristotle,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_assumption-1558,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_assumption-1587,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_assumption-of-the-virgin-1586,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_bacchus-and-ceres-1561,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_bacchus-vertumnus-and-saturn-1561,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_baptism-and-temptation-of-christ-1582,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_baptism-of-christ,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_bathsheba-bathing,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_battle-of-lepanto,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_boy-with-a-greyhound,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_ceiling-of-the-sala-dell-olimpo,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_ceiling-paintings-1582,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_cephalus-and-procris,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_ceres-renders-homage-to-venice-1575,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_chance-crowning-a-sleeping-man-1561,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_christ-in-the-garden-of-gethsemane-1584,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_christ-washing-the-feet-of-the-disciples,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_conquest-of-smyrna-1585,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_conversion-of-mary-magdalene,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_conversion-of-st-pantaleon-1588,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_coronation-of-the-virgin-1555,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,paolo-veronese_crucifixion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_crucifixion-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_crucifixion-1582,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_daniele-barbaro-1567,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_dead-christ-supported-by-two-angels,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_deposition-of-christ-1549,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_do-not-touch-me,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_end-wall-of-the-stanza-del-cane-1561,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_esther-crowned-by-ahasuerus-1556,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_feast-at-the-house-of-simon-1570,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_feast-in-the-house-of-levi-1573,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_feast-in-the-house-of-simon,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_figures-behind-the-parapet-1561,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_fortune-1561,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_gentleman-in-black,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_girl-in-the-doorway-1561,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_happy-union,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_healing-of-the-lame-man-at-the-pool-of-bethesda-1560,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_holy-family-with-st-barbara-and-the-infant-st-john,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_holy-family-with-st-catherine-and-the-infant-st-john-1561,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_holy-family-with-sts-anthony-abbot-catherine-and-the-infant-john-the-baptist-1551,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Mannerism_Late_Renaissance,paolo-veronese_honor-1557,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_honor-and-power-after-the-death-of-flourishes-1567,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_hyman-juno-and-venus-1561,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_illusory-door-1561,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_iseppo-and-adriano-da-porto,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_iseppo-and-adriano-da-porto-1552,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_jesus-among-the-doctors-1558,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_jesus-healing-the-servant-of-a-centurion,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_juno-showering-gifts-on-venetia-1556,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_jupiter-hurling-thunderbolts-at-the-vices-1556,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_lamentation-over-the-dead-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_landscape-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_last-supper,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_leda-and-the-swan-in-the-palace-of-fesch-ajaccio,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_livia-da-porto-thiene-and-her-daughter-porzia-1552,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_lucretia,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_madonna-enthroned-with-child-st-john-the-baptist-st-louis-of-toulouse-and-donors-1548,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_madonna-enthroned-with-saints,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mars-and-neptune-1578,"[1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mars-and-venus,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mars-and-venus-1,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mars-and-venus-united-by-love,"[1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-saint-george,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-saint-sebastian,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-st-justina-1556,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_martyrdom-of-st-sebastian,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_minerva-between-the-geometry-and-arithmetic-1551,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_moderation-1582,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_monk-with-a-black-boy-1558,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mortal-man-guided-to-divine-eternity-1561,"[2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_muse-with-lyre-1561,"[2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_muse-with-tambourine-1561,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_music-1557,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_music-astronomy-and-deceit-1557,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mystic-marriage-of-st-catherine,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mystic-marriage-of-st-catherine-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_mystic-marriage-of-st-catherine-1547,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_nemesis-1561,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_nobleman-in-hunting-attire-1561,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_olympus-room-1561,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_perseus-freeing-andromeda-1578,"[2.0, 3.0, 1.0, 13.0, 2.0, 0.0, 30.0, 0.0, 5.0]"
+Mannerism_Late_Renaissance,paolo-veronese_plato,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-gentlemen,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-lady,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-venetian-woman,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-venetian-woman-la-belle-nani,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-young-man-in-black-1580,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-a-young-man-wearing-lynx-fur-1553,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-agostino-barbarigo,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-alessandro-vittoria,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-architect-vincenzo-scamozzi,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-daniele-barbaro-1570,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-johann-jakob-1580,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-mehmed-ii,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_portrait-of-woman-with-a-child-and-a-dog-1548,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_presentation-in-the-temple-1560,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_prudence-and-manly-virtue-1561,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_raising-of-the-daughter-of-jairus,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_rebecca-and-eliezer,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Mannerism_Late_Renaissance,paolo-veronese_rebecca-at-the-well-1585,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_religio-and-fides-religion-and-faith-1577,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_rescue-of-moses-from-the-waters-of-the-nile,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_respect,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_saint-barnabas-healing-the-sick-1566,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_saints-mark-and-marcellinus-being-led-to-martyrdom,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_saturn-time-and-historia-1561,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_scorn,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_self-portrait,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_siege-of-scutari-1585,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_sketch-for-paradise-to-decorate-the-room-of-the-grand-council-of-the-ducal-palace-of-venice-1578,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-anthony-preaching-to-the-fish,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-francis-in-ecstasy,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-jerome,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-john-the-baptist-preaching,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-john-the-evangelist-1555,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-lucy-and-a-donor,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-luke-1555,"[3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-mark-1555,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-matthew-1555,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-mennas,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-nicholas-named-bishop-of-myra-1582,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-sebastian-1558,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_st-sebastian-reproving-diocletian-1558,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_sts-geminianus-and-severus,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_sts-mark-james-and-jerome-with-the-dead-christ-borne-by-angels-1582,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_susanna-and-the-elders-1588,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_susanna-in-the-bath,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_temptation-of-st-anthony,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_temptation-of-st-anthony-1552,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-adoration-of-the-virgin-by-the-coccina-family,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-angel-appears-to-hagar-in-the-desert,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-annunciation-1578,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-banishment-of-vashti-1556,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-consecration-of-saint-nicholas,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-dream-of-saint-helena,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-fainting-of-esther,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-family-of-darius-before-alexander,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-finding-of-moses,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-finding-of-moses-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-holy-family,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-holy-family-with-the-infant-st-john-the-baptist,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-marriage-at-cana,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-marriage-at-cana-1563,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-marriage-of-saint-catherine,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-martyrdom-and-last-communion-of-saint-lucy-1582,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-mystic-marriage-of-sr-catherine,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-rape-of-europa,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-rape-of-europa-1,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-resurrection-of-christ,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-triumph-of-mordecai-1556,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-triumph-of-virtue-over-vice-1556,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_the-vision-of-saint-helena,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_three-archers-1558,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_transfiguration-of-christ-1556,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_unfaithfulness-1570,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_venetia-between-justitia-and-pax-1577,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_venice-hercules-and-ceres-1575,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_venus-and-adonis,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_venus-and-adonis-1582,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_venus-and-adonis-with-cupid,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_venus-and-amor,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_venus-and-mars-with-cupid-and-a-horse,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_virgin-and-child-with-saints-1565,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_votive-portrait-of-doge-sebastiano-venier-1582,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,paolo-veronese_vulcan-and-venus-1561,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,paolo-veronese_youth-between-virtue-and-vice-1582,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,parmigianino_a-turkish-slave,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_actaeon,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_amor-carving-his-bow-1524,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_camilla-gonzaga-with-her-three-sons,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_circe-and-the-companions-of-ulysses,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_deposition,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_diogenes,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_extravagantly-ornamental-helmet(1),"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_helmet-crossed-with-curved-strips-and-rosettes,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_helmet-shaped-like-lion,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_helmet-with-eagle,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_helmet-with-long-plume-and-chin-strap,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_helmet-with-wavy-brim,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_holy-family-with-shepherds-and-angels,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-and-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-and-child-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-and-child-with-saints,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-and-child-with-st-john-and-st-jerome-1527,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-of-the-rose-1530,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-with-saint-zacharias-1530,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-with-st-stephen-and-st-john-the-baptist-1540,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,parmigianino_madonna-with-the-long-neck-1540,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_malatesta-baglioni,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_man-with-a-book-1526,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_mystic-marriage-of-saint-catherine-1531,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_mystic-marriage-of-st-catherine-1527,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Mannerism_Late_Renaissance,parmigianino_pallas-athene,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-a-gentleman-wearing-a-beret,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-a-man-1530,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-a-man-with-a-book,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-a-young-lady-1537,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-a-young-man,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-a-young-woman-possibly-countess-gozzadini,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-gentleman-g-b-castaldi,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_portrait-of-gian-galeazzo-sanvitale-1529,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_rest-on-the-flight-to-egypt-1524,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_saint-barbara,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_self-portrait-1540,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_self-portrait-at-the-mirror,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,parmigianino_st-catherine,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,parmigianino_the-conversion-of-st-paul-1528,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_three-foolish-virgins-flanked-by-adam-and-eve,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,parmigianino_virgin-and-child-1527,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,parmigianino_virgin-and-child-with-an-angel,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_wise-virgins-allegorical-figures-and-plants,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,parmigianino_young-man-seen-from-behind-face-in-profile,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_a-satyr-mourning-over-a-nymph-1495,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_a-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_a-young-man-1500,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_allegory-1500,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_crucifixion-of-christ,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_giuliano-da-san-gallo-1500,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_madonna-and-child-with-saints-and-angels-1520,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_magdalena-reading-1500,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_maria-magdalena-1510,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_mystical-marriage-of-st-catherine-of-alexandria-1493,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_perseus-rescuing-andromeda-1510,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_portrait-of-simonetta-vespucci-as-cleopatra-1490,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_st-john-the-evangelist-1504,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_the-discovery-of-honey-by-bacchus-1505,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_the-fight-between-the-lapiths-and-the-centaurs-1500,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_the-forest-fire-1505,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_the-immaculate-conception-with-saints-1510,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_the-misfortunes-of-silenus-1505,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_the-myth-of-prometheus-1515,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_the-young-saint-john-the-baptist-1480,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_tritons-and-nereids-1500,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,piero-di-cosimo_venus-mars-and-cupid-1505,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_allegoria-macabra-1520,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_assumption-of-the-virgin-1517,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_assumption-of-the-virgin-detail-1517,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_dead-christ-with-angels-1526,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_death-of-cleopatra-1525,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_deposition-1521,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_deposition-from-the-cross-detail-1528,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_madonna-and-child-with-putti-1522,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_madonna-enthroned-and-ten-saints-1522,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_moses-defending-the-daughters-of-jethro-1523,"[0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_moses-defending-the-daughters-of-jethro-detail-1524,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_piet-1540,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_playing-putto-musician-angel-1518,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_risen-christ-1530,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_san-giovannino-1521,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_the-challenge-of-the-pierides-1520,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_the-holy-family-1520,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,rosso-fiorentino_the-holy-family-with-the-infant-saint-john-the-baptist-1521,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_a-portrait-of-a-young-alessandro-farnese-the-future-duke-of-parma,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_bernardino-campi-painting-sofonisba-anguissola-1559,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_family-portrait-minerva-amilcare-and-asdrubale-anguissola-1557,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_infantas-isabella-clara-eugenia-and-catalina-micaela-1570,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_infantin-isabella-clara-eugenia-1573,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_lucia-minerva-and-europa-anguissola-playing-chess-1555,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-a-boy-at-the-spanish-court-1570,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-a-young-woman-in-profile,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-bianca-ponzoni-anguissola-the-artist-s-mother-1557,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-caterina-micaela-of-spain-1578,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-diane-d-andouins-and-her-daughter-1565,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-elena-anguissola-1551,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-giuliano-ii-cesarini-aged-14-1586,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-juana-of-austria-with-a-young-girl-1561,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-massimiliano-stampa-1557,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-minerva-anguissola,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-philipp-ii-of-spain-1570,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_portrait-of-queen-elisabeth-of-spain-1599,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_self-portrait-1554,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_self-portrait-1610,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_self-portrait-at-the-easel-1556,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,sofonisba-anguissola_three-children-with-dog-1590,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_a-philosopher-1570,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-faith,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-generosity,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-goodness,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-happiness,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-prudence,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-the-scuola-della-misericordia,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-the-scuola-di-san-giovanni-evangelista,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-the-scuola-di-san-marco,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-the-scuola-di-san-teodoro,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_allegory-of-truth,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_angelica-and-the-hermit,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_annunciation-1581,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_annunciation-maria-1594,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_annunciation-the-angel-1594,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_apollo-possibly-hymen-crowning-a-poet-and-giving-him-a-spouse,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_aretino-in-the-studio-of-tintoretto,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_ascension-of-christ-1581,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_assumption-of-the-virgin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_autumn,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_bacchus-and-ariadne-1578,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_baptism-of-christ,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_battle-between-turks-and-christians-1589,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_battle-of-asola,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_battle-of-the-archangel-michael-and-the-satan,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_birth-of-st-john-the-baptist,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_camerlenghi-madonna-madonna-of-the-treasurers,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_christ,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-and-the-adulteress-1594,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-and-the-woman-taken-in-adultery,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-before-pilate-1567,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-carried-to-the-tomb,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-in-the-house-of-the-pharisee,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-on-the-sea-of-galilee-1580,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-washing-the-feet-of-his-disciples,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-washing-the-feet-of-the-disciples,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_christ-with-mary-and-martha,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_conquest-of-zara-1584,"[0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_creation-of-the-animals-1551,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_crucifixion,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_crucifixion-1565,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_crucifixion-1565-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_danae-1578,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_defence-of-brescia-1584,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_deploration-of-christ-1559,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_deposition,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_deucalion-and-pyrrha-praying-before-the-statue-of-the-goddess-themis,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_do-not-touch-me,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_doge-alvise-i-mocenigo-and-family-before-the-madonna,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_doge-alvise-mocenigo,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_doge-gerolamo-priuli-tintoretto,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_double-portrait-of-two-men,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_ecce-homo-1567,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_ecce-homo-pontius-pilate-presenting-christ-to-the-crowd-1547,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_elijah-fed-by-the-angel-1578,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_elisha-multiplies-the-bread-1578,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_entombment-1594,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_esther-before-ahasuerus-1548,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_federico-i-gonzaga-the-city-of-legnano-1580,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_finding-of-moses,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_finding-of-the-body-of-st-mark,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_finding-the-true-cross-1578,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_francesco-ii-gonzaga-against-charles-viii-of-france-1495-in-fighting-the-battle-of-the-taro-1580,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_frederick-ii-conquered-parma-in-1521-1579,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_galeas-for-montes,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_jacob-s-ladder-1578,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_jacopo-robusti-il-tintoretto-flora,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_jonah-leaves-the-whale-s-belly-1578,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_joseph-and-potiphar-s-wife,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_judith-and-holofernes,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_lamentation,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_lamentation-over-the-dead-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_last-supper,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_madonna-with-child-and-donor-tintoretto,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_man-in-armour,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_man-with-gold-chain,"[1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_marcantonio-barbaro,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_marriage-at-cana-1561,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_mercury-and-the-graces-1577,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_minerva-sending-away-mars-from-peace-and-prosperity-1577,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_miracle-of-the-manna,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_moses-drawing-water-from-the-rock-1577,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_moses-receiving-the-tables-of-the-law-1562,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_muse-with-lute-1594,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_paradies,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_paradise,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-collector-1565,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-distinguished-man,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-doge,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-genoese-nobleman,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-1550,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-3,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-man-aged-twenty-six-1547,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-procurator-of-st-mark-s,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-senator,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-senator-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-venetian-admiral,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-venetian-senator,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-venetian-senator-1580,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-white-bearded-man,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-woman-revealing-her-breasts,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-young-gentleman,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-a-young-man,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-agostino-doria-1553,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-alvise-cornaro-1565,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-doge-girolamo-priuli-1559,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-doge-pietro-loredan-1570,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-doge-pietro-loredano,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-giovanni-paolo-cornaro-1561,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-sansovino,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-sansovino-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-sansovino-1571,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-soranso,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-jacopo-soranzo,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-nicolaus-padavinus-1589,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-procurator-antonio-cappello,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-sebastiano-venier-with-a-page,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-senator-marco-grimani-1583,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-the-sculptor-jacopo-sansovino-1570,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_portrait-of-vincenzo-morosini-1580,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_probatica-piscina-1581,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_prophet-1567,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_prophet-1567-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_recovery-of-the-corpse-of-st-mark-1566,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_rescue-of-arsinoe,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_risen-christ-with-st-andrew-and-members-of-morosini-family,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_saint-george-and-the-dragon,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_saint-roch-1581,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_sebastiano-venier-1571,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_self-portrait,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_self-portrait-1588,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_self-portrait-with-a-book,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_solomon-and-sheba-1542,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_solomon-and-the-queen-of-sheba,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_spring,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_st-christopher,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-george-1544,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-jerome,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_st-jerome-and-st-andrew,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_st-louis-st-george-and-the-princess,"[0.0, 0.0, 1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-mark-rescuing-a-saracen-from-shipwreck-1566,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-mary-magdalen-1587,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-mary-of-egypt-1587,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-nicholas,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-roch-in-prison-visited-by-an-angel-1567,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-roch-in-the-hospital-1549,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_st-sebastian-1581,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_sts-helen-and-barbara-adoring-the-cross,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_study,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_summer,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_susanna-and-the-elders,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_taking-milan-by-federico-ii-gonzaga-1580,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_tamar-and-judah-1559,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-adoration-of-the-magi-1582,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-adoration-of-the-shepherds-1581,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-annunciation-1587,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-annunciation-to-manoah-s-wife-1558,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-apotheosis-of-st-roch-1564,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-apparition-of-st-roch,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-ascent-to-calvary-1567,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-assumption-1555,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-assumption-of-the-virgin-1594,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-baptism-of-christ-1581,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-battle-of-the-taro-1579,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-battle-of-zara,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-birth-of-john-the-baptist,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-brazen-serpent-1576,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-circumcision,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-conversion-of-saul,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-crucifixion-of-christ-1568,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-dead-christ-adored-by-doges-pietro-lando-and-marcantonio-trevisan,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-deposition-1559,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-descent-from-the-cross-1580,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-descent-into-hell-1568,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_the-eternal-father-appears-to-moses-1578,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-evangelists-luke-and-matthew-1557,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-evangelists-mark-and-john-1557,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-fall-of-man-1578,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Mannerism_Late_Renaissance,tintoretto_the-flight-into-egypt-1587,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-jews-in-the-desert,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-last-judgment-1562,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-last-supper,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-last-supper-1581,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_the-last-supper-1594,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-martyrdom-of-st-paul,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-massacre-of-the-innocents-1587,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-miracle-of-st-agnes,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-miracle-of-st-augustine,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,tintoretto_the-miracle-of-st-mark-freeing-the-slave-1548,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-miracle-of-the-loaves-and-fishes-1581,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-murder-of-abel-1552,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-origin-of-the-milky-way,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-passover-1578,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-pillar-of-fire-1578,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-prayer-in-the-garden-1581,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-presentation-of-christ-in-the-temple-1555,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-presentation-of-the-virgin-1556,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-queen-of-sheba-and-solomon,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-raising-of-lazarus-1581,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-resurrection-of-christ-1565,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-resurrection-of-christ-1581,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-sacrifice-of-isaac-1578,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-supper-at-emmaus-1543,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-temptation-of-adam-1552,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-temptation-of-christ-1581,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-temptation-of-st-anthony,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-venetian-ambassador-to-barbarossa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-virgin-and-child-with-four-senators,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_the-vision-of-ezekiel-1578,"[0.0, 2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-vision-of-st-peter,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-wise-and-foolish-virgins,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_the-worship-of-the-golden-calf,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_tintoretto-at-the-deathbed-of-his-daughter,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_triumph-of-venice-1584,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_venus-and-mars-surprised-by-vulcan,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_venus-mars-and-vulcan-1551,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_virgin-and-child-with-saint-catherine-saint-augustine-saint-marc-and-saint-john-the-baptist-1550,"[0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_visitation,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_vulcan-s-forge-1577,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,tintoretto_winter,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_women-playing-instruments,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_young-man-in-a-gold-decorated-suit-of-armour-1556,"[1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,tintoretto_young-man-of-the-renialme-family-1548,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_a-monk-with-a-book,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_allegory-of-time-governed-by-prudence,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_angel-of-the-annunciation,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,titian_annunciation-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_cain-and-abel-1544,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_cameria-daughter-of-suleiman-the-magnificent,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,titian_cardinal-alessandro-farnese-1546,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_caricature-of-the-laoc-on-group-1545,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_cavalier-over-a-fallen-adversary-1564,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_christ-and-the-good-thief,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_christ-carrying-the-cross,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Mannerism_Late_Renaissance,titian_christ-carrying-the-cross-1575,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,titian_christ-crowned-with-thorns,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_clarice-strozzi-1542,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_crowning-with-thorns,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_crucifixion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 7.0, 0.0]"
+Mannerism_Late_Renaissance,titian_danae-1546,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_danae-1554,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,titian_danae-1554-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_david-and-goliath-1544,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_death-of-actaeon-1562,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_diana-and-actaeon-1559,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_diana-and-callisto-1559,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_doge-antonio-grimani-kneeling-before-the-faith-1576,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_ecce-homo-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,titian_ecce-homo-1560,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_emperor-charles-1548,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_emperor-charles-1548-1,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_filippo-archinto,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_girl-with-a-basket-of-fruits-lavinia-1558,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_jupiter-and-anthiope-pardo-venus-1542,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_liggie-venus-1565,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_madonna-and-child-1570,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_madonna-and-child-in-an-evening-landscape-1565,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_madonna-and-child-with-mary-magdalene,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_man-holding-a-flute-1565,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_man-in-military-costume-1552,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_mary-of-hungary-regent-of-the-netherlands-1560,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,titian_mary-with-the-christ-child-1561,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_mater-dolorosa-1550,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_mocking-of-christ-1575,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Mannerism_Late_Renaissance,titian_not_detected_224924-1542,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_not_detected_224925,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_painting-of-daniele-barbaro-1545,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_penitent-st-mary-magdalene,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_pentecost,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_perseus-and-andromeda-1556,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_philip-ii-offering-don-fernando-to-victory,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_philipp-ii-as-prince-1551,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_pieta-1576,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Mannerism_Late_Renaissance,titian_pope-paul-iii-1546,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-a-girl,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-a-lady,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-a-lady-in-white-1555,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-a-painter-with-a-palm-tree-1561,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-a-young-man-the-young-englishman,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-an-old-man-pietro-cardinal-bembo-1546,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-antonio-anselmi,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-cardinal-alessandro-farnese-1546,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-cardinal-cristoforo-madruzzo-1552,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-count-antonio-porcia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-doge-andrea-gritti-1545,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-fabrizio-salvaresio-1558,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-isabella-of-portugal-wife-of-holy-roman-emperor-charles-v-1548,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-jacopo-strada-1568,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-lavinia-his-daughter-1561,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-ludovico-beccadelli-1552,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-marcantonio-trevisani-1554,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-philip-ii,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-pietro-aretino,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-pietro-aretino-1,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-pope-julius-ii-1546,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-pope-paul-iii-1548,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-pope-paul-iii-cardinal-alessandro-farnese-and-duke-ottavio-farnese-1546,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-ranuccio-farnese-1542,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-the-doge-francesco-venier-1556,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_portrait-of-the-great-elector-john-frederick-of-saxony,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_rape-of-europe-1562,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_sacrifice-of-isaac-1544,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,titian_self-portrait,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_self-portrait-1562,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_shepherd-and-nymph-1576,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_sisyphus-1549,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_sorrows-1554,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Mannerism_Late_Renaissance,titian_spain-succouring-religion,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_st-dominic,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,titian_st-jerome-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,titian_st-jerome-1560,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_st-jerome-1575,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_st-john-the-almsgiver-1550,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_st-john-the-baptist,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_st-john-the-evangelist-on-patmos-1544,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_st-nicholas-1563,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_st-sebastian,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,titian_study-of-legs-1557,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_tarquin-and-lucretia,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_tarquin-and-lucretia-1576,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-annunciation-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-doge-niccolo-marcello-1542,"[1.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-fall-of-man-1570,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_the-flaying-of-marsyas-1576,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,titian_the-marchese-del-vasto-addressing-his-troops-1541,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-martyrdom-of-st-lawrence-1559(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Mannerism_Late_Renaissance,titian_the-red-sultana,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-resurrection-1544,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-scourging-of-christ,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-tribute-money-1568,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_the-trinity-in-glory-1554,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_the-vendramin-family-venerating-a-relic-of-the-true-cross-1545,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Mannerism_Late_Renaissance,titian_the-young-englishman-1545,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Mannerism_Late_Renaissance,titian_tityus-1549,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_venus-and-adonis-1554,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Mannerism_Late_Renaissance,titian_venus-and-adonis-1559,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Mannerism_Late_Renaissance,titian_venus-and-an-organist-and-a-little-dog,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Mannerism_Late_Renaissance,titian_venus-and-cupid,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Mannerism_Late_Renaissance,titian_venus-and-cupid-with-an-organist-1549,"[1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_venus-and-the-lute-player,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_venus-blindfolding-cupid,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_venus-in-front-of-the-mirror-1554,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_virgin-and-child,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_wisdom-1560,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Mannerism_Late_Renaissance,titian_youth-with-dogs-1576,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,agnes-martin_aspiration-1960,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_black-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Minimalism,agnes-martin_columns,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,agnes-martin_desert-rain-1957,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,agnes-martin_drops-1961,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,agnes-martin_falling-blue-1963,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,agnes-martin_grattitude-2001,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,agnes-martin_happy-holiday-1999,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,agnes-martin_happy-valley-1967,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_homage-to-greece-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,agnes-martin_i-love-life,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_leaves,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,agnes-martin_loving-love,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,agnes-martin_morning-star-1962,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_mountain-i-1966,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Minimalism,agnes-martin_night-sea-1963,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_on-a-clear-day-1-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,agnes-martin_on-a-clear-day-2-1973,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_petal-1964,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,agnes-martin_praise-1976(1),"[4.0, 1.0, 15.0, 1.0, 4.0, 2.0, 2.0, 3.0, 18.0]"
+Minimalism,agnes-martin_red-bird-1964,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_starlight,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,agnes-martin_stars-1963,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,agnes-martin_the-desert-1965,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,agnes-martin_the-harvest-1965,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_the-islands-1961(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,agnes-martin_the-islands-1979,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_the-peach-1964,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,agnes-martin_the-tree-1964,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,agnes-martin_tremolo-1962,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,agnes-martin_untitled-0-1975,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_untitled-11-2002,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,agnes-martin_untitled-13-1975,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_untitled-15-peace-1996,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,agnes-martin_untitled-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,agnes-martin_untitled-1963,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,agnes-martin_untitled-1965,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,agnes-martin_untitled-1977,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_untitled-1977-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,agnes-martin_untitled-1977-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,agnes-martin_untitled-1977-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,agnes-martin_untitled-1978,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_untitled-1978-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,agnes-martin_untitled-1980,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Minimalism,agnes-martin_untitled-1994,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Minimalism,agnes-martin_untitled-1998,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_untitled-2001,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,agnes-martin_untitled-4-1989,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,agnes-martin_untitled-6-1980,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,agnes-martin_untitled-no-1-1981,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,agnes-martin_untitled-number-5-1975,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,agnes-martin_untitled-white-flower-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,agnes-martin_white-flower-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Minimalism,agnes-martin_with-my-back-to-the-world-1997,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,aki-kuroda_yellow-box-pass-1996,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,alberto-carneiro_a-floresta-de-sonho,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,alberto-carneiro_cane-field-1968,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,alberto-carneiro_evoca-es-d-gua-1992,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,alberto-carneiro_meu-corpo-rvore-2001,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,alberto-carneiro_paisagem-intima-8-2004,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,alberto-carneiro_tree-game-toy-in-seven-mirrored-images-1974,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,alberto-carneiro_um-campo-depois-da-colheita-para-deleite-est-tico-do-nosso-corpo-1976,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,alberto-carneiro_uma-floresta-para-os-teus-sonhos-1970,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,alex-hay_anomaly-blue-2006,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,alex-hay_gray-wood-2003,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,alex-hay_long-time-brown-2008,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,alex-hay_old-green-2005,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,alex-hay_past-time-2007,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,alex-hay_yellow-time-2007,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,alighiero-boetti_aeb,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,alighiero-boetti_autodisporsi-1975,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,alighiero-boetti_cinque-per-cinque-venticinque-1983,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,alighiero-boetti_cubo-1968,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,alighiero-boetti_da-alighiero-nati-a-guido-boetti-1986,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,alighiero-boetti_dama-1968,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,alighiero-boetti_dieciundicidodici-1980,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,alighiero-boetti_immaginando-tutto-1982,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,alighiero-boetti_lampada-annuale-1967,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,alighiero-boetti_ma-cosa-fai-ma-cosa-dici-1972,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,alighiero-boetti_mimetico,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,alighiero-boetti_pier-piet-1974,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,alighiero-boetti_zig-zag-1967,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,alvaro-lapa_c-line-s-notebook-1990,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Minimalism,alvaro-lapa_criminals-and-their-properties-1974,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Minimalism,alvaro-lapa_gauguin-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Minimalism,alvaro-lapa_o-casamento-1967,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,andre-pierre-arnal_pliage-folded-painting-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Minimalism,andrei-cadere_6-bars-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,andrei-cadere_cubic-bar-of-wood-1971,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,andrei-cadere_round-wooden-bar,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,andrei-cadere_round-wooden-bar-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,andrei-cadere_round-wooden-bar-1974,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,andrei-cadere_round-wooden-bar-1977,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,andrei-cadere_round-wooden-bar-2,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,andrei-cadere_round-wooden-bar-in-red-blue-orange-green-yellow-and-violet-1975,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,andrei-cadere_six-round-wooden-bars-1975,"[4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,andrei-cadere_square-wooden-bar,"[12.0, 2.0, 10.0, 5.0, 0.0, 1.0, 0.0, 1.0, 16.0]"
+Minimalism,andrei-cadere_untitled,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Minimalism,andrei-cadere_untitled-bar,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,andrei-cadere_untitled-bar-a-00013020,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,andrei-cadere_untitled-bar-a-13002040-1977,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,andrei-cadere_untitled-bar-a-i-0203000-25-i-x-12-1976,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,andrei-cadere_untitled-polychrome-bar-1970,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,angelo-de-sousa_86-3-15q-1986,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,angelo-de-sousa_pastel-em-papel-1969,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,angelo-de-sousa_pintura-1972,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,angelo-de-sousa_sculpture-in-front-of-burgo-empreendimento,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,angelo-de-sousa_sem-titulo,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,angelo-de-sousa_sem-titulo-1983,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,angelo-de-sousa_sem-titulo-1985,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,angelo-de-sousa_sem-titulo-1993,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,angelo-de-sousa_sem-titulo-1997,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,angelo-de-sousa_unknown-title-1966,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_17th-summer-1974,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,anne-truitt_30-july-1973-1973,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0]"
+Minimalism,anne-truitt_a-wall-for-apricots-1968,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_arundel-xiv-1975,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,anne-truitt_arundel-xxxiv-1975,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_australian-spring-1972,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_bloomsday-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,anne-truitt_catawba-1962,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,anne-truitt_come-unto-these-yellow-sands-ii-1979,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,anne-truitt_first-1961,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,anne-truitt_gloucester-1963,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,anne-truitt_keep-1962,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Minimalism,anne-truitt_one-1962,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,anne-truitt_parva-lviii-2002,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,anne-truitt_parva-lxx-2004,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,anne-truitt_parva-xxix-1993,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,anne-truitt_parva-xxviib-1993,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_parva-xxviii-1993,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,anne-truitt_parva-xxxviii-1996,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_pith-1969,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,anne-truitt_prima-1978,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,anne-truitt_primrose-1962,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,anne-truitt_quipe-1984,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,anne-truitt_return-2004,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_sea-garden-1964,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,anne-truitt_seed-and-root-1969,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,anne-truitt_sentinel-1978,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,anne-truitt_southern-elegy-1962,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Minimalism,anne-truitt_sumi-drawing-1966,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,anne-truitt_sumi-drawing-1966(1),"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,anne-truitt_sumi-drawing-1966(2),"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Minimalism,anne-truitt_summer-88-no-6-1988,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,anne-truitt_summer-88-no-7-1988,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,anne-truitt_sun-flower-1971,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Minimalism,anne-truitt_swannanoa-2002,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,anne-truitt_twilight-fold-1971,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,anne-truitt_twining-court-i-2001,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,anne-truitt_twining-court-ii-2002,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,anne-truitt_untitled-1962,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,barnett-newman_broken-obelisk(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,blinky-palermo_butterfly-ii-1969,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,blinky-palermo_graue-scheibe-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 1.0]"
+Minimalism,blinky-palermo_mirror-object-1973,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,blinky-palermo_untitled-t-formiges-objekt-mit-gouache-1972,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,brice-marden_4-1-for-david-novros-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,brice-marden_adriatic-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,brice-marden_adriatics-a-1973,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,brice-marden_annunciation-study-i-1978,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,brice-marden_au-centre-1969,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,brice-marden_avrutun-1971,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,brice-marden_d-apr-s-la-marquise-de-la-solana-1969,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0]"
+Minimalism,brice-marden_focus-ii-1980,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,brice-marden_for-caroline-1977,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Minimalism,brice-marden_greece-summer-1974,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,brice-marden_green-study-1982,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Minimalism,brice-marden_grid-i-lewison-17,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Minimalism,brice-marden_grove-group-2-1972,"[1.0, 2.0, 2.0, 0.0, 2.0, 1.0, 8.0, 7.0, 23.0]"
+Minimalism,brice-marden_grove-group-i-1973,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,brice-marden_grove-group-iii-1973,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,brice-marden_gulf-from-new-york-ten-lewison-16,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 5.0, 1.0]"
+Minimalism,brice-marden_hydra-group-x-1981,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,brice-marden_i-1986,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,brice-marden_marble-10-1981,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,brice-marden_nebraska-1966,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0, 0.0]"
+Minimalism,brice-marden_no-test-1970,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,brice-marden_range-1970,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,brice-marden_return-i-1965,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,brice-marden_sea-painting-i-1974,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,brice-marden_sea-painting-ii-1974,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,brice-marden_souvenir-de-gr-ce-14-1974,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,brice-marden_spanish-painting-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,brice-marden_star-for-patti-smith-1974,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,brice-marden_study-for-stander-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Minimalism,brice-marden_summer-table-1972,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,brice-marden_the-dylan-painting-1966(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,brice-marden_the-seasons-1975,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,brice-marden_to-corfu-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,brice-marden_tour-iii,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Minimalism,brice-marden_untitled(1),"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,brice-marden_untitled-1962,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Minimalism,brice-marden_untitled-1963,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Minimalism,brice-marden_untitled-1965,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Minimalism,brice-marden_untitled-1966,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,brice-marden_untitled-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Minimalism,brice-marden_untitled-1969-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,brice-marden_untitled-1970,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,brice-marden_untitled-1971(1),"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 3.0, 3.0]"
+Minimalism,brice-marden_untitled-1971-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 2.0, 4.0]"
+Minimalism,brice-marden_untitled-1973,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,brice-marden_untitled-black-and-cream-grid-1964,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,brice-marden_untitled-e-from-five-plates-1973,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,brice-marden_untitled-from-12-views-for-caroline-tatyana-1979,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,brice-marden_untitled-from-adriatics,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,brice-marden_untitled-from-ten-days-1971,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Minimalism,brice-marden_untitled-from-tiles-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Minimalism,bruce-nauman_ah-ha-1975,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,bruce-nauman_collection-of-various-flexible-materials-separated-by-layers-of-grease-with-holes-the-size-of-1966,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,bruce-nauman_fist-in-mouth-1990,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,bruce-nauman_five-marching-men-1985,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,bruce-nauman_good-boy-bad-boy-1985,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,bruce-nauman_human-need-desire-1983,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,bruce-nauman_la-brea-art-tips-rat-spit-tar-pits-1972,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Minimalism,bruce-nauman_life-death-love-hate-pleasure-pain-1983,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,bruce-nauman_my-name-as-though-it-were-written-on-the-surface-of-the-moon-1968,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,bruce-nauman_one-hundred-live-and-die-1984,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,bruce-nauman_perfect-door-perfect-odor-perfect-rodo-1972,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,bruce-nauman_raw-war-1971,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Minimalism,bruce-nauman_the-true-artist-helps-the-world-by-revealing-mystic-truths-window-or-wall-sign-1967,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,bruce-nauman_untitled-hand-circle-1996,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Minimalism,bruce-nauman_violins-violence-silence-1982,"[1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,claude-tousignant_l-oeuvre-au-noir-2008,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,claude-tousignant_la-croix-supr-matiste-1991,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,claude-tousignant_petite-sculpture-blanche-1960,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,conrad-marca-relli_untitled-1967,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,conrad-marca-relli_untitled-1976,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,conrad-marca-relli_untitled-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Minimalism,conrad-marca-relli_untitled-collage-1965,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,conrad-marca-relli_untitled-m-10-69-1969,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,cy-twombly_night-watch,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Minimalism,cy-twombly_untitled-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Minimalism,cy-twombly_untitled-2,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,dadamaino_il-mondo-di-platone-1981,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,dadamaino_l-inconscio-razionale-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,dadamaino_volume-a-moduli-sfasati-1960,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,dadamaino_volume-a-moduli-sfasati-1960-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,dan-flavin_a-primary-picture-1964,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,dan-flavin_alternating-pink-and-gold-1967,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,dan-flavin_diagonal-of-personal-ecstasy-the-diagonal-of-may-25-1963-to-constantin-brancusi-1963,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,dan-flavin_greens-crossing-greens-to-piet-mondrian-who-lacked-green-1966,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,dan-flavin_icon-v-coran-s-broadway-flesh-1962,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,dan-flavin_monument-1-for-v-tatlin-1964,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,dan-flavin_monument-4-for-those-who-have-been-killed-in-ambush-to-p-k-who-reminded-me-about-death-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Minimalism,dan-flavin_pink-out-of-corner-to-jasper-johns-1963,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,dan-flavin_the-nominal-three-to-william-of-ockham-1963,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,dan-flavin_untitled-1969,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,dan-flavin_untitled-1969(1),"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,dan-flavin_untitled-for-robert-with-fond-regards-1977,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,dan-flavin_untitled-in-honor-of-harold-joachim-3-1977,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,dan-flavin_untitled-to-barnett-newman-to-commemorate-his-simple-problem-red-yellow-and-blue-1970,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,dan-flavin_untitled-to-barry-mike-chuck-and-leonard-1975,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,dan-flavin_untitled-to-bob-and-pat-rohm-1970,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Minimalism,dan-flavin_untitled-to-henri-matisse-1964,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,dan-flavin_untitled-to-jan-and-ron-greenberg-1973,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,dan-flavin_untitled-to-my-dear-bitch-airily-1981,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,dan-flavin_untitled-to-the-innovator-of-wheeling-peachblow-1968,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,dan-flavin_untitled-to-tracy-to-celebrate-the-love-of-a-lifetime-1992,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,dan-flavin_untitled-to-you-heiner-with-admiration-and-affection-1973,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,daniel-buren_cercle-noir-sur-fond-blanc-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,daniel-buren_double-rhythm-1991,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,daniel-buren_papiers-coll-s-blanc-et-vert-1969,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-gris-clair-1967,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-marron-1972,"[0.0, 1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-orange-1967,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-orange-1972,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,daniel-buren_peinture-acrylique-blanche-sur-tissu-ray-blanc-et-rouge-1970,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,daniel-buren_photo-souvenir-1-carr-1-cercle-4-triangles-hauts-reliefs-situ-s-h-travail-situ-2010,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,daniel-buren_photo-souvenir-monochrome-lectrique-bleu-b2-vert-b3-travail-situ-2012,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,daniel-buren_photo-souvenir-three-light-boxes-for-one-wall-1989,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,daniel-buren_photo-souvenir-westwind-vent-d-ouest-travail-situ-2010,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,daniel-buren_reflets-n-33-peinture-sur-plexiglas-1-2-travail-situ-1987,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,daniel-dezeuze_beading-painting,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,daniel-dezeuze_beading-painting-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,daniel-dezeuze_lattice-1997,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,daniel-dezeuze_par-une-for-t-obscure-iii-1997,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,daniel-dezeuze_peinture-qui-perle-blanche-2007,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,daniel-dezeuze_petite-echelles-pour-vent-d-ouest,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,daniel-dezeuze_unknown-title,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,daniel-dezeuze_unknown-title-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,daniel-dezeuze_unknown-title-2,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,daniel-dezeuze_unknown-title-3,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,daniel-dezeuze_untitled,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,daniel-dezeuze_untitled-1979,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,daniel-dezeuze_untitled-i-2000,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,daniel-dezeuze_untitled-iv,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,daniel-dezeuze_untitled-v-1995,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,daniel-dezeuze_yeux-delphique,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,david-batchelor_against-nature-detail-2005,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,david-batchelor_angular-1,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,david-batchelor_brick-lane-remix-i-2003,"[2.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,david-batchelor_candela-7-450-for-the-death-star-2006,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,david-batchelor_disco,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,david-batchelor_electric-colour-picture-2002,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,david-batchelor_hackney-road-drawing-2004,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,david-batchelor_i-love-king-s-cross-and-king-s-cross-loves-me-8-2007,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,david-batchelor_idiot-stick-22-2006,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,david-batchelor_niche-drawing-2002,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,david-batchelor_parapillar-7-multicolour-2006,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,david-batchelor_slugfest-2012,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,david-batchelor_untitled-drawing-2006,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,david-batchelor_walldella-iv-2006,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,denise-green_a-rose-is-a-rose-alice-2005,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Minimalism,denise-green_amy-2006,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,denise-green_blu-lascaux-1999,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,denise-green_blue-quadrant-1984,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,denise-green_bridge-2-1975,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Minimalism,denise-green_chair-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,denise-green_cos-cob-1987,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,denise-green_evanescence-red-2007,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,denise-green_forces-at-play-1989,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,denise-green_musical-chairs-2000,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,denise-green_surya-chandra-1-1986,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,denise-green_to-draw-on-1977,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,denise-green_tulipidendron-2-1977,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,denise-green_two-figures-1976,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,denise-green_untitled-vessel-10-1977,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Minimalism,derek-boshier_output-1966,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,doug-ohlson_black-and-white-form-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Minimalism,doug-ohlson_scale-of-darkness-1977,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Minimalism,doug-wheeler_untitled-1964,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,douglas-huebler_duration-piece-11-1969,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,douglas-huebler_mediate-1978,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,edward-corbett_provincetown-summer-1966-i-1966,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,edward-corbett_untitled-1969,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,edward-corbett_untitled-3-1950,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,edward-corbett_washington-d-c-1-1971,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,edward-corbett_washington-d-c-january-1964-number-4-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Minimalism,ellsworth-kelly_black-on-black-1951,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,ellsworth-kelly_black-variation-iv-from-second-curve-series-1975,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Minimalism,ellsworth-kelly_circle-form-1951,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,ellsworth-kelly_circle-line-1951,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,ellsworth-kelly_creueta-del-coll-1987,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,ellsworth-kelly_curve-1951,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,ellsworth-kelly_curve-in-relief-iii-ek561-1978,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,ellsworth-kelly_curve-xxxvi-1984,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,ellsworth-kelly_diagonal-1951,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,ellsworth-kelly_diagonal-lines-1951,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ellsworth-kelly_diagonal-with-curve-ix-1979,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,ellsworth-kelly_green-blue-1968,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,ellsworth-kelly_grid-lines-from-the-series-line-form-color-1951,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ellsworth-kelly_horizontal-and-vertical-lines-1951,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,ellsworth-kelly_horizontal-band-1951,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,ellsworth-kelly_horizontal-line-1951,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,ellsworth-kelly_mandorla-form-1951,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Minimalism,ellsworth-kelly_red-yellow-blue-iii-1966,"[7.0, 1.0, 13.0, 5.0, 2.0, 1.0, 0.0, 1.0, 11.0]"
+Minimalism,ellsworth-kelly_sculpture-for-a-large-wall-1957,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,ellsworth-kelly_second-curve-series-gray-variation-1975,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,ellsworth-kelly_square-form-1951,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,ellsworth-kelly_study-for-white-plaque-bridge-arch-and-reflection-1951,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,ellsworth-kelly_triangle-form-1951,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,ellsworth-kelly_two-whites-1959,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,ellsworth-kelly_untitled-1973,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,ellsworth-kelly_vertical-band-1951,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,ellsworth-kelly_vertical-line-from-the-series-line-form-color-1951,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,ellsworth-kelly_vertical-lines-from-the-series-line-form-color-1951,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Minimalism,ellsworth-kelly_white-black-1988,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Minimalism,ellsworth-kelly_white-curve-1974,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,ellsworth-kelly_white-on-white-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,ellsworth-kelly_white-plaque-bridge-arch-and-reflection-1955,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,ellsworth-kelly_white-relief-over-white-2003,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,enrico-castellani_dittico-rosso-1966,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,enrico-castellani_no-827-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Minimalism,enrico-castellani_similmente,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,enrico-castellani_topologema-2-1-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,enrico-castellani_untitled-striped-surface-1961,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,eva-hesse_accession-ii-1968,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,eva-hesse_addendum-1967,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,eva-hesse_aught-1968,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,eva-hesse_contingent-1968,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,eva-hesse_expanded-expansion-1969,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Minimalism,eva-hesse_hang-up-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Minimalism,eva-hesse_hang-up-1966-1,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,eva-hesse_metronomic-irregularity-ii-1966,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,eva-hesse_repetition-nineteen-i-1967,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,eva-hesse_repetition-nineteen-iii-1968,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,eva-hesse_right-after-1969,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,eva-hesse_tomorrow-s-apples-5-in-white-1965,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,eva-hesse_untitled-1966,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,eva-hesse_untitled-1966(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,eva-hesse_untitled-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,eva-hesse_untitled-1968,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,felix-gonzalez-torres_untitled-1989,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,felix-gonzalez-torres_untitled-1993,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Minimalism,felix-gonzalez-torres_untitled-america-1-1992,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Minimalism,felix-gonzalez-torres_untitled-beginning-1994,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,felix-gonzalez-torres_untitled-death-by-gun-1990,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,felix-gonzalez-torres_untitled-double-portrait-1991,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,felix-gonzalez-torres_untitled-last-light-1993,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,felix-gonzalez-torres_untitled-march-5th-2-1991,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,felix-gonzalez-torres_untitled-north-1993,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,fernando-calhau_121-1998,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,fernando-calhau_67-night-works-1977,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Minimalism,fernando-calhau_pintura-1972,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,fernando-calhau_this-is-not-a-landscape-2002,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,fernando-calhau_timeless-1996,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,fernando-calhau_unknown-title,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,fernando-calhau_unknown-title-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Minimalism,fernando-calhau_unknown-title-2,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,fernando-calhau_untitled,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Minimalism,fernando-calhau_untitled-1967,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,fernando-calhau_untitled-1968,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,fernando-calhau_untitled-59-1995,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,fernando-calhau_untitled-61-1970,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,fernando-lanhas_0-42-69-1969,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,fernando-lanhas_o32-60-1960,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,fernando-lanhas_o39-68-1968,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,fernando-lanhas_o41-69-1969,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,fernando-lanhas_unknown-title-4,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,fernando-lanhas_untitled,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,frank-stella_arbeit-macht-frei-1967,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,frank-stella_black-adder-v-series-1968,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,frank-stella_black-stack-1970,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_carl-andre-from-the-purple-series-1972,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_casa-cornu-first-version-1969,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_charlotte-tokayer-from-the-purple-series-1972,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,frank-stella_del-mar-from-race-track-series-1972,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,frank-stella_delaware-crossing-1967,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,frank-stella_die-fahne-hoch-1959,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Minimalism,frank-stella_empress-of-india-1965,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_gezira-from-black-series-ii-1967,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,frank-stella_hampton-roads-1961,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,frank-stella_ifafa-i-from-the-v-series-1968,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_ifafa-ii-1967,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,frank-stella_jill-1959,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_kay-bearman-from-the-purple-series-1972,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,frank-stella_lake-city-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Minimalism,frank-stella_point-of-pines-from-black-series-ii-1967,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,frank-stella_sidney-guberman-from-purple-series-1972,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_star-of-persia-i-1967,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,frank-stella_telluride-1970,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,frank-stella_the-marriage-of-reason-and-squalor-1959,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,frank-stella_tomlinson-court-park-1959,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Minimalism,frank-stella_turkish-mambo-1967,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,frank-stella_tuxedo-park-from-black-series-ii-1967,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,frank-stella_zambesi-from-black-series-ii-1967,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,fred-sandback_blue-day-glo-corner-piece-1968,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,fred-sandback_six-lithographs-1975,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,fred-sandback_untitled-1968,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,fred-sandback_untitled-1969,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,fred-sandback_untitled-1971,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,fred-sandback_untitled-1972,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,fred-sandback_untitled-1972-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,fred-sandback_untitled-1974,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,fred-sandback_untitled-1975,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Minimalism,fred-sandback_untitled-1983,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,fred-sandback_untitled-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,fred-sandback_untitled-leaning-vertical-construction-1974,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,fred-sandback_untitled-sculptural-study-six-part-construction-detail-1977,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,fred-sandback_untitled-sculptural-study-two-part-vertical-construction-1986,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,fred-sandback_untitled-vertical-corner-piece-rll-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,fred-sandback_untitled-wall-construction-1985,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,frederick-hammersley_again-is-a-gain-6-1971,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,frederick-hammersley_covenant-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Minimalism,frederick-hammersley_on-and-off-1972,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,frederick-hammersley_sanforized-1-1967,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,gene-davis_carousel-1980,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Minimalism,gene-davis_hummingbird-1978,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,gene-davis_peach-glow-1958,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0]"
+Minimalism,gene-davis_untitled-1-1971,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,gene-davis_untitled-1972,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,genevieve-asse_atlantique-ii-1991,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,genevieve-asse_atlantique-iv-1991,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,genevieve-asse_atlantique-v,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,genevieve-asse_atlantique-verticale-rouge-1992,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,genevieve-asse_blue-composition,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,genevieve-asse_blue-depth-1978,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,genevieve-asse_blue-transparency-1971,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,genevieve-asse_diagonal-light-1999,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,genevieve-asse_haeres-1977,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Minimalism,genevieve-asse_impression-2009,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,genevieve-asse_la-pointe-de-l-oeil-2002,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,genevieve-asse_ligne-rouge-ii-n-19-1984,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Minimalism,genevieve-asse_notes-par-deux-2003,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,genevieve-asse_ouverture-de-la-nuit-1973,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,genevieve-asse_rouge-gris-2009,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,genevieve-asse_sans-titre-viii-1984,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,genevieve-asse_shared-space-2004,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,genevieve-asse_structure-lumi-re-2005,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,genevieve-asse_transparence-1980,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Minimalism,genevieve-asse_triptyque-1991,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Minimalism,genevieve-asse_tryptique-1970,"[2.0, 3.0, 11.0, 2.0, 0.0, 4.0, 5.0, 5.0, 18.0]"
+Minimalism,genevieve-asse_unknown-title-triptych,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,genevieve-asse_untitled-1970,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,giovanni-anselmo_linea-terra-1970,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,giovanni-anselmo_specchio-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,giovanni-anselmo_studio-per-la-mia-ombra-verso-l-infinito-dalla-cima-dello-stromboli-durante-l-alba-del-16-1965,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,gotthard-graubner_untitled-1965,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,helio-oiticica_b11-box-b-lide-09-1964,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,helio-oiticica_grand-nucleus-1966,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,helio-oiticica_magic-square-5-de-luxe-1977,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,helio-oiticica_spatial-relief-red-rel-036-1959,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,henk-peeters_5-pieces-of-cotton-whool-1962,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Minimalism,henk-peeters_61-26-1961,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,henk-peeters_61-64-1964,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,henk-peeters_pyrographie,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Minimalism,henk-peeters_pyrographie-both-sides-flames-1959,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Minimalism,henk-peeters_pyrography-on-linen-1959,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,henk-peeters_unknown-title,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,henk-peeters_untitled,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,henk-peeters_untitled-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,henk-peeters_untitled-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,henk-peeters_untitled-3,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Minimalism,henk-peeters_untitled-61-03-1961,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,henk-peeters_veronica-lam-1998,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,horia-damian_egyptian-gate-1964,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,horia-damian_etrava-alb-1969,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Minimalism,horia-damian_le-colis-e-1987,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Minimalism,horia-damian_mastaba-1983,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Minimalism,horia-damian_porte-dor-e-1967,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Minimalism,horia-damian_the-hill-1976,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,horia-damian_triedrul-1969,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,imi-knoebel_alte-liebe-g-1-2010,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,imi-knoebel_grace-kelly-iii-1994,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,imi-knoebel_portrait-1993,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,imi-knoebel_room-19-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Minimalism,imi-knoebel_tag-und-nacht-i-f1-f5-1997,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,imi-knoebel_under-the-moon-of-love-1993,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,imi-knoebel_untitled-1988,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,imi-knoebel_venera-1996,"[10.0, 3.0, 15.0, 1.0, 2.0, 3.0, 0.0, 0.0, 14.0]"
+Minimalism,imi-knoebel_weiss-und-schwarz-3-2009,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,imi-knoebel_weiss-und-schwarz-4-2009,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,isa-genzken_spiegel-1991,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Minimalism,james-turrell_open-sky-garden-1991,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,jean-degottex_breve-1985,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jean-degottex_breve-vi-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Minimalism,jean-degottex_bris-signe,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,jean-degottex_chattigraphie-1974,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,jean-degottex_composition-1975,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,jean-degottex_criture-10-2-63-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Minimalism,jean-degottex_criture-1961,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,jean-degottex_d-bris-xxii,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,jean-degottex_depli-blanc-i,"[0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,jean-degottex_depli-bleu-ii-1979,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,jean-degottex_depli-graphite-v,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,jean-degottex_dia-noir-ii-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,jean-degottex_dia-noir-v-1979,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Minimalism,jean-degottex_gidayu-iii-1961,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Minimalism,jean-degottex_grille-color-branc-ii-1983,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,jean-degottex_hagakure-x-1958,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,jean-degottex_horlignes-21-1969,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Minimalism,jean-degottex_horsph-re,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,jean-degottex_lignes-report-i-1977,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,jean-degottex_media-1973,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Minimalism,jean-degottex_media-vii,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Minimalism,jean-degottex_metasphere-rouge-1965,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Minimalism,jean-degottex_pli-x-pli-iii,"[1.0, 3.0, 17.0, 1.0, 4.0, 2.0, 0.0, 3.0, 15.0]"
+Minimalism,jean-degottex_sans-titre-m-tasph-re-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,jean-degottex_unhl-bleu-ii-4-70,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,jean-degottex_unknown-title,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 2.0]"
+Minimalism,jean-degottex_unknown-title-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jean-degottex_unknown-title-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Minimalism,jean-degottex_unknown-title-5,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jean-degottex_unknown-title-6,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,jean-degottex_untitled-1972,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,jean-degottex_untitled-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,jim-lambie_bed-head-2002,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,jim-lambie_mental-oyster-installation-view-2005,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,jim-lambie_plaza-2005,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jim-lambie_rsvpmfa,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jim-lambie_tangerine-dream-2004,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,jim-lambie_tape-floor,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,jim-lambie_tape-floor-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,jim-lambie_zobop-installation-view-1999,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,jim-lambie_zobop-installation-view-1999-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,jim-lambie_zobop-installation-view-1999-2,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,jiro-yoshihara_circle-1971,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,jiro-yoshihara_red-circle-on-black-1965,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0]"
+Minimalism,jiro-yoshihara_to-martha-s-memory-1970,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,jiro-yoshihara_unknown-title(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Minimalism,jiro-yoshihara_untitled,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,jiro-yoshihara_untitled(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jiro-yoshihara_untitled(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Minimalism,jiro-yoshihara_untitled-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Minimalism,jiro-yoshihara_untitled-1966,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,jiro-yoshihara_untitled-1969,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,jiro-yoshihara_white-line-on-black-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,jiro-yoshihara_work-1965,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,jiro-yoshihara_work-1971,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,jo-baer_cardinations-1974,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,jo-baer_h-arcuata-1971(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,jo-baer_hiccup-1964,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,jo-baer_primary-light-group-red-green-blue-1965,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,jo-baer_rook-1962,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,jo-baer_sex-symbol-1961,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,jo-baer_untitled-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Minimalism,jo-baer_untitled-1965,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,jo-baer_untitled-1968,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,jo-baer_untitled-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0]"
+Minimalism,jo-baer_untitled-double-bar-orange-1972,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jo-baer_untitled-lavender-wraparound,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,jo-baer_untitled-lipstick-1977,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,jo-baer_untitled-vertical-flanking-diptych-red-1974,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,joan-hernandez-pijuan_azulejos-de-granada-1994,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_blues-greens-1978,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,joan-hernandez-pijuan_camins-1996,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_coms-flors-verdes-sobre-negre-2-1996,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,joan-hernandez-pijuan_dibuix-n-10-bis-1997,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_dibuix-n-145-1991,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Minimalism,joan-hernandez-pijuan_dibuix-n-146-1991,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_doble-espai-verd-blau-1977,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Minimalism,joan-hernandez-pijuan_esb-s-per-l-alzinera-grossa-1976,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_espai-horizontal-amb-nou-horizontal-1976,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,joan-hernandez-pijuan_evora-sobre-paper-jap-1990,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_folquer-1972,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_four-pears-with-color-scale-1977,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,joan-hernandez-pijuan_gerro-i-rosa-1988,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_homenatge-a-lucio-fontana-1971,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,joan-hernandez-pijuan_iris-7,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_iris-blau-1997,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_limite-2000,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Minimalism,joan-hernandez-pijuan_marc-per-2000,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Minimalism,joan-hernandez-pijuan_memoria-d-evora-i-1990,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,joan-hernandez-pijuan_memoria-de-l-alhambra-ii-1994,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_nuvol-a-la-nit-1991,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_nuvol-rosa-2-1990,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_ornamental-en-siena-i-2004,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_paisatge-blanc-2003,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_rediscovering-a-known-landscape-2004,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_regle-groc-1972,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_shadow-1977,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,joan-hernandez-pijuan_triptych-of-montargull,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_untitled-120-1999,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,joan-hernandez-pijuan_untitled-1969,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,joan-hernandez-pijuan_untitled-2002,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,joao-vieira_vi-va-de-man-ray-negra-1981,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Minimalism,joe-goode_untitled-vandalism-series,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,john-mccracken_blue-block-in-three-parts-1966,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,john-mccracken_break-2008,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mccracken_brown-block-in-three-parts-1966,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,john-mccracken_energy-2007,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Minimalism,john-mccracken_flash-2002,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mccracken_le-marquis,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mccracken_light-2004,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,john-mccracken_on-the-beam-1998,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,john-mccracken_parsec-1988,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,john-mccracken_portal-1989,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,john-mccracken_shirrinim-1985,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mccracken_the-absolutely-naked-fragrance-1967,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,john-mccracken_today,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,john-mccracken_untitled,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,john-mccracken_untitled-1969,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mccracken_untitled-1976,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,john-mccracken_untitled-1985,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,john-mccracken_untitled-pink-block-1968,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mccracken_visit-1994,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,john-mccracken_warp-drive-1990,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,john-mccracken_xin-1987,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_jmd-3-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,john-mclaughlin_number-11-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Minimalism,john-mclaughlin_number-12-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Minimalism,john-mclaughlin_number-13-1961,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_number-13-1973,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_number-14-1963,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_number-15-1961,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,john-mclaughlin_number-17-1962,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,john-mclaughlin_number-17-1966,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,john-mclaughlin_number-2-1971,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_number-23-1960,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,john-mclaughlin_number-27-1964,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_number-3-1961,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,john-mclaughlin_number-4,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,john-mclaughlin_number-6,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,john-mclaughlin_number-6-1963,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,john-mclaughlin_untitled-1963,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_untitled-1963(1),"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,john-mclaughlin_untitled-1963(2),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Minimalism,john-mclaughlin_untitled-1970,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Minimalism,john-mclaughlin_untitled-1974,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_untitled-1974(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,john-mclaughlin_untitled-blue-vertical-lines-1963,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Minimalism,john-mclaughlin_untitled-composition-1953,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,john-mclaughlin_untitled-vertical-lines-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,jorge-martins_pli-contre-pli-1967,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,jorge-martins_untitled-1976,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Minimalism,judy-chicago_big-blue-pink-1971,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,judy-chicago_dome-drawing-3a-1968,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,judy-chicago_domes-1-1968,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,judy-chicago_evening-fan-1971,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,judy-chicago_morning-fan-1971,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,judy-chicago_optical-shapes-3-1969,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,judy-chicago_pasadena-lifesavers-blue-series-2-1970,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,judy-chicago_pasadena-lifesavers-red-5-1970,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,judy-chicago_pasadena-lifesavers-red-series-2-1970,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,judy-chicago_pasadena-lifesavers-yellow-series-2-1970,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,judy-chicago_pasadena-lifesavers-yellow-series-5-1969,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,judy-chicago_rainbow-pickett-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,judy-chicago_sun-garden-1971,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,karl-benjamin_bb-8-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Minimalism,kazuo-nakamura_central-4,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,kazuo-nakamura_city-s-suburb,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,kazuo-nakamura_infinite-waves-1957,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,kazuo-nakamura_number-structure-3-1981,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,kazuo-nakamura_number-structure-5-1983,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,kazuo-nakamura_spatial-concept-1968,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,kazuo-nakamura_time-and-space-series-1-1974,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,kazuo-nakamura_time-and-space-series-2-1974,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,kazuo-nakamura_topology-series-1-1968,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,kazuo-nakamura_topology-spatial-concepts-1968,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,keith-sonnier_ba-o-ba-1972,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_ballroom-chandelier-new-york-2007,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,keith-sonnier_bamboo-sheath-v-2002,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_baumgate-study-i-2000,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_cannes-5-2008,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,keith-sonnier_cutglass-7-1975,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,keith-sonnier_dis-play-1970,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_expanded-sel-diptych-ii-1979,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_lit-circle-blue-with-etched-glass-1968,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,keith-sonnier_lit-square-1969,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_longhorn-study-2006,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,keith-sonnier_neon-wrapping-incandescent-1969,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_spaced-wall-slant-2008,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,keith-sonnier_syzygy-transmitter-1992,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,keith-sonnier_untitled-1969,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,larry-bell_barcelona-7-1989,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,larry-bell_diptych-1971,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,larry-bell_kf-11-1978,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,larry-bell_my-montauk-1960,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,larry-bell_untitled-vapor-drawing-1978,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,larry-bell_untitled-vapor-drawing-1978(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Minimalism,lee-ufan_correspondance-2003,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,lee-ufan_dialogue-2008,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,lee-ufan_dialogue-2010,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,lee-ufan_from-line-1970,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,lee-ufan_from-line-1974,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,lee-ufan_from-line-1978,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,lee-ufan_from-point-1976,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,lee-ufan_from-point-1978,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,lee-ufan_from-point-1980,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,lee-ufan_from-winds-1985,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Minimalism,lee-ufan_relatum-discussion-2003,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,lee-ufan_untitled,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,lee-ufan_untitled-2008,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,lee-ufan_untitled-2008-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,lee-ufan_with-winds-1990,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,lee-ufan_with-winds-1991,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,leo-villareal_big-bang-2008,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,leo-villareal_buckyball,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,leo-villareal_column-2004,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,leo-villareal_contemplating-the-void-2010,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,leo-villareal_cylinder-2011,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,leo-villareal_devil-s-playground-2005,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,leo-villareal_diamond-sea-2007,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,leo-villareal_diamond-sea-7x7-2009,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,leo-villareal_flag-2010,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,leo-villareal_flowers-2005,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,leo-villareal_monohex-2008,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,leo-villareal_multiverse-2008,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,leo-villareal_sky-2010,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,leo-villareal_stars-2008,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,leo-villareal_trihex-2010,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,li-yuan-chia_12-14-43-1965,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,li-yuan-chia_folding-scroll-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,li-yuan-chia_monochrome-white-painting-1963,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,li-yuan-chia_untitled-triptych,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,luciano-bartolini_asterione-1979,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,luciano-bartolini_dyptique-1987,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,luciano-bartolini_kleenex-1974,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,luciano-bartolini_untitled-1973,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,luciano-bartolini_untitled-1973-3,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,luciano-bartolini_untitled-1981,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,marcel-barbeau_m-diterran-e-1971,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,marin-gherasim_unknown-title,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,mario-schifano_cielo-par-terra-1984,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,mario-schifano_ciro-1961,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,mario-schifano_disegno-n-2-per-l-occhio-del-critico,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,mario-schifano_monocromo-blu-1961,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,mario-schifano_solare-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Minimalism,mario-schifano_untitled-1963,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,mark-rothko_no-2-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Minimalism,mark-rothko_no-4-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Minimalism,mark-rothko_no-5-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Minimalism,mark-rothko_no-7-1964,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+Minimalism,mark-rothko_no-8-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Minimalism,mark-rothko_rothko-chapel-1967,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,mark-rothko_untitled-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Minimalism,marko-pogacnik_untitled,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,marko-pogacnik_untitled-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,marko-pogacnik_untitled-1965-1,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,marko-pogacnik_untitled-1965-2,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,marko-pogacnik_untitled-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,marko-pogacnik_untitled-3,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,martial-raysse_proposition-no-1-illustration-iii-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Minimalism,martial-raysse_untitled,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,martial-raysse_untitled-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,martial-raysse_untitled-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Minimalism,martin-barre_59-140-130-a-1959,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,martin-barre_59-80-75-c-1959,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,martin-barre_59-96-x-88-b-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Minimalism,martin-barre_60-t-18-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,martin-barre_62-5-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,martin-barre_63-l-6-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,martin-barre_63-m-3-1963,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,martin-barre_64-1-3-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Minimalism,martin-barre_65-b-l-1965,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,martin-barre_65-s-10-1965,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Minimalism,martin-barre_66-6-a-1966,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,martin-barre_66-7-a-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,martin-barre_67-f2-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,martin-barre_72-73-d-160-x-148-1973,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,martin-barre_75-76-a-157x145-1976,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,martin-barre_75-76-d-157x145-1976,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,martin-barre_75-76-d-174x164-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,martin-barre_76-77-c-147-5x140-1977,"[0.0, 0.0, 3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,martin-barre_unknown-title,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,martin-barre_unknown-title-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,martin-barre_unknown-title-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,mel-bochner_four-shapes-1976,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,michelangelo-pistoletto_bed-1976,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,michelangelo-pistoletto_bookcase-1976,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,michelangelo-pistoletto_door-1976,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,michelangelo-pistoletto_doormats-1976,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,michelangelo-pistoletto_neon,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,michelangelo-pistoletto_tutti-designers-1989,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,michelangelo-pistoletto_venus-of-the-rags-1967,"[21.0, 7.0, 1.0, 1.0, 1.0, 7.0, 0.0, 5.0, 3.0]"
+Minimalism,mira-schendel_untitled-1963(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,mira-schendel_untitled-1981-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,mira-schendel_untitled-1984,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,mira-schendel_untitled-from-cadernos-series-1971,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,mira-schendel_untitled-from-splints-1987(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,myron-stout_untitled-1955,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,myron-stout_untitled-1979(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,myron-stout_untitled-5-2-17-55-1955,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,paolo-scheggi_struttura-modulare-1967,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,paolo-scheggi_trasposizione-grafica-1967,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,park-seo-bo_ecriture-1985,"[3.0, 0.0, 14.0, 4.0, 4.0, 3.0, 1.0, 5.0, 11.0]"
+Minimalism,park-seo-bo_ecriture-no-020719-2002,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,park-seo-bo_ecriture-no-050319,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,park-seo-bo_ecriture-no-050520-2005,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,park-seo-bo_ecriture-no-051128-2005,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,park-seo-bo_ecriture-no-060805,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,park-seo-bo_ecriture-no-070201-2007,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,park-seo-bo_ecriture-no-070325-2007,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Minimalism,park-seo-bo_ecriture-no-070405-2007,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,park-seo-bo_ecriture-no-070628-2007,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,park-seo-bo_ecriture-no-22-79-81-1981,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,park-seo-bo_ecriture-no-37-75-76-1976,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,park-seo-bo_ecriture-no-40-84-1984,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Minimalism,park-seo-bo_ecriture-no-910614,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Minimalism,park-seo-bo_ecriture-no-950510,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,park-seo-bo_ecriture-no-960201-1996,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,park-seo-bo_ecriture-no-960714-1996,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,park-seo-bo_hereditarius-no-1-68-a-1968,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,pat-lipsky_dark-love-1993,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,pat-lipsky_for-leslie-1974,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0]"
+Minimalism,pat-lipsky_in-memoriam-c-g-1999,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Minimalism,pat-lipsky_tulips-1992,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,paul-brach_corona-i-1995,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,paul-brach_corona-ii-1995,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,paul-brach_dark-vessel-1965,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Minimalism,paul-brach_oracle-1964,"[0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,paul-brach_silver-series-1965,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,paul-brach_the-negative-way-1-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Minimalism,paul-brach_the-negative-way-10-1964,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Minimalism,paul-brach_the-negative-way-2-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Minimalism,paul-brach_the-negative-way-3-1964,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,paul-brach_the-negative-way-4-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Minimalism,paul-brach_the-negative-way-5-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,paul-brach_the-negative-way-6-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Minimalism,paul-brach_the-negative-way-7-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Minimalism,paul-brach_the-negative-way-8-1864,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,paul-brach_the-negative-way-9-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Minimalism,paul-brach_vessel-1965,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Minimalism,perle-fine_accordment-series-15-on-its-way-1977,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Minimalism,perle-fine_accordment-series-17-1977,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,perle-fine_an-accordment-73-1973,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,perle-fine_an-accordment-80-1974,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,perle-fine_oblique-reference-1973,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,perle-fine_soft-neon-1973,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,perle-fine_timelessness-2-1974,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,perle-fine_untitled-1973,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,perle-fine_untitled-developed-idea-1970,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,peter-busa_middlesex-1975,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,peter-busa_valspar-1977,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,piero-manzoni_achrome-1958,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,piero-manzoni_achrome-1959-2,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,piero-manzoni_achrome-1960-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,piero-manzoni_achrome-1960-2,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,pierre-soulages_a-walnut-stain-2004,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,pierre-soulages_b-walnut-stain-1998,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,pierre-soulages_gouache-2004-b-7-2004,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,pierre-soulages_peinture-103-x-81-cm-18-mars-2004-2004,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,pierre-soulages_peinture-11-juillet-1987-1987,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,pierre-soulages_peinture-12-november-2008-diptyque-2008,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,pierre-soulages_peinture-130-x-81-cm-20-03-2004-2004,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,pierre-soulages_peinture-18-mars-2010-2010,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,pierre-soulages_peinture-19-mai-1982-1982,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,pierre-soulages_peinture-222-x-314-cm-24-f-vrier-2008-2008,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,pierre-soulages_peinture-227-x-306-cm-2-mars-2009-2009,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,pierre-soulages_peinture-243-x-181-cm-26-juin-1999-1999,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,pierre-soulages_peinture-244-x-181-cm-23-novembre-2010-2010,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,pierre-soulages_peinture-244-x-181-cm-25-avril-2011-2011,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,pierre-soulages_peinture-324-x-181-cm-14-mars-1999-polyptyque-1999,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,pierre-soulages_peinture-324-x-181-cm-17-novembre-2008-2008,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,pierre-soulages_peinture-324-x-181-cm-19-f-vrier-2009-polyptyque-2009,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Minimalism,pierre-soulages_peinture-324-x-362-cm-1985-polyptyque-c-1985,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Minimalism,pierre-soulages_untitled-1991,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,pino-pinelli_pittura-b-1995,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,pino-pinelli_pittura-b-g-1991,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,pino-pinelli_pittura-bl-1993,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,pino-pinelli_pittura-bl-g-1993,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,pino-pinelli_pittura-g-bl-1982,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,pino-pinelli_pittura-gr-1975,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,pino-pinelli_pittura-gr-1977,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,pino-pinelli_pittura-gr-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,pino-pinelli_pittura-gr-n-1995,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,pino-pinelli_pittura-n-4-1994,"[3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,pino-pinelli_pittura-n-g-1987,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,pino-pinelli_pittura-r-1975,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,pino-pinelli_pittura-r-1985,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,pino-pinelli_pittura-r-1986,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,pino-pinelli_pittura-r-1993,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,pino-pinelli_pittura-r-1998,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,pino-pinelli_pittura-r-bl-1985,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,pino-pinelli_pittura-r-bl-1986,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,pino-pinelli_pittura-su-carta,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,ralph-hotere_avignon-painting-1978,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,ralph-hotere_black-cerulean-1999,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ralph-hotere_black-painting-1964,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Minimalism,ralph-hotere_black-painting-indigo-violet-vi-1969,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,ralph-hotere_black-window-1983,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,ralph-hotere_na-muru-walters-homai-tenei-haka-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,ralph-hotere_red-on-black-1969,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,ralph-hotere_the-seasons-part-i-and-ii-1976,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,ralph-hotere_towards-aramoana-drawing-for-a-black-window-1981,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,ralph-hotere_vive-aramoana-1980,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,ralph-hotere_white-drip,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,ralph-hotere_working-drawing-for-music-faculty-auckland-university-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Minimalism,richard-artschwager_brush-blp-1988,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,richard-artschwager_description-of-table-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Minimalism,richard-artschwager_five-scratches-1969,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-artschwager_key-member-1967,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,richard-artschwager_location-1969,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,richard-artschwager_locations-1969,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-artschwager_logus-blue-logus-1967,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-artschwager_untitled-1966,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,richard-serra_bramme-for-the-ruhr-district-1998,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-serra_chunk-1967,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,richard-serra_circuit-ii-1972,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Minimalism,richard-serra_elevational-mass-2006,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-serra_equal-corner-prop-piece-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,richard-serra_fulcrum-1987,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,richard-serra_no-mandatory-patriotism-1989,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,richard-serra_one-ton-prop-house-of-cards-1969,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-serra_pittsburgh-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-serra_sketch-6-1981,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0]"
+Minimalism,richard-serra_to-lift-1967,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-serra_torqued-ellipses,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,richard-serra_untitled-14-part-roller-drawing-1973,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Minimalism,richard-serra_untitled-1967,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,richard-serra_untitled-1972,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,richard-tuttle_12th-wire-octagonal-1971,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,richard-tuttle_3rd-rope-piece-1974,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,richard-tuttle_44th-wire-piece-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-tuttle_8th-paper-octagonal-1970,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,richard-tuttle_boys-let-s-be-bad-boys-3-1998,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-tuttle_boys-let-s-be-bad-boys-5-1998,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-tuttle_drift-iii-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,richard-tuttle_edges-1999,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,richard-tuttle_fountain-1965,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-tuttle_letters-the-twenty-six-series-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,richard-tuttle_light-pink-octagon-1967,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-tuttle_red-canvas-1967,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-tuttle_relative-to-our-society-1990,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Minimalism,richard-tuttle_sail-1964,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-tuttle_sand-tree-2-1988,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,richard-tuttle_sum-confluence-1964,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-tuttle_twin-river-1965,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,richard-tuttle_untitled-1977,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-tuttle_water-1965,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,richard-tuttle_wave-1965,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,robert-mangold_1-2-manilla-curved-area-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,robert-mangold_104-perimeter-series,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,robert-mangold_a-curved-line-within-two-distorted-rectangles-1978,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,robert-mangold_a-triangle-within-three-rectangles-1977,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,robert-mangold_blue-black-five-panel-zone-painting-1998,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-mangold_circle-in-and-out-of-a-polygon-2-1973,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,robert-mangold_column-painting-16-2004,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_column-painting-9-2003,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,robert-mangold_column-paintings-2004,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_column-structure-ix-2006,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_column-structure-xxii-2008,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_curved-plane-figure-viii-1995,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_distorted-circle-within-a-polygon-i-1972,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_ellow-black-zone-painting-iv-1996,"[1.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-mangold_four-color-frame-painting-5-parasol-unit-1984,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,robert-mangold_fragment-viii-2001,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,robert-mangold_fragments-i-vii-1998,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_green-column-figure-2003,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_green-tilted-ellipse-gray-frame-1989,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_pages-10-1989,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-mangold_plane-figure-iii-1992,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_plane-figure-series-d-double-panel-1993,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_ring-a-yellow-2010,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Minimalism,robert-mangold_ring-image-c-2008,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_ring-image-m-2010,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_series-of-three-1984,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,robert-mangold_split-ring-image-1-2009,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,robert-mangold_split-ring-image-2008,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_study-attic-series-viii-1990,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-mangold_study-attic-series-xii-1991,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,robert-mangold_three-color-frame-painting-1985,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_tudy-attic-series-xiv-1991,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-mangold_untitled-fcpa-1995,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-mangold_untitled-from-seven-aquatints-1973,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,robert-mangold_untitled-from-skowhegan-suite-1992,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-mangold_within-red-yellow-orange-1981,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-mangold_x-within-x-orange-1981,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-morris_box-with-the-sound-of-its-own-making-1961,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-morris_corner-beam-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-morris_floor-piece-bench-1964,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-morris_untitled-1968,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,robert-morris_untitled-2010,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-morris_untitled-corner-piece-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,robert-morris_untitled-l-beams-1965,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,robert-morris_untitled-mirrored-cubes-1971,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-morris_untitled-ring-with-light-1966,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-morris_untitled-walk-around-1975,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-morris_untitled-williams-mirrors-1977,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-morris_voice-1974,"[0.0, 0.0, 3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-morris_wall-floor-slab-1964,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,robert-ryman_attendant-1984,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,robert-ryman_bent-line-drawing,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-ryman_blue-line,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-ryman_classico-5-1968,"[4.0, 1.0, 7.0, 0.0, 0.0, 7.0, 1.0, 3.0, 27.0]"
+Minimalism,robert-ryman_convention-2002,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Minimalism,robert-ryman_conversion-2003,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,robert-ryman_convert-1988,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,robert-ryman_eagle-turquoise-7h-4-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,robert-ryman_enter,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,robert-ryman_first-conversion-2003,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_koh-i-noor-7h-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,robert-ryman_manual,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-ryman_pace-1984,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_points-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,robert-ryman_record-1983,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,robert-ryman_rule-1991,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_spectrum-i,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_surface-veil-1970,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-ryman_twin-1966,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,robert-ryman_uncle-up,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,robert-ryman_untitled,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_untitled(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-ryman_untitled(2),"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-ryman_untitled(3),"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_untitled-1959,"[7.0, 3.0, 9.0, 3.0, 1.0, 8.0, 0.0, 3.0, 15.0]"
+Minimalism,robert-ryman_untitled-1960,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-ryman_untitled-1961,"[0.0, 0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-ryman_untitled-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,robert-ryman_untitled-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Minimalism,robert-ryman_untitled-1963(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Minimalism,robert-ryman_untitled-1965,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0]"
+Minimalism,robert-ryman_untitled-1976,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_untitled-36-1963,"[1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-ryman_untitled-from-bam-iii-1993,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,robert-ryman_untitled-from-seven-aquatints,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,robert-ryman_untitled-from-seven-aquatints(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-ryman_untitled-from-six-aquatints-1975,"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-ryman_untitled-orange-painting-1955,"[1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Minimalism,robert-ryman_wing,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-smithson_a-nonsite-franklin-new-jersey-1968,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-smithson_alogon-3-1967,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,robert-smithson_dead-tree-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Minimalism,robert-smithson_mirror-and-crushed-shells-1969,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,robert-smithson_mirror-and-shell,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,robert-smithson_mirrors-and-shelly-sand-1970,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,rodolfo-arico_anomalia-1969,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,rodolfo-arico_assonometria,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,rodolfo-arico_assonometria-blu-1969,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,rodolfo-arico_figura-informe-1987,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,rodolfo-arico_grigio-1996,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,rodolfo-arico_l-oggetto-tenebroso-di-paolo-uccello-1970,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,rodolfo-arico_lotto-di-tre-opere,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,rodolfo-arico_progetto-a-x-1975,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,rodolfo-arico_progetto-b-v-1973,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,rodolfo-arico_radic-tiva,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,rodolfo-arico_secret-1966,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,rodolfo-arico_struttura-1967,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,rodolfo-arico_unknown-title,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,rodolfo-arico_untitled,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,rodolfo-arico_untitled-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,rodolfo-arico_untitled-1965,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,rodolfo-arico_untitled-1965-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,rodolfo-arico_untitled-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0]"
+Minimalism,rodolfo-arico_untitled-1966-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Minimalism,rodolfo-arico_untitled-1973,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,rodolfo-arico_untitled-1988,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,rodolfo-arico_untitled-2,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,rodolfo-arico_untitled-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Minimalism,rodolfo-arico_vuoto-blu,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,roman-opalka_tau-1965,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0]"
+Minimalism,ronald-davis_green-skew-1966,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ronald-davis_large-chartreuse-1965,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,ronald-davis_large-red-1965,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,ronald-davis_pink-diamond-1966,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ronald-davis_small-aqua-1965,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ronald-davis_zig-zag-times-two-1966,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,roni-horn_black-asphere-9-1988,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,roni-horn_key-and-cue-no-1270-is-heaven-a-physician-2005,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,roni-horn_thicket-no-1-1990,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,roni-horn_thicket-no-2-1990,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,roni-horn_unknown-title,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,roni-horn_were-12-2004,"[6.0, 6.0, 4.0, 2.0, 6.0, 2.0, 0.0, 2.0, 20.0]"
+Minimalism,roni-horn_when-dickinson-shut-her-eyes-no-689-the-zeroes-taught-us-phosporus-1993,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 4.0]"
+Minimalism,ruth-vollmer_cluster-about-hemisphere-1964,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,ruth-vollmer_in-relation-three-to-four-1968,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,ruth-vollmer_intersecting-ovals-1970,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,ruth-vollmer_musical-forest-1961,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Minimalism,ruth-vollmer_obelisk-1963,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,ruth-vollmer_oval-construction-konstruktionszeichnung-1970,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,ruth-vollmer_pentagon-1974,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ruth-vollmer_pentameter-1965,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,ruth-vollmer_rumblings-from-within-1965,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Minimalism,ruth-vollmer_steiner-surface-1973,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,ruth-vollmer_sunflower-head-series-1973,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,ruth-vollmer_sunflower-head-series-1973-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,ruth-vollmer_tangents-1970,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ruth-vollmer_trenchant-sphere-1967,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,ruth-vollmer_trimer-monomer-dimer-1965,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,ruth-vollmer_unknown-title,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,ruth-vollmer_unknown-title-1,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,ruth-vollmer_unknown-title-2,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Minimalism,ruth-vollmer_untitled,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,ruth-vollmer_untitled-1959,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,ruth-vollmer_untitled-1977,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,ruth-vollmer_untitled-ellipsoid-1961,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Minimalism,ruth-vollmer_untitled-swirls-1977,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,ruth-vollmer_walking-ball-1959,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,ruth-vollmer_wire-cage-soap-film-form-1974,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,sean-scully_untitled-1973,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,sean-scully_untitled-no-6-1979,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,sol-lewitt_8-part-cube-1975,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,sol-lewitt_9-8-7-6-5-4-3-2-1-half-off-1977,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_a-square-with-colors-superimposed-within-a-border-1991,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,sol-lewitt_alternate-not-straight-lines-from-the-right-side-and-broken-lines-from-the-left-side-of-random-1972,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_arcs-from-four-corners-1986,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,sol-lewitt_bands-of-lines-one-inch-wide-in-four-directions-in-black-and-gray-1985,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,sol-lewitt_black-with-white-lines-vertical-not-touching-1970,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Minimalism,sol-lewitt_blue-vertical-2000,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Minimalism,sol-lewitt_conspiracy-1971,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,sol-lewitt_corner-piece-no-2-1976,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Minimalism,sol-lewitt_cube-structure-based-on-five-modules-1972,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,sol-lewitt_horizontal-bands-with-colors-superimposed-1988,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,sol-lewitt_incomplete-cube-10-4-1975,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_irregular-form,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,sol-lewitt_irregular-form(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Minimalism,sol-lewitt_lines-from-corners-sides-the-centre-to-points-on-a-grid-1977,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Minimalism,sol-lewitt_nine-sided-figure-1989,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,sol-lewitt_serial-project-set-b-1966,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,sol-lewitt_standing-open-structure-black-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_summer-collage-1981,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,sol-lewitt_untitled,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_untitled-from-4x4x4-1990,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_untitled-from-composite-series-1970,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,sol-lewitt_untitled-structure,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_vertical-lines-not-touching-1970,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,sol-lewitt_wall-floor-piece-1-1976,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,tano-festa_interno-scuro-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,tano-festa_rosso-n-15-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 4.0]"
+Minimalism,tano-festa_rosso-n-29,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,tony-smith_asteriskos-1968,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Minimalism,tony-smith_die-1968,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,tony-smith_gracehoper-1962,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,tony-smith_light-up-1971,"[7.0, 8.0, 11.0, 7.0, 2.0, 2.0, 0.0, 3.0, 8.0]"
+Minimalism,tony-smith_moondog-1964,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,tony-smith_playground-1963,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,tony-smith_she-who-must-be-obeyed-1975,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,tony-smith_smoke,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,tony-smith_source-1967,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,tony-smith_tau-1962,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Minimalism,tony-smith_the-elevens-are-up-1963,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,tony-smith_untitled-1956,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Minimalism,tony-smith_untitled-1962,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Minimalism,tony-smith_untitled-1963,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,tony-smith_wandering-rocks-1967,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,tony-smith_wandering-rocks-1967-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Minimalism,tsuruko-yamazaki_work-1955,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,walter-darby-bannard_aqua-same-1962,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Minimalism,walter-darby-bannard_baffin-1961,"[1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,walter-darby-bannard_camellia-same-1962,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,walter-darby-bannard_greenstone-1960,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,walter-darby-bannard_hopewell-valley-sun-1959,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,walter-darby-bannard_sistene-1961,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,walter-darby-bannard_split-band-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,walter-darby-bannard_the-elders-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Minimalism,walter-darby-bannard_the-sheet-1960,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,walter-darby-bannard_untitled-1962,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,walter-de-maria_5-7-9-series-1996,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Minimalism,walter-de-maria_broken-kilometer-1979,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Minimalism,walter-de-maria_cage-ii-1965,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,walter-de-maria_high-energy-bar-and-certificate-1966,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,walter-de-maria_mile-long-drawing,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,walter-de-maria_one-sun-2002,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,walter-de-maria_seen-unseen-known-unknown,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,walter-de-maria_square-1972,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,walter-de-maria_the-2000-sculpture-1992,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Minimalism,walter-de-maria_time-timeless-no-time-2004,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Minimalism,walter-de-maria_triangle-circle-square-1972,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,william-scott_full-house-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,yves-gaucher_b-w-vi-1970,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Minimalism,yves-gaucher_b2wps-3-1990,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,yves-gaucher_cdr-grb-i-1988,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Minimalism,yves-gaucher_danse-carr-e-once-upon-a-square-1964,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Minimalism,yves-gaucher_deux-bleus-deux-gris-first-version-1975,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,yves-gaucher_deux-bleus-vert,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,yves-gaucher_mx-o-n-69-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Minimalism,yves-gaucher_pauses-4-2-e-11-1993,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-gaucher_r-cr-ii-n-d-j-1968,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,yves-gaucher_r-m-i-1969,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Minimalism,yves-gaucher_rb-ps-2-15-1990,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,yves-gaucher_signal-1991,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Minimalism,yves-gaucher_square-dance-blues-for-green-1964,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-gaucher_study-for-six-squares-1966,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,yves-gaucher_t-d-s-1988,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-gaucher_thg-n-d-68-1968,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,yves-gaucher_traces-2000,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Minimalism,yves-gaucher_trinome-6-2-c-31-1996,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-gaucher_trinome-6-2-c-32,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,yves-gaucher_untitled-1981,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-gaucher_untitled-2000,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-gaucher_untitled-8-3-d-19-1985,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-gaucher_untitled-9-1-a-15-1989,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,yves-gaucher_untitled-9-1-a-17-1990,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-gaucher_untitled-yellow-1966,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,yves-klein_black-monochrome-1957,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Minimalism,yves-klein_california-1961,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Minimalism,yves-klein_expression-of-the-universe-of-the-color-lead-orange-1955,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-klein_monochrome-red-untitled,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-klein_monochrome-vert,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1955,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1956,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1956-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1957,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1957-1,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1957-2,"[1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1959,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1959-1,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1959-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,yves-klein_untitled-blue-monochrome-1960-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Minimalism,yves-klein_untitled-blue-plate-1957,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-green-monochrome-1955,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-klein_untitled-green-monochrome-1956,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Minimalism,yves-klein_untitled-orange-monochrome-1956,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-pink-monochrome-1955,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-klein_untitled-pink-monochrome-1956,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-pink-monochrome-1957,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,yves-klein_untitled-pink-monochrome-1957-1,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Minimalism,yves-klein_untitled-red-monochrome-1956,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-klein_untitled-red-monochrome-1957,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-white-monochrome-1957,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Minimalism,yves-klein_untitled-white-monochrome-1957-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Minimalism,yves-klein_untitled-yellow-monochrome-1956,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Minimalism,yves-klein_untitled-yellow-pink-monochrome-1955,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,aldemir-martins_baiana-1980,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Naive_Art_Primitivism,aldemir-martins_blue-cat,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,aldemir-martins_bumba-meu-boi-1981,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,aldemir-martins_family-of-cats-2003,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,aldemir-martins_macuna-ma-1982,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,aldemir-martins_white-cat-2001,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,aldemir-martins_yellow-cat-2001,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,aldemir-martins_yellow-cat-and-flowers-2002,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_adam-and-eve-1938,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_animals-crossing-a-flooded-river-with-a-distant-waterfall-1924,"[1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_birds-in-a-gorge-1916,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_blumen-in-landschaft-1928,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_bouquet-de-fleurs-1937,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_cinq-personnages-dans-un-paysage-de-montagne-1953,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_cleopatra-s-barge-1939,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_exotic-flowers-1933,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_figures-in-landscape-1949,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_flowers-1955,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_grand-bouquet-of-wild-flowers-1928,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_greek-dance-in-a-landscape-1937,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_la-chute-d-eau-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_le-bassin-1931,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_le-bouquet-1928,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_lucreatia-1924,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_marine-1945,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_monaco-1930,"[0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_paysage-montagneux-1929,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_personnages-et-fleurs-1947,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_promenade-au-bord-de-la-mer-rencontre-des-fianc-s-1928,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_quatre-amours-dans-les-fleurs-1930,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_the-funeral-procession-of-alexander-the-great-1940,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_the-proclamation-of-american-independence-1926,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,andre-bauchant_unknown-title,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andre-bauchant_vase-aux-tulipes-1926,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-derain_golden-age,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,andre-derain_ominous-landscape-1950,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 9.0, 2.0, 0.0]"
+Naive_Art_Primitivism,andre-derain_sorrowful-landscape-1946,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 7.0, 0.0, 1.0]"
+Naive_Art_Primitivism,andy-warhol_cherub-and-horse-1956,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_blak-widow,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_eagles-with-fox,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_flight-into-egypt,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_head-of-tiger,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_horses,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_horses-with-storm,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_leopard,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_leopard-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_leopard-1(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_leopard-with-tapir,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_lion-with-lioness,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_nude-of-woman,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,antonio-ligabue_planting-with-horses,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_plowing,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_quadro,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_self-portrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_self-portrait(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_self-portrait(2),"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_self-portrait(4),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_self-portrait-in-profile,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_self-portrait-with-red-scarf-1956,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_selfportrait-with-dog,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_the-fight-for-life,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_the-roar,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_tiger,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_tiger(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,antonio-ligabue_tiger(2),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,antonio-ligabue_tiger-s-head-1940,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_ala-wai-honolulu-1928,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_coral-tree-by-black-point-honolulu-o-ahu-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_flamingos-in-flight-1931,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_greeting-by-chiefs-1928,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_hawaiian-boy-and-girl-1928,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_hawaiian-figure-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,arman-manookian_hawaiian-flowers,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_hawaiian-landscape-1928,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_hawaiian-woman-1929,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,arman-manookian_hawaiians,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_landscape,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_manookian-s-cover-for-pearl-harbor-weekly-december-1926-1926,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_men-in-an-outrigger-canoe-headed-for-shore,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_mural-1930,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_old-kahala-home-1928,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_polynesian-explorers,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,arman-manookian_polynesian-fishermen-1929,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_polynesian-girl,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_polynesian-woman-and-tiki,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_red-sails-1928,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_ricefields,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,arman-manookian_shaman-1930,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_the-lei-seller,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,arman-manookian_unknown-title,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,arman-manookian_unknown-title-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,arman-manookian_watercolor-design-for-mural,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,bela-kadar_longing-1925,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,bela-kadar_milkmaid-with-cows-1938,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,bela-kadar_portrait-of-a-woman-with-black-hair-1938,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,bela-kadar_v-r-s-szentek,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,boris-kustodiev_coachman-1923,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,boris-kustodiev_cover-for-the-book-russia-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,boris-kustodiev_easter-procession-1915,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,boris-kustodiev_easter-procession-1915-1,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,boris-kustodiev_from-the-books-of-r-notgaft-bookplate-1912,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,boris-kustodiev_gate-laputin-s-house-1922,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,boris-kustodiev_general-and-palace-porter-1924,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,boris-kustodiev_illustration-for-nikolay-nekrasov-poem-bees-1921,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,boris-kustodiev_poster-of-the-play-flea-1926,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,boris-kustodiev_poster-of-the-play-flea-1926-1,"[2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,boris-kustodiev_poster-of-the-play-flea-1926-2,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,boris-kustodiev_russia-russian-type-by-b-kustodiev-1923,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,boris-kustodiev_smith-siluyan-1924,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_baigneuses-1929,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_bouquet,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_boy-fishing,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_canoe-on-the-river,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_chemin-de-halage-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_en-haut-de-la-colline,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_in-the-bar,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_in-the-park-1937,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_jeune-fille-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_l-abri-des-lavandi-res-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_l-homme-des-cavernes,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_la-gitana-1935,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,camille-bombois_la-parade,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_laveuses-bretonnes,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_le-lavoir-1932,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,camille-bombois_le-maquereau-1935,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_le-repos-des-gens-du-cirque-1930,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_les-bas-noirs-avec-journal-1930,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_maison-sur-la-riviere-1989,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_mario-fratellino-e-le-petit-walter,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_port-de-boulogne-1927,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_river-running-through-the-forest,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_the-athlete-1920,"[1.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_the-nude-with-raised-arms,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,camille-bombois_the-white-horse-1920,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_vielle-masion-a-compaiegne-1935,"[2.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_vieux-moulin-1925,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_vue-de-clerval-1930,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,camille-bombois_yellow-street-1925,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,candido-portinari_bumba-meu-boi,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,candido-portinari_futebol-1935,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,candido-portinari_hill-1933,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,candido-portinari_meio-ambiente-1934,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,candido-portinari_ndias,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,candido-portinari_pipas,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,constantin-brancusi_hoopie-with-topknot-1929,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,constantin-brancusi_illustration-for-ilarie-voronca-s-plante-i-animale-1929,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,constantin-piliuta_illustration-for-tudor-arghezi-s-good-morning-springtime,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-big-washing-day-1964(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-blue-horse,"[4.0, 9.0, 14.0, 6.0, 0.0, 2.0, 1.0, 9.0, 5.0]"
+Naive_Art_Primitivism,david-burliuk_a-bookstore(1),"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-friends(1),"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_a-girl,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-girl-watering-horse,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-hearty-supper(1),"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-horse-and-a-groom-1925,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,david-burliuk_a-milkmade,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-painter,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-peasant-couple-with-cow-and-geese,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_a-red-horse(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-song-of-youth,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-street-scene,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_a-street-scene-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_anna-maria-island-florida-1946,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_barbershop-1946,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,david-burliuk_bathing-women-zeus-daughters,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_before-the-journey-1947,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_berberian-woman-morocco-1954,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_black-horse,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_blue-horse,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_bound-to-the-mill-1948,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_buy-my-fish,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_by-the-samovar-tea-time-1950,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_children-of-stalingrad-1944,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_cossack-mamai-1912,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_couple-in-a-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,david-burliuk_cowboy-in-the-organ-mountains-new-mexico-1949(1),"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_cows-grazing,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,david-burliuk_day-on-the-beach-hamptons-long-island,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_don-quixote-and-sancho-panza,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_duckling-1907,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_feeding-a-ducks,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_ferry-in-east-river,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_field-with-cattle-1948,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_galloping-horse-by-a-village,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_going-to-the-market-a-green-cow(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,david-burliuk_gypsies-with-horse,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_homeward-bound-in-a-horse-drawn-carriage(1),"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_horse-drawn-sleigh,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_in-a-russian-village-1926,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_in-the-bathhouse,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_labyrinth,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,david-burliuk_landscape-3,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_landscape-in-new-mexico-1942,"[6.0, 6.0, 22.0, 6.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,david-burliuk_lobster-shack-long-island,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_man-and-cow,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_man-on-a-yellow-horse-1950,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_miami-beach,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_milkmade-with-cow,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_mount-zion-israel(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_mountain-landscape-1943,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_mythological-story-with-red-figures-1950,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_new-england-1929,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_ophelia-1965,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-and-horse-1910,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-couple,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-couple-1945,"[3.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-couple-1945-1(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-girl-1945,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-woman-with-a-blue-cow,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-woman-with-a-goat,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_peasant-woman-with-red-and-green-cows,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_playing-cards,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_ploughing-the-field(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_poet-and-muse,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_portrait-of-elshemius-1962,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_portrait-of-woman,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_proposition-1960(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_reclining-nude-in-a-landscape(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_red-and-green-horses-in-a-stable-1956(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_red-and-yellow-cows-1945,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_red-cockerel,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_refugees-the-horrors-of-the-war,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_russian-man-on-sled-pulled-by-horse,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_russian-peasant-1928(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_russian-peasants-1945,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_saint-anthony-near-the-cave-1949(1),"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_scientist-1952,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_seascape-in-moonlight,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_seated-young-man-study-to-father-time-1927,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_soldier-on-horseback,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_song-of-harvest-1936,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_sorrow(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_street-in-new-york(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_tea-party-1960,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_tea-time,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_tea-time-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_tea-time-1946,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_tea-time-with-a-white-cat,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_teatime-self-portrait-with-raphael-sawyer-1947,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_the-drunkards-fly-away,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_the-edge-of-city-bronx,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_the-gardener-1948,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_the-green-cow,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_the-last-cow,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_the-procession,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_the-stand-1946,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_three-peasants,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_to-get-one-kiss-he-uses-two-keys,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_two-girls(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_two-girls-in-a-farmyard-with-ducks-and-a-windmill,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_two-sisters,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_village-scene,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_vineyard-haven-massachusetts-1929,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_winter-traveller-sunset(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_winter-walk(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_woman-in-yellow-dress-with-black-horse-1951(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-a-chicken,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-a-duck-1964,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-child,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-horse,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-red-cow,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-red-cow-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-two-buckets,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-wooden-bucket-and-yellow-horse,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-yellow-scarf,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_woman-with-yellow-scarf-and-cow(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,david-burliuk_women-at-tea,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,diego-rivera_delfina-and-dimas,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,diego-rivera_indian-boy-and-indian-woman-with-corn-stalks-1927,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,diego-rivera_indian-spinning,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,diego-rivera_my-godfather-s-sons-portrait-of-modesto-and-jesus-sanchez-1930,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Naive_Art_Primitivism,diego-rivera_portrait-of-cuca-bustamante-1946,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,diego-rivera_portrait-of-madesta-and-inesita-1939,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,diego-rivera_portrait-of-ruth-rivera-1949,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,diego-rivera_portrait-of-the-young-girl-elenita-carrillo-flores-1952,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,diego-rivera_the-day-of-the-dead-1944,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Naive_Art_Primitivism,diego-rivera_the-embrace-1923,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,diego-rivera_the-maize-festival-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,diego-rivera_the-pinole-seller-1936,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Naive_Art_Primitivism,diego-rivera_zapata-1931,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_4-wheel-drive,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_action-figures,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_beefaroni-or-battle-in-the-aisles,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_catching-the-bus,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_dragon-slayer-with-two-sons,"[0.0, 4.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_dust-balls,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,edith-vonnegut_electrolux,"[3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_eternal-mopping,"[2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_falling,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_garden-hose,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_goddess-in-the-freezer,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_hot,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_joy,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_mop-n-glo,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_motherhood,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_over-the-cliff,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_rip-tide,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,edith-vonnegut_sunblock,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_taking-out-the-garbage,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,edith-vonnegut_time-to-come-out,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,el-lissitzky_book-cover-for-ingle-tsingl-khvat-by-mani-leib,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,el-lissitzky_illustration-by-el-lissitzky-to-the-hen-who-wanted-a-comb-1919,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,el-lissitzky_illustration-for-jewish-folk-tale-the-goat-1919,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,el-lissitzky_illustration-to-aggadah-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Naive_Art_Primitivism,el-lissitzky_illustration-to-chad-gadya-1919,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,endre-bartos_aquarius-ix-2005,"[10.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_1st-state-church-of-assy-1947,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,fernand-leger_a-mosaic-model-for-the-crypt-of-the-memorial-at-high-mardasson,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_a-mosaic-model-for-the-crypt-of-the-memorial-at-high-mardasson-1947,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_a-worker-with-the-lamp-1951,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_acrobats-and-clowns-1950,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_at-the-farm-1955,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_birthday-two-women-1950,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_builder-character-in-the-framework,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_characters-in-the-truck,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_church-sancellemoz-assy-1947,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_coffee,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_composition-in-two-birds-landscape-with-birds-1954,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_composition-with-two-sailors-1951,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_dancer-the-dog-the-dog-on-the-ball-study-for-the-grande-parade-1952,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_eiffel-tower,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_fourth-state-church-of-assy-1947,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_freedom-i-write-your-name-1953,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_fuel-pump,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_hive,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_leisure-on-red-background-1949,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_leisures-on-red-bottom-1949,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_lovers,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_manufacturers-1950,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_manufacturers-on-a-blue-background-1950,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_manufacturers-on-a-blue-background-1951,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_manufacturers-with-aloe-1951,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_maquette-pour-a-mosaic-of-the-crypt-of-the-memorial-at-high-mardasson,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_model-for-the-mosaic-of-the-church-of-our-lady-of-all-graces-1947,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_model-for-the-mosaic-of-the-church-of-our-lady-of-all-graces-1947-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_mother-and-child-1955,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_not_detected_196071,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_opera,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_part-campaign,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_people-framework-manufacturers,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_portrait-of-a-man-with-the-hat-study-for-builders,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_portrait-of-henri-martin,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_portrait-of-nadia,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_portrait-of-nadia-1950,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_project-window-audincourt,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_pylons-study-for-the-city,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_reading-1948,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_roofs,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_singer-at-the-microphone-1955,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_soldiers,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_stalingrad,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_stalingrad-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_stalingrad-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_still-life-with-chair,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_street,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_street-of-dantzig,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-a-portrait,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945-3,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-a-portrait-1945-4,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-builders,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-the-bathers,"[24.0, 1.0, 10.0, 4.0, 0.0, 2.0, 2.0, 0.0, 3.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-the-circus-1949,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-the-circus-the-clowns,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-the-party-campaign,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_study-for-the-two-lovers-1955,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_study-nuts-1931,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_study-of-women-at-the-plant,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_swimming,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-acrobat-and-his-partner-1948,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-acrobats-study-for-the-circus,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-10,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-11,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-12,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-16,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-19,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-21,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-24,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-3,"[3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-31,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-32,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-34,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-36,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-37,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-43,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-44,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-45,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-46,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-47,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-56,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-57,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-58,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-59,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-6,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-61,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-album-circus-1950-9,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-annunciation,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-bathers,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_the-builders-outside-color-1955,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-bunch-of-turnips-1951,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-camper,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-camper-1954,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-cancan,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-dancer,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_the-dancers-yellow-background-1954,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-dove-still-life-with-bird-1951,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-large-one-parades-on-red-bottom-1953,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-merchant-of-four-seasons,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernand-leger_the-outing-in-the-country-1954,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-outing-in-the-country-1954-1,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-pool,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-rider-the-juggler-the-acrobat-1953,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-singer-on-the-radio,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-tug,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_the-two-sailors-1951,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-woman-and-the-flower-1954,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_the-workman-sitting,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_three-musicians-1930,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_trouville-1949,"[13.0, 2.0, 3.0, 5.0, 1.0, 3.0, 3.0, 7.0, 9.0]"
+Naive_Art_Primitivism,fernand-leger_umbrellas,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernand-leger_woman-with-parrot-1941,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernand-leger_women-in-compact,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,fernando-botero_a-general,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_a-stroll-by-the-lakeside,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_adam-and-eve-adam,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_adam-and-eve-eve,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_after-mantegna,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_after-the-arnolfini-van-eyck-2,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_alof-of-vignancourt-after-caravaggio,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_archangel,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_archbishop-lost-in-the-woods,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_bather-on-the-beach,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_bathing-bishops-in-a-river,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_battista-sforza-after-piero-della-francesca,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_bishop,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_car-bomb,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_cardinal,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_cat-on-a-roof,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_celestial-portal,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_children-fortunes,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_concert-in-the-countryside,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_couple-dancing,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_dance-in-colombia,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_dancers-at-the-bar,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_dead-bishops,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_death-of-pablo-escobar,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_delphine,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_drag,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_ecce-homo,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_excursion-to-the-ecumenical-cioncile,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_family,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_family-scene,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_federico-da-montefeltro-after-piero-della-francesca,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_flamenco,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_flower-pot,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_four-musicians,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_four-women,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_frank-lloyd-and-his-family-in-paradise-island,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_fruit-basket,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,fernando-botero_gates-of-hell,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_girl-arc,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_guerrillas,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_guitar-and-chair,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_happy-birthday,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_head-of-christ,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_hello,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_house-mariduque,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_kitchen-table,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_kitchen-table-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_kitchen-table-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_lefty-and-his-gang,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_louis-xvi-on-a-visit-to-medellin,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_lovers,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_lovers-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_lovers-2,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_luncheon-on-the-grass,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_madonna-with-child,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_man-and-horse,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_man-at-the-street,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_man-in-a-tuxedo,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_man-reclining-1978,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_man-smoking,"[2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_man-who-went-to-the-office,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_man-with-a-guitar,"[27.0, 1.0, 4.0, 7.0, 0.0, 3.0, 3.0, 1.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_marie-antoinette,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_marie-antoinette-on-a-visit-to-medellin,"[2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_matador,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_matador-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_menina-after-velazquez,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_miss-riviere-after-ingres,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_mona-lisa,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_musician,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_new-born-nun,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_notre-dame-de-new-york,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_nuncio,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_official-portrait-of-the-military-junta,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_orange,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_oranges,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_patio,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_pedro-on-horseback,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_picador,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_picnic-in-the-mountains,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_poodle,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_pope-leo-x-after-raphael,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_portrait-of-a-family,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_president,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_priest-extends,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_prima-donna,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_prioress,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_promenade,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_protestant-family,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_room-with-children-s-games,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_rubens-and-his-wife,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_saint-michael-archangel,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_saint-rose-of-lima,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_self-portrait-as-spanish-conquistador,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_self-portrait-as-velasquez,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_self-portrait-the-day-of-the-first-communion,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_self-portrait-with-madame-pompadour,"[27.0, 2.0, 4.0, 0.0, 0.0, 4.0, 1.0, 1.0, 6.0]"
+Naive_Art_Primitivism,fernando-botero_self-portrait-with-sofia,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_spanish,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_still-life,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-2,"[6.0, 5.0, 25.0, 6.0, 0.0, 1.0, 0.0, 0.0, 6.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-coffee-pot,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-fruits,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-green-soup,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-orange-falling,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-orangeade,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-the-head-of-pork,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-violin,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-watermelon,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_still-life-with-watermelon-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,fernando-botero_sunflowers,"[16.0, 4.0, 7.0, 2.0, 0.0, 7.0, 0.0, 3.0, 6.0]"
+Naive_Art_Primitivism,fernando-botero_the-archangel-gabriel,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-bath,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-captain,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-card-player,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-cascade,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-collector,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-colombian-based,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-cuisine,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-dancers,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-death-of-luis-chalet,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-designers,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-dolorosa,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-family,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-family-of-the-president,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_the-first-lady,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-great-feast,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-house-of-amanda-ramirez,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-hunter,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-hunter-1,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-maid,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-murder-of-anna-rosa-caderonne-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-murder-of-anna-rosa-caderonne-2,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-musicians,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-musicians-1,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-palace-1,"[4.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-palace-2,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-pica,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-poet,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-president,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-president-and-first-lady-2,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-road,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-seamstress,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-siesta,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-sisters,"[4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-street-1987,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_the-study-of-vermeer,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_the-toilet-in-the-morning,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_torso,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_tour-of-the-volcano,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,fernando-botero_tribute-to-bonnard,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_tribute-to-bonnard-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_tribute-to-bonnard-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_vallecas-the-child-after-velasquez,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_walk-in-the-hills,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_watermelons-and-oranges,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_woman-abducted-by-the-demon,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_woman-eating-a-bannana,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_woman-sitting,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_woman-standing,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_woman-stapling-her-bra,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fernando-botero_woman-with-a-parrot,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fernando-botero_woman-with-flowers,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_a-stroll-in-brighton,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fred-yates_at-the-harbour,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_brighton-pier,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fred-yates_fred-yates-by-fred-yates-self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_john,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_lytham-st-anne-s,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_moored-boats-penzance,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,fred-yates_my-very-own-street-sablet,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_on-the-promenade,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fred-yates_on-the-promenade-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fred-yates_porthmeor-beach-st-ives,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_river-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fred-yates_saturday-afternoon,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,fred-yates_swimming-in-the-river,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,fred-yates_the-beach-1992,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,fred-yates_worthing-pier,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,frida-kahlo_itzcuintli-dog-with-me-1938(1),"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,georges-ribemont-dessaignes_untitled-river-and-hills,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,grandma-moses_a-beautiful-world-1948,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_a-blizzard-1956,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_a-storm-is-on-the-water-now-1947,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_a-tramp-on-christmas-day-1946,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,grandma-moses_apple-butter-making-1947(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_catching-the-thanksgiving-turkey-1943,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,grandma-moses_checkered-house-1943,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_christmas(2),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_christmas-at-home,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_country-fair-1950,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_eagle-bridge-hotel-1959,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_grandma-moses-goes-to-the-big-city-1946,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_halloween-1955,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_hoosick-falls(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_hoosick-valley-from-the-window-1946,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_joy-ride-1953,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_let-me-help,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_mt-nebo-on-the-hill-1940,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251590,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251604,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251605,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251609,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251621,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251622,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251623(1),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251629(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251643(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251645,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_not_detected_251657(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,grandma-moses_shenandoah-valley-1938,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_so-long-till-next-year-1960,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_sugaring-off-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,grandma-moses_the-burning-of-troy-in-1862-1943,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_the-quilting-bee,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_the-rainbow-1961,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_the-thunderstorm-1948,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grandma-moses_wash-day-1945,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grandma-moses_winter,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_animals,"[5.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_beach-scene,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_bi-vres-vall-e-de-chevreuses-1957,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_birds,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_children-s-games-1979,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_country-landscape-1966,"[0.0, 1.0, 4.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_family-1960,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_family-1960(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_family-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_family-1981,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_family-and-animals,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_family-in-a-village-1965,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_field-with-figures,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-1967,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-in-a-room-1981,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village(1),"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village(2),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village-1948,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-in-the-village-1964,"[2.0, 0.0, 2.0, 0.0, 1.0, 1.0, 2.0, 2.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_figures-talking-in-a-village-1966,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_goats-grazing-in-a-landscape-1961,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_in-the-village,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_in-the-village(1),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Naive_Art_Primitivism,grã©goire-michonze_in-the-village-1960,"[0.0, 1.0, 7.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_in-the-village-1978,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_landscape-1977,"[0.0, 1.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,grã©goire-michonze_le-charpentier-sur-la-place-1971,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_le-mur-rose-1961,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_les-femmes-enceintes,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_nude,"[2.0, 2.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_paysage-vert-anime,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_personnages-1982,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_picnic-1957,"[3.0, 0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_scene-de-village,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_scene-de-village-aux-oiseaux-bleus,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,grã©goire-michonze_scene-paysanne,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_scene-paysanne-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_scene-villageoise,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_shepherds-in-the-valley-1981,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_sunset-in-the-field-1979,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_the-painter-1977,"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_untitled,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_untitled-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_village-scene,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,grã©goire-michonze_village-street,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_village-with-figures-1931,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,grã©goire-michonze_women-and-birds,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_a-lion-devouring-its-prey-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_a-view-of-the-ile-saint-louis-from-port-saint-nicolas-evening,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_alleyway-in-the-park-of-saint-cloud-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_apes-in-the-orange-grove,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_avenue-de-l-observatoire-1898,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_bathing-at-alfortville,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_bouquet-of-flowers-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_bouquet-of-flowers-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_bouquet-of-flowers-1910-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_bouquet-of-flowers-with-an-ivy-branch-1909,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_boy-on-the-rocks-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_carnival-evening-1886,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_child-with-a-puppet,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_cliffs,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_corner-of-the-plateau-of-bellevue-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_eve-1907,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,henri-rousseau_exotic-landscape-1908,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_exotic-landscape-1910,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_family-fishing-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_footbridge-at-passy-1895,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_house-on-the-outskirts-of-paris-1902,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_in-the-fields-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_jaguar-attacking-a-horse-1910,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_jungle-with-lion-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_landscape-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_landscape-in-montsouris-park-with-five-figures-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_landscape-on-the-banks-of-the-bievre-at-becetre-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_landscape-with-bridge-1877,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_landscape-with-factory-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_landscape-with-farmer-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_landscape-with-monkeys,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_liberty-inviting-artists-to-take-part-in-the-22nd-exhibition-of-the-society-of-independent-1906,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_mandrill-in-the-jungle-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_marshal-des-logis-frumence-biche-of-the-35th-artillery,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_negro-attacked-by-a-jaguar-1910,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_not_detected_191327,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_not_detected_191329,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_not_detected_191345,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_not_detected_191346,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_not_detected_191347,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_notre-dame-view-of-the-ile-saint-louis-from-the-quai-henri-iv-1909,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_nude-and-bear-1901,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_old-man-junier-s-trap-1908,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_park-with-figures,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-du-pere-del-artiste,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-a-man-1905,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-a-woman,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-a-woman-1895,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-a-woman-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-joseph-brummer-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-josephine-the-artist-s-second-wife-1903,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-monsieur-s-1898,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_portrait-of-pierre-loti,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_promeneurs-dans-un-parc-1908,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_rabbit-1908,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_scout-attacked-by-a-tiger-1904,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_seine-and-eiffel-tower-in-the-sunset-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_self-portrait,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_self-portrait-1900,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_self-portrait-from-l-ile-saint-louis-1890,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_sevres-bridge,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_still-life-with-teapot-and-fruit,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_suburban-scene-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-artillerymen-1893,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-artist-painting-his-wife-1905,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-banks-of-the-oise-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-bievre-at-gentilly-1895,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-chair-factory-at-alfortville,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-chair-factory-at-alfortville-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-dam-1893,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-dream-1910,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-eiffel-tower,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-equatorial-jungle-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-fishermen-and-the-biplane-1908,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-flamingoes-1907,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-football-players-1908,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-girl-with-a-doll-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-happy-quartet-1902,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-hungry-lion-throws-itself-on-the-antelope-1905(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-mill,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-mill-at-alfor-1905,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-monkeys-in-the-jungle-1909,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-monument-to-chopin-in-the-luxembourg-gardens-1909,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-muse-inspiring-the-poet-1909,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-muse-inspiring-the-poet-1909-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-pink-candle-1910,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_the-poultry-yard-1898,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-quarry,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_the-repast-of-the-lion-1907,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-representatives-of-foreign-powers-coming-to-salute-the-republic-as-a-sign-of-peace-1907,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-sleeping-gypsy-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-snake-charmer-1907,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-storm-tossed-vessel,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_the-tabby,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_the-toll-house-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-walk-in-the-forest-1890,"[3.0, 7.0, 18.0, 2.0, 0.0, 0.0, 13.0, 5.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_the-waterfall-1910,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_the-wedding-party,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_tiger-in-a-tropical-storm-surprised-1891,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_tropical-forest-battling-tiger-and-buffalo-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_tropical-forest-with-apes-and-snake-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_vase-of-flowers,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-bottom-and-meudonbillancourt-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-malakoff-hauts-de-seine-1903,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-parc-de-montsouris-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-saint-cloud-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-the-banks-of-the-oise-1906,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-the-bridge-at-sevres-and-the-hills-at-clamart-st-cloud-and-bellevue-1908,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-the-fortifications,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_view-of-the-outskirts-of-paris-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_village-near-a-factory-1908,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,henri-rousseau_wagon-in-front-of-the-mill-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,henri-rousseau_walking-in-the-parc-des-buttes-chaumont-1909,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_war-or-the-ride-of-discord-1894,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_woman-in-red-in-the-forest,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,henri-rousseau_woman-walking-in-an-exotic-forest-1905,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_abe-lincoln-s-first-book-1944,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_abe-lincoln-the-good-samaritan-1943,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_birmingham-meeting-house-iii-1941,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_birmingham-meeting-house-iv-1942,"[0.0, 4.0, 11.0, 4.0, 0.0, 0.0, 23.0, 0.0, 5.0]"
+Naive_Art_Primitivism,horace-pippin_cabin-in-the-cotton-1935,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_cabin-in-the-cotton-iii-1944,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_christ-before-pilate-1941,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_christ-crowned-with-thorns-1938,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_christmas-morning-breakfast,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_crucifixion-1943,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_dog-fight-over-the-trenches-1935,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_holy-mountain-i-1944,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_holy-mountain-ii-1944,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,horace-pippin_holy-mountain-iii-1945,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_interior-1944,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_maple-sugar-season-1941,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_marian-anderson-ii-1941,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_mr-prejudice-1943,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_portrait-of-christian-brinton-1940,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,horace-pippin_self-portrait-1941,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,horace-pippin_self-portrait-1944,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_the-artist-s-wife-1936,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_the-get-away-fox-1939,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_the-squirrel-hunter-1940,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_the-temptation-of-saint-anthony-1946,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_the-whipping-1941,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_the-woman-taken-in-adultery-1941,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,horace-pippin_victorian-interior,"[3.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,horace-pippin_victorian-parlor-still-life-1945,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,horace-pippin_victory-garden-1943,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,horace-pippin_zachariah-1943,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,ivan-generalic_-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,ivan-generalic_cows-in-a-landscape-1957,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,ivan-generalic_deer-in-the-forest-1956,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,ivan-generalic_gladiolen-1966,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,ivan-generalic_landleben-1985,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,ivan-generalic_landscape-1954,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,ivan-generalic_landscape-with-grass-1959,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,ivan-generalic_river-landscape-1964,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,ivan-generalic_the-deer-wedding-1959,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,ivan-generalic_unknown-title,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,ivan-generalic_village-1854,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,ivan-generalic_village-dance,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,ivan-generalic_winter-landscape-1978,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,james-ensor_carnival-in-flanders-1931,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,james-ensor_the-baths-at-ostend-1890,"[4.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jean-hugo_baie-de-hy-res-1951,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,jean-hugo_barques,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jean-hugo_constant-idoux,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jean-hugo_fighting-centaurs-1947,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jean-hugo_impr-visible-jeunesse-1947,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,jean-hugo_kew-garden,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jean-hugo_les-deux-vaches-et-la-paysanne-1970,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jean-hugo_les-trois-chevaux-1975,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jean-hugo_maison-en-ruine-a-la-targette-1915,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,jean-hugo_sainte-anne-1932,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,joan-miro_flowers-and-butterfly,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,joan-miro_house-with-palm-tree,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,joan-miro_mont-roig-vineyards-and-olive-tree,"[3.0, 2.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,joan-miro_not_detected_227965,"[1.0, 2.0, 4.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,joan-miro_the-farm-1922,"[2.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,joan-miro_the-vegetable-garden-with-donkey,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,joan-miro_the-waggon-tracks,"[1.0, 1.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,johannes-itten_children-s-portraits-1922,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,johannes-itten_h-user-im-schwarzwald,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_bisquine-cancalaise-1929,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_cafe-maure,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_camping-et-projets,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_espalion-en-auvergne,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_la-maison-du-po-te,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_la-mer-cote-de-la-manche,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_la-petite-fleuriste-1953,"[0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_la-place-vend-me-ciel-gris,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_la-porte-saint-pierre-nantes,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_la-riviere-dans-l-ile-de-france,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_laval-le-chateau,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_laval-porte-beucheresse,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_le-mairie-anne-saint-malo-1936,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,jules-lefranc_le-metro-aerien,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_le-pont-marie,"[0.0, 0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_les-bouquinistes-devant-notre-dame-1935,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_les-sables-ls914,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_liberation-1944,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_links,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,jules-lefranc_loches,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_mayenne-a-change,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_morlaix-brume-matinale-1943,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_mount-cervino,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_paris-du-pont-alexandre-iii-1932,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_paysage-basco-bearnais,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_peille,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_rue-des-chantres,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_rue-des-teinturiers,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,jules-lefranc_sacre-coeur,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,jules-lefranc_sailing,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,jules-lefranc_un-coin-en-provence,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,jury-annenkov_illustration-to-aleksander-blok-s-poem-the-twelve-1918-3,"[3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_apples-of-bogdanivka-1959,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_autumn-1960,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_bouquet-of-flowers-1954,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_bouquet-of-flowers-1959,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_bouquet-of-flowers-1960,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_catkin,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_collective-farmer-1949,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_dahlias-1940,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,kateryna-bilokur_dahlias-1957,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_decorative-flowers-1945,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_early-spring-1958,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_everything-goes-everything-passes-1950,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,kateryna-bilokur_exuberant-1947,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_field-flowers-1941,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_field-of-the-collective-farm-1949,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_flowers-1959,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_flowers-and-birches-in-the-evening-1950,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_flowers-and-viburnum-1958,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_flowers-at-night-1942,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_flowers-by-the-fence-1935,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_flowers-on-the-blue-background-1943,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_garden-flowers-1952,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_grove-1955,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_hello-harvest-1946,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_house-in-bogdanovka-1955,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_in-bogdanovka-by-the-dam-1955,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_in-the-village-1956,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_irises,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_king-spike-1949,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_mallows-1950,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_mallows-and-roses-1958,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_on-the-cliff-1950,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_peonies-1946,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_peonies-1948,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_peonies-1958,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_portrait-of-farmer-tatiana-bakhmach-1933,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_portrait-of-nadia-bilokur-1941,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_portrait-of-olya-bilokur-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_portrait-of-the-nieces-1939,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_pumpkin-bloom,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_self-portrait-1950,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,kateryna-bilokur_self-portrait-1955,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_self-portrait-1957,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_september-in-the-bohdanivka-village-on-the-dam-1956,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-1960,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-beet-1959,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-breakfast-1950,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-flowers-and-vegetables-1959,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-flowers-apples-tomatoes-1950,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-flowers-with-nuts-1948,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-watermelon-carrots-flowers-1951,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-with-bread-1960,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_still-life-with-spikes-and-jug-1959,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kateryna-bilokur_wheat-flowers-grapes-1954,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_argentine-polka-1911,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_as-we-stopped-for-lyk-1914,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_austrian-went-into-radziwill-1914,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_austrian-went-into-radziwill-1914-1,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_carpenter,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_demon-1914,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_demon-1914-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_devils-are-sawing-sinner-1914,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_french-allies-1914,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_house-in-the-wall-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_in-the-morning-went-from-lviv-1914,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_look-vistula-is-near-poster-1914,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_look-vistula-is-near-poster-1914-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_oh-my-dear-city-of-lublin-1914,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_on-the-cemetery-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_peasant-women-in-a-church-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,kazimir-malevich_plowman-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_reaping-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,kazimir-malevich_sausage-maker-came-to-lodz-1914,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_soon-soon-we-will-in-krakow-1914,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_study-for-portrait-of-a-peasant,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_vividly-we-took-galich-1914,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_we-went-from-the-kovno-1914,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_we-went-out-of-mlawa-1914,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_what-a-crash-1914,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,kazimir-malevich_what-a-crash-1914-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_wilhelm-s-merry-go-round-1914,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,kazimir-malevich_woman-s-head-in-profile-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_au-bord-de-la-rivi-re-en-hiver-1930,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_cath-drale-de-notre-dame,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_chasse-aux-canards,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,louis-vivin_florence,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_int-rieur-d-glise,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_l-glise-st-desir,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_la-main-chaude,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_le-ch-teau-de-saint-germain,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_le-ch-teau-de-versailles,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_le-consult-d-auvergne-et-le-sacre-couer,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,louis-vivin_le-dejeuner-sur-l-herbe-1925,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_le-jardin-du-luxembourg,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_le-march,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_le-moulin-de-la-galette-1926,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,louis-vivin_le-peintre-montmartre,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_le-pont-du-rialto,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_les-invalides,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_paris-l-eglise-de-la-trinit,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_paris-montmartre-cabaret-lapin-agile,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_paris-montmartre-cirque-medrano,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_place-du-theatre-city-square-with-red-phone-booth,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_quai-aux-fleurs,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_sacr-coeur,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_still-life,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_street-market,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_the-wedding-1925,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_trois-personnages-avec-un-chien,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,louis-vivin_venice-canal-scene-with-a-bridge,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_venice-canal-scene-with-a-church,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,louis-vivin_ville-au-moulin-pr-s-du-canal-en-hiver,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,lyonel-feininger_houses-and-figures-birds-with-hats,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,lyonel-feininger_im-dorfe,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,lyonel-feininger_people-on-the-jetty-leute-auf-see-steg-1918,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0, 1.0]"
+Naive_Art_Primitivism,lyonel-feininger_railroad-viaduct-die-eisenbahnbr-cke-1919,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 5.0, 0.0, 0.0]"
+Naive_Art_Primitivism,lyonel-feininger_the-rainbow-der-regenbogen-1918,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,lyonel-feininger_the-yacht-race-wettsegeln-1918,"[4.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,lyonel-feininger_town-gate-ribnitz-das-tor-ribnitz-1918,"[1.0, 2.0, 4.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,lyonel-feininger_trumpeter-trompeter-1918,"[6.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,lyonel-feininger_woodblock-for-fishing-boats-fischerboote-1918,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_a-big-peasant-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_a-blue-cow-1967,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-blue-painter-1980,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-couple-in-twilight-1980,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_a-doorman-doesn-t-permit-tchitchikov-to-visit-a-governor,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-flowered-easel-1984,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_a-green-tree-1984,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-green-tree-with-lovers-1980,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_a-house-in-liozna-1908,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-jew,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_a-jonah-s-boat-1977,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_a-little-angel-1957,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-man-with-thora-1975,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_a-man-without-passport-with-policeman,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-seraph-purify-the-lips-of-isaiah-with-a-hot-coal-isaiah-vi-1-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-sky-1984,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-tree-in-blossom-1977,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_a-wheatfield-on-a-summer-s-afternoon-1942,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_aaron-in-front-of-the-golden-candlestick-with-seven-branches-executed-as-prescribed-by-lord,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_aaron-in-front-of-the-golden-candlestick-with-seven-branches-executed-as-prescribed-by-lord-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_abdullah-discovered-before-him-1948,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-and-isaac-on-the-way-to-the-place-of-sacrifice,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-and-sarah-1956,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-1966,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-and-three-angels-3,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-approaching-sodom-with-three-angels-genesis-xviii-16-1956,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-is-going-to-sacrifice-his-son-1931,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-is-going-to-sacrifice-his-son-according-to-the-order-of-god-genesis-xxii-9-14,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-prostrated-himself-front-of-three-angels,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-weeping-for-sarah-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_abraham-weeping-for-sarah-genesis-xiii-1-1956,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_absalom-riding-on-a-mule-is-caught-by-the-hair-on-the-branch-of-a-great-oak-second-samuel-18-9-1956,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_acrobat-with-bouquet-1963,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_acrobates-1961,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_acrobatics-1963,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_adam-and-eve-with-the-forbidden-fruit-1960,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_after-the-flood-noah-offering-a-sacrifice-to-god-genesis-viii-20-22,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_ahasuerus-sends-vasthi-away-1960,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_already-been-old-joshua-brings-together-the-israelites-and-recalls-of-the-favor-which-the-lord,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_an-angel-1956,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_an-angel-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_an-angel-painter-1928,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_an-artist,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_angel-in-paradise-1956,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_angel-with-a-sword-1956,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_apothecary-in-vitebsk-1914,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_apparition-at-the-circus-1963,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_appearance-of-king-david-1980,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_arlequins-playing-1968,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_arrival-of-queen-sheba-to-jerusalem-i-kings-x-1-5,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_asking-the-way,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_banquet-at-the-police-chief-s-house,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_banquet-degenerates-into-brawl,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_barber-s-shop-uncle-zusman-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bathing-of-a-baby,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bathsheba-1963,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bathsheba-reminds-david-of-his-promise-to-appoint-their-son-solomon-as-king-of-israel-after-him-1956,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_before-the-death-blind-isaac-bless-his-second-son-jacob-rebecca-told-him-to-make-it-for-his-1956,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_being-asleep-in-the-desert-where-he-had-retired-to-wait-for-the-death-elijah-has-been-awakened,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bella-and-ida-by-the-window-1916,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_biblical-subject-1956,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_biblical-subject-1983,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_blessing-of-ephraim-and-manasseh-1931,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_blue-clown-1984,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_blue-horse-with-the-couple-1982,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_boaz-wakes-up-and-see-ruth-at-his-feet-1960,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bouquet-and-full-moon-1957,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_bouquet-with-hand-1957,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_branch-and-flute-player-1957,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bride-with-a-fan-1911,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_burlesque-and-circus-1985,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bushes-and-angel-sketch-to-vitrage-in-chapelle-des-cordeliers-in-sarrebourg-1976,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_bushes-and-birds-sketch-to-vitrage-in-chapelle-des-cordeliers-in-sarrebourg-1976,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_bushes-and-village-sketch-to-vitrage-in-chapelle-des-cordeliers-in-sarrebourg-1976,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_by-beating-the-philistines-saul-killed-himself-by-his-own-sword-i-samuel-xxxi-2-6,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_cain-and-abel-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_cain-and-abel-1960,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_ceiling-of-paris-opera-house-1964,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_celebration-1982,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_chapel-du-saillant-1979,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_chapel-du-saillant-1981,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_chichikov-shaves,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_christ-as-a-clock-1957,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_christ-family-1959,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_christ-study-to-vitrage-in-metz-cathedral-1964,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_circumcision-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_circumcision-prescribed-by-god-to-abraham-genesis-xvii-10,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_circumcision-prescribed-by-god-to-abraham-genesis-xvii-10-1931,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_circus,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_circus-in-the-village-1969,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_circus-woman-1960,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_clarity-to-each-other-1985,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_clock-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_clown-in-love-1963,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_clown-with-flowers-1963,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_clown-with-the-yellow-goat-1982,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_clowns-musicians-1980,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_coachman-feeds-a-horses,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_concert-on-the-square-1983,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_consecration-of-aaron-and-his-son-1965,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_coronated-nude-1984,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_couple-and-basket-with-fruits,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_couple-and-fish-1964,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_couple-with-a-bird-1959,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_creation-1960,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_creation-1980,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_creation-of-eve-1931,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_creation-of-world-1971,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_crucifixion-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_dance-1962,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_daphnis-and-chloe-1911,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_darkness-and-light-biblical-symbols-1972,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_david-1956,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_david-1956-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_david-and-absalom-1956,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_david-and-bathsheba-1952,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_david-and-bathsheba-1956,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_david-and-bathsheba-1956-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_david-freed-from-all-of-his-enemies-sings-a-hymn-of-victory-to-the-lord-ii-samuel-xxii,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_david-killed-a-lion-that-threatened-his-flock-i-samuel-xvii-34-36,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_david-on-his-throne-hosts-his-rebellious-son-absalom-forgives-him-and-kisses-him-ii-samuel-xiv,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_david-s-victory-over-goliath-i-samuel-xvii-48-51,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_david-sings-accompanying-himself-in-the-harp-before-saul-and-relieves-his-suffering-i-samuel,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_david-with-bathsheba-1980,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_david-with-his-harp-1956,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_david-with-the-head-of-goliath-comes-to-saul-i-samuel-xvii-55-58,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_dawn-1976,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_deborah-the-prophetess-urges-barak-to-raise-an-army-and-give-battle-to-the-army-of-jabin-judges,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_delilah-cut-samson-s-hair-and-had-thus-deprived-him-his-superhuman-strength-he-has-fallen,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_disputation-of-pliushkin-and-mavra,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_disrobing-her-with-his-own-hand-1948,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_drawing-by-marc-chagall-for-vladimir-mayakovsky-s-70th-birthday-1963,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_drawing-by-marc-chagall-for-vladimir-mayakovsky-s-70th-birthday-1963-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_drawing-by-marc-chagall-for-vladimir-mayakovsky-s-70th-birthday-1963-2,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_drawing-in-rose-1959,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_driven-from-jerusalem-by-rebelled-again-absalom-david-barefoot-climbed-to-the-hill-of-olives-1956,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_eliezer-and-rebecca-1931,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_elijah-is-taken-to-heaven-1956,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_elijah-is-taken-to-heaven-in-a-chariot-of-fire-to-his-disciple-elisha-ii-kings-ii-0-9-12,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_elijah-met-at-the-gate-of-zarephath-a-widow-trying-to-collect-firewood-which-on-the-order-of,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_elijah-on-the-top-of-mount-carmel-announced-the-impending-rain-before-any-single-cloud-in-the,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_elijah-resurrects-the-son-of-the-widow-of-zarephath-i-kings-xvii-17-22,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_equestrienne-1927,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_equestrienne-1931,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_esther-1960,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_eve,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_eve-is-cursed-by-god-1960,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_farewell-1985,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_fiancee-with-bouquet-1977,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_fiddler-with-ruster-1982,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_flowers-in-front-of-window-1967,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_for-vava-1955,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_from-the-terrace-of-his-palace-david-sees-bathing-bathsheba-ii-samuel-xi-2-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_gathering-of-peasants,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_gobelin-above-the-entrance-of-the-museum-message-biblique-marc-chagall-1971,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_god-appears-to-moses-in-the-burning-bush-exodus-iii-1-6,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_god-appears-to-solomon-in-a-dream-and-he-asked-him-for-wisdom-i-kings-iii-5-9,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_god-creates-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_god-creates-man-and-gives-him-the-breath-of-life-genesis-ii-7,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_god-directs-moses-to-make-vestments-for-use-in-the-sanctuary-1966,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_god-sends-aaron-to-meet-moses-in-the-desert,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_god-turns-moses-staff-into-a-serpent-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_gogol-and-chagall,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_hagar-in-the-desert-1960,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_hannah-prays-to-the-lord-for-a-son-who-will-be-samuel-i-samuel-i-9-11,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_happiness-1980,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_happy-future-of-jerusalem-have-found-favor-with-god-isaiah-lxii-1-5,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_having-become-the-favorite-the-pharaoh-joseph-gets-his-brothers-come-to-egypt-requests-food,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_having-heard-the-death-of-jonathan-that-his-dearest-friend-has-been-killed-in-battle-against,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_having-learned-absalom-s-death-who-has-been-killed-by-joab-and-found-hanging-on-the-tree-in-the,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_having-lingered-in-gaza-house-of-courtesan-and-watched-by-the-people-who-wanted-to-kill-him,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_he-went-up-to-the-couch-1938,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_homage-to-hungary-1956,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_homage-to-mozart-1972,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-literary-review-shtrom-heftn-1923,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-literary-review-shtrom-heftn-1923-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-literary-review-shtrom-heftn-1923-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-10,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-11,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-12,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-13,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-14,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-15,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-16,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-17,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-18,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-19,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-2,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-20,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-21,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-22,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-23,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-24,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-3,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-4,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-5,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-6,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-7,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-8,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-for-louis-aragon-s-work-one-who-says-things-without-saying-anything-1976-9,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-to-nikolai-gogol-s-dead-souls,"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-to-nikolai-gogol-s-dead-souls-1,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_illustration-to-nikolai-gogol-s-dead-souls-2,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_in-front-of-the-picture-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,marc-chagall_in-front-of-the-picture-1971,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_in-rage-which-he-felt-to-the-idolatry-of-the-chosen-people-of-god-moses-broken-the-tablets-of,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_in-the-night-1943,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_inspiration-1963,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_interior-with-flowers-1918,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_isaiah-1956,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_isaiah-s-oracle-on-the-ruins-of-babylon-isaiah-xiii,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_isaiah-s-prayer-isaiah-lxiv-6-11,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_isaiah-under-divine-inspiration-1956,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_itinerant-players-1963,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-blessed-two-sons-of-joseph-despite-joseph-he-raises-his-right-hand-on-the-head-of-the,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-having-recognized-the-tunic-of-joseph-that-his-son-reported-to-him-tinged-with-blood,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-leaves-his-country-and-his-family-to-go-to-egypt-genesis-xlvi-5-7,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-leaves-his-country-and-his-family-to-go-to-egypt-genesis-xlvi-5-7-1931,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-s-ladder-1973,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-sees-in-a-dream-a-ladder-touching-the-sky-in-which-the-angels-of-god-ascending-and,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-weeps-over-joseph-s-tunic-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-2,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-3,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-4,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-5,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-6,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-7,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_jacob-wrestling-with-the-angel-genesis-xxxii-24-30,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_jeremiah-1956,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jeremiah-1980,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_jeremiah-received-gift-of-the-prophecy-jeremiah-i-4-10,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jeremiah-thrown-into-a-prison-by-the-people-of-king-zedekiah-jeremiah-xxxviii-4-6,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jerusalem-has-been-freed-from-babylon-according-to-the-prophecy-of-isaiah-isaiah-xiv-1-7,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jerusalem-was-taken-by-nebuchadnezzar-as-the-prophecy-of-jeremiah-jeremiah-xxi-4-7,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_jewish-wedding,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_job-in-despair-1960,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_job-praying-1960,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_joseph-a-shepherd-1931,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_joseph-and-potiphar-s-wife-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_joseph-being-seventeen-years-old-goes-with-his-brothers-and-the-flocks-genesis-xxxvii-2,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_joseph-explains-the-dreams-of-pharaoh-genesis-xli-25-28-32,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_joseph-explains-the-dreams-of-pharaoh-genesis-xli-25-28-32-1931,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_joseph-has-been-recognized-by-his-brothers-1931,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_joseph-is-attacked-and-robbed-by-his-brothers-genesis-xxxvii-23-24,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_joshua-1931,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_joshua-closes-the-book-of-law-that-he-has-just-read-to-the-people-of-israel-joshua-viii-33-35,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_joshua-is-delivering-the-five-kings-of-canaan-to-israel-s-hands-and-preparing-them-to-death,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_joshua-moses-successor-as-head-of-israel-is-preparing-to-cross-the-jordan-at-the-behest-of-the,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_joshua-prostrates-himself-before-the-angel-sword-bearer-chief-of-the-armies-of-the-lord-joshua,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_joshua-receives-the-blessing-of-moses-deuteronomy-xxxiv-9,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_josue-and-the-stone-of-sichem,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-1951,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-1973,"[11.0, 5.0, 7.0, 2.0, 2.0, 5.0, 0.0, 8.0, 9.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-1974,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-1974-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-1974-2,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-ii-samuel-vi-4-5,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_king-david-s-tower-1971,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_king-solomon-with-harp-1965,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_korobotchka-s-poultry-house,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_laid-table-with-view-of-saint-paul-de-vance-1968,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_lamentations-of-jeremiah-lamentaions-iii-1-9,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lid-meeting-of-isaac-and-rebecca-1980,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lilacs-1980,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lilies-of-the-valley-1916,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_lot-and-his-daughters-genesis-xix-31-35,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lot-s-daughters-1931,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lovers,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lovers-in-the-sky-of-nice-1964,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lovers-near-bridge-1948,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lovers-near-isba-1980,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_lovers-under-lilies-1925,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_lovers-with-bouquet-under-the-trees-1957,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_lunaria-1967,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_madame-korobotchka,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_madame-moineau-the-sparrow-woman,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_madame-sobakevitch,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_manilov-and-chichikov-on-the-threshold,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_manoah-and-his-wife-offering-a-sacrifice-saw-the-angel-of-the-lord-flying-in-the-flame-judges,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_meditation-1979,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_meeting-of-jacob-and-rachel-at-the-well-genesis-xxix-7-10,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_meeting-of-ruth-and-boaz-1960,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_michal-saves-david-from-saul-1960,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_miriam-dances-1931,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_miriam-sister-of-moses-dances-with-her-friends-to-celebrate-the-deliverance-of-israel-exodus-xv,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moise-blesses-joshua-1966,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moise-blesses-the-children-of-israel-1966,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_morning-tea,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-1954,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_moses-1956,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-1966,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-1972,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-aaron-1931,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-aaron-1979,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-aaron-with-pharaoh-1931,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-aaron-with-pharaoh-1966,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-aaron-with-the-elders-1966,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-angel-1970,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-his-brother-come-to-pharaoh-and-claim-the-freedom-for-the-people-of-israel-exodus-v-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-the-burning-bush-1966,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-and-the-striking-rock-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_moses-breaks-tablets-of-law-1931,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-breaks-tablets-of-law-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-called-the-elders-and-presents-tablets-of-law-1966,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-calls-the-waters-down-upon-the-egyptian-army-1966,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-casts-his-stick-that-transformed-into-a-snake-on-the-orders-of-the-lord-that-referred-to,"[6.0, 3.0, 0.0, 6.0, 1.0, 2.0, 31.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-casts-his-stick-that-transformed-into-a-snake-on-the-orders-of-the-lord-that-referred-to-1931,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-died-looking-to-the-promised-land-where-he-should-not-enter-deuteronomy-xxxiv-1-5,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-is-saved-from-the-water-by-pharaoh-s-daughter,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-is-saved-from-the-water-by-pharaoh-s-daughter-1931,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-is-saved-from-the-waters-of-nile-by-pharaoh-s-daughter-exodus-ii-5-6,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-meets-in-the-desert-his-brother-aaron-who-came-towards-him-at-the-behest-of-god-exodus-iv,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-on-the-order-of-the-lord-has-struck-the-rock-in-horeb-and-sparked-a-source-exodus-xvii-4,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-poster-for-the-exhibition-stained-glass-for-the-cathedral-of-metz-1960,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-received-the-tablets-of-law,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-received-the-tablets-of-law-1931,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-received-the-tablets-of-law-1956,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-1952,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-1966,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-5,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-law-6,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-receiving-the-tablets-of-the-law-from-god-on-mount-sinai-exodus-xxiv-15-18,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-sees-the-sufferings-of-his-people,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-spreads-death-among-the-egyptians-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-spreads-the-darkness-over-egypt,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-spreads-the-darkness-over-egypt-1931,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-spreads-the-darkness-over-egypt-exodus-ix-21-23,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-1,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-1966,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-2,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-3,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-4,"[3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-burning-bush-5,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1956,"[1.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1956-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1956-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_moses-with-the-tablets-of-the-law-1963,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_mother-and-child-1956,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_mounting-the-ebony-horse-1948,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_multicolor-clown-1974,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_music-1963,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_musicians-1979,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_musicians-on-a-green-background-1964,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_naomi-and-her-beautiful-daughters-1960,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_near-gibeon-joshua-to-give-his-troops-time-to-gain-the-victory-stops-the-sun-joshua-x-12-14,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_near-saint-jeannet-1969,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_newlyweds-and-violinist-1956,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_noah-lets-go-the-dove-through-the-window-of-the-ark-genesis-viii-6-9,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_noah-lets-go-the-dove-through-the-window-of-the-ark-genesis-viii-6-9-1931,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_noah-receives-the-order-to-build-the-ark-1931,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-ark,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-ark-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-ark-1966,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-ark-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-ark-3,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-ark-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-ark-5,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_noah-s-cloak-1931,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_notre-dame-in-gray-1955,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_now-the-king-loved-science-and-geometry-1948,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_nozdriov,"[24.0, 0.0, 4.0, 8.0, 1.0, 0.0, 6.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_nozdryov-and-tchitchikov,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_offering-1963,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_old-vitebsk-1914,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_on-the-tramp-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_on-the-way-to-sobakevich,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_on-two-banks-1956,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_over-vitebesk-1914,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_parade-1980,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_parade-in-circus-1980,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_paradise-1960,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_paradise-1960-1,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_peace-and-glory-were-brought-to-jerusalem-with-the-forgiveness-of-god-isaiah-lii-1-7,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_peace-and-the-further-reign-of-jerusalem-in-prophecy-of-isaiah-isaiah-ii-1-5,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_peasant-with-a-clock-1968,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_peasant-with-bouquet-1968,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_peonies-and-lilacs-1926,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_petrouchka,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_pliushkin-s-room,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_pliushkin-s-village,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_pliushkin-treats-tchtchikov,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_portrait-of-vava,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_potiphar-s-wife-tries-unsuccessfully-to-seduce-joseph-genesis-xxxix-7-9,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_praying-1983,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_prisoner-of-the-philistines-who-gouged-out-his-eyes-samson-whose-strength-came-back-with-his,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_profile-and-red-child-1960,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_project-of-vitrage-for-the-north-apse-of-the-cathedral-of-metz-1958,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_promised-land-1985,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_prophet-and-angel-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_prophet-daniel-with-lions-1956,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_prophet-eliah-1970,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_prosecutor-s-death,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_proshka,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_rachel-hides-her-father-s-household-gods-1960,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_rahab-and-the-spies-of-jericho-1960,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_rainbow-in-the-sky-a-sign-of-covenant-between-god-and-earth-1931,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_rainbow-in-the-sky-a-sign-of-covenant-between-god-and-earth-1931-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_rainbow-in-the-sky-a-sign-of-covenant-between-god-and-earth-genesis-ix-8-17,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_rebecca-gives-drink-to-the-servant-of-abraham-which-recognizes-the-bride-destined-by-god-to,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_rebellious-prophet-was-killed-by-a-lion-i-kings-xiii-24-28,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_reclining-on-the-bed,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_reconciliation-of-all-creatures-under-the-reign-of-the-justice-promised-by-isaiah-isaiah-xi-5-9,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_red-maternity,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_rest-1975,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_return-from-the-synagogue,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_revelations-of-nozdryov,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_russian-village-1929,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_russian-wedding-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_ruth-at-the-feet-of-boaz-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_ruth-gleaning-1960,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_saint-paul-de-vance-at-sunset-1977,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_samson-kills-a-young-lion-judges-xiv-5-6,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_samuel-is-pouring-anointing-oil-to-saul-s-head-in-sign-of-coronation-him-as-king-of-israel-i,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_sarah-and-abimelech-1960,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_sarah-and-angels-1960,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_scene-in-studio-1983,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_self-portrait,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_self-portrait-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_self-portrait-1960,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_self-portrait-1963,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_self-portrait-in-profile-1914,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_self-portrait-with-a-palette-1955,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_selifan,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_selifan-interrupts-petrouchka-cleaning,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_shop-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_sketch-for-meeting-of-isaac-and-rebecca-1980,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_so-i-came-forth-of-the-sea-1948,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_so-she-came-down-from-the-tree-1948,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_sobakevich-at-table,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_sobakevich-near-armchair,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_sobakevich-s-house,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_sobakevitch,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_solitude-1933,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_solomon-1956,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_solomon-is-proclaimed-a-king-of-israel-i-kings-i-32-40,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_solomon-on-the-throne-i-kings-x-18-20,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_solomon-praying-in-the-temple-in-presence-of-the-congregation-of-israel-i-kings-viii-23-30,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_spring-1938,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_st-mark-and-st-matthew-1978,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_still-life-with-bouquet-1962,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_still-life-with-vase-of-flowers,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_strawberries-bella-and-ida-at-the-table-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_striking-the-rock,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_striking-the-rock-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_striking-the-rock-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_striking-the-rock-3,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_striking-the-rock-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_striking-the-rock-5,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-jacob-wrestling-with-the-angel,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-jacob-wrestling-with-the-angel-1,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-moses-with-the-burning-bush,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-moses-with-the-burning-bush-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-striking-rock,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-striking-rock-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-striking-rock-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-2,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-the-jacob-s-dream-4,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-vitrage-at-notre-dame-cathedral-in-reims-1973,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-vitrage-at-notre-dame-cathedral-in-reims-1973-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-vitrage-at-notre-dame-cathedral-in-reims-1973-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-vitrage-at-tudeley-all-saints-church-1975,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_study-to-vitrage-at-tudeley-all-saints-church-1975-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_summer-house-backyard-1918,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_surging-magic-1980,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_table-of-lovers-1983,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_tamar-beautiful-daughter-of-judah-1960,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-and-sobakevich-after-dinner,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-at-the-customs,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-on-his-bed,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-s-arrival-to-town-n,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-s-dreams,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-s-farewell-to-manilov,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-s-father-educates-him,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_tchitchikov-triumphant,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_ten-commandements,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-accordionist-1957,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-adoration-of-the-golden-calf-1966,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-antilopa-passengers-1969,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-ark-of-the-covenant-transported-to-jerusalem-preceded-by-david-dancing-and-playing-the-harp,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-avenue-of-opera-1969,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-bay-1962,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-birthday-1915,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-blue-bird-1968,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-blue-face-1967,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-blue-fiddler-1947,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-blue-nymph-1962,"[0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-bouquet-of-queen-1984,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-bouquet-of-roses-1980,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-calling-of-ezekiel-ezekiel-ii-8x-iii-3,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-circus-1960,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-circus-1964,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-circus-musicians,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-circus-with-the-yellow-clown-1967,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-clown-musician-1957,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-concert-1957,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-cowshed-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1958,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1958-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-1959,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-4,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-5,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-6,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-7,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-8,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-man-9,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,marc-chagall_the-creation-of-world-1972,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-dance-of-myriam-1966,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-deceased-the-death-1908,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-deposit,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-descent-from-croix,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-descent-towards-sodom,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-emaciated-officials,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-exodus-from-egypt-1931,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-face-of-israel-1960,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-farmyard-1962,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-flying-clown-1981,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-forgiveness-of-god-is-announced-in-jerusalem-isaiah-liv-6-10,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-frog-who-wished-to-be-as-big-as-the-ox-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-gladiolas-1967,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-heart-of-the-circus-1962,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-hebrews-adore-the-golden-calf-1931,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-hebrews-adore-the-golden-calf-exodus-xxxii-7-10,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-house-in-grey-1917,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-house-painters,"[5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-island-of-poros-1980,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-israelites-are-eating-the-passover-lamb-1931,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-israelites-crossing-the-red-sea-1931,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-israelites-go-over-jordan-following-of-the-ark-of-the-covenant-that-is-brought-to-them-at,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-israelites-pass-the-red-sea-however-the-first-chariots-of-the-egyptian-army-are-drowned,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-israelites-which-have-gone-from-egypt-with-angel-of-death-are-eating-the-easter-lamb-exodus,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-judgement-of-solomon-i-kings-iii-16-27,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-large-gray-circus-1975,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-lion-become-old-1930,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-lion-go-hunting-and-the-donkey-1930,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-lion-grown-old-1927,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-lord-appears-to-elijah-at-the-entrance-to-the-cave-in-which-he-took-refuge-i-kings-xix-9-13-1956,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-lovers-heaven-1964,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-magic-flute-1967,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-man-guided-by-the-lord-the-right-way-isaiah-lviii-8-11,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-martyr-1970,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-message-of-ulysse,"[2.0, 9.0, 8.0, 7.0, 1.0, 6.0, 6.0, 2.0, 4.0]"
+Naive_Art_Primitivism,marc-chagall_the-message-of-ulysse-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-mission-of-bezaleel-1966,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-model-1910,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-monument-on-the-tomb-of-rachel-on-the-path-ephra-genesis-xxxv-19-20,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-mosaic-the-prophet-elijah-in-the-garden-of-marc-chagall-museum-in-nice-1970,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-noah-s-sacrifice-1932,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-over-flowing-table,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-painter-s-dream-1967,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-people-of-israel-leaving-egypt-exiode-xiii-18-22,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-pheasant-1966,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-poet-reclining-1915,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-procession,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-return-of-the-prodigal-son-1975,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-1966,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-3,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-4,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-of-isaac-5,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-sacrifice-offered-by-elijah-is-consumed-by-the-fire-from-the-lord-i-kings-xviii-36-38,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-soul-of-circus-1980,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-3,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_the-story-of-the-rooster-the-little-goat-4,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-street-in-vitebsk-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-summer-evening-1968,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-tablets-of-law-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-tablets-of-law-1962,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-tablets-of-law-1962-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Naive_Art_Primitivism,marc-chagall_the-three-candles-1940,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-torah-the-second-state-1983,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-trap-1962,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-tree-of-jesse-1960,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-tribe-of-benjamin-stained-glass-window-for-the-synagogue-of-the-hadassh-hebrew-university-1962,"[1.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-vision-of-ezekiel-ezekiel-i-4-14,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-vision-of-moses-1968,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_the-vision-of-moses-1968-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-walk-1973,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-wedding-1944,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-window-1924,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_the-yellow-rooster-1960,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_the-young-samuel-the-priest-s-servant-heard-that-he-is-called-by-god-eli-and-he-were-sleeping,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_then-he-spent-the-night-with-her-1948,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_then-said-the-king-in-himself-1948,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_then-the-boy-displayed-to-the-dervish-1948,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_then-the-old-woman-mounted-on-the-ifrit-s-back-1948,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_they-were-in-forty-pairs-1948,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_three-angels-visit-abraham-1931,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_three-angels-visit-abraham-genesis-xviii-1-8,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_title-page-angel-1956,"[16.0, 3.0, 5.0, 3.0, 2.0, 3.0, 2.0, 3.0, 8.0]"
+Naive_Art_Primitivism,marc-chagall_tree-of-jesse-1975,"[1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_tree-of-life-sketch-to-vitrage-in-chapelle-des-cordeliers-in-sarrebourg-1974,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_tree-of-life-sketch-to-vitrage-in-chapelle-des-cordeliers-in-sarrebourg-1974-1,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_tree-of-life-sketch-to-vitrage-in-chapelle-des-cordeliers-in-sarrebourg-1974-2,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_two-banks-1980,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_uncle-mitiai-uncle-miniai,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_under-the-snow-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_under-the-walls-of-jericho-joshua-listens-god-s-orders-which-requiring-him-to-sound-trumpets,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_untitled,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_untitled-1959,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_untitled-1968,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_untitled-1973,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_untitled-1973-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_untitled-1973-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_untitled-the-cover-of-bible-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_view-from-a-window-vitebsk,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_view-over-notre-dame-1980,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,marc-chagall_village-1975,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_vitebsk-village-scene-1917,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_vitrage-at-art-institute-of-chicago-1976,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_vitrage-at-art-institute-of-chicago-1976-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_vitrage-at-art-institute-of-chicago-1976-2,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_vitrage-at-chichester-cathedral-david-psalm-150-1978,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_wandering-musicians-1963,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_wedding-1918,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_weeping-of-jeremiah-1956,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_when-abdullah-got-the-net-ashore-1948,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_white-crucifixion-1938,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_window-in-artist-s-studio-1976,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_window-in-the-country-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_window-over-a-garden,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_window-vitebsk-1908,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,marc-chagall_women-of-bible-rachel-and-leah,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,marc-chagall_women-of-bible-sarah-and-rebecca,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marc-chagall_youthfulness-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,marcel-janco_cafe-arab,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,marcel-janco_untitled-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_a-bunch-of-red-flowers-on-read-army-day-1970,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_a-cow-like-that-gives-5-000-liters-a-day-1978,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_a-coward-went-a-hunting-1983,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_a-dove-has-spread-her-wings-and-asks-for-peace-1982,"[0.0, 1.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_a-fish-king-has-caught-a-hoopoe-and-is-full-of-joy-1983,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_a-hare-s-birthday-party-1977,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_an-outer-space-house-where-cosmoc-soldiers-spent-six-months-1978,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_an-outer-space-memory-1977,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_another-beast-has-run-into-flowers-1983,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_at-the-well-1969,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_beaver-1979,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_black-beast-1936,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_black-monkey-1936,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_blue-birds-in-flowers-1983,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_blue-eyed-flowers-1983,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_blue-ox-1947,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_by-beloved-plows-the-field-1983,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,maria-primachenko_corncob-horse-in-outer-space-1978,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_crane-makes-friends-with-a-fox-1979,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_dear-cosmonauts-i-give-you-these-red-poppies-1983,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_dear-friends-i-give-you-the-sun-and-my-sunny-art-1978,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,maria-primachenko_dear-soviet-people-congratulationson-the-anniversary-of-great-october-1976,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_dear-taras-hryhorovych-whatever-you-see-here-is-yours-1982,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_do-i-love-orchards-do-i-love-forests-1968,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_don-t-feast-your-eyes-on-other-people-s-bread-1983,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_dumplings-on-the-shelf-1979,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_fairy-bird-peacock-1936,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_father-frost-carries-the-new-year-tree-1960,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_father-frost-carries-the-new-year-tree-1967,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_flax-blooms-a-bride-goes-to-her-groom-1983,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_flax-blooms-and-a-cossack-goes-to-a-girl-1982,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_forest-bird-with-it-s-child-1961,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_four-drunkards-riding-a-bird-1976,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_godfather-brings-a-calf-to-godmother-1983,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_green-elephant-1936,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_halia-and-cossack-1947,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_i-give-my-little-stars-to-children-1983,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_i-give-these-flowers-where-ivans-live-1980,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_i-give-this-bouquet-of-stars-where-children-are-1982,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_i-give-you-kyiv-these-polissia-flowers-and-this-bright-sun-1982,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_ivan-gave-the-landlord-a-ride-in-his-gig-and-fell-inside-1983,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_lamd-has-harnesed-a-wolf-1983,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_let-us-go-to-the-betrothal-party-1968,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_levanna-doing-exercise-1973,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_lilac-1978,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_lion-1947,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_lion-has-broken-an-oak-1963,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_long-necked-and-itching-1977,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_lovely-spring-what-did-you-bring-1977,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_magpie-in-roses-1983,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_maiden-and-cossack-enjoying-a-ride-on-horseback-1982,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_maiden-plays-the-lute-and-waits-for-her-beloved-1982,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_may-i-give-this-ukrainian-bread-to-all-people-in-this-big-wide-world-1982,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_may-that-nuclear-war-be-cursed-1978,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_menagerie-1977,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_monkey-riding-a-four-headed-beast-1982,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_my-bouquet-to-grain-growers-1983,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_my-dear-has-fallen-in-love-with-brigadier-1972,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_my-flowers-to-those-who-love-peace-1983,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_october-flowers-1968,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_ola-man-and-old-woman-carry-a-turnip-1983,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_old-woman-sitting-on-the-oven-and-spinning-1969-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,maria-primachenko_our-army-our-protectors-1978,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_pigeon-and-dove-1982,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_pigeons-1968,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_poppy-1983,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_rat-on-a-journey-1963,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_red-poppies-1982,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_red-snowball-tree-blooms-over-a-well-1982,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_savage-hump-shaker-1977,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_seagulls-in-the-boat-1965,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_shepherds-1959,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_spectacle-cossack-beyond-the-danube-1936,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_spectacle-cossack-beyond-the-danube-1936-1,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_stars-1978,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_sun-bird-rye-and-wheat-1980,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_tablecloth-1976,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_taras-hryhorovych-shevchenko-arrives-from-his-exile-to-flowering-ukraine-1968,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_the-lark-1976,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_the-little-elephant-whowanted-to-be-a-sailor-1973,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_the-threat-of-war-1986,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_this-bear-wants-to-have-some-flour-milled-1972,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_this-beast-has-come-running-from-the-hill-1978,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_this-beast-is-making-magic-1983,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_this-beast-went-a-cacthing-sparrows-1983,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_this-bird-looks-in-all-four-directions-1977,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,maria-primachenko_this-man-does-not-know-how-to-please-a-woman-1978,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_this-ukrainian-ram-did-not-gather-his-crop-1976,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_three-parrots-on-a-soldier-s-grave-1982,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_tiger-laughs-1982,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_two-blue-tomties-two-sisters-walk-on-the-grass-1982,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_two-headed-chicken-1977,"[3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_two-kites-1982,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_two-parrots-took-a-walk-together-in-spring-1980,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_two-pigeons-drank-water-by-a-windmill-and-ford-1970,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_ukraine-blooming-1979,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_ukrainian-bull-three-years-old-went-walking-through-the-woods-and-garners-strength-1983,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_ukrainian-dancers-1983,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_ukrainian-dough-looks-into-every-house-1977,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_ukrainian-milkmaids-work-hard-like-miners-1970,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_ukrainian-wedding-1966,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_ukrainian-wedding-1983,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_vania-gives-a-flower-to-halia-1983,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_vania-has-brided-a-serpent-by-the-beard-and-rides-through-town-1983,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,maria-primachenko_whila-this-beast-drinks-poison-a-snake-sucks-his-blood-1982,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_wild-and-big-eared-1977,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_wild-bull-and-raven-are-friends-1983,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_wild-cat-1977,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_wild-otter-caught-bird-1987,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maria-primachenko_years-of-my-youth-come-visit-me-1969,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_young-lion-1979,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maria-primachenko_young-magpie-catches-a-grub-1978,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,marianne-north_wild-pine-apple-in-flower-and-fruit-borneo-1876,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mario-zanini_futebol,"[6.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_a-room-1935,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_a-tree-1972,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,martiros-saryan_aparan-1939,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,martiros-saryan_armenian-woman-with-ba-lam-1915,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,martiros-saryan_at-the-spring-1904,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_big-eastern-still-life-1915,"[3.0, 3.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_blue-pitcher-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,martiros-saryan_bouquet-in-blue-vase-1916,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-10,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-11,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-12,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-13,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-14,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-2,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-4,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-5,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-6,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-7,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-8,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-armenian-folk-tales-1937-9,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,martiros-saryan_illustration-to-poem-by-a-isahakyan-abu-lala-mahari-1936,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_peasants-dancing-1929,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_the-emblem-of-the-union-of-armenian-artists-1916,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,martiros-saryan_the-last-draft-of-the-artist-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,mary-fedden_ben-s-box-1994,"[4.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,mary-fedden_butterflies-at-canaux-1973,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,mary-fedden_by-the-sea-1990,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mary-fedden_irish-fishermen-1988,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mary-fedden_julian-with-a-fishing-net-1993,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mary-fedden_on-the-shore-1988,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,maurice-prendergast_bathers-4,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_bathers-5,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_edge-of-the-park,"[0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_fantasy-also-known-as-fantasy-with-flowers-animals-and-houses,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maurice-prendergast_figures-and-donkeys-also-known-as-fantasy-with-horse,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_figures-in-a-landscape,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maurice-prendergast_figures-on-the-beach-2,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_flight-into-egypt,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_gloucester-park,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_hillside-village,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maurice-prendergast_landing-stage,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_landscape-with-figures-and-goat,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_salem-harbor-no-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_summer-afternoon,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_summer-day-1,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maurice-prendergast_the-bathers,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_the-cove-3,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,maurice-prendergast_the-donkey-driver,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,maurice-prendergast_village-against-purple-mountain,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,max-ernst_all-lanes-of-lilac-evening-1975,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,max-ernst_homage-to-marcel-duchamp-1970,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,max-ernst_shells-and-flowers,"[0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,max-ernst_the-dull-military-broods-in-front-of-my-right-wing-1975,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,max-ernst_the-world-map-makes-a-mockery-1975,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,menez_sem-t-tulo-1988,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,menez_sem-t-tulo-1991,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,menez_sem-t-tulo-1994,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,mily-possoz_a-la-plage-1920,"[6.0, 8.0, 24.0, 5.0, 1.0, 4.0, 0.0, 2.0, 5.0]"
+Naive_Art_Primitivism,mily-possoz_contempor-nea-magazine-no-5-desenho-1922,"[1.0, 1.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,mily-possoz_la-dessinatrice,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,miriam-schapiro_goncharova-1992,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,miriam-schapiro_presentation,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,miriam-schapiro_punch-and-judy-our-demons,"[3.0, 2.0, 0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,miriam-schapiro_sonia-delaunay-1992,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,miriam-schapiro_the-stronger-vessel,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 5.0]"
+Naive_Art_Primitivism,miriam-schapiro_untitled-portfolio-cover-1992,"[2.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,miriam-schapiro_we-live-in-her-dreams,"[1.0, 1.0, 1.0, 2.0, 0.0, 3.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,miriam-schapiro_yard-sale-1993,"[2.0, 0.0, 2.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_jurgai-iai-the-hill-of-crosses-1934,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_kaunas-houses-at-daukanto-street-1931,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_kelm-gates-of-estate-1934,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_rally-in-front-of-the-palace-of-fine-arts-1920,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_seda-old-warehouse,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_tea-room-in-the-old-town-of-kaunas-1930,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_the-spring-in-kaunas-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_the-state-theatre-in-kaunas-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,mstislav-dobuzhinsky_winter-in-kaunas-aliakalnis-1939,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,natalia-goncharova_cockerel,"[3.0, 1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,natalia-goncharova_design-for-final-backcloth,"[1.0, 3.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,natalia-goncharova_fruit,"[0.0, 1.0, 7.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,natalia-goncharova_haycutting,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 4.0, 1.0]"
+Naive_Art_Primitivism,natalia-goncharova_icon-painting-motifs,"[0.0, 3.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,natalia-goncharova_linen,"[1.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,natalia-goncharova_liturgy-six-winged-seraph,"[3.0, 5.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,natalia-goncharova_liturgy-the-seraph-s-costume,"[5.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,natalia-goncharova_nativity,"[0.0, 4.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,natalia-goncharova_peasant-women,"[2.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,natalia-goncharova_peasants-dancing,"[6.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,natalia-goncharova_russian-woman-s-costume-from-le-coq-d-or,"[6.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,natalia-goncharova_sheep-shearing,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,natalia-goncharova_washerwomen,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0, 2.0]"
+Naive_Art_Primitivism,natalia-goncharova_woodcutters,"[1.0, 0.0, 0.0, 1.0, 3.0, 2.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_18th-montreux-jazz-festival-poster-1984,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_adriana-1966,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_dear-diary-1994,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_dear-philippe-comment-vas-tu,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_dog-vase-2000,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_garden-1972,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_green-goddess-1990,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_l-oiseau-amoureux-2000,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_la-force-1982,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_nana-1968,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_red-sun-1990,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_remember-1969,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_serpent-chair-1991,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_strength-1973,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_the-couple-2000,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_untitled-1968,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,niki-de-sainte-phalle_volleyball-1993,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_a-bear-in-a-moon-night-1914,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_a-boy-carrying-food,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_a-boy-on-a-donkey,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_a-georgian-woman-with-tamboreen-1906,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_a-paschal-lamb-1914,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_a-peasant-woman-with-her-son,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_a-young-fisherman,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_actress-margaret-1909,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_antlered-deer,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_arsenalskaya-mountain-at-night-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_autumn-feast,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_bake-bread,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_barrel-organist,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_batumi(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_bear,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_big-marani-in-the-woods,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_black-buffulo-on-a-white-background,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_black-lion,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_boar,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_bridge-graft-viris-hidy,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_brother-and-sister-a-scene-from-the-play-vladimir-guniya,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_celebration-in-bolnisi-khachini,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_chariot-near-eatery,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_childless-millionaire-and-the-poor-with-children,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_cold-beer-sign,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_company-bego(5),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_company-bego-1,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_company-bego-2(1),"[3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_company-visit,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_cook,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_deer,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_deer-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_deer-1909,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_deer-family-at-waterhole,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_doe,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_dog,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_donkey-bridge,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_eagle-with-hare,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_easter,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_easter-festival,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_easter-lamb,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_easter-lamb-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_erekle-ii-of-georgia,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,niko-pirosmani_family-feast-1907,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_farmer-with-a-bull-1916,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_fawn,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_feast-at-gvimradze(2),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_feast-with-barrel-organist-datico-1906,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_firewood-seller,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_fisherman-among-rocks-1906,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_fisherman-in-a-red-shirt-1908,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_fox-1918,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_fox-on-chain,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_fruit-stall,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_gate-keeper,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_giorgi-saakadze-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_giraffe,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_girl-with-a-baloon,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_girl-with-ball,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_goat,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_healer-on-a-donkey,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_hen-with-her-chicks,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_hen-with-her-chicks-1,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_hunter-1907,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_hunting-and-views-of-the-black-sea-1912,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_jackal,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-epic-alazani-valley,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-epic-alazani-valley-1,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-epic-alazani-valley-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-epic-alazani-valley-3,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-epic-alazani-valley-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-epic-alazani-valley-5,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-epic-alazani-valley-6,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakheti-wine-kardanah(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Naive_Art_Primitivism,niko-pirosmani_kakhetian-wine,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_karachoheli-with-a-horn-of-wine,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_lamb-and-easter-table-with-flying-angels,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_leaning-against-a-woman-mutake(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_lion-and-sun,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_little-kinto,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_mother-bear-with-her-cubs-1917,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_mush-with-wineskins-1912,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_nurse-with-baby,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_organ-grinder-1910,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_ortachali-beauty-1905,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_ortachali-beauty-with-a-fan,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_party-by-the-river-zkheniszkali,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_peasant-woman-with-children-goes-for-water,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_porter-soso(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_portrait-of-a-railway-worker-misha-meheteli,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_portrait-of-alexander-garanov-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_portrait-of-ilya-zdanevich-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_portrait-of-melion-chkheidze,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_prayer-in-a-village,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_prince-with-a-horn-of-wine,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_queen-tamara,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_ram,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_ram-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_rant,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_rant-1(2),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_rant-1907,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_razzle-dazzle-during-the-grape-harvest-1906(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_razzle-dazzle-of-three-princes(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_razzle-dazzle-of-three-urban-dwellers-in-the-forest,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_religious-holiday-in-kartli-central-georgia,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_rich-merchant,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_robber-with-a-stolen-horse,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_robbers-getting-ready-for-a-raid,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_roe-deer-at-a-spring,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_roe-deer-by-a-creek,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_roe-with-a-landscape-in-the-background-1913,"[8.0, 8.0, 13.0, 8.0, 0.0, 0.0, 4.0, 0.0, 4.0]"
+Naive_Art_Primitivism,niko-pirosmani_russo-japanese-war,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_sarkis-pouring-wine,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_scene-from-the-play-brother-and-sister-by-v-guniya,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_self-portrait-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_shamil-with-a-bodyguard,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_shepherd,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_shepherd-in-burke-on-a-red-background,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_shepherd-with-flock,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_sheth-helps-prince-baryatinsky-catch-shamil,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_shota-rustaveli-1913,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_shota-rustaveli-and-queen-tamar-1915,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_signboard-cold-beer,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_signboard-pub-at-zakataly,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_signboard-wine-pub,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_sister-of-mercy,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_sitting-yellow-lion,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_son-of-a-wealthy-kintos,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_sona-plays-accordion(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_sow-with-piglets,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_spree-in-the-grape-arbor,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_spree-near-the-two-story-house-extant-part-of-a-picture,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_spree-of-four-residents,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0]"
+Naive_Art_Primitivism,niko-pirosmani_st-george-the-anchorite,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_still-life,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,niko-pirosmani_still-life-1,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_still-life-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_still-life-with-a-pie,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_tamar-of-georgia,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_tatar-camel-driver,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_tea-beer,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_teddy-bear,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-family-of-deer-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-farmer-and-his-grandson-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-feast-of-five-princes-1906,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-girl-and-the-goose-with-goslings,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-russian-japanese-war-1906,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-temple-festival-in-bolnisi,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-tiflis-funicular,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-white-bear-with-cubs,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-white-bear-with-cubs-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_the-white-bear-with-cubs-1916,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_threshing-the-floor-in-a-georgian-country-village-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_threshing-yard-evening,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_train-in-kakhetia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_transportation-in-didube,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_tunguska-river-emut,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_two-georgians-at-marani,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_village,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_vintage,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_vintage-fragment-picture,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_wedding-in-kakheti-1916,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_white-cow-on-a-black-background,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,niko-pirosmani_white-tavern,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_woman-inspector-of-market-hygiene-1916,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_woman-milks-a-cow-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_woman-with-a-mug-of-beer,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_woman-with-easter-eggs,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,niko-pirosmani_woman-with-flowers-and-parasol,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_women-carrying-eggs-extant-part-of-the-painting,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,niko-pirosmani_wounded-soldier,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,octav-bancila_sf-r-itul-permisiei-1898,"[4.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,olga-rozanova_boulevard-1911,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,olga-rozanova_cabby,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,oskar-kokoschka_illustration-for-die-traumenden-knaben-1908,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235922,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235923,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235924,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235925,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235926,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235927,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235929,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,oskar-kokoschka_not_detected_235932,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,oskar-kokoschka_the-dreaming-boys-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_dresden-s-spectrum-the-joker-1922,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_dresdens-spektrum-dresdens-hj-rta-1922,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_dresdens-spektrum-hj-rter-knekt-1922,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_dresdens-spektrum-hj-rter-kung-1922,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_dresdens-spektrum-spader-dam-1922,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_dresdens-spektrum-spader-ess-1922,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_katakombbruden-1934,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_playing-cards,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,otto-gustav-carlsund_spik-och-hammare-1934,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_a-bank-of-canal-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_a-girl-from-avignon-1907,"[3.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_a-horsewoman-1905,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_a-parody-of-manet-s-olympia-with-junyer-and-picasso,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_a-rooster-1938,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_a-rooster-1938-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_a-simple-meal-1904-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_blind-man-and-girl-1904,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_bust-of-woman-1906,"[4.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_bust-of-woman-1907,"[1.0, 0.0, 1.0, 2.0, 0.0, 4.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_bust-of-woman-1965,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 2.0, 0.0, 3.0]"
+Naive_Art_Primitivism,pablo-picasso_catalan-woman-1911,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_crying-woman-1937,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_dancer-1954,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_dinner-time-evocation-of-horta-d-ebre-1903,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_drawing-nude-seated-in-armchair-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_dutchwoman-beside-the-canal-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,pablo-picasso_farm-woman-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 5.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_farm-woman-1908-1,"[1.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 3.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_female-bust,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 3.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_female-nude-study-1907,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_female-nude-with-her-arms-raised,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_francoise-gilot-with-paloma-and-claude-1951,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_head-of-a-girl-1947,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_head-of-a-girl-1950,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Naive_Art_Primitivism,pablo-picasso_head-of-a-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_head-of-a-man-1908-2,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_head-of-a-woman-with-green-curls-1946,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Naive_Art_Primitivism,pablo-picasso_head-of-faun-1949,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_head-of-the-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_jacqueline-in-turkish-costume-1955,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,pablo-picasso_jug-with-handle-1954,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_landscape-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez-1957-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez-1957-3,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_las-meninas-velazquez-1957-6,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,pablo-picasso_lying-female-nude-1932,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_lying-female-nude-1932-2,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_lying-female-nude-1964,"[4.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_man-and-woman-1958,"[1.0, 0.0, 2.0, 2.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_man-with-lamb-man-eating-watermelon-and-flutist-1967,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_musketeer-1970,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_musketeer-with-pipe-1968,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_naked-woman-and-musketeer-1967,"[1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_nude-bust-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 5.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_nude-gathering-flowers-1958,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_nude-with-drapery-study-for-the-great-dancer-1907,"[3.0, 0.0, 0.0, 2.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_nude-with-picasso-by-her-feet,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_nude-with-towel-1907,"[1.0, 1.0, 1.0, 2.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_nude-woman-with-turkish-bonnet-1955,"[4.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_nudes-in-reverie-1920,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_painter-and-his-model-1963,"[1.0, 2.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,pablo-picasso_painter-and-his-model-1963-1,"[4.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_painter-and-his-palette-1967,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_pigeon-1947,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_plat-ovale-1953,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_portrait-de-femme-en-buste-1924,"[5.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_portrait-of-d-m-1943,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_portrait-of-paulo-as-pierrot-1929,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_seated-francoise-with-blue-dress-1949,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_seated-man-playing-flute-1967,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_seated-man-self-portrait-1965,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_seated-old-man-1970,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_sebastia-junyer-vidal-as-matador-1903,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_sebastia-junyer-vidal-as-rhapsode-1903,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_silenus-dancing-in-company-1933,"[3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_standing-woman-1946,"[5.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_still-life-on-the-dresser-1955,"[0.0, 2.0, 5.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_studio-pigeons-velazquez-1957-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_the-eight-names-of-picasso-1970,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_the-mackerel-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_untitled-1937-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pablo-picasso_untitled-1938-2,"[1.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pablo-picasso_untitled-1939-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,pablo-picasso_untitled-1939-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pavel-filonov_a-small-house-in-moscow-1894,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pavel-filonov_easter-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,pavel-filonov_landscape-with-two-animals,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pavel-filonov_musicians-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,pavel-filonov_oxen-scene-from-the-life-of-savages-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_arrivalsq-1972,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_at-dawn-1975,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_blue-dream-1983,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_jungle-1979,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_melnik-1973,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,radi-nedelchev_mosque-in-razgrad-1972,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,radi-nedelchev_not-from-earth-1973,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,radi-nedelchev_roosters-1967,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,radi-nedelchev_still-life-with-flowers-1967,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,radi-nedelchev_still-life-with-red-apples-1967,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_the-green-dreams-1967,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,radi-nedelchev_wings-1979,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,radi-nedelchev_winter-1979,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_winter-day-in-the-city-1975,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,radi-nedelchev_winter-night-1971,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,radi-nedelchev_winter-village-1969,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_acrobats-1922,"[5.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_amphitrite-1936,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_aubusson-tapestry-1941,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_boats-in-le-havre-1926,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_bouquet-of-flowers,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_bouquet-of-roses,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_casino-of-nice-1927,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_chateau-and-horses-1930,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_clowns-and-musicians,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_console-with-two-windows-1948,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_electricity-1937,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_gladioli-1942,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Naive_Art_Primitivism,raoul-dufy_henley-regatta,"[2.0, 2.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_homage-to-claude-lorrain-1927,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_homage-to-mozart,"[1.0, 3.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,raoul-dufy_hotel-sube-1926,"[2.0, 3.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,raoul-dufy_houses-in-trouville-1933,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_indian-model-in-the-studio-at-l-impasse-guelman-1928,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_indian-woman-1928,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_interior-with-indian-woman-1930,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_landscape-of-esterel-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_landscape-with-red-and-yellow,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,raoul-dufy_oarsmen-on-the-marne-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_open-window-1928,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_races-with-goodwwood-1930,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_red-quartet,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_regatta-at-cowes-1934,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_still-life-1928,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_still-life-with-violin-hommage-to-bach-1952,"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_storm-at-sainte-adresse-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-artist-and-his-model-in-the-studio-at-le-havre,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-bullfight-1949,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-casino-of-nice-1929,"[3.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-empavesado-yacht-1905,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_the-english-yacht-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-grid-1930,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,raoul-dufy_the-house-in-marrakech,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_the-mediterranean-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_the-mexican-musicians,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-mexican-orchestra-1951,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-nautical-club-with-cowes-1936,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-park-of-saint-cloud-1919,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,raoul-dufy_the-racecourse-of-deauville-1950,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,raoul-dufy_the-red-concert-1946,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-square-in-hyeres,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_the-surrender-of-the-frigate-1934,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-thoroughbred-1940,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_the-wheat-field-1929,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-wheatfield-1929,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_the-yellow-console-with-a-violin-1949,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,raoul-dufy_vence-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_villerville,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,raoul-dufy_yacht-club-1931,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,salvador-dali_decalcomania,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Naive_Art_Primitivism,salvador-dali_el-escorial-and-catastrophe-form-calligraphy,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,salvador-dali_exquisite-cadaver,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,salvador-dali_fishermen-in-cadaques,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,salvador-dali_fishermen-in-the-sun,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,salvador-dali_hermes,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,seraphine-louis_feuilles-1928,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,seraphine-louis_feuilles-1929,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,seraphine-louis_fleurs-et-fruits-1920,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,seraphine-louis_le-bouquet-de-feuilles,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,seraphine-louis_les-grappes-de-raisin-1930,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,seraphine-louis_tree-1930,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,seraphine-louis_tree-or-paradise-1925,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,seraphine-louis_unknown-title,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,seraphine-louis_unknown-title-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,seraphine-louis_unknown-title-2,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,seraphine-louis_unknown-title-3,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,seraphine-louis_unknown-title-4,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,seraphine-louis_unknown-title-5,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,seraphine-louis_unknown-title-6,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_a-cuca-1924,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_a-gare,"[0.0, 2.0, 0.0, 9.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_a-negra-1923,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_abaporu-1928(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_an-angler-1925,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_anjos,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_antropofagia-1929,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_brazilian-religion-1927,"[8.0, 4.0, 25.0, 7.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_carnaval-em-madureira-1924,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_cityscape,"[0.0, 2.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_e-f-c-b-estrada-de-ferro-central-do-brasil-1924,"[3.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_fam-lia-1925,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_feira,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_floresta,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_id-lio,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_manac-1927,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_maternidade-1938,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_morro-da-favela-1945,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_o-mamoeiro-1925,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_o-touro,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_o-vendedor-de-frutas,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_obra-tarsila-do-amaral,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_oper-rios-1933,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_paisagem-com-touro,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_pastoral,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_postcard-1928,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_rio-de-janeiro,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_second-class,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_self-portrait,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_self-portrait(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_still-life,"[1.0, 3.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_the-egg-1928,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_the-lake-1928,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,tarsila-do-amaral_the-moon-1928,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,vajda-lajos_girl-icon-1936,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 4.0, 0.0, 2.0]"
+Naive_Art_Primitivism,vajda-lajos_melon-head-1936,"[2.0, 0.0, 2.0, 1.0, 1.0, 0.0, 4.0, 0.0, 1.0]"
+Naive_Art_Primitivism,vajda-lajos_sisters-1936,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Naive_Art_Primitivism,vangel-naumovski_smrt-kuzmanova-1956,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Naive_Art_Primitivism,victor-brauner_paysage-1953,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,viorel-marginean_autumn,"[1.0, 4.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,viorel-marginean_iarn-la-cenade-1992,"[1.0, 3.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,viorel-marginean_iarna-la-cenade-1986,"[2.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,viorel-marginean_n-l-imi-2007,"[0.0, 4.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,viorel-marginean_peisaj-2009,"[1.0, 2.0, 2.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,viorel-marginean_the-church,"[1.0, 3.0, 3.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,viorel-marginean_the-winter-1993,"[0.0, 0.0, 7.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,viorel-marginean_unknown-title-2007,"[7.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,viorel-marginean_unknown-title-8,"[2.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 4.0]"
+Naive_Art_Primitivism,viorel-marginean_winter-at-cenade-1987,"[1.0, 3.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,walasse-ting_bare-back-rider,"[4.0, 1.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,walasse-ting_beautiful-green-cat,"[3.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,walasse-ting_blue-cat-1981,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,walter-battiss_a-youngster-in-the-forest,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Naive_Art_Primitivism,walter-battiss_colorado-1977,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,walter-battiss_comores,"[1.0, 4.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,walter-battiss_elephant-and-other-animals-1977,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_abraham-lincoln-1945,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_ambulance-on-the-go-1942,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_anna-mae-1944,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_army-training-1942,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_athlete-1940,"[2.0, 0.0, 5.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_blind-singer-street-musicians-1940,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_breakdown-1941,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_caf-1940,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_chain-gang-1939,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_children-at-ice-cream-stand-1939,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_children-dance-1944,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_church-on-lenox-avenue-1940,"[1.0, 4.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_classroom-scene-1946,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_commodore-peary-and-henson-at-the-north-pole-1945,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_convalescents-from-somewhere-1944,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_david-and-goliath-1944,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_deep-south-1941,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_dr-george-washington-carver-1945,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_early-morning-work-1940,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_ezekiel-saw-the-wheel-1945,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_family-portrait-1944,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_farewell-1942,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_farm-family-1940,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_farm-family-nursing-child-1944,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_female-nude-with-red-hair-seated-on-pillows-1940,"[4.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_folk-family-1944,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_fright-1942,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Naive_Art_Primitivism,william-h.-johnson_get-the-war-going-1942,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_girl-in-blue-with-turban-deborah-1940,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_going-to-church-1941,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_harlem-street-scene-with-full-moon-1940(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_harriet-tubman-1945(1),"[0.0, 3.0, 3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,william-h.-johnson_high-life-harlem-1940(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_jitterbugs-ii-1941(1),"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_jitterbugs-iii-1941(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_killed-in-action-1942(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_knitting-party-1942(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_lamentation-1944(1),"[1.0, 4.0, 2.0, 1.0, 2.0, 4.0, 2.0, 29.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_let-my-people-free-1945(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_lift-up-thy-voice-and-sing-1944(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_little-girl-in-orange-1944(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_little-sweet-1944(1),"[1.0, 2.0, 5.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_lunchtime-rest-1941(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_marian-anderson-1945(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_maternal-1944(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_moon-over-harlem-1944(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_nat-turner-1945(1),"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_nehru-and-gandhi-1945(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_new-born-babe-1939(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_new-york-skyline-at-night-1943(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_nude-1939(1),"[0.0, 2.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_off-to-market-1941(1),"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_off-to-war-1942(1),"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_operation-room-1942(1),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_peace-1941(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_red-cross-nurses-handing-out-wool-for-knitting-1942(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_seated-female-nude-1940(1),"[3.0, 0.0, 4.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_seated-female-nude-with-flowered-drape-1940(1),"[2.0, 3.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_seated-woman-in-pink-blouse-1939(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 3.0, 3.0]"
+Naive_Art_Primitivism,william-h.-johnson_sis-and-l-il-sis-1944(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_ski-jump-1946,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_sowing-1940,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_still-life-chair-and-flowers-1945,"[3.0, 1.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,william-h.-johnson_swing-low-sweet-chariot-1944,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_teheran-conference-1945,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_three-dancers-1940,"[5.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,william-h.-johnson_three-friends-1945,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_underground-railroad-1945,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Naive_Art_Primitivism,william-h.-johnson_woman-with-pink-blouse-in-yellow-chair-1940,"[1.0, 0.0, 6.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_eros-on-the-cross-and-stella-violandi-1989,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_four-men-at-a-cafe-1927,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_illustration-for-cavafy-s-poem-lovely-white-flowers-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_little-beach-1962,"[0.0, 2.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_maquette-for-the-record-cover-of-xarkakos-s-one-afternoon-1966,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_military-policeman-arresting-the-spirit,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_military-policeman-arresting-the-spirit-1965,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_remembering-1954-1974,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_rocks-with-two-sailors-1966,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_spring-1967,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_study-for-a-wall-hanging-with-a-theme-from-elytis-s-poem-axion-esti-1965,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Naive_Art_Primitivism,yiannis-tsaroychis_tsamikos-dance-on-the-shore-1978,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+New_Realism,edward-hopper_adam-s-house,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_adobe-houses,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_adobes-and-shed-new-mexico,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_american-landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+New_Realism,edward-hopper_american-village,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_apartment-houses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_automat-1927,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+New_Realism,edward-hopper_baptistry-of-st-john-s,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_bistro,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_blackhead-monhegan-1919,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_blue-night,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+New_Realism,edward-hopper_burly-cobb-hen-coop-and-barn,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+New_Realism,edward-hopper_cape-cod-afternoon,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,edward-hopper_cape-cod-evening,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_cape-cod-morning,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_carolina-morning,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_chair-car-1965,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,edward-hopper_coast-guard-station,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_compartment-car,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_conference-at-night,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+New_Realism,edward-hopper_corn-hill,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_d-r-g-locomotive,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_davis-house,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_deck-of-a-beam-trawler-gloucester,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_drug-store-1927,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_early-sunday-morning,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_east-side-interior,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+New_Realism,edward-hopper_el-palacio,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_eleven-a-m,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+New_Realism,edward-hopper_elizabeth-griffiths-smith-hopper-the-artist-s-mother-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+New_Realism,edward-hopper_evening-wind,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+New_Realism,edward-hopper_first-branch-of-the-white-river-vermont,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_first-row-orchestra,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_five-a-m,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_funell-of-trawler,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+New_Realism,edward-hopper_girl-at-a-sewing-machine,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_gloucester-harbor,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_gloucester-mansion,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+New_Realism,edward-hopper_hotel-by-a-railroad,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+New_Realism,edward-hopper_hotel-window,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+New_Realism,edward-hopper_house-at-dusk,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_house-at-the-fort-gloucester,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,edward-hopper_house-by-the-railroad,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,edward-hopper_houses-of-squam-light-gloucester-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_intermission-also-known-as-intermedio,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+New_Realism,edward-hopper_jo-painting,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+New_Realism,edward-hopper_light-at-two-lights,"[0.0, 17.0, 18.0, 4.0, 0.0, 0.0, 1.0, 1.0, 5.0]"
+New_Realism,edward-hopper_lighthouse-and-buildings-portland-head-cape-elizabeth-maine-1927,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_lighthouse-at-two-lights-1929,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_lighthouse-hill,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,edward-hopper_male-nude-1904,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_model-sitting,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+New_Realism,edward-hopper_moonlight-interior,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+New_Realism,edward-hopper_morning-in-a-city,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+New_Realism,edward-hopper_morning-sun,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+New_Realism,edward-hopper_new-york-office,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,edward-hopper_new-york-restaurant,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_new-york-restaurant-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,edward-hopper_night-windows,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_not_detected_235596(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_not_detected_235602(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+New_Realism,edward-hopper_not_detected_235603,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,edward-hopper_not_detected_235604,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_not_detected_235608,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_not_detected_235609,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+New_Realism,edward-hopper_not_detected_235610,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_not_detected_235611,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_notre-dame,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+New_Realism,edward-hopper_paris-street,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+New_Realism,edward-hopper_people-in-the-sun,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_prizewinning-world-war-i-patriotic-poster,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+New_Realism,edward-hopper_queensborough-bridge,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_railroad-crossing,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,edward-hopper_railroad-sunset,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_read-pavillonde-flore,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_reclining-nude,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,edward-hopper_road-in-maine,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_rocks-at-the-fort-gloucester,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_rooms-by-the-sea,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_second-story-sunlight,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_self-portrait,"[1.0, 1.0, 9.0, 1.0, 2.0, 2.0, 12.0, 12.0, 5.0]"
+New_Realism,edward-hopper_self-portrait-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+New_Realism,edward-hopper_self-portrait-1930,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_seven-a-m,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,edward-hopper_shakespeare-at-dusk,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+New_Realism,edward-hopper_south-truro-church,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,edward-hopper_squam-light,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_stairway-at-48-rue-de-lille-paris,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+New_Realism,edward-hopper_stepsin-paris,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+New_Realism,edward-hopper_study-of-a-seated-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+New_Realism,edward-hopper_study-of-a-standing-woman,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_summer-in-the-city-1950,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+New_Realism,edward-hopper_summer-interior,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+New_Realism,edward-hopper_summertime,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+New_Realism,edward-hopper_sun-in-an-empty-room,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+New_Realism,edward-hopper_sunday,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+New_Realism,edward-hopper_sunlight-on-brownstones,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_sunlights-in-cafeteria,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_the-bootleggers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+New_Realism,edward-hopper_the-bridge-of-art,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+New_Realism,edward-hopper_the-camel-s-hump,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_the-cat-boat,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+New_Realism,edward-hopper_the-city,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,edward-hopper_the-el-station,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_the-long-leg,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_the-mansard-roof-1923,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_the-monhegan-boat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+New_Realism,edward-hopper_the-new-bridge,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,edward-hopper_the-quaid-grands-augustins,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,edward-hopper_tramp-steamer,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+New_Realism,edward-hopper_two-comedians,"[0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_two-on-the-aisle,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_untitled,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_valley-of-the-seine,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,edward-hopper_western-motel,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,edward-hopper_white-river-at-sharon,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+New_Realism,edward-hopper_woman-in-the-sun,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+New_Realism,george-luks_a-foggy-night,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+New_Realism,george-luks_allen-street-1905,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+New_Realism,george-luks_bleeker-and-carmine-streets,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,george-luks_blue-devils-on-fifth-avenue-1918,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+New_Realism,george-luks_boy-with-blue-cap,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+New_Realism,george-luks_boy-with-suspenders,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+New_Realism,george-luks_breaking-surf,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,george-luks_brooklyn-bridge-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,george-luks_butts-1928,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+New_Realism,george-luks_cafe-scene-a-study-of-a-young-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+New_Realism,george-luks_caricature-of-everett-shinn,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+New_Realism,george-luks_child-with-a-toy-1919,"[5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,george-luks_city-scene,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+New_Realism,george-luks_copley-square,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+New_Realism,george-luks_drawing-of-eliza-doolittle-a-character-from-george-bernard-shaw-s-play-pygmalion,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,george-luks_flyweight-champion-of-jumel-place-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+New_Realism,george-luks_frank-crane,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,george-luks_girl-with-doll,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+New_Realism,george-luks_havana-cuba-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+New_Realism,george-luks_hitch-team-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,george-luks_hobo-musician,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,george-luks_in-the-corner,"[21.0, 7.0, 8.0, 7.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+New_Realism,george-luks_jack-and-russell-burke,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+New_Realism,george-luks_knitting-for-the-soldiers-high-bridge-park,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,george-luks_lily-williams,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+New_Realism,george-luks_little-lore-with-her-hat,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+New_Realism,george-luks_main-entrance-luxembourg-garden-paris,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+New_Realism,george-luks_man-with-a-monocle,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+New_Realism,george-luks_old-schoolhouse-ryders,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,george-luks_old-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+New_Realism,george-luks_portrait-of-a-girl-in-black,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,george-luks_portrait-of-a-young-girl-antoinette-kraushaar,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+New_Realism,george-luks_portrait-of-miss-ruth-breslin-1925,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+New_Realism,george-luks_prospect-park,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,george-luks_roundhouse-at-high-bridge,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0, 0.0]"
+New_Realism,george-luks_seated-nude-1905,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+New_Realism,george-luks_seated-nude-with-bobbed-hair,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+New_Realism,george-luks_spring-morning-houston-and-division-streets-new-york-1922,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,george-luks_st-botolph-street-1922,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,george-luks_the-wrestlers-1905,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_a-gloucester-day,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_a-window-on-the-street-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+New_Realism,john-french-sloan_a-woman-s-work-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_back-room-1912,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,john-french-sloan_backyards-greenwich-village-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_blond-nude-and-flowers-1929,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+New_Realism,john-french-sloan_blond-nude-with-orange-blue-couch-1925,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,john-french-sloan_boy-with-piccolo-1904,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_carol-with-red-curls-1913,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,john-french-sloan_chama-running-red-1925,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_chinese-restaurant-1909,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_clown-making-up-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+New_Realism,john-french-sloan_colored-girl-with-gold-and-silver,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+New_Realism,john-french-sloan_cornelia-street-1920,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_country-road-1908,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_cover-of-the-june-1914-issue-of-the-masses,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+New_Realism,john-french-sloan_daisy,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_deep-blue-sea-1916,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_dust-storm-fifth-avenue-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_eagles-of-tesuque-1921,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_east-entrance-city-hall-philadelphia-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_easter-eve-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,john-french-sloan_election-night-1907,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_evening-arroyo,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_fifth-avenue-new-york-1911,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_fishing-port-gloucester-1916,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_george-sotter-1902,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_girl-back-to-the-piano-1932,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+New_Realism,john-french-sloan_gladys-carter-woman-in-white-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+New_Realism,john-french-sloan_gloucester-harbor-1916,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_gloucester-inlet-1914,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_grassy-dunes-gloucester-1914,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_gray-and-brass-1907,"[8.0, 10.0, 11.0, 10.0, 2.0, 4.0, 1.0, 0.0, 3.0]"
+New_Realism,john-french-sloan_gray-day-jersey-coast-1911,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_green-and-red-1938,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_green-s-cat,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_hairdresser-s-window-1907,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,john-french-sloan_helen-in-green-suit-1950,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_helen-taylor-sketching-1916,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_humoresque-1915,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_independence-square-philadelphia-1900,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,john-french-sloan_jeanne-dubinsky-1942,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,john-french-sloan_juanita-1930,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_mcsorley-s-bar-1912,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_mcsorley-s-cats-1929,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_monument-in-the-plaza-new-york-1949,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_movies-five-cents-1907,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_my-wife-in-blue-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_not-identified,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_nude,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_nude-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_nude-at-piano-1928,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_nude-four-senses-1929,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_nude-red-hair-standing-1928,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_nude-standing,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_nude-terra-cotta-1933,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_nude-with-red-hand-mirror-1950,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_our-home-in-fort-washington-pennsylvania-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_our-red-cottage-gloucester-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_passing-schooner-1917,"[3.0, 8.0, 32.0, 6.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,john-french-sloan_pigeons-1910,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_pink-and-blue-1915,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_professional-nurse,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_rainbow-new-york-city-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_remember-the-spanish-leather-miner-self-caricature,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+New_Realism,john-french-sloan_renganeschi-s-saturday-night-1912,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_rocks-weeds-and-sea-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_rosette-1913,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_sally-and-paul-reds-and-greens,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_santa-fe-siesta-1949,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_scrubwoman-astor-library-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+New_Realism,john-french-sloan_self-portrait-1890,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+New_Realism,john-french-sloan_self-portrait-pipe-and-brown-jacket-1947,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_six-o-clock-winter-1912,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_south-beach-bathers-1908,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_spanish-girl-fur-hat-red-coat-1909,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_spring-grammercy-park-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_spring-planting-greenwich-village-1913,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_spring-rain-new-york-1912,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,john-french-sloan_spring-washington-square-1928,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_stein-profile-foreign-girl-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+New_Realism,john-french-sloan_street-lilacs-noon-sun-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_sun-and-wind-on-the-roof-1915,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_sunday-women-drying-their-hair-1912,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_sunlit-peak-santa-fe-canyon-1920,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_sunset-west-twenty-third-street-1906,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_the-city-from-greenwich-village-1922,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_the-cot-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_the-effect-is-spoiled-1915,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,john-french-sloan_the-haymarket-1907,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_the-lookout-green-and-orange-cliffs-gloucester-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_the-new-blue-dress-1913,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0]"
+New_Realism,john-french-sloan_the-picnic-grounds-1907,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_three-a-m-1909,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_threshing-floor-santa-fe-1924,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_wake-of-the-ferry-1907,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+New_Realism,john-french-sloan_wake-of-the-ferry-1907-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_wet-night-washington-square-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_wonson-s-rocks-and-ten-pound-island-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_yeats-at-petitpas-1910,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+New_Realism,john-french-sloan_yellow-rock-gloucester-1915,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,john-french-sloan_young-woman-in-black-and-white-mary-kerr-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+New_Realism,michael-bell_check-in-check-out-2010,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+New_Realism,michael-bell_getaway-car-2009,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+New_Realism,michael-bell_never-look-back-2009,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,michael-bell_room-service-2008,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+New_Realism,michael-bell_the-meadows-2010,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,michael-bell_the-n-and-the-r-2010,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+New_Realism,michael-bell_the-ring-2008,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+New_Realism,michael-bell_the-transfer-2009,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+New_Realism,michael-bell_unfinished-business-2010,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+New_Realism,william-james-glackens_1911-for-the-championship-of-the-backlot-league,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_at-the-beach-1910,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_bal-bullier-1895,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,william-james-glackens_caf-de-la-paix-1906,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_central-park-in-winter,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_chez-mouquin-1905,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,william-james-glackens_christmas-shoppers-1912,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_city-scene-1910,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+New_Realism,william-james-glackens_dancer-in-a-pink-dress-1902,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,william-james-glackens_far-from-the-fresh-farm-air-1911,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,william-james-glackens_figures-in-a-park-paris-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,william-james-glackens_fruit-stand-coney-island,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+New_Realism,william-james-glackens_girl-in-a-black-cape-1897,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,william-james-glackens_hammerstein-s-roof-garden,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+New_Realism,william-james-glackens_la-villette-1895,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,william-james-glackens_may-day-in-central-park-1905,"[1.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_merry-christmas-1910,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,william-james-glackens_nude-with-hat-1909,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_on-the-quai,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_portrait-of-charles-fitzgerald-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+New_Realism,william-james-glackens_scene-on-the-lower-east-side,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,william-james-glackens_seated-actress-with-mirror-1903,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+New_Realism,william-james-glackens_skating-in-central-park-1910,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_summer-hotel-1909,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_the-drive-central-park-1905,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,william-james-glackens_the-shoppers-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,william-james-glackens_tugboat-and-lighter-1905,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+New_Realism,william-james-glackens_under-the-trees,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+New_Realism,william-james-glackens_under-the-trees-luxembourg-gardens-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+New_Realism,yiannis-tsaroychis_alain-as-summer-1976,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+New_Realism,yiannis-tsaroychis_alain-as-winter-1975,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+New_Realism,yiannis-tsaroychis_alexandras-square-in-piraeus-1962,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+New_Realism,yiannis-tsaroychis_autumn-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+New_Realism,yiannis-tsaroychis_cafe-neon-at-day-1965,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+New_Realism,yiannis-tsaroychis_cafe-neon-at-night-1965,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+New_Realism,yiannis-tsaroychis_copying-titian-1971,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+New_Realism,yiannis-tsaroychis_dominic-as-summer-1975,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+New_Realism,yiannis-tsaroychis_mariner-reading-with-pink-background(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+New_Realism,yiannis-tsaroychis_nude-youth-with-oleanders-and-a-bandage-on-his-hand-1940,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+New_Realism,yiannis-tsaroychis_p308(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+New_Realism,yiannis-tsaroychis_reclining-nude,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+New_Realism,yiannis-tsaroychis_sailor-on-pink-background,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+New_Realism,yiannis-tsaroychis_schizophrenic-1968,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+New_Realism,yiannis-tsaroychis_the-areopagos-1964,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+New_Realism,yiannis-tsaroychis_the-forgoten-guards,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+New_Realism,yiannis-tsaroychis_winter-1979,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_alpine-landscape-with-church-1522,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_ascension-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_battle-between-knights-and-mercenary,"[1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_beautiful-mary-in-the-church-1519,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_beheading-of-john-the-baptist-1508,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_beheading-of-st-catherine-1506,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_birth-of-mary,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_calvary-1526,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_christ-on-the-cross,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_christ-taking-leave-of-his-mother-1520,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_communion-of-the-apostles-1518,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_countryside-of-wood-with-saint-george-fighting-the-dragon-1510,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_crucifixion-1526,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_crucifixion-scene-christ-on-the-cross-with-mary-and-john-1516,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_crusade,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_danube-landscape-near-regensburg-with-the-scarecrow-hill,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_design-of-a-portal-technology-1530,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-altdorfer_diptych-1507,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_emperor-maximilian-triumphal-1515,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-altdorfer_emperor-maximilian-triumphal-1515-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_entombment-of-christ-1518,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_florian-result-scenes-for-legend-of-st-florian-1518,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_friedrich-der-siegreiche,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_holy-family-with-an-angel-1515,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_holy-night-nativity-1511,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Northern_Renaissance,albrecht-altdorfer_landscape-with-a-footbridge,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_landscape-with-satyrfamilie-1507,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_lot-and-his-daughter-1537,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_lovers,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_lovers-1511,"[5.0, 7.0, 15.0, 2.0, 0.0, 2.0, 3.0, 1.0, 10.0]"
+Northern_Renaissance,albrecht-altdorfer_lovers-in-a-hay-field-1508,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_madonna-beautiful-maria-of-regensburg-1522,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_martyrdom-of-st-sebastian-1516,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_mary-in-glory-1526,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_mary-with-child-1531,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_mary-with-the-child-1525,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_mountain-range-1530,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_nativity-1507,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_nativity-1525,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_overall-sketch-of-the-picture-susanna-and-the-elders-1526,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_passion-of-christ,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_passion-of-christ-1,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_passion-of-christ-2,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_passion-of-christ-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_passion-of-christ-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_penitent-st-jerome-1507,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_portrait-of-a-woman-1530,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_recover-the-body-of-st-sebastian-1516,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_resurrection-of-christ,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_saint-peter,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_samson-and-the-lion-1512,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-altdorfer_self-portrait-1530,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-altdorfer_susanna-in-the-bath-1526,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-adoration-of-the-magi-1535,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-1529,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-10,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-11,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-12,"[0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-2,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-4,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-5,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-6,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-7,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-8,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-battle-of-issus-fragment-1529-9,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-beautiful-virgin-of-regensburg-1520,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-departure-of-saint-florain,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-entrance-hall-of-the-regensburg-synagogue-1519,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-flagellation-of-christ-1518,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-large-spruce-1522,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_the-martyrdom-of-saint-florian,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-massacre-of-the-innocents,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_the-pride-of-the-beggar-sitting-on-the-train-1531,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_the-st-george-killing-the-dragon-art-1511,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-altdorfer_the-stigmatization-of-st-francis,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-altdorfer_wild-folk-family-1510,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_a-life-of-the-virgin-1503,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_a-lobster-1495,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_a-nuremberg-costume-study-1500,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_a-quarry,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_a-sea-monster-bearing-away-a-princess-1528,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,albrecht-durer_a-young-hare,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_abduction,"[0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_abduction-of-a-woman-rape-of-the-sabine-women-1495,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_abduction-of-proserpine-on-a-unicorn-1516,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_adam-1507,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_adam-and-eve,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_adam-and-eve-1504,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_adam-and-eve-1504-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_adam-and-eve-1507,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_adam-and-eve-1510,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_adoration-fragment,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_adoration-fragment-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_adoration-fragment-2,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_adoration-of-kings-1493,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_adoration-of-the-magi,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_adoration-of-the-magi-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_agony-in-the-garden-1508,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_agony-in-the-garden-1515,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_albrech-durer-the-elder,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_albrecht-durer-s-father-1497,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_all-saints-picture-1511,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_allegory-of-eloquence,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_allegory-of-justice-1498,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_allegory-on-social-injustice,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_alliance-coat-of-arms-1490,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_altar-medium-and-image-wing-overall-view,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_amorous-peasants,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_an-young-and-old-woman-from-bergen-op-zoom-1520,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_angel-fair,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_anna-selbdritt,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_annunciation,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_annunciation-1526,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_apollo,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_apollo-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_apollo-and-diana-1502,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_apollo-with-the-solar-disc,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_apostle,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_apostle-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_apostle-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_apostle-3,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_apostle-bartholomew,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_apostle-james-1516,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_apostle-judas-thaddeus,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_apostle-philip-1516,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_arion-1514,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_arm-of-eve,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_arm-of-lucretia,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_arrest-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_arrest-of-christ-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_assumption-and-coronation-of-the-virgin,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_astronomer-1500,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_bacchanal-with-silenus,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_back-figure,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_bagpipes-players-1514,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_bath-of-men,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_bauer-goose-with-a-fountain-figure,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_bearded-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_bearing-of-the-cross-1512,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_betrayal-of-christ-1508,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_birth-of-christ,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_birth-of-mary,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_blessing-savior,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_body-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,albrecht-durer_burkhard-of-speyer-1506,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_butter-cups-red-clover-and-plantain-1526,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_calvary,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,albrecht-durer_cardinal-albrecht-of-brandenburg-1523,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_cardinal-albrecht-of-brandenburg-the-small-cardina-1519,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_cardinal-albrecht-von-brandenburg,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_caricature-of-lazarus-spengler,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_cervus-lucanus,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_chest,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_child-s-head,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_child-s-head-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-among-the-doctors-1506,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-among-the-doctors-in-the-temple-1503,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_christ-and-mary-magdalene,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_christ-and-the-disciples-at-emmaus-1511,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-appears-to-his-mother-1511,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-appears-to-mary-magdalene-1511,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-as-the-man-of-sorrows-1493,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-at-the-cross-1497,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-bearing-the-cross-1498,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-bearing-the-cross-1509,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-annas-1511,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-caiaphas,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-caiaphas-1504,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-caiaphas-1512,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-before-herod-1509,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-pilate,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-pilate-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-pilate-1511,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-before-pilate-1512,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-being-crowned-with-thorns-1510,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-being-nailed-to-the-cross-1511,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-boy,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-crowned-with-thorns,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-crowned-with-thorns-1512,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-driving-the-merchants-from-the-temple-1511,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-in-limbo-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-cross,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-cross-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-cross-1511,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-cross-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-cross-with-the-virgin-and-st-john-1510,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-cross-with-three-angels-1525,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1510,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1511,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1521,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-1524,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-of-olives-4,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-on-the-mount-olive,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_christ-s-entry-into-jerusalem-1511,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_christ-shown-to-the-people-1511,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-taken-captive-1510,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-taken-captive-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-taking-leave-of-his-mother,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-taking-leave-of-his-mother-1511,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_christ-washing-peter-s-feet-1511,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_circumcision-1497,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_coat-of-arms-with-a-skull-1503,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_coat-of-arms-with-lion-and-rooster-1500,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_coat-of-arms-with-open-man-behind,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_combined-coat-of-arms-of-the-tucher-and-rieter-families-1499,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_conversion-of-paul,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_couple-on-horseback,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_courtyard-of-the-former-castle-in-innsbruck-with-clouds-1494,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_courtyard-of-the-former-castle-in-innsbruck-without-clouds,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_crescent-madonna,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_crowned-holy-martyr,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_crowning-with-thorns-1504,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_crucifixion-1497,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_crucifixion-1498,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_crucifixion-1508,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_crucifixion-1511,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_crucifixion-1519,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_crucifixion-with-many-figures-1523,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_cupid-the-honey-thief-1514,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_dead-bluebird-1512,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_death-and-rider,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_death-and-the-landsknecht-1510,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_death-and-wife,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_death-of-orpheus-1498,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_death-of-the-virgin,"[0.0, 13.0, 7.0, 1.0, 0.0, 3.0, 2.0, 15.0, 8.0]"
+Northern_Renaissance,albrecht-durer_deposition-engraved-passion-1512,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_desiderius-erasmus-of-rotterdam-1526,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_design-for-a-goblet-with-a-variant-of-the-base,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_design-for-all-saints-picture,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_design-for-the-fugger-chapel-in-augsburg-resurrection-of-christ,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_design-for-the-fugger-chapel-in-augsburg-samson-fighting-the-philistines,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_design-for-the-fugger-chapel-in-augsburg-samson-fighting-the-philistines-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_design-for-the-fugger-chapel-in-augsburg-simson-with-the-doors-of-gaza,"[4.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_design-to-a-court-dress,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_design-to-a-court-dress-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_design-to-a-court-dress-2,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_doomsday,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_doss-trento,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_double-goblet,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_draft-for-a-book-sign-crane,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_draft-for-a-book-sign-lion,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_draughtsman-drawing-a-recumbent-woman-1525,"[0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_drawing-from-the-tarot-prudence,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_drawing-from-the-tarot-the-muse-thalia,"[0.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_drummers-and-pipers,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_ecce-homo,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_ecce-homo-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_ecce-homo-1510,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_ecce-homo-1512,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_emperor-charlemagne,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_emperor-charlemagne-and-emperor-sigismund,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_emperor-sigismund,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_entombment,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_erasmo-de-rotterdam-1520,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_erin-nuremberg-and-venetian,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_eve-1507,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_expulsion-from-the-paradise-1510,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_face-a-young-girl-with-red-beret-1507,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_father-s-robe-god,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_father-s-robe-god-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_feet-of-a-kneeling-man-1508,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_feet-of-an-apostle,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_female-nude,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_female-nude-1,"[0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_female-nude-1506,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_fencing-reiter,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_fighting-seekentauren,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_figure-of-woman-shown-in-motion-1528,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_five-lansquenets-and-an-oriental-on-horseback-1495,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_five-male-nudes-1526,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_flagellation,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_flagellation-1512,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_flagellation-of-christ,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_forest-glade-with-a-walled-fountain-by-which-two-men-are-sitting-1505,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_fort-between-mountains-and-sea,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_fortune-1495,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_four-angels-staying-the-winds-and-signing-the-chosen-1498,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_frederick-the-wise-elector-of-saxony-1524,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_garment-studies,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_garza,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_great-piece-of-turf-study-of-weeds-1503,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_greyhound,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_hand-1528,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_hand-of-god-the-father,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_hand-study-with-bible-1506,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_handestudien,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_hands-of-an-apostle,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_hans-the-elder-portrait-burgkmair,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_hans-tucher-1499,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Northern_Renaissance,albrecht-durer_hare-1502,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_hare-1528,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_hare-1528-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_harrowing-of-hell-1512,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-apostle,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-apostle-1509,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-boy,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-child,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-pope,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-smiling-woman,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-stag,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-suffering-man,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-walrus-1521,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-woman-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-a-young-woman,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-african,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-angel-1506,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-apostle,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-apostle-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-apostle-1508,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-apostle-looking-upward-1508,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-old-man,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_head-of-an-old-man-in-profile,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-mary,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-paul,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_head-of-peter,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,albrecht-durer_head-of-the-mark-1526,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_head-of-the-twelve-year-old-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,albrecht-durer_helius-eobanus-hessus-eoban-koch,"[0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_heller-altarpiece,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_hercules-and-the-birds-symphalischen,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_hercules-effects-of-jealousy-1498,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_hercules-killing-the-molionides-1496,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_hercules-kills-the-symphalic-bird-1520,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_hohenasperg-siege-by-georg-von-frundsberg-in-war-of-swabian-federal-versus-herzog-ulrich,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_holy-family,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_holy-family-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_holy-family-1509,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_holy-family-2,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_holy-family-crowned-by-two-angels,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_holy-family-with-three-hares-1498,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_horse-final-death,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_house-by-a-pond,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_illustration-to-revelationes-sancte-birgitte-1500,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_illustration-to-revelationes-sancte-birgitte-1500-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_illustration-to-revelationes-sancte-birgitte-1500-2,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_innsbruck,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_innsbruck-seen-from-the-north,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_iris,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_iris-troiana,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_irish-soldiers-and-peasants,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_jabach-altarpiece-piper-and-drummer-1504,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_jesus-boy-with-globe-1493,"[3.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_jesus-christ-on-the-mount-of-olives,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_joachim-and-the-angel-from-the-life-of-the-virgin-1511,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_job-and-his-wife-1504,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_johannes-kleberger-1526,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_john,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_john-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_king-david-does-repentance,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_kneeling-apostle,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_knight-and-trooper,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_knight-on-horseback,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_knight-on-horseback-1,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_lamentation,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lamentation-for-christ-1503,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lamentation-for-the-dead-christ-1498,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lamentation-of-christ,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lamentation-of-christ-1497,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lamentation-over-christ-1507,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_landscape-near-segonzano-in-the-valley-cembra-1495,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_landscape-with-cannon-1518,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_landsknecht,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_last-supper-1510,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_laughing-peasant-woman-1505,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lectern-with-books,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_left-arm,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_left-hand-of-an-apostle,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_lillium-martagon-details,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_linden-tree-on-a-bastion-1494,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lion,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_lion-1494,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lobster-1495,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lobster-1495-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lot-s-escape,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_lucas-van-leyden-1521,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_lucrece-1508,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-haller-madonna-1498,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-in-half-length,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-on-a-stone-bench-1520,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-on-the-grassy-bank,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-on-the-grassy-bank-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-saints-and-angels-playing,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-with-bagpipers,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-with-john-the-baptist,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-with-musical-angels,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-and-child-with-the-little-st-john,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-as-nursing-mother-and-divine-being-1511,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-by-the-tree-1513,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_madonna-by-the-wall-1514,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-crowned-by-an-angel-1520,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-crowned-by-two-angels-1518,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_madonna-nursing-1519,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-on-a-grassy-bench-1503,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_madonna-with-the-apple,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-with-the-many-animals-1503,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-with-the-monkey-1498,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-with-the-siskin-1506,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_madonna-with-the-swaddled-infant-1520,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_male-and-female-nudes-1515,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_male-and-female-nudes-1516,"[0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_male-nude-adam,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_male-nude-apollo-poynter,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_male-nude-with-a-glass-and-snake-asclepius,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_male-portrait-before-green-base,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_man-aged-93-brush-ink-on-paper-1521,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_man-drawing-a-lute-1523,"[2.0, 6.0, 6.0, 12.0, 1.0, 2.0, 6.0, 3.0, 9.0]"
+Northern_Renaissance,albrecht-durer_man-in-armor-on-horseback-1498,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_man-of-sorrow-1522,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_man-of-sorrows-by-the-column-engraved-passion-1509,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_man-of-sorrows-seated-1515,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_man-of-sorrows-with-hands-bound-1512,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_man-of-sorrows-with-hands-raised-1500,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_man-s-head-in-profile,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_map-of-the-northern-sky-with-representations-of-the-constellations-decorated-with-clockwise-the-1515,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_map-of-the-southern-sky-with-representations-of-constellations-decorated-with-the-crest-of-1515,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_maria,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_maria-with-child-1526,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_martagon-lillium,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_martyrdom-of-st-sebastian,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_martyrdom-of-the-ten-thousand,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_martyrdom-of-the-ten-thousand-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_martyrdom-of-the-ten-thousand-1508,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_mary-and-child,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_mary-and-child-crowned-by-an-angel-and-st-anna,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_mary-at-the-gate-1520,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_mary-with-a-pear,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_mary-with-child-wound-on-the-grassy-bank,"[1.0, 10.0, 34.0, 2.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_mass-of-cardinal-albrecht-of-brandenburg-in-the-abbey-church-hall,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_melancholia-1514,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_melancthon-1526,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_monstrous-hog-of-landser-1496,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_muse-calliope-1494,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_my-agnes-1494,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_naked-man-with-mirror,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_nemesis-the-great-fortune-1503,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_noble-woman-at-horses-and-lansquenet,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_nude-1493,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_nude-sel-portrait-1505,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_nude-study-nude-female-from-the-back-1495,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_nude-woman-with-the-zodiac,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_nuremberg-woman-dressed-for-church-1500,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_nuremberg-woman-in-house-dress,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_nymph,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_old-with-purse-1507,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_on-the-left-the-archangel-gabriel-approach-the-praying-virgin-mary-in-her-bedchamber,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_one-of-the-wise-virgins,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_oriental-family-1496,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_oriental-ruler-enthroned-1497,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_ornaments-for-three-spoons-stalks,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_ornaments-for-two-spoons-stalks,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_orpheus-slain-by-bacchantes-with-a-boy-running-away-1494,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_pages-of-marginal-drawings-for-emperor-maximilian-s-prayer-book-1515,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_pages-of-marginal-drawings-for-emperor-maximilian-s-prayer-book-1515-1,"[0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_parrot,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_pattern-from-the-series-of-six-knots-1507,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_pattern-from-the-series-of-six-knots-1507-1,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_pattern-from-the-series-of-six-knots-1507-2,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_paul-the-apostle,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_paumgartner-altar,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_peasans-at-the-market-1512,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_peasant-couple-dancing-1514,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_penitent-jerome-1497,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_perspectivist-study,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_philip-1526,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_philosophia-personification-of-philosophy,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_pilate-washing-his-hands-1511,"[0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_pilate-washing-his-hands-1512,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_pine-1497,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_pond-in-the-wood,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-a-young-venetian,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-donors,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-melchior-pfinzing,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-bearded-man-in-a-red-hat-1520,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-boy-with-a-long-beard,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-cleric-1516,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-girl,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-girl-1515,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-goldsmith-from-mechelen,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-1521,"[6.0, 10.0, 9.0, 2.0, 2.0, 0.0, 3.0, 6.0, 8.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-2,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-3,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-damia-van-der-goes,"[0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-john-stabius,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-konrad-peutinger,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-paul-hofhaimer-or-hans-tucher,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-sebastian-brant,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-with-baret-and-scroll-1521,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-man-with-cap,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-twenty-four-men-and-a-view-of-st-michael-in-antwerp,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-venetian-1505,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-windisch-farmer,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-woman-creszentia-pirckheimer,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-woman-from-brussels,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-young-f-rleger-with-her-hair-done-up-1497,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-young-man,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-1500,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-1506,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-young-man-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-a-young-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-african-woman-catherine,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-an-architect-1506,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-an-eighteen-year-old-man,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-an-unknown-man-1520,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-barbara-1490,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-barent-van-orley,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-bernhard-von-reesen-1521,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-captain-felix-hungersperg,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-captain-felix-hungersperg-kneeling,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-cardinal-albrecht-of-brandenburg,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-cardinal-albrecht-of-brandenburg-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-cardinal-lang-von-wellenburg,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-caspar-tower-and-a-river-landscape-1520,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-christian-ii-king-of-denmark,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-conrat-verkell,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-elector-frederick-the-wise-of-saxony-1496,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-elector-friedrich-the-wise,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-elsbeth-tucher-1499,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-emperor-maximilian-i,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-emperor-maximilian-i-1518,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-emperor-maximilian-i-1519,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-erasmus-of-rotterdam,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-felicitas-tucher-1499,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-hans-pfaffrot-of-gdansk,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-henry-parker-lord-morley,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-hesse-eobanus,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-hieronymus-holzschuher-1526,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-hieronymus-holzschuher-1526-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-jacob-muffle-1526,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-jakob-fugger,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-jakob-fugger-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-jobst-plankfelt,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-john-s-kleberger-1526,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-kaiser-sigismund-1516,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-lazarus-ravensburger-and-the-turrets-of-the-court-of-lier-in-antwerp,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-lucas-cranach-the-elder,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-lukas-van-leyden,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-margaret-of-brandenburg-ansbach,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-marx-ulstat-and-the-beautiful-princess-in-antwerp,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-matthew-landauer,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-maximilian-i-1518,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-nuremberger-painter-michael-wolgemut-1516,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-oswolt-krel-1499,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-paul-martin-and-the-topler-pfinzig,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-philipp-melanchthon-1526,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-st-sebastian-with-an-arrow-1499,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-susanne-von-brandenburg-ansbach,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-the-artist-s-mother-1514,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-the-blessed-arnold-of-town,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-ulrich-starck,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-ulrich-varnbiiler-1522,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_portrait-of-william-pirckheimer-1503,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_primula,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_prudentia-1494,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_putti-dancing-and-making-music-1495,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_quarry,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_quarry-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_quarry-1506,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_reading-maria,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_rear-view-of-the-female-1528,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_reclining-female-nude-1501,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_refusal-of-joachim-s-offer-1503,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_rest-on-the-flight,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_rest-on-the-flight-to-egypt,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_resurrection-1510,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_resurrection-1512,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_rhinoceros,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_rhinoceros-1515,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_right-hand-of-an-apostle,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_river-landscape,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_robe-study,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_rock-study-of-hikers,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_rustic-couple-1497,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_saint-eustace,"[2.0, 12.0, 14.0, 3.0, 0.0, 2.0, 3.0, 2.0, 7.0]"
+Northern_Renaissance,albrecht-durer_saint-jerome,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_saint-john-s-church-1489,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_salvator-mundi,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_samson-slaying-the-lion,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_satyr-family-1505,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_schoolmaster-1510,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_seated-nude-child-1506,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_seated-prophet-1517,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_seated-woman-1514,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_sebastian-brant,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-1493,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-1493-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-1498,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-1521,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-as-the-man-of-sorrows-1522,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-at-13-1484,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-at-the-age-of-twenty-eight-1500,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_self-portrait-with-a-wrap-1492,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_side-and-frontal-view-of-the-female-head-1528,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_sitting-mary-with-child,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_six-goblets,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_sixtus-tucher-in-open-grave,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_sketch-of-a-table-fountain,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_skull,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_small-passion-title-page,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,albrecht-durer_society-on-horseback,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_sol-justitiae-1499,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_soldiers,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_soldiers-under-the-cross,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-agnes,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-anna,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-anthony-1519,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-anthony-at-the-city-1513,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-apollonia-1521,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-barbara,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-bartholomew-1523,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-catherine,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-catherine-and-the-executioner,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-christopher,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-christopher-carrying-the-christ-child,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-christopher-carrying-the-infant-christ-1511,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_st-christopher-facing-right-1521,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-christopher-facing-to-the-left-1521,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-dominic,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-eustace,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-fridolin,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-george,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-george-on-foot-1502,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-george-on-horseback-1505,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-george-on-horseback-1508,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-james-the-apostle-1516,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-jerome-1492,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-jerome-1521,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-jerome-by-the-pollard-willow-1512,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-jerome-in-his-study-1511,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-jerome-in-his-study-1514,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-jerome-in-his-study-without-cardinal-s-robes,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_st-jerome-penitent-in-the-wilderness,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-john,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-john-and-the-twenty-four-elders-in-heaven-1498,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-john-devouring-the-book-from-the-apocalypse-1498,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-john-lamenting-1523,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-john-s-vision-of-christ-and-the-seven-candlesticks-1498,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-magdalena,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-margaret,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-martin,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-michael-and-the-dragon-from-a-latin-edition-1511,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-michael-fighting-the-dragon-1498,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-paul,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-paul-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-paul-first-state-1514,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-paul-second-state-1514,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-peter,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-peter-and-st-john-healing-the-cripple-1513,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-philip-1526,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-sebald-in-the-niche-1520,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-sebastian-at-the-column-1499,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-sebastian-at-the-tree-1501,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_st-simon-1523,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_st-thomas-1514,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_standing-apostle-1508,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_standing-female-nude-with-baton-in-the-right,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_star-map,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_stork,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-by-two-riders,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-of-a-calvary,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-angel-playing,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-girl-s-head-and-pair-of-hands,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-head-of-a-young-girl,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-head-with-curly-hair-angel,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-st-joseph,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-mary-st-katherina,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-and-child-saints-and-angels-playing,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-and-child-saints-and-angels-playing-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-and-child-saints-and-angels-playing-1521,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_studies-on-a-great-picture-of-the-virgin-madonna-with-child-ten-saints-and-angels,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Northern_Renaissance,albrecht-durer_studies-on-the-proportions-of-the-female-body-1528,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-for-an-engraving-of-the-prodigal-son-1520,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_study-journal-naked-couple-and-the-devil,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-of-a-body-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-of-a-christ-on-the-mount-of-olives,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-of-a-man-with-a-drill,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-of-drapery-1508,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-of-drapery-1508-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-of-drapery-1521,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_study-of-hands-1506,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_study-of-male-hands-and-arms,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_study-of-the-christ-child-1495,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_study-of-three-hands,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-christ-as-man-of-sorrows-and-a-garment-study,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-fools-faun-phoenix-and-deer-hunting,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-madonna-and-child-hand-and-sleeve,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-mary-and-child,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-self-portrait-hand-and-cushions-1493,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-six-nude-figures-1515,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-the-attacked-animals,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_study-sheet-with-the-rape-of-europa,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_study-sheets-with-children-s-heads,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_study-to-a-large-fortune,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_sudarium-displayed-by-two-angels-1513,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_sudarium-spread-out-by-an-angel-1516,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_suicide-of-lucretia-1518,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_sultan-soliman,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_sylvan-men-with-heraldic-shields-1499,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_table-and-cans,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_temptation,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_temptation-of-st-anthony,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-adoration-of-the-holy-trinity-landauer-altar-1511,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-adoration-of-the-lamb-and-the-hymn-of-the-chosen-1498,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-adoration-of-the-magi,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-adoration-of-the-magi-1502,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-adoration-of-the-magi-1504,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-adoration-of-the-shepherds-1505,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-adoration-of-the-wise-men-1524,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-angel-with-the-key-to-the-bottomless-pit-1498,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-annunciation-1502,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-annunciation-1511,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-apostles-philip-and-james-1516,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-arrest-of-christ,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-ascension-1511,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-austrian-saints-1517,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-bagpiper-1514,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-banner-swinger,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-battle-of-the-angels-1498,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-beheading-of-st-john-the-baptist-1510,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-castle-at-trento-1495,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-cathedral-of-aix-la-chapelle-with-its-surroundings-seen-from-the-coronation-hall-1520,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-chandelier-females-1513,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-choir-of-the-groote-kerk-in-bergen-op-zoon,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-circumcision-of-christ-1505,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-citadel-of-arco-in-the-south-tyrol,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-city-of-trento-1495,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-coat-of-arms-with-the-skull-1507,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-congress-and-double-betrothal-at-vienna-from-the-triumphal-arch-of-maximilian-i,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-conversion-of-st-paul-1495,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-cook-and-his-wife-1496,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-coronation-of-the-virgin-1510,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-cross-1497,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-cross-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-cross-of-christ-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-cross-of-christ-2,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-cross-of-christ-3,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-cross-of-christ-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-cross-of-christ-with-saint-veronica,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-crucifixion-1498,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-dead-christ-with-the-crown-of-thorns,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-death-of-mary-1510,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-descent-from-the-cross-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-descent-of-the-holy-spirit-1511,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-desperate-man-1515,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-dresden-altarpiece-central-panel-1496,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-dresden-altarpiece-side-wings-1496,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-entombment,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-entombment-1511,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-evil-thief,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-fall-1511,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-flagellation-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-flight-into-egypt-1511,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-flight-to-egypt-softwood-1497,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-four-apostles-1526,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-four-apostles-left-part-st-john-s-and-st-peter-1526,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-four-apostles-right-part-st-mark-s-and-st-paul-1526,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-four-horsemen-of-the-apocalypse-death-famine-pestilence-and-war-1498,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-four-witches-1497,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-garment-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-good-thief,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-great-chariot,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-great-courier-1495,"[9.0, 7.0, 6.0, 5.0, 2.0, 2.0, 7.0, 2.0, 5.0]"
+Northern_Renaissance,albrecht-durer_the-great-triumphal-car-1519,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-harrowing-of-hell-or-christ-in-limbo-from-the-large-passion-1510,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-hermits-st-anthony-and-st-paul-1504,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-in-a-hall,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-in-a-room,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-in-the-arbor,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-in-the-room,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-with-angels-under-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-with-joachim-and-saint-ann,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-with-st-john-the-magdalen-and-nicodemus-1512,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-holy-family-with-the-dragon-fly,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-holy-georg,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-holy-kinship-and-two-musical-angels,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-holy-trinity,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-holy-trinity-1511,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-ill-assorted-couple-1495,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-imperial-crown,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-incredulity-of-st-thomas-1511,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-jabach-altarpiece-1504,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-justice-of-trajan,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-knight-and-the-landsknecht,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-knight-death-and-the-devil-1513,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-1506,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-fragment,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-fragment-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-lady-of-the-festival-du-rosaire-fragment-2,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-lamentation-for-christ-1510,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-lamentation-for-christ-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-large-horse-1509,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-last-judgment-1511,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-last-supper,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-last-supper-1511,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-last-supper-1523,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-little-owl-1506,"[0.0, 8.0, 9.0, 3.0, 0.0, 0.0, 2.0, 21.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-madonna-of-the-carnation-1516,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-mantle-of-the-pope,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-martyrdom-of-st-john-the-evangelist-1498,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-meeting-of-joachim-and-anne-at-the-golden-gate,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-mocking-of-christ-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-nativity-1511,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-opening-of-the-fifth-and-sixth-seals-1511,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-owl-in-fight-with-other-birds,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-penance-of-st-john-chrysostom,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,albrecht-durer_the-penance-of-st-john-chrysostom-1496,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-penitent-1510,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-piece-of-turf-with-the-columbine,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-port-of-antwerp-during-scheldetor-1520,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_the-presentation-of-christ-in-the-temple-1505,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-presentation-of-the-virgin-in-the-temple-1505,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-rest-during-the-flight-to-egypt-1505,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-resurrection-1511,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-resurrection-of-christ,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-sea-monster-and-the-beast-with-the-lamb-s-horn-1498,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-seven-trumpets-are-given-to-the-angels-1498,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-ship-of-fool,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-ship-of-fool-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-ship-of-fool-2,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-small-chariot,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-small-courier-1496,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-small-horse-1505,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-small-triumphal-car-or-the-burgundian-marriage,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-sorrows-1497,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-southern-hemisphere-of-the-celestial-globe-1515,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-stork-1515,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-sudarium-of-st-veronica-1510,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-temptation-of-the-idler-1498,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-town-hall-in-aachen,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-trophy-bohemia,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-tuft-of-grass-minor,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-virgin-and-child-with-st-anne,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-virgin-mary-in-prayer,"[2.0, 8.0, 28.0, 1.0, 0.0, 1.0, 0.0, 2.0, 3.0]"
+Northern_Renaissance,albrecht-durer_the-virgin-with-the-infant-christ-and-st-anne-1501,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-virgin-worshipped-by-angels-and-saints,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-visitation-1503,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-walkway-street-food-market-in-nuremberg,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_the-whore-of-baylon-1498,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-woman-clothed-with-the-sun-and-the-seven-headed-dragon-1511,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-young-peasant-and-his-wife,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_the-zoo-at-brussels,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_third-knot-1507,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_three-children-s-heads,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_three-mighty-ladies-from-livonia-1521,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_three-peasants-in-conversation-1497,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_three-studies-from-nature-for-adam-s-arms-1504,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_three-studies-of-a-helmet,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_tilo-on-the-cantilever-of-a-bastion,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_title-page-1510,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_title-page-to-the-edition-of-1498-1498,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,albrecht-durer_title-page-to-the-second-latin-edition-of-1511-1498,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_triumphal-arch-1526,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_troiana-iris-detail,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_twelve-year-old-jesus-in-the-temple-1497,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_two-castles,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_two-hands-holding-a-pair-of-books,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_two-venetian-women,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_ulrich-varnbuler-1522,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_upper-body-of-christ-1508,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_valley-kalchreuth-1495,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_venus-on-a-dolphin,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_venus-und-amor,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_view-of-bergen-op-zoom,"[0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_view-of-heroldsberg-1510,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_view-of-kalchreut,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_view-of-nuremberg-1497,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_view-of-the-arco-valley-in-the-tyrol-1495,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_violet-bouquet,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_virgin-and-child-before-an-archway,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_virgin-and-child-holding-a-half-eaten-pear-1512,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_virgin-mary-suckling-the-christ-child-1512,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,albrecht-durer_virgin-suckling-the-child-1503,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_visitation,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_wappen-pirckheimer,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_way-to-calvary-1527,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_weeping-angel-boy-1521,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_willibald-pirckheimer-1524,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_willow-mill-1498,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_wing-of-a-blue-roller-1512,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_winged-man-in-idealistic-clothing-playing-a-lute-1497,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_wire-drawing-mill,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_witch-riding-backwards-on-a-goat-1500,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_woman-s-bath,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_women-only,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,albrecht-durer_young-couple,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,albrecht-durer_young-couple-threatened-by-death-promenade,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_young-man-1507,"[6.0, 9.0, 18.0, 4.0, 1.0, 2.0, 0.0, 3.0, 4.0]"
+Northern_Renaissance,albrecht-durer_young-steer,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,albrecht-durer_young-woman-attacked-by-death-1495,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,albrecht-durer_youth-with-executioner,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_barbara-of-nicomedia,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_christ-taking-leave-of-his-mother,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_disrobing-of-christ,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_emperor-maximilian-i-1459-1519,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_emperor-maximilian-i-1459-1519-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_hans-caspar-von-laubberg,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_holy-family,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_john-the-baptist,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_john-the-evangelist,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_lamentation-of-christ,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_margaret-of-antioch,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_mary-and-joseph-with-jesus,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_maximilian-i-1459-1519,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-a-gentleman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-conrad-rehlinger-and-his-children,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-count-johann-ii-count-of-montfort-and-rothenfels,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-georg-tannstetter-collimitius,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-louis-ii-of-hungary,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-maximilian-i-1459-1519-1508,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-sibylla-or-sybilla-von-freyberg-born-gossenbrot,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-the-cuspinian-family,"[8.0, 8.0, 17.0, 0.0, 1.0, 5.0, 2.0, 4.0, 4.0]"
+Northern_Renaissance,bernhard-strigel_portrait-of-the-emperor-maximilian-i,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,bernhard-strigel_sacrifice-of-isaac-and-transfiguration,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_sleeping-grave-guards-with-mace-and-sword,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_st-ladislas-presents-wladislav-ii-and-his-sons-to-the-virgin-1512,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,bernhard-strigel_st-mary-salome-and-zebedee-with-john-the-evangelist-and-james-the-great,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,bernhard-strigel_the-announcement-to-anne-and-joachim-1510,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,bernhard-strigel_the-annunciation-1520,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,bernhard-strigel_the-eight-children-konrad-rehlinger,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,bernhard-strigel_triptych-inner-left-wing-st-philip-st-james-the-great-right,"[0.0, 29.0, 9.0, 1.0, 0.0, 0.0, 0.0, 5.0, 3.0]"
+Northern_Renaissance,bernhard-strigel_twelve-year-old-jesus-in-the-temple,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,dirk-bouts_altarpiece-of-the-holy-sacrament,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_christ-in-the-house-of-simon,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_ecce-agnus-dei,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_head-of-christ,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,dirk-bouts_hell-1450,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_justice-of-the-emperor-otto-the-execution-of-the-innocent-count-1475,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,dirk-bouts_justice-of-the-emperor-otto-the-ordeal-by-fire-1475,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_madonna-and-child-on-a-grass-bench,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_martyrdom-of-saint-erasmus-1458,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_martyrdom-of-st-erasmus-central-panel,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,dirk-bouts_martyrdom-of-st-erasmus-left-wing,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,dirk-bouts_martyrdom-of-st-erasmus-right-wing,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_martyrdom-of-st-hippolytus-the-central-panel-from-st-hippolytus-triptych-1475,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_mary-and-child,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_mater-dolorosa-1460,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,dirk-bouts_nativity-the-wing-of-polyptych,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,dirk-bouts_passion-altarpiece-central-panel,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,dirk-bouts_passion-altarpiece-side-wings,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,dirk-bouts_polyptych-of-the-virgin-the-annunciation-the-visitation-the-adoration-of-the-angels-and-the,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_portrait-of-a-man,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,dirk-bouts_portrait-of-a-man-1,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,dirk-bouts_portrait-of-a-man-1462,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_prophet-elijah-in-the-desert-from-the-winged-altar-in-st-peter-in-leuven,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_resurrection,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,dirk-bouts_saint-john-the-evangelist-on-patmos,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_st-hippolytus-triptych-1475,"[0.0, 2.0, 0.0, 0.0, 0.0, 4.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-annunciation-the-wing-of-polyptych,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,dirk-bouts_the-capture-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-entombment,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-feast-of-the-passover-from-the-winged-altar-in-st-peter-in-leuven,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-gathering-of-the-manna,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-lamentation-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-last-supper-from-the-winged-altar-in-st-peter-in-leuven,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-meeting-of-abraham-and-melchizedek,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-middle-panel-of-the-pearl-of-brabant-adoration-of-the-magi,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,dirk-bouts_the-right-wing-of-the-pearl-of-brabant-saint-christopher,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,dirk-bouts_the-virgin-and-child,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-visitation,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,dirk-bouts_the-way-to-paradise,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_third-appearance-of-christ,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,dirk-bouts_triptych-the-pearl-of-brabant-left-wing-st-john-the-baptist-middle-panel-adoration-of-the-magi,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_virgin-and-child,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,dirk-bouts_virgin-and-child-1460,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,dirk-bouts_virgin-and-child-1470,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,dirk-bouts_winged-altar-in-st-peter-in-leuven,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_a-rest-during-the-flight-to-egypt,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_altar-of-archangel-michael,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,gerard-david_altar-of-archangel-michael-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_an-augustinian-friar-praying,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_archangel-gabriel-and-virgin-annunciate,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_christ-nailed-to-the-cross,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,gerard-david_forest-scene,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_lineage-of-saint-anne,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_madonna-and-child-with-two-music-making-angels,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_madonna-with-angels-and-saints,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,gerard-david_madonna-with-the-milk-soup,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_mary-and-child-with-two-angels-making-music,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,gerard-david_polyptych-of-cervara-center-panel-madonna-and-child-enthroned,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_polyptych-of-cervara-st-jerome,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_polyptych-of-cervara-st-mauro,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_portrait-of-a-goldsmith,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_roman-soldiers-and-jewish-judges-left-wing-from-the-triptych-of-the-crucifixion,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,gerard-david_study-of-a-bust-of-yyoung-boy-with-shaved-head,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_the-adoration-of-the-magi,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,gerard-david_the-adoration-of-the-magi-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,gerard-david_the-adoration-of-the-magi-2,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_the-angel-of-the-annunciation,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_the-angel-of-the-annunciation-1,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_the-annunciation,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-baptism-of-christ-central-section-of-the-triptych,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-crucifixion,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,gerard-david_the-deposition,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,gerard-david_the-flaying-of-the-corrupt-judge-sisamnes-1498,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_the-holy-women-and-st-john-at-golgotha-1485,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,gerard-david_the-judgement-of-cambyses-1498,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-judgement-of-cambyses-1498-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_the-lamentation,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Northern_Renaissance,gerard-david_the-marriage-at-cana,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,gerard-david_the-marriage-at-cana-detail,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-nativity,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-nativity-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,gerard-david_the-rest-on-the-flight-into-egypt,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,gerard-david_the-rest-on-the-flight-into-egypt-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_the-transfiguration-of-christ,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-transfiguration-of-christ-central-panel,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_the-triptych-of-the-sedano-family,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-virgin-and-child-in-a-landscape,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-virgin-and-child-with-saints-and-donor,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-virgin-of-the-annunciation,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_the-virgin-of-the-annunciation-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_triptych-of-jan-des-trompes,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_triptych-of-jan-des-trompes-rear-of-the-wings,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_triptych-of-jean-des-trompes-side-panels,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,gerard-david_triptych-of-the-sedano-family,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_triptych-with-the-nativity-1515,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,gerard-david_two-legends-of-st-nicholas,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,gerard-david_two-legends-of-st-nicholas-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,gerard-david_verso-of-the-first-sketch-king-cambyses,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,gerard-david_virgin-and-child-with-four-angels,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_adam-and-eve-1520,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_adam-and-eve-1524,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_adam-and-eve-1531,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_adoration-of-the-magi,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_adoration-of-the-magi-1507,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_altar-of-st-john-the-baptist-1520,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_altarpiece-with-the-martyrdom-of-st-sebastian-1507,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,hans-baldung_amur,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-baldung_an-allegory-of-death-and-beauty,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Northern_Renaissance,hans-baldung_aristotle-and-phyllis,"[0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_aristotle-and-phyllis-1513,"[0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_artist-1544,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_beheading-of-st-dorothea-1516,"[1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_castle-weibertreu-1515,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_christ-as-a-gardener-noli-me-tangere-1539,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_coat-of-arms-basler-adelberg-iii-of-bear-rock-lord-arisdorf-1526,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_count-christoph-i-of-baden-1515,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_count-philip-1517,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_crucifixion-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0]"
+Northern_Renaissance,hans-baldung_dagger-madonna,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,hans-baldung_death-and-wife-1520,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_departing-for-the-sabbath,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_drawing-of-the-castles-of-alsacien-ortenberg-right-and-ramstein-left-1514,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-baldung_eve-the-serpent-and-death-1510,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_family-coat-of-arms-baldung-1530,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_family-coat-of-arms-baldung-1530-1,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_grien-in-the-church-st-george-gutach-bleienbach,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_group-of-seven-wild-horses-1534,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Northern_Renaissance,hans-baldung_hans-baldung-grien-and-john-rudalfinger-1534,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_harmony-or-the-three-graces-1543,"[3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_head-of-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Northern_Renaissance,hans-baldung_hercules-and-antaeus,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_hercules-and-antaeus-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-baldung_hercules-and-antaeus-1531,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_holy-family-in-the-room-with-five-angels,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_holy-trinity,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_knight-death-and-girl,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_lamentation-1515,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_lamentation-1517,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Northern_Renaissance,hans-baldung_madonna-and-child,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_madonna-and-child-1516,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_madonna-nursing-1514,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_madonna-with-the-parrots-1533,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-baldung_male-head,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-baldung_man-of-sorrows-1511,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_maria-with-the-sleeping-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_marquard-von-lindau-ask-and-answer-the-ten-commandments-1516,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hans-baldung_mater-dolorosa,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_mucius-scaevola-1531,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_muscle-man-standing-1541,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Northern_Renaissance,hans-baldung_nativity-1510,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_nativity-1520,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_portrait-of-a-lady-1530,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-baldung_portrait-of-a-man-1514,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_portrait-of-a-young-man-1509,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_portrait-of-a-young-man-1509-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_portrait-of-ambroise-volmar-keller-1538,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_portrait-of-an-unknown-lady,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_portrait-of-ludwig-graf-zu-loewenstein-1513,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_portrait-of-martin-luther-1521,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_prudence-1529,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_pyramus-and-thisbe,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_rest-on-the-flight-to-egypt-1514,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_resting-couple-1530,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-baldung_saint-catherine-of-alexandria,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_self-portrait,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_self-portrait-1526,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_sleeping-groom-and-sorceress-1544,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_st-christopher,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_st-jerome-1511,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Northern_Renaissance,hans-baldung_st-john-at-patmos-1515,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_st-sebastian-altarpiece-1507,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_stained-glass-windows-in-the-loch-family-chapel,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_standing-witch-with-monster-1515,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_the-creation-of-the-men-and-animals-1532,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_the-dead-christ-1507,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_the-erection-of-the-cross-1507,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_the-flood-1516,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_the-holy-family-with-saint-anne-and-saint-joachim-gravure-sur-bois-vers-realisee-1510-1511-1511,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,hans-baldung_the-seven-ages-of-woman,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-baldung_the-stained-glass-windows-in-the-home-hofer-family-chapel,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-baldung_the-three-ages-of-man-and-death-1543,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Northern_Renaissance,hans-baldung_the-three-kings-altarpiece,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_these-stained-glass-windows-from-the-eastern-side-of-the-blumeneck-family-chapel,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_these-stained-glass-windows-from-the-western-side-of-the-blumeneck-family-chapel,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-baldung_these-stained-glass-windows-in-the-blumeneck-family-chapel,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-baldung_three-ages-of-man-and-three-graces-1539,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_three-king-altar,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_three-kings-altarpiece-closed-1507,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-baldung_three-swabian-castles-1515,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-baldung_two-witches-1523,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_virgin-and-child-1540,"[3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_virgin-of-the-vine-trellis,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_western-stained-glass-window-in-the-loch-family-chapel-1520,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-baldung_witches-1508,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_witches-1514,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_woman-with-cat-allegory-of-musik-1529,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-baldung_young-woman-and-death-1517,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_a-school-teacher-explaining-the-meaning-of-a-letter-to-illiterate-workers-1516,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_adam-and-eve-1517,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_anna-meyer,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_apollo-and-the-muses-on-parnassus-1533,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_charity-the-family-of-the-artist,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_christ-as-the-true-light,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_christina-of-denmark,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_de-vos-van-steenwijk,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_death-and-the-abbott,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_death-and-the-miser-from-the-dance-of-death-1523,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_death-and-the-pedlar,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_death-of-the-virgin,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_death-of-the-virgin-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_derek-berck-1536,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_desiderius-erasmus,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_design-for-a-pendant,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_design-for-a-table-fountain-with-the-badge-of-anne-boleyn,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_design-for-anthony-denny-s-clocksalt,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_design-for-the-facade-decoration-of-the-dance-house-in-basel-1520,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_diptych-with-christ-and-the-mater-dolorosa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_dorothea-kannengiesser-1516,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_duke-anton-the-good-of-lorraine-1543,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_edward-prince-of-wales-1543,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_edward-prince-of-wales-with-monkey,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_erasmus-of-rotterdam,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_folly-at-the-lectern-1515,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_george-nevill-3rd-baron-bergavenny,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_head-of-a-female-saint,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_head-of-a-male-saint,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_head-of-a-woman-1522,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_henry-howard-earl-of-surrey,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_henry-vii-elisabeth-of-york-henry-viii-and-jane-seymour,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_henry-viii,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_henry-viii-and-henry-vii-cartoon-for-wall-painting-in-whitehall-1537,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_henry-viii-and-the-barber-surgeons,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_henry-viii-handing-over-a-charter-to-thomas-vicary-commemorating-the-joining-of-the-barbers-and-1541,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_jane-seymour-1536,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_jane-seymour-s-cup,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_jeanne-de-boulogne-duchess-of-berry-1524,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_lady-butts,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_lady-elyot,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_lady-with-a-squirrel-and-a-starling,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_lais-corinthiaca-1526,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_leaena-before-the-judges,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_madonna-of-the-burgermeister-meyer,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_marginal-illustration-for-erasmus-in-praise-of-folly-1515,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_mayor-jakob-meyer-zum-hasen-1516,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_model-of-the-dance-house-in-basel,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_mrs-pemberton,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_musicians-on-a-balcony,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_noli-me-tangere,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_oberried-altarpiece-left-interior-wing-the-adoration-of-the-magi-1522,"[3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_oberried-altarpiece-right-interior-wing-the-birth-of-christ-1522,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_outgoing-ship,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-34-year-old-woman-1516,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-boy-with-blond-hair,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-boy-with-chestnut-hair,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-lady-thought-to-be-anne-boleyn,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-man-with-a-letter-and-gloves,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-member-of-the-wedigh-family-1532,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-member-of-the-wedigh-family-1532-1,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-member-of-the-wedigh-family-1533,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-woman-from-southern-germany,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-woman-inscribed-in-gold-over-red-0anna-bollein-queen0-black-and-coloured-chalks,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-a-young-man,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-an-englishwoman-1532,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-an-old-man,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-an-unknown-lady,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-anne-of-cleves-1539,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-benedikt-von-hertenstein-1517,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-bishop-john-fisher,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-bonifacius-amerbach-1519,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-catarina-howard,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-charles-brandon-1541,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-charles-de-solier,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-derich-born-1533,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-desiderius-erasmus,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-desiderius-erasmus-1523,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-dirk-tybis-1533,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-doprothea-meyer-nee-kannengiesser-1516,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-dr-john-chambers,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-edward-vi-as-a-child,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-erasmus-of-rotterdam-1523,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-erasmus-of-rotterdam-writing-1523,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-brandon,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-viii,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-viii-1540,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-henry-viii-king-of-england,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-jakob-meyer-zum-hasen-1516,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-jakob-meyer-zum-hasen-mayor-of-basel-1528,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-jane-pemberton,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-jane-seymour,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-jane-seymour-1537,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-lady-mary-guildford-1527,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-margaret-wyatt-lady-lee-1540,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-mary-wotton-lady-guildenford-1527,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-nicholas-kratzer-1528,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-nobleman-with-a-falcon-1542,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-philipp-melanchthon,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-robert-cheseman-1533,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-simon-george-of-quocote,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-brian-tuke,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-henry-guildford-1527,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-nicholas-carew,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-nicholas-poyntz-1535,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-richard-southwell,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-richard-southwell-1536,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-sir-thomas-more-1527,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-thomas-cromwell,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-thomas-howard-1539,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_portrait-of-william-warham-archbishop-of-canberbury-1527,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Northern_Renaissance,hans-holbein-the-younger_presumed-portrait-of-the-artist0s-wife,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_principles-of-a-schoolmaster-teaching-scene-for-children-1516,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_printer-s-device-of-johannes-froben,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_queen-mary-i-tudor-1536,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_self-portrait-1542,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_signboard-for-a-schoolmaster-1516,"[1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_simon-george-of-quocote-1536,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_sir-henry-guildford-1527,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_sir-henry-wyatt,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_sir-thomas-eliot,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_sir-william-butts,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_solomon-and-the-queen-of-sheba,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_st-barbara-1516,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_st-john-the-baptist,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_st-ursula,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_studies-of-the-hands-of-erasmus-of-rotterdam,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_study-for-the-family-portrait-of-thomas-more,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-agony-in-the-garden,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-ambassadors-1533,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-arrogance-of-rehoboam-1530,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-body-of-the-dead-christ-in-the-tomb-1521,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-humiliation-of-the-emperor-valerian-by-the-persian-king-sapor-1521,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-last-supper,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-noble-lady,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-passion,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-plowman,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-rich-man-the-queen,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-solothurn-madonna-1522,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-spinner,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hans-holbein-the-younger_the-triumph-of-riches,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_thomas-godsalve-of-norwich-and-his-son-john-1528,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_thomas-more,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_title-page-in-the-form-of-a-renaissance-niche-1516,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Northern_Renaissance,hans-holbein-the-younger_title-plate-with-st-peter-and-st-paul-1523,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_triumph-of-wealth,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-holbein-the-younger_unknown-gentleman-with-music-books-and-lute,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_unknown-young-man-at-his-office-desk,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-holbein-the-younger_venus-and-amor,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_adam-and-eve,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-memling_adoration-of-the-magi-central-panel-of-the-triptych-of-the-adoration-of-the-magi-1472,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_adoration-of-the-magi-right-wing-of-triptych-depicting-the-presentation-in-the-temple-c-1470-72-1472,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-memling_adoration-of-the-magi-whole-triptych,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_allegorical-representation-of-two-horses-and-a-monkey-1490,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_allegory-with-a-virgin-1480,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-memling_altar-of-saints-john-the-baptist-and-john-the-evangelist,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_angel-holding-an-olive-branch-1480,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_annunciation-1467,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_barbara-de-vlaenderberch-1475,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-memling_bathsheba-in-the-bath-1480,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_central-panel-of-the-triptych-of-st-john-the-baptist-and-st-john-the-evangelist-1479,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_christ-at-the-column-1490,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-memling_christ-blessing-central-panel-from-a-triptych-from-the-church-of-santa-maria-la-real-najera-1490,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_christ-crowned-with-thorns,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_christ-giving-his-blessing-1478,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_christ-giving-his-blessing-1481,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_crucifixion,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_crucifixion-1491,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hans-memling_deposition-left-wing-of-a-diptych-1490,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 2.0, 40.0, 2.0]"
+Northern_Renaissance,hans-memling_descent-from-the-cross-left-hand-panel-from-the-deposition-diptych-1494,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hans-memling_diptych-of-jean-de-cellier-detail,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_diptych-of-jean-de-cellier-detail-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_diptych-of-john-the-baptist-and-st-veronica-st-john-the-baptist-the-left-wing,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-memling_diptych-with-the-deposition-1494,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,hans-memling_ecce-homo-in-the-arms-of-the-virgin-1479,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hans-memling_five-angels-playing-musical-instruments-left-hand-panel-from-a-triptych-from-the-church-of-1490,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_granada-diptych-right-wing-the-holy-women-and-st-john,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hans-memling_head-of-christ,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_hell,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_john-the-baptist-and-st-lawrence,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_madonna-and-child-enthroned-with-two-angels-1480,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_madonna-and-child-from-the-diptych-of-maerten-van-nieuwenhove-1487,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_madonna-and-child-with-angels,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_man-of-sorrows,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_man-with-a-black-cap,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_marriage-of-st-catherine,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_mater-dolorosa,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-memling_mystic-marriage-of-st-catherine-1480,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_nativity,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_nativity-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_passion-greverade-altarpiece-closed-1491,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-memling_passion-greverade-altarpiece-first-closed-position-1491,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_passion-greverade-altarpiece-left-wing-1491,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_passion-greverade-altarpiece-right-wing-1491,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hans-memling_portinari-triptych-central-panel-1487,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-man-1480,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-man-1490,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-man-at-a-loggia,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-man-at-prayer-before-a-landscape-1480,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-man-holding-a-coin-of-the-emperor-nero-1474,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-man-in-a-landscape,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-man-with-an-arrow-1480,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-praying-woman,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-reading-man,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-young-man-1490,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-young-man-at-prayer,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-young-man-before-a-landscape,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-young-woman,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-a-young-woman-1480,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-an-old-man,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hans-memling_portrait-of-an-old-woman-1470,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-an-old-woman-1472,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-an-unknown-man-with-a-letter-1485,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-anthony-of-burgundy-1470,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-benedetto-di-tommaso-portinari-1487,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-benedetto-portinari-1487,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-gilles-joye-1472,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-memling_portrait-of-jacob-obrecht,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-jacques-of-savoy-1470,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_portrait-of-maria-maddalena-portinari,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_portrait-of-tommaso-portinari,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_portraits-of-willem-moreel-and-his-wife,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_praying-donor-with-saints-1470,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Northern_Renaissance,hans-memling_praying-donor-with-st-william-of-maleval-1470,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_resurrection,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_scenes-from-the-life-of-mary-1480,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_scenes-from-the-passion-of-christ-left-side-1471,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,hans-memling_st-andrew-left-wing-of-a-diptych-reverse-1490,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-memling_st-christopher-1480,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-jerome-1490,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-jerome-and-the-lion-1490,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_st-john-altarpiece-1479,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-john-altarpiece-1479-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_st-john-altarpiece-left-wing-1479,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-john-and-veronica-diptych-reverse-of-the-left-wing,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-john-and-veronica-diptych-reverse-of-the-right-wing,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-john-the-baptist-and-st-mary-magdalen-wings-of-a-triptych,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hans-memling_st-stephen,"[10.0, 4.0, 17.0, 5.0, 0.0, 4.0, 0.0, 0.0, 6.0]"
+Northern_Renaissance,hans-memling_st-ursula-and-her-companions-from-the-reliquary-of-st-ursula-1489,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-ursula-and-her-companions-landing-at-basel-from-the-reliquary-of-st-ursula-1489,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_st-ursula-and-her-companions-landing-at-cologne-from-the-reliquary-of-st-ursula-1489,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_st-ursula-and-the-holy-virgins-from-the-reliquary-of-st-ursula-1489,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_st-ursula-shrine-figures-1489,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-ursula-shrine-medallions-1489,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-memling_st-ursula-shrine-virgin-and-child-1489,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_st-veronica-1475,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_standing-virgin-and-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_still-life-with-a-jug-with-flowers-the-reverse-side-of-the-portrait-of-a-praying-man,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-annunciation,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-archangel-michael-1479,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-arrival-of-st-ursula-and-her-companions-in-rome-to-meet-pope-cyriacus-from-the-reliquary-of-1489,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-departure-of-saint-ursula-from-basle-panel-from-the-reliquary-of-st-ursula-1489,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-donne-triptych-left-wing,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_the-donne-triptych-right-wing,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-donor-from-the-right-wing-of-the-diptych-of-maerten-van-nieuwenhove-1487,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-last-judgment-triptych-central-panel-maiestas-domini-with-archangel-michael-weighing-the-1470,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-last-judgment-triptych-left-wing-the-blessed-at-the-gate-to-heaven-paradise-with-the-st-1470,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hans-memling_the-last-judgment-triptych-right-wing-casting-the-damned-into-hell-1470,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-last-judgment-triptych-right-wing-praying-donor-catherine-tanagli-with-archangel-michael-1471,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-man-of-sorrows-in-the-arms-of-the-virgin-1475,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hans-memling_the-martyrdom-of-saint-ursula-and-her-companions-at-cologne-from-the-reliquary-of-st-ursula-1489,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-martyrdom-of-st-sebastian,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-martyrdom-of-st-ursula-s-companions-and-the-martyrdom-of-st-ursula-from-the-shrine-of-st-1489,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-mourning-virgin-with-st-john-and-the-pious-women-from-galilee-1485,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hans-memling_the-nativity-left-wing-of-a-triptych-of-the-adoration-of-the-magi-1472,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-passion-1471,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-presentation-in-the-temple-1463,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_the-reliquary-of-st-ursula-1489,"[1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-reliquary-of-st-ursula-1489-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_the-rest-on-the-flight-into-egypt,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-resurrection-central-panel-from-the-triptych-of-the-resurrection-1490,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-triptych-of-willem-moreel-middle-panel-saint-christopher-with-saint-maurus-of-glanfeuil-and-1484,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_the-virgin-and-child-with-an-angel-st-george-and-a-donor,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_the-virgin-and-child-with-saints-and-donors-the-donne-triptych,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_the-virgin-and-child-with-st-james-and-st-dominic-presenting-the-donors-and-their-family-known,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_tommaso-portinari-and-his-wife,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_triptych,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_triptych-of-adriaan-reins-1480,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,hans-memling_triptych-of-adriaan-reins-closed,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hans-memling_triptych-of-earthly-vanity-and-divine-salvation,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_triptych-of-jan-crabbe-1470,"[0.0, 12.0, 2.0, 1.0, 0.0, 3.0, 1.0, 24.0, 2.0]"
+Northern_Renaissance,hans-memling_triptych-of-jan-floreins-1479,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_triptych-of-jan-floreins-closed-1479,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_triptych-of-the-family-moreel-closed-1484,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_triptych-of-the-mystical-marriage-of-st-catherine-of-alexandria-inker-wing-the-beheading-of-1479,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_triptych-of-the-mystical-marriage-of-st-catherine-of-alexandria-right-wing-scene-of-st-john-the-1479,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_triptych-of-the-mystical-marriage-of-st-catherine-of-alexandria-the-founder-jacob-de-kueninc-1479,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hans-memling_triptych-of-the-resurrection-the-resurrection-centre-the-martyrdom-of-st-sebastian-left-and-the-1490,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_triptych-of-willem-moreel-left-wing-the-founder-willem-moreel-his-sons-and-st-william-of-1484,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hans-memling_triptych-of-willem-moreel-right-wing-the-founder-barbara-van-vlaenderbergh-wife-of-willem-1484,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_vanity-central-panel-from-the-triptych-of-earthly-vanity-and-divine-salvation,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_view-of-the-last-judgement-with-its-panels-closed-depicting-the-donors-angelo-di-jacopo-tani-1473,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_virgin-and-child,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-enthroned,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-enthroned-with-two-angels-1490,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-enthroned-with-two-musical-angels-1467,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-in-a-landscape,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-in-a-rose-garden-with-two-angels,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-with-musician-angels,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hans-memling_virgin-and-child-with-st-anthony-the-abbot-and-a-donor-1472,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-enthroned-with-child-and-angel,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-suckling-the-child-1490,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_virgin-with-the-child-reaching-for-his-toe-1490,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hans-memling_wings-of-a-triptych,"[1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hans-memling_young-man-at-prayer,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_a-comical-barber-scene,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_a-peasant-and-three-bustlength-figures-1515,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_adoration-of-the-child,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi-1516,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi-1516-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Northern_Renaissance,hieronymus-bosch_adoration-of-the-magi-1516-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_allegory-of-gluttony-and-lust-1500,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_animal-studies,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_ascent-of-the-blessed-1504,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_beehive-and-witches,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_beggars,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_christ-carrying-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_christ-carrying-the-cross-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_christ-carrying-the-cross-1490,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_christ-child-with-a-walking-frame,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_christ-crowned-with-thorns-1510,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_cripples,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Northern_Renaissance,hieronymus-bosch_crowned-with-thorns-1500,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_crucifixion-with-a-donor-1485,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_death-and-the-miser,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1490,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1490-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_death-and-the-miser-1516,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_death-and-the-miser-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_death-of-whore,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_epiphany,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_figure-in-a-beehive-and-a-monsterb-a-cursory-sketch-of-two-women,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_fox-and-rooster,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_group-of-male-figures,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_group-of-victims,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_haywain,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500-1,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500-3,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500-4,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500-5,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500-6,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1500-7,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1502,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-1502-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-2,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_haywain-3,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_head-of-a-halberdier,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_head-of-an-old-woman,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_hell-1504,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_hell-fall-of-the-damned-1504,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_hermit-saints-triptych,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_hermit-saints-triptych-left-panel,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_hermit-saints-triptych-right-panel,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_last-judgement,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_last-judgement-left-wing-of-the-triptych,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_last-judgment-right-wing,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_mankind-beset-by-devils-reverse-of-noah-panel-1504,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_mankind-beset-by-devils-reverse-of-rebel-angels-panel-1504,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_mary-and-john-mary-and-john-at-the-foot-of-the-cross-1516,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_moorish-battle-two,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_nest-of-owls,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_noah-s-ark-on-mount-ararat-obverse,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_not_detected_195349,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_not_detected_195350,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_not_detected_195351,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_not_detected_195353,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_not_detected_195354,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_not_detected_195355,"[1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_not_detected_195357,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_paradise,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_passion-of-the-christ-1515,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_passion-of-the-christ-1515-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_saint-christopher,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_saint-christopher-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_saint-john-the-evangelist-on-patmos-1485,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_scenes-in-hell,"[3.0, 4.0, 2.0, 2.0, 0.0, 8.0, 15.0, 1.0, 12.0]"
+Northern_Renaissance,hieronymus-bosch_sketches-for-a-temptation-of-st-anthony,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_st-anthony-st-giles-1499,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_st-jacob-and-the-magician,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_st-jacques-and-the-magician-hermogenes,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_st-jerome-praying-1500,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_st-john-the-baptist-in-meditation-1499,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_st-john-the-evangelist-on-patmos-reverse,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_st-liberata-triptych-1504,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_studies,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Northern_Renaissance,hieronymus-bosch_studies-of-monsters,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_study-of-monsters,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony,"[1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-1,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-1506,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_temptation-of-st-anthony-3,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-adoration-of-the-magi,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-adoration-of-the-magi-1510,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-adoration-of-the-magi-1510-1,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-ascent-into-the-empyrean-or-highest-heaven,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-carrying-of-the-cross-1480,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-carrying-of-the-cross-christ-and-st-veronica,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-concert-in-the-egg-1480,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-conjuror,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-cure-of-folly,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-entombment-1507,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-fall-of-the-rebel-angels-1504,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515,"[0.0, 5.0, 0.0, 8.0, 0.0, 1.0, 33.0, 3.0, 4.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-10,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-11,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-2,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-4,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-5,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-6,"[6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-7,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-8,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1515-9,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-10,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-11,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-12,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-13,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-14,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-15,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-16,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-17,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-18,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-3,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-4,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-5,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-6,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-7,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-8,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-1516-9,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-2,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-4,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-garden-of-earthly-delights-5,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_the-hearing-forest-and-the-seeing-field,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-house-of-ill-fame,"[3.0, 2.0, 6.0, 3.0, 2.0, 6.0, 5.0, 18.0, 4.0]"
+Northern_Renaissance,hieronymus-bosch_the-last-judgement,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-last-judgement-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-last-judgement-1482,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-last-judgement-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,hieronymus-bosch_the-last-judgement-detail-of-the-cask,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-last-judgement-detail-of-the-dagger-1500,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-last-judgment-1516,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-legend-of-the-mass-of-st-gregory,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-marriage-feast-at-cana,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-seven-deadly-sins-and-the-four-last-things-1485,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_the-ship-of-fools,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_the-ship-of-fools-1500(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-ship-of-fools-in-flames,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-eve-by-the-serpent-1490,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-2,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-3,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-4,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-5,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_the-temptation-of-st-anthony-1516-6,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,hieronymus-bosch_the-vagabond-the-prodigal-son-1516,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_the-wayfarer,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_this-is-a-human-ecce-homo,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_tiptych-of-temptation-of-st-anthony-1506,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_tree-man,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_triptych-of-last-judgement,"[2.0, 5.0, 1.0, 3.0, 0.0, 0.0, 6.0, 23.0, 7.0]"
+Northern_Renaissance,hieronymus-bosch_triptych-of-last-judgement-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_triptych-of-temptation-of-st-anthony-1506,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_triptych-of-temptation-of-st-anthony-1506-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_triptych-of-temptation-of-st-anthony-1506-2,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_triptych-the-temptation-of-st-anthony-1516,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_turtle-and-a-winged-demon,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_two-caricatured-heads,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_two-male-heads,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_two-monsters,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hieronymus-bosch_two-witches,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_various-sketches-and-a-beggar-1516,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hieronymus-bosch_witches,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_benedictine-monk,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_calvary-triptych-1468,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_calvary-triptych-central-panel-1468,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_calvary-triptych-left-wing-1468,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_calvary-triptych-right-panel-1468,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_christ-on-the-cross,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_death-of-the-virgin,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_deposition-diptych-small-deposition-left-wing,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_deposition-diptych-small-deposition-right-wing,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_diptych-of-the-fall-of-man-and-the-redemption-lamentation-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_flower-detail-from-the-central-panel-of-the-portinari-altarpiece,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,hugo-van-der-goes_jacob-and-rachel,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_joseph-and-asenath,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_mary-with-child,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_portinari-triptych-1478,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-1,"[14.0, 5.0, 5.0, 1.0, 1.0, 1.0, 9.0, 6.0, 2.0]"
+Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,hugo-van-der-goes_portinari-triptych-detail-1478-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Northern_Renaissance,hugo-van-der-goes_portrait-of-a-man-1475,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_portrait-of-a-man-of-prayer-with-st-john-the-baptist,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_the-adoration-of-the-kings-monforte-altar,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_the-adoration-of-the-shepherds,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_the-crucifixion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_the-fall,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_the-portinari-altarpiece-st-mary-magdalen-and-st-margaret-with-maria-baroncelli-and-daughter,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_the-portinari-altarpiece-st-thomas-and-st-anthony-the-hermit-with-tommaso-portinari-and-two-1478,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_the-portinari-triptych-close-1478,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_the-portinari-tryptich-middle-panel-1478,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_the-trinity-altar-panels-1478,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,hugo-van-der-goes_the-trinity-altar-panels-detail-1478,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,hugo-van-der-goes_virgin-and-child-with-st-anne-and-a-franciscan-donor,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jan-provoost_abraham-sara-and-an-angel,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-provoost_allegory-of-christianity-1515,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,jan-provoost_christian-allegory-1515,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-provoost_crucifixion,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,jan-provoost_crucifixion-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,jan-provoost_crucifixion-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,jan-provoost_death-and-the-miser,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-provoost_donor-with-st-nicholas-and-his-wife-with-st-godelina,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-provoost_last-judgement,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-provoost_portrait-of-a-female-donor,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-provoost_the-martyrdom-of-st-catherine,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-provoost_the-virgin-mary-in-glory-1524,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-provoost_virgin-and-child,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,jan-provoost_virgin-and-child-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-provoost_virgin-giving-breast,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_a-man-in-a-turban-1433,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_adam-from-the-left-wing-of-the-ghent-altarpiece-1429,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jan-van-eyck_adoration-of-the-lamb-1429,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_angel-annunciate-from-exterior-of-left-panel-of-the-ghent-altarpiece-1432,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_copy-drawing-of-madonna-by-the-fountain,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_donor-and-st-john-the-baptist-1432,"[2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_eve-from-the-right-wing-of-the-ghent-altarpiece-1429,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_giovanni-arnolfini-and-his-wife-giovanna-cenami-the-arnolfini-marriage-detail-1434,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_giovanni-arnolfini-and-his-wife-giovanna-cenami-the-arnolfini-marriage-detail-1434-1,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_god-the-father-1432,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_isabella-borluut-panel-from-the-ghent-altarpiece-1432,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_left-panel-from-the-ghent-altarpiece-1432,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_madonna-and-child-at-the-fountain-1439,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_madonna-and-child-with-canon-joris-van-der-paele-1436,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_madonna-at-the-fountain-1439,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_madonna-from-the-inn-s-hall-1433,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_man-in-a-blue-turban-1433,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-a-man-with-carnation,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-a-young-man-1432,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-baudouin-de-lannoy-1435,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-cardinal-albergati,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-cardinal-albergati-1435,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-christ-1440,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-giovanni-arnolfini-1435,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-jan-de-leeuw-1436,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_portrait-of-margaret-van-eyck-1439,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_small-triptych-central-panel,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_st-barbara-1437-1,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_st-francis-receiving-the-stigmata,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_st-jerome-in-his-study-1432,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-annunciation,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-annunciation-1440,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-annunciation-1440-1,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-annunciation-1440-2,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-arnolfini-wedding-the-portrait-of-giovanni-arnolfini-and-his-wife-giovanna-cenami-the-1434,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-birth-of-john-the-baptist-1422,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-cumaean-sibyl-1432,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-erythraean-sibyl-1432,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-2,"[0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-3,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-5,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-6,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-7,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altar-detail-1432-8,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-1432,"[0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-1432-1,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-detail-1432,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-detail-from-the-exterior-of-the-right-shutter-1432,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,jan-van-eyck_the-ghent-altarpiece-the-virgin-mary-1429,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jan-van-eyck_the-last-judgment-detail-1426,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-lucca-madonna-1436,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-madonna-in-the-church-1439,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436,"[1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-2,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-3,"[1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-madonna-of-canon-van-der-paele-detail-1436-4,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jan-van-eyck_the-offerings-of-cain-and-abel-1429,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,jan-van-eyck_the-prophet-zacharias-and-the-angel-gabriel-1432,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,jan-van-eyck_the-rolin-madonna-la-vierge-au-chancelier-rolin-1435,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-soldiers-of-christ-1430,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-virgin-and-child-in-a-church-1437,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-virgin-and-child-in-a-church-1437-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-virgin-of-the-chancellor-rolin-detail-1436,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_the-virgin-of-the-chancellor-rolin-detail-1436-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_the-virgin-of-the-chancellor-rolin-detail-1436-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jan-van-eyck_virgin-and-child-with-saints-and-donor-1441,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_virgin-and-child-with-st-michael-st-catherine-and-a-donor-1437,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-eyck_virgin-annunciate-from-the-exterior-of-the-right-panel-of-the-ghent-altarpiece-1432,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_a-merry-company,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_allegorical-scene,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_christ-1540,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 5.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_christ-carrying-the-cross,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_christ-driving-merchants-from-the-temple,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-hemessen_isaac-blessing-jacob,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_jesus-summons-matthew-to-leave-the-tax-office,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-hemessen_jesus-summons-matthew-to-leave-the-tax-office-1540,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_judith,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-2,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-3,"[21.0, 2.0, 7.0, 1.0, 0.0, 2.0, 2.0, 5.0, 5.0]"
+Northern_Renaissance,jan-van-hemessen_parable-of-the-prodigal-son-4,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_risky-society,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_san-girolamo-in-preghiera,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,jan-van-hemessen_st-jerome,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_st-jerome-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_st-jerome-praying-before-a-rocky-grotto-1548,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_tarquin-and-lucretia,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_the-descent-from-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_the-lamentation-of-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_the-mocking-of-christ,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_the-prodigal-son-1536,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_the-surgeon,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_tobias-restores-his-father-s-sight,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_vanit,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_virgin-and-child,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_virgin-and-child-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jan-van-hemessen_woman-weighing-gold,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_a-re-imagination-of-louis-iii-and-carloman-s-879-victory-over-the-vikings,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,jean-fouquet_arrival-of-the-emperor-charles-iv-in-front-of-saint-denis-1460,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jean-fouquet_back-in-england-isabella-of-france-1460,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_banquet-given-by-charles-v-1338-80-in-hhonour-of-his-uncle-emperor-charles-iv-1316-78-in-1378-1460,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_banquet-of-charles-v-the-wise,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_battle-between-the-maccabees-and-the-bacchides,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_battle-of-fontenoy-en-puisaye-in-841,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_battle-of-gilboa-flavius-josephus-1475,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_battle-of-jericho,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_boccaccio-s-de-casibus-writing-a-courier-delivering-luvrs-to-mainardo-dei-cavalcanti-boccaccio,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_building-of-the-temple-of-jerusalem,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_capture-of-jerusalem-by-herod-the-great-1475,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_capture-of-jerusalem-by-ptolemy-soter-1475,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_carrying-the-cross,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,jean-fouquet_cases-of-noble-men-and-women,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,jean-fouquet_charity-of-st-martin-1460,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_charlemagne-builder-1460,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_charles-v-gives-the-sword-of-constable-to-bertrand-du-guesclin-1460,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,jean-fouquet_clovis-ii,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_conversation-between-st-gontran-and-st-childebert-ii,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_conviction-and-punishment-supporters-of-amaury-de-chartres-1460,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-charlemagne-1460,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-charles-vi-in-1380-in-reims-1460,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-lothair-1460,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-louis-the-pious-1460,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-louis-vi,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-louis-vi-1460,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-louis-viii-and-blanche-of-castile-at-reims-1460,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-pepin-the-short-in-laon-1460,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_coronation-of-philippe-auguste-1460,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_crusaders-arrived-in-constantinople-battle-between-the-french-and-turks-in-1147-and-1148,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_david-learning-of-the-death-of-saul,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,jean-fouquet_david-prayers-1460,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_death-of-bertrand-du-guesclin-1460,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jean-fouquet_death-of-william-longsword-1460,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_decameron,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jean-fouquet_descent-of-the-holy-ghost-upon-the-faithful-1460,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_desecration-of-the-temple-of-jerusalem-in-63-bc-by-pompey-and-his-soldiers,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,jean-fouquet_division-of-the-kingdom-of-clotaire-1460,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_emperor-cyrus-the-great-of-persia-who-permitted-the-hebrews-to-return-to-the-holy-land-and,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_enthronement-of-the-virgin-or-the-trinity-in-its-glory,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_entry-of-charles-v-in-paris-1460,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_entry-of-emperor-charles-iv-in-cambrai-1460,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_entry-of-jean-le-bon-in-paris-1460,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_entry-of-louis-vii-c-1120-80-king-of-france-and-conrad-iii-1093-1152-king-of-germany-into,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_etienne-chevalier-1410-74-and-his-patron-paying-homage-to-the-virgin-and-child-1460,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,jean-fouquet_etienne-chevalier-with-st-stephen,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_funerals,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,jean-fouquet_guerre-entre-girard-de-cazaubon-et-le-comte-de-foix-reddition-de-roger-bernard-iii,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,jean-fouquet_hugh-capet-seized-the-fortresses-of-artois-1460,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_job-and-his-false-comforters,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,jean-fouquet_john-on-patmos-1460,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,jean-fouquet_king-clothar-ii-584-629-cannot-bring-back-his-son-dagobert-i-605-39-to-paris,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,jean-fouquet_livius-der-sorbonne,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,jean-fouquet_louis-xi-chairing-a-chapter-1470,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jean-fouquet_louis-xi-chairs-the-chapter-of-saint-michel,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_madonna-and-child-left-panel-of-diptych-de-melun,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_maria-of-brabants-coronation-in-the-sainte-chapelle-of-paris,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_marriage-of-charles-iv-and-marie-of-luxembourg,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_martyrdom-of-saint-apollonia-detail-1456,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_martyrdom-of-st-andrew-before-the-proconsul-egeas,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,jean-fouquet_martyrdom-of-st-apollonia,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_mary-holding-the-christ-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_medallion,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,jean-fouquet_pentecost,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_philippe-de-valois-appointed-regent-1460,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_pieta-1480,"[0.0, 6.0, 3.0, 0.0, 0.0, 2.0, 1.0, 35.0, 4.0]"
+Northern_Renaissance,jean-fouquet_portrait-of-a-papal-legate-1460,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_portrait-of-charles-vii-king-of-france,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_portrait-of-guillaume-jouvenel,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_portrait-of-guillaume-jouvenel-des-ursins-the-chancellor-of-charles-vii,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_portrait-of-man-with-hat,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_portrait-of-pope-eugene-iv,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_portrait-of-the-ferrara-court-jester-gonella,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_preaching-the-first-crusade-at-clermont-1460,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_robert-the-pious-files-an-antiphon-1460,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_saint-bernard,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,jean-fouquet_saint-paul,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,jean-fouquet_sainte-anne-and-the-three-maries,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_sainte-marguerite-and-olibrius-also-known-as-marguerite-keeping-sheep,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_self-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Northern_Renaissance,jean-fouquet_simon-de-varie-kneeling-in-prayer,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_st-francis-receiving-the-stigmata,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_st-jacques-appears-to-charlemagne-1460,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_st-michael-slaying-the-dragon,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_taken-in-tours-in-1189-1460,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_tapestry-of-the-winged-deers,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_the-adoration-of-the-magi,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_the-annunciation,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_the-annunciation-dove-1465,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_the-arrival-of-charles-v-1337-80-in-paris-28th-may-1364,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_the-ascension-of-the-holy-spirit,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_the-coronation-of-the-virgin,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_the-crucifixion-1460,"[0.0, 5.0, 2.0, 0.0, 3.0, 6.0, 3.0, 30.0, 2.0]"
+Northern_Renaissance,jean-fouquet_the-death-of-bertrand-du-geusclin-c-1320-80-at-chateauneuf-de-randon-1460,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,jean-fouquet_the-dormition-of-the-virgin-1460,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_the-emperor-charlemagne-finds-roland-s-corpse-after-the-battle-of-roncevaux,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Northern_Renaissance,jean-fouquet_the-emperor-charles-iv-and-the-dignitaries-of-paris-1460,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_the-funeral-of-the-virgin-1460,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,jean-fouquet_the-life-of-louis-ii-846-79-the-stammerer,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_the-martyrdom-of-st-james-the-great,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_theodoric-victory-over-the-danes-1460,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Northern_Renaissance,jean-fouquet_tribute-of-edward-iii-to-philip-1460,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_triumph-of-jehoshaphat-over-adad-of-assyria-1475,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_victory-of-henry-i-on-his-brother-robert-1460,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,jean-fouquet_victory-of-louis-iii-and-carloman-on-the-normans-1460,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,jean-fouquet_virgin-and-child,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jean-fouquet_virgin-and-child-enthroned,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-fouquet_wars-of-charlemagne-1460,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,jean-hey_anne-of-france-lady-of-beaujeu-duchess-of-bourbon-presented-by-st-john-the-evangelist-right-1492,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,jean-hey_madeleine-of-bourgogne-presented-by-st-mary-magdalene-1490,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,jean-hey_meeting-at-the-golden-gate,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jean-hey_peter-ii-de-beaujeu-of-bourbon-with-st-peter-left-wing-of-the-bourbon-altarpiece-1498,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-hey_peter-ii-duke-of-bourbon-presented-by-st-peter-left-hand-wing-of-a-triptych-1498,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-hey_portrait-of-charles-ii-of-bourbon,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-hey_portrait-of-francis-de-chateaubriand,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Northern_Renaissance,jean-hey_portrait-of-margaret-of-austria-portrait-of-a-young-princess,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-hey_portrait-of-margaret-of-austria-portrait-of-a-young-princess-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,jean-hey_portrait-of-suzanne-of-bourbon-1498,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jean-hey_st-anne-presenting-anne-of-france-and-her-daughter-suzanne-of-bourbon-right-wing-of-the-bourbon,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,jean-hey_the-annunciation,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-hey_the-annunciation-1500,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-hey_the-bourbon-altarpiece-the-moulins-triptych,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-hey_the-dauphin-charles-orlant-1494,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,jean-hey_the-moulins-triptych-detail,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,jean-hey_the-moulins-triptych-detail-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,jean-hey_the-moulins-triptych-detail-2,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,jean-hey_the-moulins-triptych-detail-3,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,jean-hey_the-nativity,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,jean-hey_the-virgin-and-child-adored-by-angels-1492,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,joachim-patinir_battle-of-pavia,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-patinir_charon,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-st-christopher,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-st-jerome,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-st-john-the-baptist-preaching,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-the-destruction-of-sodom-and-gomorrah,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-the-flight-1524,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-the-flight-into-egypt,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-the-flight-into-egypt-1516,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-the-penitent-saint-jerome,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-patinir_landscape-with-the-rest-on-the-flight,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-patinir_miracle-of-st-catherine,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-patinir_rest-during-the-flight-to-egypt,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-patinir_rest-of-the-holy-family-on-the-flight-into-egypt,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,joachim-patinir_rocky-landscape-with-saint-jerome,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-patinir_st-christopher-bearing-the-christ-child,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-patinir_st-jerome-in-rocky-landscape,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,joachim-patinir_st-jerome-in-the-desert,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,joachim-patinir_temptation-of-st-anthony,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-patinir_the-baptism-of-christ,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-patinir_the-penitence-of-saint-jerome,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-patinir_the-rest-of-the-flight-into-egypt-1524,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_adoration-by-the-shepherds,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_adoration-by-the-shepherds-1625,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-wtewael_adoration-of-the-shepherds-detail,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-wtewael_aphrodite-ares-and-eros-sun,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_bacchus-between-ceres-and-venus,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_cephalus-and-procris-the-death-of-procris-1600,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,joachim-wtewael_charity-1627,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_danae,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-wtewael_kitchen-scene-1605,"[7.0, 4.0, 10.0, 7.0, 0.0, 9.0, 1.0, 4.0, 5.0]"
+Northern_Renaissance,joachim-wtewael_lot-and-his-daughters,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_mars-and-venus-discovered-by-the-gods-1604,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_mars-and-venus-surprised-by-vulcan-1601,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_martyrdom-of-st-sebastian-1600,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-wtewael_moses-striking-the-rock-1624,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_perseus-rescuing-andromeda-1611,"[0.0, 4.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_portrait-of-eva-wtewael-1628,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_portrait-of-the-artist-s-wife-1601,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_self-portrait-1601(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_supper-at-emmaus,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,joachim-wtewael_the-battle-between-the-gods-and-the-titans-1600,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_the-golden-age-1605,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_the-judgment-of-paris,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,joachim-wtewael_the-judgment-of-paris-1615,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,joachim-wtewael_the-tribute-money-1616,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_abishai-kneeling-before-david,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_angel-of-annunciation-1435,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_annunciation,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,konrad-witz_crucifixion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,konrad-witz_ecclesia-1440,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,konrad-witz_emperor-augustus-and-the-sybil-of-tibur,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_esther-before-ahasuerus,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,konrad-witz_joachim-and-anna-in-front-of-the-golden-gate-1435,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,konrad-witz_king-solomon-and-the-queen-of-sheba,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,konrad-witz_madonna-and-saints-in-a-church,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,konrad-witz_presentation-of-cardinal-de-mies-to-the-virgin,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,konrad-witz_sabobai-and-benaiah,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_st-bartholomew,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_st-catherine-and-mary-magdalene,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,konrad-witz_st-catherine-of-alexandria,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,konrad-witz_st-christopher,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,konrad-witz_the-adoration-of-the-magi,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_the-liberation-of-st-peter,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,konrad-witz_the-miraculous-draught-of-fishes-peter-s-altar-table-1444,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,konrad-witz_the-synagoge,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1512,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1528,"[0.0, 1.0, 3.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1531,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1531-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-1533,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-2,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-in-paradise-1509,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_adam-and-eve-in-the-garden-of-eden-1530,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_albert-cardinal-elector-of-mainz-at-the-foot-of-the-cross-1520,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_albrecht-brandenburg,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_albrecht-of-brandenburg-as-st-jerome-in-his-study-1526,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_albrecht-of-brandenburg-as-st-jerome-in-his-study-1527,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_allegory-of-justice-1537,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_anna-cuspinian,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_apollo-and-diana,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_arrest-of-christ-1538,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_beardless-young-man,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_casimir-margrave-of-brandenburg-1522,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_charity,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_charity-1534,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christ-and-mary-1520,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christ-and-the-adulteress-1520,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christ-and-the-adulteress-1532,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christ-as-savior-with-martin-luther,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christ-carrying-the-cross-1538,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christ-taking-leave-of-his-mother-1520,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christian-ii-of-denmark-and-norway,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_christoph-von-scheurl-1509,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_chtist-as-the-man-of-sorrows-1515,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_cranach-the-garden-of-gethsemane,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_cupid-complaining-to-venus,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_david-and-bathsheba-1526,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_diana-and-actaeon,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_diptych-with-the-portraits-of-martin-luther-and-his-wife-1529,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_dr-johannes-cuspinian,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_elector-john-the-constant-of-saxony-1526,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_electors-of-saxony-friedrich-the-wise-johann-the-steadfast-and-johann-friedrich-the-magnanimous-1532,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_fall-of-man,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_fall-of-man-1537,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_feast-of-herod-1531,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_feast-of-herod-1539,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_flagellation-of-christ-1538,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_friedrich-iii-the-wise-elector-of-saxony-1532,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_georg-spalatin-1509,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_hans-and-magrethe-luther-1527,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_head-of-christ-crowned-with-thorns-1510,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_heracles-and-omphale,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_heracles-and-omphale-1537,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_hunt-in-honour-of-charles-v-at-the-castle-of-torgau-1544,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_joachim-i-nestor-elector-of-brandenburg-1529,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_johann-friedrich-von-sachsen-1532,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_johann-friedrich-von-sachsen-1532-1,"[4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_johannes-bugenhagen-1532,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_johannes-bugenhagen-1537,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_johannes-carion,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_johannes-reuss-1503,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_john-duke-of-saxony,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_john-frederick-the-magnanimous-elector-of-saxony-1535,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_judith,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_judith-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_judith-at-the-table-of-holofernes-1531,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_judith-victorious,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_judith-with-the-head-of-holofernes,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_judith-with-the-head-of-holofernes-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_katharina-luther-1526,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_katharina-luther-1528,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_katharina-luther-1529,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_katharina-von-bora,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_katharina-von-bora-1528,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_katharina-von-bora-future-wife-of-martin-luther-1526,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_lamentation-1538,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_law-and-grace-1529,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_law-and-grace-1529-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_lot-and-his-daughters-1528,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_lucretia,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_lucretia-1532,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_lucretia-1533,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_lucretia-1538,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_lucretia-committing-suicide,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_madonna-1514,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_madonna-and-child,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_madonna-and-child-1540,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_madonna-and-child-with-a-bunch-of-grapes-1525,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_magdalene-von-sachsen,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_martin-luther,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_martin-luther-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_martin-luther-1526,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Northern_Renaissance,lucas-cranach-the-elder_martin-luther-1526-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_martin-luther-as-a-monk-1520,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_melancholy-1532,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_melancholy-1532-1,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_nativity-holy-night-christmas,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_nicholaus-gallus-a-lutheran-theologian-and-reformer,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_old-man-and-young-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_paradise-1536,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_philipp-melanchthon-1532,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_philipp-melanchthon-1537,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-man-1514,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-noblewoman-1534,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-noblewoman-as-mary-magdalene-1525,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-prince,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-prince-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-saxon-princess-1517,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-woman-1526,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-girl-magdalena-luther,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-man-in-hat-1521,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-nobleman-1539,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-woman,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-woman-1530,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-a-young-woman-holding-grapes-and-apples-1528,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-anna-cuspinian,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-barbara-duchess-of-saxony,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-cardinal-albrecht-of-brandenburg-1526,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-cardinal-albrecht-of-brandenburg-1526-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-charles-v-1533,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-duchess-katharina-von-mecklenburg-1514,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-duke-johann-der-bestandige-of-saxony-1509,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-elector-frederick-the-wise-in-his-old-age-1525,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-frau-reuss-1514,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-geiler-von-kaiserberg,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-hans-melber-1526,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-joachim-ii-1520,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-johann-friederich-i-the-magnanimous-elector-of-saxony-1509,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-johann-friedrich-elector-of-saxony-1531,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-johann-i-the-steadfast-elector-of-saxony,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-katharina-von-bora,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-katharina-von-bora-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-katharina-von-bora-1529,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-luther-s-father-1527,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-martin-luther-1543,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-martin-luther-1543-1,"[1.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-martin-luther-as-an-augustinian-monk,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-philipp-melanchthon-1543,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portrait-of-rudolph-agricola,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portraits-of-henry-the-pious-duke-of-saxony-and-his-wife-katharina-von-mecklenburg-1514,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portraits-of-johann-i-and-frederick-iii-the-wise-electors-of-saxony-1533,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_portraits-of-martin-luther-and-philipp-melanchthon-1543,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_reclining-diana,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_reclining-river-nymph-at-the-fountain-1518,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_reformators,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_rest-on-the-flight-into-egypt-1504,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_saint-christopher,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_saint-jerome,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_saints-dorothea-agnes-and-kunigunde-1506,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_salome,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_salome-with-the-head-of-st-john-the-baptist,"[0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_samson-and-delilah,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_samson-s-fight-with-the-lion-1525,"[0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_self-portrait-of-lucas-cranach-the-elder-1550,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_sibylle-von-kleve,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_sinking-of-the-pharaoh-in-the-red-sea-1530,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_sleeping-nymph-of-the-spring,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_small-winged-altar-with-the-resurrection-of-christ-st-barbara-left-wing-and-st-catharine-right-1510,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_st-anthony-1520,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_st-catherine,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_st-catherine-and-st-barbara,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_st-christopher-and-st-george,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_st-dorothea,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_st-george-with-head-of-the-dragon,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_st-leopold-1515,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_stag-hunt-of-elector-friedrich-iii-the-wise-1529,"[1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_stigmatiasation-of-st-francis,"[2.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-annunciation-to-joachim-1518,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-1503,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-1503-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-with-the-converted-centurion-1536,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-with-the-converted-centurion-1538,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-crucifixion-with-the-converted-centurion-1538-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-deer-hunting-1540,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-dying-man-1518,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-fountain-of-youth-1546,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-golden-age,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-golden-age-1530,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-holy-family-1509,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-holy-family-1509-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-infatuated-old-woman-1522,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-judgement-of-paris-1528,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-judgement-of-paris-1540,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-judgment-of-paris,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-judgment-of-paris-1514,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-judgment-of-paris-1527,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-judgment-of-paris-1530,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-last-supper-1547,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-martyrdom-of-st-barbara,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-martyrdom-of-st-catherine-1505,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-martyrdom-of-st-catherine-1506,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-mystic-marriage-of-st-catherine,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-nymph-of-the-fountain-1534,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-nymph-of-the-spring,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-old-man-in-love,"[1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-old-man-in-love-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-old-man-in-love-1537,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-penitence-of-st-jerome-1502,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-princess-1526,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-procuress-1548,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-silver-age,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-ten-commandments,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-three-graces,"[0.0, 0.0, 2.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-three-graces-1531,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-three-graces-1535,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_the-trinity,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_three-princesses-of-saxony-sibylla-emilia-and-sidonia-daughters-of-duke-heinrich-of-frommen,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_trinity,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-1532,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid-1509,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid-1525,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid-1531,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid-1534,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid-2,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-and-cupid-with-a-honeycomb,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-standing-in-a-landscape-1529,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_venus-with-cupid-the-honey-thief,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_virgin-and-child-under-an-apple-tree-1530,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_virgin-and-child-with-a-bunch-of-grapes-1510,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_virgin-and-child-with-st-anne,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,lucas-cranach-the-elder_water-nymph-resting,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_wife-of-dr-johann-stephan-reuss-1503,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,lucas-cranach-the-elder_young-mother-with-child,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,m.c.-escher_hell-copy-after-hiernonymus-bosch,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_a-man-with-a-rosary,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_a-young-princess-dorothea-of-denmark0,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_adam-and-eve,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_adam-and-eve-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,mabuse_adam-and-eve-1525,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_adam-and-eve-in-paradise,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,mabuse_an-elderly-couple,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_christ-on-the-mount-of-olives,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,mabuse_colosseum-1509,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_deesis,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_descent-from-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,mabuse_hercules-and-deianeira-1517,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_holy-family,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_holy-family-with-st-catherine-and-st-barbara,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_madonna-and-child,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_madonna-and-child-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_madonna-and-child-1527,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_madonna-and-child-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,mabuse_madonna-and-child-playing-with-the-veil,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_madonna-and-child-playing-with-the-veil-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_madonna-and-child-with-cherries,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_man-of-sorrow,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,mabuse_mary-magdalene,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_portrait-of-a-man,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,mabuse_portrait-of-a-merchant,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_portrait-of-a-young-woman,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,mabuse_portrait-of-baudoin-of-burgundy,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_portrait-of-chancellor-jean-carondelet-1517,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,mabuse_portrait-of-christian-ii-king-of-denmark,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_portrait-of-floris-van-egmond-1519,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_portrait-of-francisco-de-los-cobos,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,mabuse_portrait-of-hendrik-iii-count-of-nassau-breda,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_prince-hans-of-denmark-norway-and-sweden,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,mabuse_princess-mary-tudor-and-charles-brandon-duke-of-suffolk,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,mabuse_queen-eleanor-of-austria,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,mabuse_saint-luke-painting-the-virgin,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_saint-luke-painting-the-virgin-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,mabuse_self-portrait,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_sheet-with-a-study-after-the-spinario-and-other-sculptures-1509,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,mabuse_skull-1517,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_st-anthony-with-a-donor-1508,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_st-jerome-penitent,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_the-adoration-of-the-kings,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_the-carondelet-diptych-jean-carondelet-left-panel-virgin-and-child-right-panel-1517,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,mabuse_the-children-of-king-christian-ii-of-denmark-norway-and-sweden-1526,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_the-deposition,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,mabuse_the-high-council,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_the-metamorphosis-of-hermaphrodite-and-salmacis,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_the-mocking-of-christ-the-man-of-sorrows,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,mabuse_the-virgin-and-child-1527,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_venus-and-cupid-1521,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_venus-and-the-mirror,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_virgin-and-child,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,mabuse_virgin-and-child-1525,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_virgin-and-child-with-saints,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_virgin-of-louvain,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,mabuse_wings-of-a-triptych,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_a-foolish-virgin,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,martin-schongauer_adoration-of-the-child,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,martin-schongauer_adoration-of-the-magi,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,martin-schongauer_adoration-of-the-shepherds,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Northern_Renaissance,martin-schongauer_altar-of-omgeving-1491,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_altarpiece-of-the-dominicans-the-mystical-hunt,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_angel-s-head,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,martin-schongauer_annunciation,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_annunciation-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_birth-of-jesus,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,martin-schongauer_boy-with-scroll,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,martin-schongauer_bust-of-a-monk-assisting-at-communion,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_censer,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Northern_Renaissance,martin-schongauer_christ-bearing-his-cross,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,martin-schongauer_christ-before-pilate,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,martin-schongauer_christ-s-birth,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,martin-schongauer_christ-s-birth-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_crusifixion,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,martin-schongauer_ecce-homo,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,martin-schongauer_elefant,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,martin-schongauer_elephant-in-hortus-sanitatis,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_engraving-on-copper-of-a-foolish-virgin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,martin-schongauer_engraving-on-copper-of-the-annunciation,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,martin-schongauer_entombment-copperplate,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,martin-schongauer_griffin-1485,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_head-of-a-high-priest,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_holy-antonius,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_judgement-of-solomon,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,martin-schongauer_madonna-and-child-in-the-couryard,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_madonna-of-the-rose-bower-1473,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_madonna-of-the-rose-bush,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,martin-schongauer_madonna-on-the-turf-bench,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_man-in-a-hat-gazing-upward,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,martin-schongauer_marter-of-st-ursula,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,martin-schongauer_nativity-and-st-anthony,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,martin-schongauer_our-saviour-appearing-to-mary-magdalene-in-the-garden,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,martin-schongauer_peasant-family-going-to-the-market-1475,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,martin-schongauer_portrait-of-a-young-woman,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_sitting-mary-with-the-st-jude-thaddeus-and-st-ursula,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_study-of-peonies,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-elephant-and-his-trainer,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,martin-schongauer_the-fifth-foolish-virgin,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,martin-schongauer_the-fifth-wise-virgin,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-first-foolish-virgin,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-flight-into-egypt,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-fourth-wise-virgin,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-holy-family,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-holy-family-1,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-inconvenient-petitioners,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,martin-schongauer_the-inconvenient-petitioners-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,martin-schongauer_the-man-of-sorrows-with-the-virgin-mary-and-st-john-the-evangelist-1475,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,martin-schongauer_the-second-wise-virgin,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-temptation-of-st-anthony,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,martin-schongauer_the-virgin-with-infant,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_two-armbrustspanners,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_virgin-and-the-infant-holding-an-apple,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_virgin-in-the-bush-colmar,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_wild-man-with-shield-1490,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_wild-woman-with-shield-1490,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,martin-schongauer_woman-with-a-turban,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,martin-schongauer_woman-with-a-wreath-of-oak-leaves,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,martin-schongauer_young-woman-fanning-a-fire-with-a-bird-s-wing,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,petrus-christus_annunciation-and-nativity-1452,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_edward-grimston-1446,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,petrus-christus_head-of-christ,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,petrus-christus_isabel-of-portugal-with-st-elizabeth,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,petrus-christus_kneeling-female-donor,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_kneeling-male-donor,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_madonna,"[0.0, 15.0, 23.0, 1.0, 1.0, 2.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,petrus-christus_madonna-and-child,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_madonna-with-the-child-1460,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_nativity,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,petrus-christus_nativity-1452,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_our-lady-of-the-dry-tree,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,petrus-christus_portrait-of-a-male-and-female-donor,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_portrait-of-a-man,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,petrus-christus_portrait-of-a-man-with-a-falcon,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_portrait-of-a-young-girl,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_potrait-of-a-carthusian-1446,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,petrus-christus_st-eligius-as-a-goldsmith-showing-a-ring-to-the-engaged-couple-1449,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,petrus-christus_the-annunciation-1452,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,petrus-christus_the-death-of-the-virgin,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,petrus-christus_the-lamentation,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,petrus-christus_the-lamentation-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,petrus-christus_the-lamentation-over-the-dead-christ,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Northern_Renaissance,petrus-christus_the-last-judgement-1452,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_the-man-of-sorrows,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,petrus-christus_the-virgin-and-child-enthroned-with-saints-jerome-and-francis-1458,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,petrus-christus_the-virgin-and-child-in-a-gothic-interior-painting-by-petrus-christus-nelson-atkins-museum-1460,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_alpine-landscape-1556,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_armed-three-master-with-daedalus-and-icarus-in-the-sky-1562,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_big-fishes-eat-small-fishes-1556,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_census-at-bethlehem-1566,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_charity,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_children-s-games-1560,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_christ-and-the-woman-taken-in-adultery-1565-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_christ-carrying-the-cross-1564,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_conversion-of-st-paul-1567,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_country-concerns-1552,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_courage,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_crafty-bird-catcher-1556,"[0.0, 19.0, 8.0, 8.0, 0.0, 1.0, 2.0, 5.0, 4.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_dulle-griet-mad-meg-1564,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_envy,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_faith,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_fight-between-carnival-and-lent-1559,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_go-ye-into-the-emmaus,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_greed,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_haymaking-1565,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_hope,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_hunters-in-the-snow-1565,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_ice-skating-before-the-gate-of-saint-george-antwerp-1553,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_james-the-late-emperor-of-the-devil-is-stopped-the-illusions-of-a-magician-1565,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_jerome-in-the-desert,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_justice,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_land-of-cockaigne-1567,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_landscape-of-the-alps,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_landscape-with-christ-appearing-to-the-apostles-at-the-sea-of-tiberias-1553,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_landscape-with-the-flight-into-egypt-1563,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_last-judgment,"[0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_laziness,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_lust-1558,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_man-of-war-between-two-galleys-1565,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_market-for-the-country,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_misanthrope-1568,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_naval-battle-in-the-gulf-of-naples-1562,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_netherlandish-proverbs-1559,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_parable-of-the-blind-1568,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_peasant-and-birdnester-1568,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_peasant-wedding-1568,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_philistine,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_pieter-bruegel-the-elder,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_portrait-of-an-old-woman-1563,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_pray-were-swelling-with-anger-veins-grow-black-with-blood,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_pride-1556,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_prudence,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_religionist,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_running-away-the-mother-of-god-into-egypt,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_seascape-with-a-view-of-antwerp,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_soldiers-at-rest-1556,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_summer-1568,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-adoration-of-the-kings,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-adoration-of-the-kings-1564,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-adoration-of-the-kings-in-the-snow-1557,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-alchemist,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-ass-in-the-school-1556,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-beekeepers-and-the-birdnester-1568,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-beggars-1568,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-cart-the-belgic,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-death-of-the-virgin,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-fair-at-hoboken-1559,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-fair-on-st-george-s-day,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-fat-kitchen-1563,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-gloomy-day-1559,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-hare-hunt-1560,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-little-tower-of-babel-1563,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-magpie-on-the-gallows-1568,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-massacre-of-the-innocents-1566,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-painter-and-the-art-lover-1565,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-parable-of-the-sower-1557,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-penitent-magdalene,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-resurrection-of-christ,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-return-of-the-herd-autumn-1565,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-same-god-so-that-he-obtained-of-the-magus-was-by-demons-be-pulled-in-pieces,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-sermon-of-st-john-the-baptist-1566,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-suicide-of-saul,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-triumph-of-death,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_the-wedding-dance-in-the-open-air,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_three-soldiers-1558,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_triptych,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_twelve-proverbs,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_two-chained-monkeys-1562,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_view-of-tivoli-1556,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_village-street,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_walls-towers-and-gates-of-amsterdam,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_winter-landscape-with-skaters-and-a-bird-trap-1565,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,pieter-bruegel-the-elder_wooded-region-1566,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_adoration-of-shepherds-1420,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Northern_Renaissance,robert-campin_blessing-christ-and-praying-virgin,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,robert-campin_crucifixion,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,robert-campin_holy-trinity-gold-silver-and-silk-embroidery-pearls-glass-beads-and-velvet-applique-on-linen-1433,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,robert-campin_holy-virgin-in-glory-1430,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,robert-campin_madonna-and-child-1430,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_madonna-and-child-before-a-fireplace-1430,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,robert-campin_madonna-and-child-in-a-garden,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,robert-campin_madonna-by-a-grassy-bank-oak,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,robert-campin_mass-of-saint-gregory,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,robert-campin_mourning-trinity-throne-of-god-1435,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,robert-campin_portrait-of-a-man,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,robert-campin_portrait-of-a-woman,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,robert-campin_saint-john-the-baptist-1415,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,robert-campin_saint-veronica-displaying-the-sudarium,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,robert-campin_samian-sibyl,"[2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_the-annunciation,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_the-annunciation-1430,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,robert-campin_the-crucified-thief,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Northern_Renaissance,robert-campin_the-liturgical-vestments-of-the-order-of-the-golden-fleece-the-cope-of-saint-john-1442,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_the-liturgical-vestments-of-the-order-of-the-golden-fleece-the-cope-of-the-virgin-mary-1442,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_the-liturgical-vestments-of-the-order-of-the-golden-fleece-the-cope-of-the-virgin-mary-1442-1,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_the-nuptials-of-the-virgin-1420,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Northern_Renaissance,robert-campin_the-nuptials-of-the-virgin-st-james-the-great-and-st-clare-1420,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,robert-campin_trinity-of-the-broken-body-1410,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,robert-campin_triptych-the-two-thieves-with-the-empty-cross-the-entombment-the-resurrection,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Northern_Renaissance,robert-campin_virgin-and-child-1410,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,robert-campin_virgin-and-child-before-a-firescreen,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,robert-campin_virgin-and-child-in-an-interior,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,robert-campin_werl-altarpiece-1438,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_werl-altarpiece-st-barbara-1438,"[1.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,robert-campin_werl-altarpiece-st-john-the-baptist-and-the-donor-heinrich-von-wer-1438,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_abegg-triptych,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_bishop-kneeling-in-profile-swinging-a-censer-accompanied-by-a-clerk,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_braque-family-triptych-1450(1),"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_christ-appears-to-mary-1430,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_christ-carried-to-the-tomb-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_christ-on-the-cross,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_christ-on-the-cross-with-mary-and-st-john,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_crucifixion-1445,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_crucifixion-diptych-1460,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_crucifixion-diptych-1460-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_demons-tortures-a-sinner,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_deposition-1435,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_diptych-of-jeanne-of-france,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_dream-of-pope-sergius,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_entombment-of-christ-1450,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_etude-of-figure-the-evangelist,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_exhumation-of-saint-hubert-1440,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_group-of-men,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_head-of-the-virgin,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_isabella-of-portugal,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_kneeling-woman,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_lamentation,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_lamentation-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_lamentation-1441,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_lamentation-2,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-and-child,"[2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-2,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-3,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-4,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-5,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-and-child-6,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_madonna-with-the-saints,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_man-holding-book,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_mary-altarpiece-1445,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_miniature-from-the-first-page-of-the-chroniques-de-hainaut-1448,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_pierre-bladelin-triptych-1450,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_polyptych-with-the-nativity,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-lady-1460(1),"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-man,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-man-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-woman-1464,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-young-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-young-woman-1440,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-a-young-woman-in-a-pinned-hat-1435,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-antoine-bastard-of-burgundy-1460,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-charles-the-bold,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-charles-the-bold-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-francesco-d-este-1460,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-jean-de-gros-1450,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-jean-le-belliqueux-1451,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-laurent-froimont,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-philippe-de-croy-1460,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-philippe-le-bon,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-philippe-le-bon-1450(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_portrait-of-pierre-de-beffremont,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-catherine-1445,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-columba-altarpiece-1455,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-george-and-the-dragon-1435,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-gregory-the-great-and-st-jerome,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-ivo-1450,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-jerome-and-the-lion-1450,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-john-altarpiece-1460,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saint-mary-magdalene,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_saints-margaret-and-apollonia-1450,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_scupstoel-1448,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_seven-sacraments-altarpiece-1450,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_sforza-triptych-1460,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_st-luke-drawing-a-portrait-of-the-virgin-mary-1440(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-annunciation,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-annunciation-1,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-annunciation-1440,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-annunciation-2,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-last-judgement,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-last-judgement-1450,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-magdalene-reading-1445,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_the-virgin-kneeling-and-praying-behind-st-peter,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_triptych-of-st-eloi,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_triptych-of-the-redemption-1459,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_various-altarpieces-1440,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-and-child,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-1454,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-3,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-and-child-4,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-with-the-blessing-child,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_virgin-with-the-child-and-four-saints,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Northern_Renaissance,rogier-van-der-weyden_visitation-of-mary-1445,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,andre-derain_boats-at-collioure-1905,"[6.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,andre-derain_charing-cross-bridge-1906,"[3.0, 1.0, 0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pointillism,andre-derain_effect-of-sun-on-the-water-london-1906,"[0.0, 6.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,andre-derain_the-bridge-view-on-the-river-1905,"[2.0, 2.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,andre-derain_the-port-of-collioure-1905-1,"[3.0, 0.0, 4.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,andre-derain_westminster-1905,"[0.0, 2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pointillism,arthur-segal_marseilles,"[1.0, 3.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Pointillism,arthur-segal_weg-nach-kynwasser-riesengebirge-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,auguste-herbin_park-in-paris-1904,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,auguste-herbin_the-roofs-of-paris-in-the-snow-1902,"[0.0, 3.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,bridget-riley_pink-landscape-1960,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Pointillism,camille-pissarro_apple-picking-at-eragny-sur-epte-1888,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_brickworks-at-eragny-1888,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_eragny-landscape,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,camille-pissarro_flock-of-sheep-1888,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_flock-of-sheep-in-a-field-after-the-harvest-1889,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_flowering-apple-trees-at-eragny-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_frost-view-fom-bazincourt-1891,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_hampton-court-green-london-1891,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_haymakers-resting-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,camille-pissarro_haystack-eragny-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_ile-lacruix-rouen-effect-of-fog-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_kew-the-path-to-the-main-conservatory,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_meadow-at-bazincourt,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_meadows-at-eragny-1886,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_paul-emile-pissarro-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Pointillism,camille-pissarro_paysanne-couchant-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,camille-pissarro_pear-trees-and-flowers-at-eragny-morning-1886,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_pear-tress-in-bloom-eragny-morning,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_peasant-girl-drinking-her-coffee-1881,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,camille-pissarro_peasant-woman-warming-herself-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pointillism,camille-pissarro_peasants-in-the-field-eragny-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,camille-pissarro_picking-peas,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,camille-pissarro_portrait-of-jeanne,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,camille-pissarro_portrait-of-nini-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Pointillism,camille-pissarro_railroad-to-dieppe-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pointillism,camille-pissarro_setting-sun-and-fog-eragny-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,camille-pissarro_shepherd-and-sheep-1888,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_study-of-a-peasant-in-open-air-also-known-as-peasant-digging-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,camille-pissarro_sunset-at-sent-charlez-eragny-1891,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_sunset-bazincourt-steeple-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_the-apple-pickers-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pointillism,camille-pissarro_the-cabage-place-at-pontoise-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,camille-pissarro_the-gleaners-1889,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,camille-pissarro_the-harvest-of-hay-in-eragny-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,camille-pissarro_the-serpentine-hyde-park-fog-effect-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,camille-pissarro_view-through-a-window-eragny-1888,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_wallnut-and-apple-trees-in-bloom-at-eragny,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_women-gathering-grass-1883,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,camille-pissarro_working-at-eragny,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,camille-pissarro_young-flemish-maid,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pointillism,camille-pissarro_young-peasant-at-her-toilette-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,edouard-vuillard_home-maxime,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pointillism,edouard-vuillard_my-grandmother-1892,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,edouard-vuillard_portrait-of-marie-vuillard,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pointillism,georges-lacombeâ _in-the-forest,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-lacombeâ _oaks-and-blueberry-bushes-1905,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-lacombeâ _portrait-of-paul-ranson-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pointillism,georges-lacombeâ _some-waves,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-lemmen_beach-at-heist-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pointillism,georges-lemmen_carnival-the-carousel,"[5.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-lemmen_houses-at-la-hulpe,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-lemmen_picking-fruit,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-lemmen_portrait-of-mme-lemmen-1893,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pointillism,georges-lemmen_portrait-of-the-artist-s-sister-1891,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Pointillism,georges-lemmen_rooftops,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-lemmen_self-portrait-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Pointillism,georges-lemmen_the-two-sisters-1894,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Pointillism,georges-lemmen_view-of-the-thames-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-ribemont-dessaignes_paysage-du-midi-1905,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_alfalfa-st-denis-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_beach-at-bas-butin-honfleur-1886,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_beach-at-gravelines-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,georges-seurat_cadet-from-saint-cyr-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,georges-seurat_chahut-1890,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_circus-sideshow-1888,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pointillism,georges-seurat_courbevoie-landscape-with-turret-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pointillism,georges-seurat_edge-of-wood-springtime-1883,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pointillism,georges-seurat_end-of-the-jetty-honfleur-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,georges-seurat_farm-women-at-work-1883,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_grandcamp-evening-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,georges-seurat_harbor-in-honfleur-1886,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-seurat_harbour-at-port-en-bessin-at-high-tide-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_horse-cart-1884,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_hospice-and-lighthouse-honfleur-1886,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_la-grande-jatte-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pointillism,georges-seurat_low-tide-at-grandcamp-1885,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-seurat_model-from-the-back-1886,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,georges-seurat_model-in-profile-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,georges-seurat_model-to-front-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_mouth-of-the-seine-at-honfleur-evening-1886,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-seurat_port-en-bessin-entrance-to-the-harbor-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_port-en-bessin-the-outer-harbor-low-tide-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,georges-seurat_port-en-bessin-the-semaphore-and-cliffs-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_port-of-honfleur-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_portrait-of-paul-signac-1890,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,georges-seurat_poseur-standing-front-view-study-for-les-poseuses-1887,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,georges-seurat_race-in-grandcamp-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-seurat_river-landscape-with-a-boat-1884,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_sailboat-1884,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_seated-and-standing-woman-1884,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_seated-bather-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,georges-seurat_seated-figures-1884,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,georges-seurat_sketch-with-many-figures-for-sunday-afternoon-on-grande-jatte-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_sleeping-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Pointillism,georges-seurat_study-for-a-sunday-afternoon-on-the-island-of-la-grande-jatte-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_study-for-a-sunday-on-la-grande-jatte-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_study-for-chahut-1890,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_study-for-invitation-to-the-sideshow-1888,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pointillism,georges-seurat_study-for-the-chahut-1890,"[1.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_study-for-the-channel-at-gravelines-1890,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_study-for-the-channel-at-gravelines-evening-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_study-for-the-circus-1891,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_study-for-young-woman-powdering-herself-1890,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,georges-seurat_suburb-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,georges-seurat_sunday-afternoon-on-the-island-of-la-grande-jatte-1886,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_sunday-at-port-en-bessin-1888,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-artist-s-mother-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Pointillism,georges-seurat_the-away-samson-in-grandcamp-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,georges-seurat_the-bec-du-hoc-grandcamp-1885,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-black-bow,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Pointillism,georges-seurat_the-bridge-at-courbevoie-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,georges-seurat_the-channel-at-gravelines-evening-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_the-channel-at-gravelines-grand-fort-philippe-1888,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-seurat_the-channel-at-gravelines-in-the-direction-of-the-sea-1890,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-channel-of-gravelines-petit-fort-philippe-1890,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-circus-1891,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-couple-1884,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-eiffel-tower-1889,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-english-channel-at-grandcamp-1885,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,georges-seurat_the-forest-at-pontaubert,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-garbage-picker,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,georges-seurat_the-gardener-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-seurat_the-harbour-and-the-quays-at-port-en-bessin-1888,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-maria-honfleur-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_the-models-1888,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pointillism,georges-seurat_the-pont-de-courbevoie-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Pointillism,georges-seurat_the-port-of-honfleur-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Pointillism,georges-seurat_the-river-seine-at-la-grande-jatte-1888,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-rope-colored-skirt-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-scene-in-the-theater,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,georges-seurat_the-seine-at-courbevoie-1885,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_the-seine-at-la-grande-jatte-in-the-spring-1888,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_the-watering-can-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_trombone-player-1887,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Pointillism,georges-seurat_view-of-crotoy-the-valley-1889,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_view-of-fort-samson-1885,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,georges-seurat_view-of-le-crotoy-from-upstream-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_white-houses-ville-d-avray-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,georges-seurat_woman-fishing-and-seated-figures-1884,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,georges-seurat_woman-seated-by-an-easel-1888,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,georges-seurat_women-by-the-water-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,georges-seurat_young-woman-powdering-herself-1890,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Pointillism,georges-vantongerloo_a-seated-lady,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Pointillism,georges-vantongerloo_interior-with-woman-1916,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Pointillism,georges-vantongerloo_self-portrait-1916,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Pointillism,gerardo-dottori_gli-amanti-1907,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,giacomo-balla_a-worker-s-day-1904,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,giacomo-balla_bankruptcy-1902,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,giacomo-balla_girl-running-on-a-balcony-1912,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,hans-hofmann_self-portrait-1902,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,henri-edmond-cross_a-garden-in-provence-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_a-pine-tree,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_a-pine-wood-provence,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_a-venetian-canal-1905,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_afternoon-at-pardigon-var-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_aguttes,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-edmond-cross_an-incoming-storm-1908,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_antibes,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_antibes-afternoon,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_antibes-morning,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_around-my-house,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_bathers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_bathers-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_bathers-1895,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_bathers-1902,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_beach-at-cabasson,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-edmond-cross_beach-on-the-mediterranian,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_boats-in-the-port-of-st-tropez,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_by-the-mediterranean,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_canal-de-la-guidecca-venice,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_cape-layet-provence,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_chaine-des-maures-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pointillism,henri-edmond-cross_coast-near-antibes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_coastal-landscape,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_coastal-view-with-cypress-trees-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Pointillism,henri-edmond-cross_cypress-april,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_cypresses,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_excursion,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_family-of-swans,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_fisherman,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,henri-edmond-cross_in-the-shade-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_la-plage-de-saint-clair-1907,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_landscape,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_landscape-3,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_landscape-the-little-maresque-mountains-1898,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_landscape-with-goats-1895,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_les-petits-montagnes-mauresques,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,henri-edmond-cross_mme-hector-france-nee-irma-clare-and-later,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_plage-de-la-vignassa-1892,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_ponte-san-trovaso-1905,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_portrait-of-madame-cross,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pointillism,henri-edmond-cross_provence-landscape,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_provence-landscape-1,"[0.0, 1.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_ranelagh,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_regatta,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_rio-san-trovaso-venice-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_river-in-saint-clair,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_ronde,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_sailboats,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_sailboats-near-chicago-1905,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_san-giorgio-maggiore-venice-1904,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_siesta-by-the-water,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_still-life-with-bottle-of-wind,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pointillism,henri-edmond-cross_study-for-in-the-woods-with-female-nude,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,henri-edmond-cross_study-for-the-clearing,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_sunset,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_sunset-on-the-lagoon-venice,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_the-bay-of-cavaliere-study,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_the-beach-evening,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-blue-boat,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,henri-edmond-cross_the-canal-near-st-tropez,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-edmond-cross_the-choppy-sea-1903,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-clearing,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-cypresses-at-cagnes-1908,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-evening-air-1894,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_the-excursionists-1894,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-farm-evening,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-edmond-cross_the-farm-morning,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-flowered-column,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-flowered-column-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-flowered-terrace,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-forest-1907,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-fourth-of-july-by-the-sea,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-grape-harvest,"[2.0, 10.0, 23.0, 7.0, 1.0, 0.0, 0.0, 4.0, 1.0]"
+Pointillism,henri-edmond-cross_the-hair,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,henri-edmond-cross_the-iles-d-or-the-iles-d-hyeres-var,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,henri-edmond-cross_the-maures,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-mediterranean-coast,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-mediterranean-east-wind,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-pink-cloud,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-pink-house-1905,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_the-port-of-marseilles,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-return-of-the-fisherman-1896,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_the-shipwreck-1907,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-undergrowth-1907,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-viaduct,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-washerwoman-1896,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Pointillism,henri-edmond-cross_the-wood-1907,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_the-wreck,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,henri-edmond-cross_toulon-winter-morning-1907,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_untitled,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_venice-palazzo-venier-dei-leoni,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_view-of-menton-1902,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_view-of-the-church-of-santa-maria-degli-angeli-near-assisi-1909,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-edmond-cross_woded-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-edmond-cross_woman-in-the-park-1909,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-edmond-cross_young-woman-study-for-the-clearing,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pointillism,henri-martin_banks-of-the-garonne,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_cliff-with-houses,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_door-in-marquayrol,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_facade-of-the-house,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_garden-of-labastide-du-ver-in-marquayrol,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_garden-of-the-artist,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_green-valley-with-stream,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_house-of-marie-louise-in-labastide-1920,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-martin_idylle,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_july-14-in-collioure,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-martin_labastide-du-vert-3,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_landscape-with-couple,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-martin_lot-landscape-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-martin_my-house,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_playing-pipes-to-the-setting-sun-1898,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,henri-martin_port-collioure-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_port-collioure-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_port-collioure-3,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_self-portrait-in-the-garden,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Pointillism,henri-martin_sewing-in-the-garden-at-marquayrol,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-martin_sewing-in-the-garden-at-marquayrol-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_summer,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_terrace-in-marquayrol,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_terrace-in-sun,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_terrace-in-the-rain-in-marquayrol,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_terrace-of-the-manor-in-marquayrol,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-child-with-goose,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-martin_the-church-of-dalbade-in-toulouse,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-gloriette,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-hour-of-mass-in-labastide-du-vert,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,henri-martin_the-house-of-sabotier,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-lovers,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-pergola,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-pergola-1920,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-martin_the-small-pergola,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-tower-of-collioure-in-moonrise,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_the-window-to-the-garden,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pointillism,henri-martin_valley-in-labastide-du-vert,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pointillism,henri-martin_view-from-the-artist-s-studio-1902,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-martin_view-of-the-terrasse-de-marquayrol-labastide-du-vert-1935,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-martin_woman-sewing-on-a-veranda,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-matisse_cape-layet-1904,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-matisse_luxury-serenity-and-pleasure-1904,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-matisse_notre-dame,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,henri-matisse_still-life,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,henri-matisse_still-life-10,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,henri-matisse_still-life-11,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pointillism,jan-toorop_broek-in-waterland-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pointillism,jan-toorop_landscape-with-canal,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,jean-metzinger_femme-au-chapeau-1906,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,jean-metzinger_landscape-couch-e-de-soleil-no-1-1906,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,jean-metzinger_le-chateau-de-clisson-1905,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,jean-metzinger_paysage-1904,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,jean-metzinger_paysage-aux-deux-cypr-s-1905,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pointillism,jean-metzinger_paysage-pointilliste-1907,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,jean-metzinger_the-seashore-1905,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,kazimir-malevich_church-1905,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Pointillism,kazimir-malevich_landscape-1906,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pointillism,kazimir-malevich_landscape-1908,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pointillism,kazimir-malevich_landscape-with-yellow-house-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pointillism,kazimir-malevich_portrait-of-a-member-of-the-artist-s-family,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,kazimir-malevich_winter-landscape-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,kees-van-dongen_le-moulin-de-la-galette-1906,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,kees-van-dongen_sheaf-binders-1905,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,marevna-(marie-vorobieff)_-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,marevna-(marie-vorobieff)_boy-with-grapes,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,marevna-(marie-vorobieff)_dance,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pointillism,marevna-(marie-vorobieff)_maria-holding-a-bird,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,marevna-(marie-vorobieff)_marika-with-a-bouquet-of-flowers-1970,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pointillism,marevna-(marie-vorobieff)_not-identified-2,"[1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,marevna-(marie-vorobieff)_not-identified-3,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,marevna-(marie-vorobieff)_not-identified-4,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,marevna-(marie-vorobieff)_not-identified-5,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pointillism,marevna-(marie-vorobieff)_not-identified-6,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pointillism,marevna-(marie-vorobieff)_portrait-of-young-woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,marevna-(marie-vorobieff)_self-portrait-1929,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,marevna-(marie-vorobieff)_senegal-solgier-1936,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 2.0]"
+Pointillism,marevna-(marie-vorobieff)_still-life-of-fish,"[1.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pointillism,marevna-(marie-vorobieff)_still-life-with-bottle-and-fruit-1938,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pointillism,marevna-(marie-vorobieff)_two-children-1942,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pointillism,marsden-hartley_hall-of-the-mountain-king-1909,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,marsden-hartley_storm-clouds-maine-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Pointillism,marsden-hartley_the-ice-hole-1908,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Pointillism,maurice-prendergast_a-day-in-the-country,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,maurice-prendergast_children-in-the-tree,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pointillism,maurice-prendergast_elephant,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,maurice-prendergast_promenade,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,maurice-prendergast_rising-tide-st-malo,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,maurice-prendergast_the-rider,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pointillism,maurice-prendergast_the-shore,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,nicolae-darascu_balcic-houses-1933,"[1.0, 1.0, 6.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pointillism,nicolae-darascu_seaside-houses-1933,"[3.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,nicolae-vermont_view-of-dieppe-s-beach-1929,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,pablo-picasso_the-happy-family,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,pablo-picasso_woman-with-spanish-dress-1917,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pointillism,paul-signac_antibes-evening-1914,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_antibes-the-pink-cloud-1916,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_antibes-the-towers-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_antibes-thunderstorms-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pointillism,paul-signac_breakfast-the-dining-room,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Pointillism,paul-signac_cap-d-antibes-1919,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_capo-di-noli-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,paul-signac_chateau-de-comblat,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_collioure,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_comblat-and-the-valley-of-the-cere,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_comblat-castle-the-pre-1886(1),"[0.0, 4.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_concarneau-opus-221-adagio-1891,"[0.0, 4.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_dutch-mill-at-edam,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_fecamp-sunshine-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_fort-saint-jean-marseilles-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pointillism,paul-signac_gasometers-at-clichy-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_golfe-juan(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_grand-canal-venise-1905,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_l-hirondelle-steamer-on-the-seine-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,paul-signac_la-voile-verte-1904,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_le-clipper-asnieres-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,paul-signac_le-corne-d-or-le-pont-1907,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_lighthouse-at-groix,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_marseille-an-old-port-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pointillism,paul-signac_port-of-la-rochelle-1921,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_port-of-saint-tropez,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_portrait-of-felix-feneon-1890,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_regatta-in-concarneau-1891,"[1.0, 2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,paul-signac_river-s-edge-the-siene-at-herblay-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_rotterdam-harbour-1907,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_samois-study-nr-8-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_sunday,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-bay-1906,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-demolisher-1899,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,paul-signac_the-dogana-1904,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,paul-signac_the-entrance-to-the-port-of-marseille,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-harbour-at-marseilles-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-jetty-at-cassis-opus-198-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-milliner-1885,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-papal-palace-avignon-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_the-pine-tree-at-st-tropez-1909,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-port-at-vlissingen-boats-and-lighthouses-1896,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_the-port-of-la-rochelle-1915,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_the-port-of-saint-tropez,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-portrait-of-maximilien-luce-1891,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_the-railway-at-bois-colombes-1886,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-red-buoy-saint-tropez-1895,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_the-velodrome-1899,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_venice-the-pink-cloud-1909(1),"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_view-of-the-port-of-marseilles,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,paul-signac_woman-at-her-toilette-wearing-a-purple-corset-1893,"[1.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,paul-signac_woman-by-a-lamp-1890,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,paul-signac_young-women-of-provence-at-the-well-1892,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,richard-gerstl_emile-gerstl-father-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,richard-gerstl_flowering-meadow-with-trees-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pointillism,richard-gerstl_portrait-of-a-gentleman-1907,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,richard-gerstl_route-of-the-train-to-the-kahlenberg,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,richard-gerstl_self-portrait-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Pointillism,richard-gerstl_self-portrait-2-1907,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pointillism,richard-gerstl_self-portrait-3-1907,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Pointillism,richard-gerstl_self-portrait-4-1907,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pointillism,richard-gerstl_self-portrait-with-blue-spotted-background-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pointillism,richard-gerstl_tree-with-ladder-1907,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,richard-gerstl_woman-with-feathered-hat-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Pointillism,salvador-dali_bathers-of-llane,"[3.0, 1.0, 3.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,salvador-dali_dawn-noon-sunset-and-dusk,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,salvador-dali_madrid-architecture-and-poplars,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,salvador-dali_motherhood,"[4.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pointillism,salvador-dali_nude-in-a-landscape,"[2.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pointillism,salvador-dali_small-rocky-bay-of-nans-cadaques-1921,"[0.0, 4.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,salvador-dali_untitled-landscape-near-madrid,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,samuel-mutzner_c-pi-la-giverny-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,samuel-mutzner_peisaj-din-giverny,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,samuel-mutzner_peisaj-din-giverny-1908,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,theo-van-rysselberghe_a-reading-in-the-garden-1902,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_anna-boch-in-her-studio,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,theo-van-rysselberghe_barges-on-the-river-scheldt-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_big-clouds-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,theo-van-rysselberghe_canal-in-flanders-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,theo-van-rysselberghe_canal-in-flanders-1894-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_channel-coast-1892,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_cows-in-a-landscape-1899,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_denise-marechal-1892,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pointillism,theo-van-rysselberghe_dr-auguste-weber-1892,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_east-wind-1904,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_elisaeth-van-rysselberghe-in-a-straw-hat-1901,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_emile-verhaeren-in-his-study,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,theo-van-rysselberghe_female-bathers-under-the-pines-at-cavaliere-1905,"[2.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_fountain-at-san-souci-1903,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_girl-in-green-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pointillism,theo-van-rysselberghe_il-mediterraneo-presso-le-lavandou,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_in-the-shade-of-the-pines-study-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_large-tree-near-the-sea-1919,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_lavandou,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_levant-isle,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_little-denise-1889,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_madame-theo-van-rysselberghe-and-her-daughter-1899,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_madame-von-bodenhausen-with-her-daughter-luli-1910,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,theo-van-rysselberghe_margery-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pointillism,theo-van-rysselberghe_maria-sethe-at-the-harmonium-1891,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_maroccan-market-1887,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_midi-landscape,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_moonlight-night-in-boulogne,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_morning-fog-over-the-port-of-veer-holland-1906,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Pointillism,theo-van-rysselberghe_moroccan-market,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_mortula-at-grimaldi,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_near-the-rocks-of-per-kiridec-1889,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_paul-signac-at-the-helm-of-olympia-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_pines-and-eucalyptus-at-cavelieri-1905,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_port-de-cette,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_port-entrance-at-volendam-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-a-woman-in-black,"[1.0, 3.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-alice-sethe-1888,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-daisy-weber-1907,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-emile-verhaeren-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-helene-and-michette-guinotte-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-irma-sethe-1894,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-jeanne-pissarro-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-laure-fle-1898,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-madame-charles-maus-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-madame-van-rysselberghe-1891,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-mathilde-vereeken-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-michel-van-mos-1892,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Pointillism,theo-van-rysselberghe_portrait-of-the-painter-s-uncle-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pointillism,theo-van-rysselberghe_rainbow-1892,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_sailboats-and-estuary-1892,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_sailboats-on-the-river-scheldt-1892,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_summer-afternoon-tea-in-the-garden-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_summer-landscape-of-the-moor,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_sunset-at-ambleteuse-1899,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_sunset-at-ambletsuse-1899,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-beach-at-ambleteuse-at-low-tide-1900,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-burning-time-1897,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-cap-gris-nez-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-door-of-monsour-hay-in-meknes-morocco-1887,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-jetty-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-man-at-the-tiller-1892,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-mill-at-kelf-1894,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-point-of-rossignol-1904,"[0.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-point-of-rossignol-1905,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-pointe-de-per-kiridec-at-roscoff,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_the-pointe-st-pierre-at-st-tropez-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-promenade-1901,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_the-quay-at-verre-zeeland-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-race-track-at-boulogne-sur-mer-1900,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_the-reading-1903,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-regata-1892,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-scarlet-ribbon-1906,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_the-schelde-upstream-from-antwerp-after-fog-1892,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-valley-of-the-sambre-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_the-violinist-1903,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pointillism,theo-van-rysselberghe_three-children-in-blue-1901,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pointillism,theo-van-rysselberghe_view-of-meknes,"[0.0, 2.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pointillism,theo-van-rysselberghe_view-of-the-river-scheldt-1893,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,theo-van-rysselberghe_woman-at-her-toilette-1905,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pointillism,umberto-boccioni_plastic-dynamism-horse-house-1914,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Pointillism,umberto-boccioni_riot-in-the-galleria-1909,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Pointillism,umberto-boccioni_self-portrait-1905-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pointillism,yayoi-kusama_sunlight-1998,"[3.0, 0.0, 3.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,aki-kuroda_cosmogarden-2011,"[4.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,aki-kuroda_flower-bench-2007,"[4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,aki-kuroda_night-2011,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,aki-kuroda_untitled-1995,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,aki-kuroda_untitled-2008,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,aki-kuroda_untitled-2012,"[2.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Pop_Art,aki-kuroda_untitled-2012-1,"[1.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Pop_Art,aldo-mondino_am-strande-paris-1981,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,aldo-mondino_bela-balans-1965,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,aldo-mondino_byron-1989,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,aldo-mondino_cad-eva-americana-1966,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,aldo-mondino_caduta-di-stella-1968,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pop_Art,aldo-mondino_capi-e-copricapi-1993,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,aldo-mondino_cioccolatini-da-morto-1970,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,aldo-mondino_collage-1973,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,aldo-mondino_dans-des-jarres,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,aldo-mondino_iniziazione-1969,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,aldo-mondino_knawa-maroc-2002,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,aldo-mondino_logo,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,aldo-mondino_osman-iii-1754-1757-1989,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,aldo-mondino_qui-c-est-moi-chocolate-mosaic-1999,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,aldo-mondino_ritratto-di-georgia-o-keeffe-1993,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Pop_Art,aldo-mondino_scultura-un-corno,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,aldo-mondino_settembre,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Pop_Art,aldo-mondino_silveti-1995,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Pop_Art,aldo-mondino_tappeti-stesi,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,aldo-mondino_turcata-1998,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,aldo-mondino_unknown-title,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,aldo-mondino_untitled,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,aldo-mondino_untitled-1960,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Pop_Art,aldo-mondino_untitled-2000,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,aldo-mondino_viola-d-amore-1985,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pop_Art,alex-hay_chicken-wire-1963,"[1.0, 0.0, 2.0, 0.0, 2.0, 1.0, 1.0, 0.0, 3.0]"
+Pop_Art,alex-hay_egg-on-plate-with-knife-fork-and-spoon-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,alex-hay_guest-check-1968,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,alex-hay_paper-bag-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pop_Art,alex-hay_raw-wood-2003,"[2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0]"
+Pop_Art,alighiero-boetti_bugs-bunny-1992,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,alighiero-boetti_fanno-cinque-1988,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,alighiero-boetti_pesci-spada-1988,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,allan-d'arcangelo_april-1969,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,allan-d'arcangelo_constellation-1971,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,allan-d'arcangelo_constellation-1971-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,allan-d'arcangelo_june-moon-1963,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,allan-d'arcangelo_landscape-bb-1974,"[1.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,allan-d'arcangelo_landscape-i-1965,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,allan-d'arcangelo_looking-north-at-121-mile-marker,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,allan-d'arcangelo_madonna-and-child-1963,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Pop_Art,allan-d'arcangelo_marilyn-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,allan-d'arcangelo_mr-and-mrs-moby-dick,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,allan-d'arcangelo_smoke-dream,"[3.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,allan-d'arcangelo_smoke-dream-2-1963,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,allan-d'arcangelo_the-holy-family,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,allan-d'arcangelo_untitled-1966,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,allan-d'arcangelo_us-highway-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,allen-jones_cafe-noir-1973,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,allen-jones_chair-1969,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,allen-jones_chest-1968,"[3.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,allen-jones_crazy-horse-1976,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,allen-jones_cut-a-way-1976,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,allen-jones_diva,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,allen-jones_hatstand-1969,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,allen-jones_leg-splash-1971,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,allen-jones_man-woman-1963,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,allen-jones_one-way-traffic-1974,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,allen-jones_pour-les-levres-1965,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,allen-jones_right-hand-lady-1970,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,allen-jones_table-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0]"
+Pop_Art,allen-jones_the-battle-of-hastings-1962,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,allen-jones_untitled-1974,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,allen-jones_untitled-1977,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,allen-jones_wet-seal-1966,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_a-cat-named-sam,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_absolut-vodka(1),"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_after-marilyn,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_after-the-party,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_albert-einstein,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_amos-1976,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_andy-and-truman-capote-1977,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_apple,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_apple-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_apple-1983,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_arnold-schwarzenegger-1977,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_beatle-boots,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_beethoven,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_benz-racing-car,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_big-electric-chair,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_bighorn-ram-endangered-species-1983,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_black-lenin,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_blackglama-judy-garland,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_botticelli-dettaglio,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_brillo-soap-pads-1969,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,andy-warhol_brillo-soap-pads-boxes-1964,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_bunny-multiple,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_butterfly,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_butterfly-hearths-andy-warhol,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_cagney-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_campbell-s-soup-can-beef,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_campbell-s-soup-can-onion,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Pop_Art,andy-warhol_campbell-soup-company-1986,"[14.0, 4.0, 8.0, 6.0, 0.0, 6.0, 0.0, 0.0, 10.0]"
+Pop_Art,andy-warhol_campbells-soup-pink,"[3.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_campell-s-onion-soup-box-1986,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_candy-box-1981,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_cans,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_carter-burden-brown,"[2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_carter-burden-white,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_chanel,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_che-guevara,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_christmas-cards-on-table-1987,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,andy-warhol_christmas-poinsettias-white-1982,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_coca-cola,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_com,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_committee-2000-champagne-glasses-1979,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_cow,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_cow-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_cow-2,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_cow-3,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_diamond-dust-shoes-1980,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_dollar-sign,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_dollar-sign-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_dollar-sign-2,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_double-hamburger,"[1.0, 0.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_double-silver-disaster,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_dracula,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_drag-queen,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_early-electric-chair,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_eggs-1982,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_eggs-1982(1),"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_electric-chair,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Pop_Art,andy-warhol_electric-chair-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_electric-chair-2,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 3.0]"
+Pop_Art,andy-warhol_electric-chair-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Pop_Art,andy-warhol_elvis,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Pop_Art,andy-warhol_elvis-presley(1),"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_fairy-and-christmas-ornaments-1955,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_five-deaths,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Pop_Art,andy-warhol_five-deaths-eleven-times-in-orange,"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 2.0]"
+Pop_Art,andy-warhol_flowers,"[2.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_flowers-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_flowers-2,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_flowers-3,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pop_Art,andy-warhol_flowers-4,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_friedrich-the-great,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_frog,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_front-and-back,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_fter-marylin-pink,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_gabrielle-navarra-1979,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_gertrude-stein,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_goethe,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_green-coca-cola-bottles,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_gun,"[0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_hamburger-beige,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_hammer-and-sickle,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_howdy-doodie,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_ingrid,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_ingrid-bergman-as-herself,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_ingrid-bergman-as-herself-1,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_ingrid-bergman-as-herself-2,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_ingrid-bergman-with-hat,"[3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_jack-nicklaus-1978,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_jackie,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,andy-warhol_jackie-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_jackie-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_jackie-3,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_james-dean,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_jane-fonda,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_jimmy-carter-1976,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_joseph-beuys-in-memoriam,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_julia-warhola,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pop_Art,andy-warhol_kiku,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_kimiko,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_knives-1982,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_la-grande-passion-poster-1984,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_ladies-and-gentlemen-1975,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_last-supper,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_life-savers,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_liz-taylor,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,andy-warhol_liz-taylor-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_madonna-and-self-portrait-with-skeleton-s-arm-after-munch,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_mammy,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_man-ray,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_mao,"[2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_mao-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_mao-2,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_mao-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_mao-4,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_mao-5,"[0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_mao-6,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_marella-agnelli-1973,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_maria-shriver-1986,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_marilyn,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_marilyn-1,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_marilyn-blue,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_marilyn-reversal,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_marlon-brando,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_martha-graham-1979,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_martinson-coffee,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_marylin-gray,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,andy-warhol_marylin-red,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_mick-jagger,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_mick-jagger-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_mick-jagger-2,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_mickey,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_mickey-mouse,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_mimosas-1976,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_mobil,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_moon-explorer,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_muhammad-ali,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_muhammad-ali-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_muhammad-ali-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pop_Art,andy-warhol_muhammad-ali-3,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_old-fashioned-vegetable,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_only-way-out-is-in,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_orange-disaster,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Pop_Art,andy-warhol_paper-dollar,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_paramount,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_paris-review-poster-1967,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_pia-zadora-1980,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_poinsetta-1981,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_poinsettias-1982,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_poinsettias1982,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_portrait-of-jamie-wyeth,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,andy-warhol_portrait-of-maurice,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_princess-caroline-of-monaco,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_queen-beatrix-of-the-netherlands-from-reigning-queens-1985,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_queen-margrethe-ii-of-denmark,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_rebel-without-a-cause,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_rebel-without-a-cause-james-dean,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_red-lenin,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_red-race-riot,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_retro-soup,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_robert-mapplethorpe,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pop_Art,andy-warhol_sarah-bernhardt,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_self-portrait,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_self-portrait-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,andy-warhol_self-portrait-2,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_self-portrait-camouflage-1986,"[2.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_self-portrait-in-drag-1982,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_self-portrait-in-drag-1982-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_shadow-1977,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 4.0, 2.0]"
+Pop_Art,andy-warhol_shoes-1980,"[1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_sigmund-freud,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_sixteen-jackies,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_skull,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_skull-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_spam,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_statue-of-liberty-1962,"[1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_suicide-1964,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Pop_Art,andy-warhol_sylvester-stallone-1980,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_tatum-o-neal-1987,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_ted-turner-1986,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_telephone,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_the-last-supper-1986,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_the-last-supper-1986-1,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_the-last-supper-camel-57,"[0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_the-new-spirit-donald-duck,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_the-souper-dress-1965,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_time-magazine-cover,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_toy-fish,"[16.0, 4.0, 17.0, 3.0, 0.0, 1.0, 0.0, 0.0, 7.0]"
+Pop_Art,andy-warhol_triple-elvis,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_truck-announcement,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_truck-announcement-1,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_truck-announcement-2,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_truck-announcement-3,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_turtle-1985,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_untitled-1980,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_untitled-beauty-products-1960,"[0.0, 0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_untitled-red-boot-wit-holly,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_untitled-superman-collage-15-1960,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,andy-warhol_van-heusen-ronald-reagan,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_velvet-underground-nico,"[1.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_venere-dopo-botticelli,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_vesuvius,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_vesuvius-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Pop_Art,andy-warhol_volkswagen,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,andy-warhol_work-boots-1986,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,andy-warhol_yellow-candy-box,"[0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,antonio-palolo_h-rrido-o-sil-ncio-do-teu-corpo-1966,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,antonio-palolo_jardim-das-del-cias-1970,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,antonio-palolo_untitled-1964,"[1.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,antonio-palolo_untitled-1966,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,antonio-palolo_untitled-1966-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,antonio-palolo_untitled-1967,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,antonio-palolo_untitled-1967-1,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,antonio-palolo_untitled-1968,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,arman_absolut-arman,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,arman_madison-avenue-1962,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,audrey-flack_invocation-1982,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,audrey-flack_macarena-esperanza-1971,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Pop_Art,audrey-flack_macarena-of-miracles-1971,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Pop_Art,audrey-flack_marilyn-vanitas-1977,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,audrey-flack_wheel-of-fortune-1978,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,audrey-flack_world-war-ii-vanitas-1977,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Pop_Art,billy-apple_2-minutes-33-seconds-1990,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Pop_Art,billy-apple_2-minutes-33-seconds-red-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,billy-apple_a-for-apple-1963,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,billy-apple_a-union-jack-young-commonwealth-artists-1962,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,billy-apple_big-mouth,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Pop_Art,billy-apple_billy-apple-tm,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,billy-apple_complimentary-1990,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,billy-apple_cut-1964,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,billy-apple_entertaiment-1991,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,billy-apple_from-the-mike-wilson-collection-2006,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,billy-apple_homonym-1963,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,billy-apple_i-dreamed-i-went-to-blazes-in-my-maidenform-bra-pink-1965,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,billy-apple_i-dreamed-i-went-to-blazes-in-my-maidenform-bra-red-1965,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,billy-apple_join-our-union-jack-young-commonwealth-artists-1962,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,billy-apple_kite-1967,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,billy-apple_neon-signature-red-1967,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,billy-apple_photo-of-billy-apple-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,billy-apple_rainbow-1965,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,billy-apple_rainbow-with-waterfall-1965,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,billy-apple_red-apple-1996,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pop_Art,billy-apple_relation-of-aesthetic-choice-to-life-activity-function-of-the-subject-1962,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,billy-apple_self-portrait-1963,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,billy-apple_ship-in-a-bottle-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,billy-apple_the-man-in-the-hathaway-suit-1-4-1964,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,billy-apple_the-presidential-suite-jfk-1964,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,billy-apple_the-presidential-suite-johnson-humphrey-at-l-b-j-barbecue-1964,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,billy-apple_the-presidential-suite-the-mighty-landslide-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,billy-apple_the-presidential-suite-to-a-future-historian-1964,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Pop_Art,billy-apple_the-ship-brighton-beach-sussex-england-1963,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,billy-apple_the-ship-brighton-beach-sussex-england-1963(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,billy-apple_the-ship-brighton-beach-sussex-england-1963(2),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,billy-apple_untitled-diptych-2011,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,billy-apple_untitled-rainbow,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,billy-apple_vertical-progressive-1963,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,billy-apple_waipero-swamp-walk,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,brett-whiteley_opera-house-1982,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_antiques-1965,"[2.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_athens-is-voting-2009,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_blazing-star-1999,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,burhan-dogancay_bonjour-marilyn-2009,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_brooklyn-1998,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_carlo-loves-1964,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Pop_Art,burhan-dogancay_centered-heart-1984,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Pop_Art,burhan-dogancay_concave-shadow-sculpture-1984,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Pop_Art,burhan-dogancay_deeply-hurt-1984,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,burhan-dogancay_esprit-for-sale-2009,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,burhan-dogancay_eye-opener-2009,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_face-with-chain-in-nyc-2009,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Pop_Art,burhan-dogancay_giuliani-jerk-1998,"[1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,burhan-dogancay_give-peace-a-chance-2009,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,burhan-dogancay_ice-hockey-1993,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,burhan-dogancay_istanbul-1990,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_keys-to-the-sunnetci-1990,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pop_Art,burhan-dogancay_la-vie-en-rose-1974,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,burhan-dogancay_mystery-woman-1989,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_new-york-face-2000,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_new-york-john-lennon-1980,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Pop_Art,burhan-dogancay_olympic-rings-1990,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,burhan-dogancay_purple-lips-2009,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_sailing-hearts-1977,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,burhan-dogancay_shoe-sale-1990,"[2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_spain-face-21-1998,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Pop_Art,burhan-dogancay_stellaesque-1999,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,burhan-dogancay_sweet-hearts-1972,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_switzerland-geneva-wall-1999,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Pop_Art,burhan-dogancay_ten-past-ten-1990,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_the-circumciser-1990,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pop_Art,burhan-dogancay_the-virgin-whore-complex-1999,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_three-break-ups-1977,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pop_Art,burhan-dogancay_walls-v-1-1969,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_walls-v-2-1969,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,burhan-dogancay_walls-v-3-1969,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_walls-v-4-1969,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,burhan-dogancay_walls-v-5-1969,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Pop_Art,burhan-dogancay_walls-v-6-1969,"[0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,burhan-dogancay_whispering-wall-1983,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_wool-madonna-1990,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,burhan-dogancay_yellow-arrow-1990,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,charles-lapicque_espagne,"[5.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,charles-lapicque_excelsior,"[2.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,charles-lapicque_ezechiel-mesurant-le-temple-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pop_Art,charles-lapicque_l-homme-et-l-armure-1969,"[4.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 1.0, 2.0]"
+Pop_Art,charles-lapicque_le-bal-1976,"[3.0, 0.0, 1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,charles-lapicque_le-prisonnier,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,charles-lapicque_le-tennis,"[1.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,charles-lapicque_mythologie-marine-1987,"[8.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,charles-lapicque_personnages-color-s,"[6.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,charles-lapicque_tigre-1961,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_cupid-s-span-collaboration-with-van-bruggen-2002,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,claes-oldenburg_dropped-cone-collaboration-with-van-bruggen-2001,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_floor-burger-giant-hamburger-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_floor-cake-1962,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Pop_Art,claes-oldenburg_floor-cone-1962,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,claes-oldenburg_free-stamp-at-cleveland-city-hall-collaboration-with-van-bruggen,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Pop_Art,claes-oldenburg_geometric-mouse-scale-a-1975,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,claes-oldenburg_giant-soft-fan-1967,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Pop_Art,claes-oldenburg_kn-ckebr-d-1966,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,claes-oldenburg_lipstick-ascending-on-caterpillar-tracks-1969,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,claes-oldenburg_pastry-case-1961,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,claes-oldenburg_pastry-case-i-1962,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,claes-oldenburg_plug-1970,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_profiterole-1990,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,claes-oldenburg_soft-bathtub-model-ghost-version-1966,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_soft-drainpipe-blue-cool-version-1967,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,claes-oldenburg_spoonbridge-and-cherry-collaboration-with-van-bruggen-1988,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_spring-collaboration-with-van-bruggen-2006,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,claes-oldenburg_the-bottle-of-notes-1993,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_two-cheeseburgers-with-everything-dual-hamburgers-1962,"[2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Pop_Art,claes-oldenburg_typewriter-eraser-scale-x-collaboration-with-van-bruggen-1999,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claudio-tozzi_a-subida-do-foguete,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claudio-tozzi_astronautas-1969,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,claudio-tozzi_cidade-1984,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,claudio-tozzi_cor-pigmento-luz,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,claudio-tozzi_desta-vez-eu-consigo-fugir-1967,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,claudio-tozzi_eu-juro-que-vi-caetano,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,claudio-tozzi_expan-es-organicas-1993,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Pop_Art,claudio-tozzi_guevara-vivo-ou-morto-1967,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Pop_Art,claudio-tozzi_l-bio,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,claudio-tozzi_papag-lia,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claudio-tozzi_papag-lia-colcha-de-retalhos,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,claudio-tozzi_third-world-1973,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Pop_Art,claudio-tozzi_usa-e-abusa-1966,"[0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,conrad-marca-relli_the-bird-cage-1982,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,conrad-marca-relli_the-dressmaker-1982,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,conrad-marca-relli_the-meeting-place-1982,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,conrad-marca-relli_the-players,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Pop_Art,conrad-marca-relli_the-sunday-caller-1982,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,conrad-marca-relli_villa-nueve-1982,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,derek-boshier_boy,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,derek-boshier_cocaine-cowboy-2007,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_f-e-1973,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,derek-boshier_flag,"[2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_fooootball,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,derek-boshier_frightened-cowboy-1980,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,derek-boshier_naked-cowboy-1980,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_pataphysics-weekly-from-the-magazine-series-2006,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_pepsi-high-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,derek-boshier_plan-1-1972,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,derek-boshier_plan-ii-1972,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Pop_Art,derek-boshier_serpent-stripe-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_shy-cowboy-1980,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_the-dinner-party-2008,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_the-identi-kit-man-1962,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_unknown-title,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,derek-boshier_untitled-1964,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,derek-boshier_untitled-1973,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,derek-boshier_untitled-5-pepsi-s-and-sun-2-guns-1962,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Pop_Art,derek-boshier_untitled-head-top-right-toothpaste-toothbrush-pyramid-271-a-g-1962,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,derek-boshier_viewer-1963,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,donald-sultan_white-gun-black-gun-1982,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Pop_Art,eduardo-paolozzi_bunk-evadne-in-green-dimension-1952,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,eduardo-paolozzi_cyclops-1958,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Pop_Art,eduardo-paolozzi_dr-pepper-1948,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,eduardo-paolozzi_i-was-a-rich-man-s-plaything-1947,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,eduardo-paolozzi_it-s-a-psychological-fact-pleasure-helps-your-disposition-1948,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,eduardo-paolozzi_lessons-of-last-time-1947,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,eduardo-paolozzi_meet-the-people-1948,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,eduardo-paolozzi_real-gold-1949,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,eduardo-paolozzi_real-gold-1950,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,eduardo-paolozzi_sack-o-sauce-1948,"[3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,eduardo-paolozzi_windtunnel-test-1950,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0, 0.0]"
+Pop_Art,eduardo-paolozzi_yours-till-the-boys-come-home-1951,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_actual-size-1962,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,edward-ruscha_ancock-rooftops-series-4,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,edward-ruscha_cadillac-motor-city-series-2009,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,edward-ruscha_conoco-shamrock-texas-from-five-views-from-the-panhandle-series,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,edward-ruscha_dublin-1960,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,edward-ruscha_enco-conway-texas-from-five-views-from-the-panhandle-series,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,edward-ruscha_faucet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,edward-ruscha_ford-motor-city-portfolio-2009,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_gas-1962,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,edward-ruscha_hi-honey-1981,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_hollywood-1969,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Pop_Art,edward-ruscha_honk-1962,"[3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_large-trademark-with-eight-spotlights-1962,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_lisp-1968,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_noose-around-your-neck-country-cityscapes-series-2001,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,edward-ruscha_norms-la-cienaga-on-fire-1964,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,edward-ruscha_pay-nothing-until-april-2003,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_residential-rooftops-series-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_ripe,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_rooftop-rooftops-series-2,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_standard-station-1966,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,edward-ruscha_standard-study-3-1963,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,edward-ruscha_sweetwater-1959,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Pop_Art,ellsworth-kelly_autumn-red-curve-1984,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,ellsworth-kelly_spring-yellow-curve-1984,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,ellsworth-kelly_summer-blue-curve-1984,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,ellsworth-kelly_winter-black-curve-1984,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Pop_Art,erro_baby-rockefeller-1963,"[15.0, 9.0, 3.0, 7.0, 0.0, 4.0, 1.0, 1.0, 9.0]"
+Pop_Art,erro_birth-without-pain-1960,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,erro_chinese-man-at-the-guggenheim-new-york-1976,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,erro_chinese-petroleum-1978,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,erro_collage-for-planescape-1972,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,erro_facing-the-wild-cats-1987,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,erro_franz-liszt-1980,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,erro_hommage-l-ger-1985,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,erro_le-journaliste-1993,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,erro_life-gauguin-1978,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,erro_otto-e-mezzo-1970,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,erro_pack-of-fun-2005,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,erro_pop-queen-1967,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,erro_the-battle-of-saporro-1976,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Pop_Art,erro_the-final-selection-1961,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Pop_Art,erro_the-terrorist-1985,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_angela-davis-ii-1972,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,evelyne-axell_auto-stop-1966,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_autoportrait-l-oiseau-vert-ou-femme-l-oiseau-vert-1962,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_autoportrait-sur-papier-d-argent-1969,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Pop_Art,evelyne-axell_axell-ration-1965,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,evelyne-axell_campus-1970,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Pop_Art,evelyne-axell_cercle-vicieux-rouge-1968,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_erotomobile-1966,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_group-therapy-1970,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Pop_Art,evelyne-axell_ice-cream-1964,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_ice-cream-blue-version-1967,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_l-appel-1972,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_l-assembl-e-libre-1970,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_l-herbe-folle-1972,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_la-cible-1970,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_la-femme-au-serpent,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_la-tch-que-1969,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_la-terre-est-ronde-variation-sur-le-paysage-1971,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_le-baiser-1971,"[0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0]"
+Pop_Art,evelyne-axell_le-fruit-d-fendu-i-1969,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,evelyne-axell_le-joli-mois-de-mai-1970,"[1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_le-pinceau-de-la-gorgone,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_le-retour-de-tarzan-1972,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,evelyne-axell_le-val-vert-1971,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_marine-1971,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,evelyne-axell_paysage-landscape-1971,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,evelyne-axell_self-portrait-1971,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,evelyne-axell_valentine-1966,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,george-segal_blue-girl-on-park-bench-1980,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Pop_Art,george-segal_caf-still-life-with-bow-tie-braque-1986,"[3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Pop_Art,george-segal_chance-meeting-1989,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,george-segal_classical-still-life-1990,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,george-segal_girl-in-violet-shirt-front-view-1975,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,george-segal_lovers-in-the-bed-ii-1970,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Pop_Art,george-segal_picasso-s-chair-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,george-segal_portrait-of-sidney-janis-with-mondrian-painting-1967,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,george-segal_resting-dancer,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Pop_Art,george-segal_street-crossing-1992,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,george-segal_the-bus-driver-1962,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,george-segal_the-commuters-1980,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,george-segal_the-costume-party-1972,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,george-segal_three-figures-and-four-benches-1979,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,george-segal_woman-on-a-bench-1998,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Pop_Art,gerard-fromanger_au-printemps,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_bastille-flux-2007,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,gerard-fromanger_bleu-azural,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Pop_Art,gerard-fromanger_corps-corps-bleu-2006,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_drapeau-am-ricain-le-rouge-1968,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,gerard-fromanger_drapeau-fran-aise-le-rouge-1968,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Pop_Art,gerard-fromanger_en-chine-hu-xian-1974,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_existe-1976,"[4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_from-the-album-le-rouge-mai-1968-1968,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Pop_Art,gerard-fromanger_from-the-album-le-rouge-mai-1968-1968-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,gerard-fromanger_jean-paul-sartre-1976,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,gerard-fromanger_le-boulevard-des-italiens-1971,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_le-kiosque-1973,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,gerard-fromanger_le-linceul-n-a-pas-de-poches-2002,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,gerard-fromanger_le-matin-1984,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_le-peintre-et-son-mod-le-1974,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,gerard-fromanger_le-rouge-et-le-noir-dans-le-prince-de-hombourg-1965,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,gerard-fromanger_marcel-portrait-de-marcel-duchamp-2007,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Pop_Art,gerard-fromanger_michel-foucault-1976,"[4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_mon-seul-d-sir-1979,"[2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_rue-de-la-mer-1974,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pop_Art,gerard-fromanger_souffle-de-mai-1968,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_tirez-tirez-boulevard-des-italiens-1971,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Pop_Art,gerard-fromanger_vert-v-ron-se,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_violet-d-egypte,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Pop_Art,gerard-fromanger_violet-de-mars-1972,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,gerhard-richter_mund-mouth-brigitte-bardot-s-lips-1963,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Pop_Art,gianfranco-baruchello_ardiglione-2009,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,gianfranco-baruchello_bagno-a-1977,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,gianfranco-baruchello_cavali-docili-resi-noncuranti-1977,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,gianfranco-baruchello_cordiali-saluti-dell-entropia-errore-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,gianfranco-baruchello_fire-island-story-2009,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,gianfranco-baruchello_hebdomeros-e-l-architetto-1988,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Pop_Art,gianfranco-baruchello_je-donne-ma-langue-au-chat-2009,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,gianfranco-baruchello_la-bonne-soupe-1988,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,gianfranco-baruchello_la-mancanza-di-geometria-e-come-una-sporcizia-1979,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,gianfranco-baruchello_little-orfan-anphetamine-1974,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,gianfranco-baruchello_micron-salon-doloricida-1962,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,gianfranco-baruchello_rien-ne-va-plus-1966,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,gianfranco-baruchello_trasgressione-navale-1-1975,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_1988-winter-olympic-games,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_250-images-of-laser-recreations-of-the-buddhas-of-bamiyan,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,hiro-yamagata_96-atlanta-olympics-fencing,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_a-day-at-the-fair,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_a-path-through-the-forest,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_accordian-player,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_american-train,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_arche-de-noe-1980,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_atlanta-1996-womens-softball,"[0.0, 1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_balloon-race-1990,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_balloon-wedding-1988,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_bamiyan-laser-system-installation,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_baseball,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,hiro-yamagata_basketball,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_buddhas,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_buddhas-1,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_castle-festival-1989,"[4.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_centieme-anniversaire-1980,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_chanson-de-neige-1980,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_country-club-1987,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_courtyard-fountain-1990,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,hiro-yamagata_cycling,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_diving,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_dream-of-disney-1996,"[3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_exhibition-1980,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_express-1988,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,hiro-yamagata_fallen-leaves-1983,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_father-and-sons-1987,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_four-cities-suite-1986,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_grand-prix-1981,"[2.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_green-dolphins-1984,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_hedge-trimmer,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_hockey,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,hiro-yamagata_holographic-mylar-cubes,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_installation-at-ace-gallery-new-york,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_installation-contemporary-arts-center-cincinnati-2000,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_joan-d-arc,"[2.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_judo,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_magician-1986,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_marriage-1986,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_metro-1987,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_miss-paris-1980,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_moulin-rouge-1977,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_museum-1984,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_normandies-1979,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_not-detected-272390,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272393,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272394,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272395,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272396,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272397,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_not-detected-272398,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272399,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272400,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272402,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,hiro-yamagata_not-detected-272404,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272406,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272407,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272408,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_not-detected-272409,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272410,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,hiro-yamagata_not-detected-272412,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272413,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272415,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272416,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_not-detected-272417,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272418,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,hiro-yamagata_not-detected-272421,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272422,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_not-detected-272424,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_not-detected-272426,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_notre-dame-1980,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_ny-buddha,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Pop_Art,hiro-yamagata_once-upon-a-time-1986,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_ouverture-d-un-cafe-1979,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_pepe-1980,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_perrier-1986,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_portrait-of-elizabeth-taylor,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,hiro-yamagata_quantum-field-x3,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_rhythmic-gymnastics,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_robbers-ii-1984,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Pop_Art,hiro-yamagata_shot-put,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_sky-cycles-1982,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_snow-castle,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_snowfire-1986,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_snowy-night-swing-1990,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_soccer,"[0.0, 0.0, 0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_solar-cube-for-kaibu-island,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,hiro-yamagata_stargazer-1989,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,hiro-yamagata_summer-museum-1988,"[2.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_swimming,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_table-tennis,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_telephone-1987,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_tinkerbell-tokyo-disneyland-s-15th-anniversary-1998,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_tour-de-france-1983,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_toys-1985,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_u-s-consitution-1987,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_untitled-river-landscape-1989,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,hiro-yamagata_vacance-1980,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,hiro-yamagata_very-special-celebration-1980,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,hiro-yamagata_wrestling,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,howard-finster_angel-baby-with-coca-cola-1996,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,howard-finster_coca-cola-airplane-1995,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,howard-finster_coca-cola-bottle-1996,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,howard-finster_elvis-and-the-arpitaun-world-1980,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,howard-finster_flag-1991,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,howard-finster_florence-nightingale,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Pop_Art,howard-finster_leonardo-da-vinci-1991,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,howard-hodgkin_girl-on-a-sofa-1968,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,jean-david_viva-poster,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,jean-david_zim-israel,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,jim-dine_confetti-heart-1985,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,jim-dine_drag-johnson-and-mao-1967,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,jim-dine_four-hearts-1969,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,jim-dine_palette-ii-1969,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,jim-dine_picabia-i-cheer-1971,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Pop_Art,jim-dine_picabia-ii-forgot-1971,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,jim-dine_picabia-iii-groans-1971,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pop_Art,jim-dine_the-robe-following-her-4-1985,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,jim-dine_throat-1965,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,jim-dine_tool-box-4-1966,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,jim-dine_tool-box-6-1966,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,jim-dine_two-hearts-in-a-forest-1981,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,jim-dine_walking-dream-with-a-four-foot-clamp-1965,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Pop_Art,jim-dine_welcome-home-rare-birds-1969,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Pop_Art,jo-baer_amphora-frieze-2004,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,jo-baer_bootless-boots-1960,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,jo-baer_glass-slippers-1960,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,joe-goode_bed-1969,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,joe-goode_milk-bottle-sculpture-15-2009,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,joe-goode_studies-on-the-past-26-2008,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Pop_Art,joe-goode_untitled-1971,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,joe-goode_white-house-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,jorge-martins_eros-crom-tico-1964,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,jorge-martins_eros-crom-tico-1973,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,jorge-martins_eros-crom-tico-1973-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Pop_Art,jorge-martins_eros-crom-tico-1973-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,jorge-martins_har-m-m-ope-1969,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,jorge-martins_look-look-1976(1),"[2.0, 2.0, 6.0, 8.0, 1.0, 5.0, 6.0, 2.0, 14.0]"
+Pop_Art,jorge-martins_os-sonetos-de-shakespeare,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Pop_Art,jorge-martins_os-sonetos-de-shakespeare-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,jose-de-guimaraes_cam-es-e-d-sebastiao-1980,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,jose-de-guimaraes_da-s-rie-frica-brasil,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,jose-de-guimaraes_da-s-rie-hong-kong,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,jose-de-guimaraes_domadora-de-crocodilos,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,jose-de-guimaraes_gioconda-negra-1975,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_pesca-submarina-1980,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Pop_Art,jose-de-guimaraes_pra-a-25-de-abril-lisboa,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,jose-de-guimaraes_rei-d-sebasti-o-1985,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_retrato-de-cam-es-1981,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,jose-de-guimaraes_retrato-de-fam-lia-1968,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,jose-de-guimaraes_ricardo-reis-1985,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_s-rie-m-xico-chac-mool-1994,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_unknown-title,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_untitled,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_untitled-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Pop_Art,jose-de-guimaraes_untitled-2,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_untitled-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,jose-de-guimaraes_untitled-4,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Pop_Art,keith-haring_andy-mouse-1985,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_andy-mouse-1986,"[3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_andy-mouse-1986(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_boys-club-mural-1987,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_crack-down-1986,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,keith-haring_debbie-dick-1984,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_lucky-strike-1987,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_lucky-strike-1987(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_piglet-goes-shopping-1989,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,keith-haring_pop-shop-1-1987,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,keith-haring_pop-shop-iii-1989,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,keith-haring_portrait-of-macho-camacho-1985,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,keith-haring_radiant-baby-from-icons-series-1990,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,keith-haring_safe-sex-1988,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,keith-haring_untitled-1982,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,keith-haring_untitled-1983(1),"[3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_untitled-1983(2),"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,keith-haring_untitled-1983(3),"[4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,keith-haring_untitled-1986,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,keith-haring_untitled-1986(1),"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,lennart-rodhe_f-rgkomposition-med-blommor-1996,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,leroy-neiman_abraham-lincoln-1968,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,leroy-neiman_fencing-at-munich-olympics-1972,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_frank-sinatra-duets-1994,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_hunt-field-1967,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_in-the-pocket-1988,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,leroy-neiman_jockey-1960,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,leroy-neiman_john-elway-1999,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_mike-piazza-2000,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_muhammad-ali-the-athlete-of-the-century-2001,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_olympic-track-1970,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_rocky-balboa,"[14.0, 12.0, 6.0, 11.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,leroy-neiman_shaq,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,leroy-neiman_stan-smith,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,leroy-neiman_stretch-stampede-1979,"[0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,leroy-neiman_the-gaming-table-1990,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,leroy-neiman_vegas-1961,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,lourdes-castro_ananas-tropical-1970,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,lourdes-castro_anaphalis-margaritacca-1972,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,lourdes-castro_auto-retrato-1965,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,lourdes-castro_crescem-sombra-1991,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,lourdes-castro_echium-nervosum-1972,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,lourdes-castro_inverno-1991,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Pop_Art,lourdes-castro_linhas-de-sombra,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,lourdes-castro_ombre-port-e-de-maurice-henry-1968,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,lourdes-castro_ombres-color-es-autour-d-un-vase-1975,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,lourdes-castro_outono-1991,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,lourdes-castro_primavera-1992,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,lourdes-castro_sombra-projectada-de-adami-1967,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,lourdes-castro_sombra-projectada-de-andre-morain-1967,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,lourdes-castro_sombra-projectada-de-christa-maar-1968,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,lourdes-castro_sombra-projectada-de-claudine-bury-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Pop_Art,lourdes-castro_sombra-projectada-de-milvia-maglione-1966,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,lourdes-castro_sombra-projectada-de-ren-bertholo-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Pop_Art,lourdes-castro_sombras-brancas-ii,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,lourdes-castro_sombras-brancas-iii,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,lourdes-castro_trachelium-caeruleum-1972,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,lourdes-castro_untitled-composition-ombre-1967,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,lourdes-castro_ver-o-1991,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,marcel-broodthaers_the-visual-tower-1966,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Pop_Art,mario-schifano_albero-per-terra-1984,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,mario-schifano_coca-cola-1962,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,mario-schifano_coca-cola-tutto-1972,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,mario-schifano_compagni-compagni-1972,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,mario-schifano_detail-of-oasis-1980,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,mario-schifano_elemento-per-il-paesaggio-1962,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,mario-schifano_esso,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,mario-schifano_futurismo-rivisitato-1974,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,mario-schifano_il-sogno-dada-di-arturo-schwarz-1965,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,mario-schifano_interno-esterno-1976,"[3.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,mario-schifano_le-stelle,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,mario-schifano_non-romantico-1963,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,mario-schifano_o-sole-mio-1979,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,mario-schifano_per-costruzione-di-oasi-1980,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,mario-schifano_pesci-1982,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Pop_Art,mario-schifano_propaganda-1962,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pop_Art,mario-schifano_segni-di-energia,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,mario-schifano_the-exact-time-1973,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,mario-schifano_tutte-stelle-particolare-dell-oasi-1967,"[0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,mario-schifano_unknowntitle,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,mario-schifano_untitled,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,mario-schifano_untitled-1961,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 5.0, 1.0]"
+Pop_Art,mario-schifano_untitled-1973,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,mario-schifano_untitled-1973-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,mario-schifano_untitled-1979,"[2.0, 1.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,mario-schifano_untitled-1990,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,mario-schifano_untitled-glasses-1973,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,mario-schifano_when-i-remember-giacomo-balla-1964,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,marjorie-strider_big-bite-2010,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_bikini-triptych-1960,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_come-hither-1963,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_come-on,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_descending-2010,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,marjorie-strider_eyeful-2010,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_girl-with-pearl-2010,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_girl-with-radish-1963,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_girl-with-rose-1963,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,marjorie-strider_green-triptych-1963,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_in-the-swim,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_itty-bitty-bikini,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_lilli-marlene-1962,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_monokini,"[2.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_my-jeans-1971,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Pop_Art,marjorie-strider_my-sister-1960,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_nestle-s-box-1973,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_ooze-1973,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_painted-collage-2010,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_pitcher-plant-1968,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,marjorie-strider_plaster-bag-ii-1973,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Pop_Art,marjorie-strider_plaster-of-paris-bag-1973,"[0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_red-towel,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_rosemarie-s-bag-1973,"[1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_sliced-tomatoes-1979,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_smiling-blonde,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_splashed-2010,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,marjorie-strider_swirling,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_triptych-ii-beach-girl-1963,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_veronica,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,marjorie-strider_white-lines,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marjorie-strider_white-on-green-1964,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marjorie-strider_woman-with-parted-lips-1964,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marko-pogacnik_bottle,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marko-pogacnik_bottle-1,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,marko-pogacnik_bottle-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,marko-pogacnik_bottle-3,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marko-pogacnik_bottle-4,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,marko-pogacnik_cards,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marko-pogacnik_pop-article,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,marko-pogacnik_pop-object,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,marko-pogacnik_pop-object-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,marko-pogacnik_pop-object-2,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,marko-pogacnik_pop-object-3,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,marko-pogacnik_pop-object-4,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,marko-pogacnik_pop-object-5,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,marko-pogacnik_rolling-stones-matchboxes,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,marko-pogacnik_untitled-4,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,martial-raysse_bad-taste-1965,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,martial-raysse_blue-france-1962,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,martial-raysse_cin-1964,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,martial-raysse_high-voltage-painting-1965,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Pop_Art,martial-raysse_last-year-in-capri-exotic-title-1962,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,martial-raysse_made-in-japan-1964,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,martial-raysse_made-in-japan-la-grande-odalisque-1964,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,martial-raysse_nissa-bella-1964,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,martial-raysse_painting-in-the-french-style-ii-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Pop_Art,martial-raysse_portrait-de-mme-raysse-1963,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,martial-raysse_seventeen-titre-journalistique-1962,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,martial-raysse_snack-1964,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,martial-raysse_tableau-presque-cuv-1964,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,martial-raysse_the-beautiful-mauve-1962,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,martial-raysse_verte-1963,"[4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,martial-raysse_yellow-and-calm-nude-1963,"[0.0, 0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,mary-fedden_still-life-with-coffee-jar,"[1.0, 0.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,may-wilson_pig-1971,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,may-wilson_untitled-black-license-plate,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Pop_Art,may-wilson_untitled-broom,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,menez_sem-t-tulo-1969,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,menez_sem-t-tulo-1969-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,menez_unknown-title,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,nicholas-krushenick_ancient-image-1984,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,nicholas-krushenick_boston-tea-party-1975,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,nicholas-krushenick_crossover-1972,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,nicholas-krushenick_flying-circus-1965,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,nicholas-krushenick_grand-entrance-1987,"[11.0, 3.0, 5.0, 11.0, 2.0, 1.0, 0.0, 2.0, 9.0]"
+Pop_Art,nicholas-krushenick_greenwood-1979,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,nicholas-krushenick_james-bond-meets-pussy-galore-1965,"[2.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,nicholas-krushenick_over-the-rainbow-1978,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Pop_Art,nicholas-krushenick_pumpkin-1998,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,nicholas-krushenick_quick-red-fox-1963,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,nicholas-krushenick_skyscape-ii-1988,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,nicholas-krushenick_untitled-1961,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,nicholas-krushenick_untitled-1962,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,nicholas-krushenick_untitled-1963,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,nicholas-krushenick_untitled-1965,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,nicholas-krushenick_untitled-1998,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,nicholas-krushenick_wire-mill-1973,"[6.0, 4.0, 9.0, 7.0, 1.0, 7.0, 0.0, 4.0, 10.0]"
+Pop_Art,patrick-caulfield_after-lunch-1975,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_and-i-am-alone-in-my-house-1973,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_bananas-and-leaves-1977,"[5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_bathroom-mirror-1968,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_big-sausage-1978,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_braque-curtain-2005,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_cafe-sign-1968,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_cigar-1978,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_coloured-still-life-1967,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_cream-glazed-pot-1979,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,patrick-caulfield_cross-1968,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,patrick-caulfield_found-objects-1968,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_freud-s-smoke-1997,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_garden-with-pines-1975,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Pop_Art,patrick-caulfield_glazed-earthenware-1976,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_greece-expiring-on-the-ruins-of-missolonghi-after-delacroix-1963,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_grey-pipe-1981,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_hemingway-never-ate-here-1999,"[0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_interior-evening-1971,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,patrick-caulfield_interior-morning-1971,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_interior-night-1971,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_interior-noon-1971,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_interior-with-a-picture-1985,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_lamp-and-pines-1975,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_lampshade-1969,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_les-demoiselles-d-avignon-vues-de-derri-re-1999,"[2.0, 1.0, 2.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_paris-separates-1973,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_portrait-of-a-frenchman-1971,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Pop_Art,patrick-caulfield_portrait-of-juan-gris-1963,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_pottery-1969,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_ros-bottle-1975,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_sausage-1978,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_second-glass-of-whisky-1992,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-caulfield_small-window-1969,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_still-life-autumn-fashion-1978,"[1.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_still-life-ingredients-1976,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_still-life-with-dagger-1963,"[4.0, 2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_sweet-bowl-1967,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_terracotta-vase-1975,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,patrick-caulfield_the-blue-posts-1989,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 5.0]"
+Pop_Art,patrick-caulfield_the-letter-1967,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,patrick-caulfield_three-sausages-1978,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_two-fish-on-a-plate-1999,"[2.0, 0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,patrick-caulfield_two-whiting-1972,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,patrick-caulfield_vases-of-flowers-1962,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_vessel-1987,"[1.0, 1.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-caulfield_wall-lamp-1994,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-caulfield_wall-plate-screen-1987,"[0.0, 2.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,patrick-caulfield_weekend-cabin-1967,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-caulfield_wine-glasses-1969,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_a-group-of-polish-pilots-1960,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,patrick-procktor_alex-with-a-white-pouf-1966,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-procktor_areal-view-marylenbone-gardens-1986,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,patrick-procktor_back-bay-in-bombay-from-the-india-mother-suite-of-7-aquatints-1970,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-procktor_back-of-the-zoo-1971,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-procktor_beneath-the-surface-1964,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Pop_Art,patrick-procktor_campanula-1989,"[0.0, 1.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_cataract-aswan-1985,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_cheese-and-wine-femme-fatale,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_corfu-1989,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_departure-from-invitation-to-a-voyage-portfolio-of-5-aquatints-1969,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_dominic-prima-1981,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_edward-jones-chief-clerk-doe-belize-1983,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,patrick-procktor_favourite-s-courtyard,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_figures-at-night-1962,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_figures-by-the-sea-ii-1962,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_gervaise-1968,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Pop_Art,patrick-procktor_hangchow-1980,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_hrh-prince-charles-b-1948-1987,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_jimi-hendrix,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-procktor_john-in-wales-1979,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_l-h-m-u-liza-heygate-michael-upton-1964,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_leaping-cataract-victoria-falls-1974,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_lillies,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_lion-rocks-garden-soochow-1980,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_mathilde-verlaine-in-bed-1968,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_mirrors-from-invitation-to-a-voyage-portfolio-of-5-aquatints-1969,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_mount-abu-rowli-mountains-rajastan-from-the-india-mother-suite-of-7-aquatints-1970,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,patrick-procktor_myxomatosis-self-portrait-in-a-mirror-1977,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_ossie-gervase-and-eric-from-invitation-to-a-voyage-portfolio-of-5-aquatints-1969,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,patrick-procktor_peter-anguillara-1967,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-procktor_r-f-m-harka-raj-rai-10th-prime-minister-s-official-representative-gurkha-in-belize-1983,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,patrick-procktor_red-army-ensemble-1963,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_sadie-and-prudence-from-invitation-to-a-voyage-portfolio-of-5-aquatints-1969,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_seated-figures-1967,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,patrick-procktor_self-portrait-in-fez-1970,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,patrick-procktor_sick-child-1984,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pop_Art,patrick-procktor_two-chinese-generals-1968,"[4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,pauline-boty_5-4-3-2-1-1963,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,pauline-boty_big-jim-colosimo-1963,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,pauline-boty_buffalo-1962,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,pauline-boty_bum-1966,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,pauline-boty_colour-her-gone-1962,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,pauline-boty_countdown-to-violence-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,pauline-boty_it-s-a-man-s-world-ii-1965,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,pauline-boty_monica-vitti-with-heart-1963,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,pauline-boty_my-colouring-book-1963,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,pauline-boty_nude-woman-in-a-coastal-landscape,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Pop_Art,pauline-boty_the-only-blonde-in-the-world-1963,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,pauline-boty_with-love-to-jean-paul-belmondo-1962,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-blake_ebony-tarzan-1972,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-blake_illustration-to-the-cover-of-face-dances-1981,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,peter-blake_on-the-balcony-1957,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,peter-blake_portrait-of-david-hockney-in-a-hollywood-spanish-interior-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,peter-blake_pretty-boy-michaelangelo-1972,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,peter-blake_red-power-1972,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Pop_Art,peter-blake_self-portrait-with-badges-1961,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,peter-blake_studio-tack-board-1972,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,peter-blake_the-beach-boys-1964,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,peter-blake_the-fine-art-bit-1959,"[1.0, 0.0, 2.0, 2.0, 2.0, 1.0, 0.0, 0.0, 3.0]"
+Pop_Art,peter-blake_the-first-real-target-1961,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,peter-blake_the-masked-zebra-kid-1965,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,peter-blake_the-meeting-or-have-a-nice-day-mr-hockney-1983,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-blake_the-toy-shop-1962,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-blake_tuesday-1961,"[3.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,peter-max_1-2-3-infinity-the-contemporaries-1967,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-max_12-captain-midnight-1966,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_american-500-sunset,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_better-world-1993,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_buddha-moon-monk-sunrise-1999,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,peter-max_closer-to-god-1971,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_composition-red-green-1979,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-max_deco-lady-1983,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,peter-max_discovery-1992,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_four-seasons-autumn,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_four-seasons-spring,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-max_four-seasons-summer,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,peter-max_four-seasons-winter,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_freedom-1980,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_heart-2009,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_illustration-1970,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_jfk-1989,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,peter-max_liberty-head-1986,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Pop_Art,peter-max_love-1969,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_nelson-mandela-1-2001,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_penney-s-rainbow-lane-1967,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_psychedelic-cloud-1967,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,peter-max_the-visionaries-at-the-east-hampton-gallery-1967,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-max_toulouse-lautrec-1966,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,peter-max_untitled-bob-dylan-1967,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-max_without-borders-2011,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-phillips_custom-print-no-ii-1965,"[2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-phillips_for-men-only-starring-mm-and-bb-1961,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-phillips_gravy-for-the-navy-1975,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,peter-phillips_hunter-1976,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-phillips_impeller-1972,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,peter-phillips_insuperset-1963,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,peter-phillips_select-o-mat-corolla-1972,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-phillips_select-o-mat-tempest-i-1972,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-phillips_six-times-eight-dreaming-1974,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,peter-phillips_spectrocoupling-1972,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,peter-phillips_study-for-a-constructed-painting-1988,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-phillips_the-entertainment-machine-1961,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,peter-phillips_tiger-1965,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,peter-phillips_untitled-1964,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,peter-phillips_untitled-1965,"[1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,philippe-halsman_andy-warhol,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_america-baseball,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_apotheosis-of-groundlessness,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_artists-for-peace,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Pop_Art,r.-b.-kitaj_bather-psychotic-boy,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Pop_Art,r.-b.-kitaj_cecil-ct-london-wc2-the-refugees,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Pop_Art,r.-b.-kitaj_desk-murder,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,r.-b.-kitaj_dismantling-the-red-tent,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Pop_Art,r.-b.-kitaj_do-you-know-the-country,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Pop_Art,r.-b.-kitaj_if-not-not,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Pop_Art,r.-b.-kitaj_la-hispanista-nissa-torrents,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,r.-b.-kitaj_mary-ann,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Pop_Art,r.-b.-kitaj_marynka-smoking,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_portrait-of-walter-lippman,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,r.-b.-kitaj_synchromy-with-f-b,"[1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_the-autumn-of-central-paris,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,r.-b.-kitaj_the-friendship-and-the-shadow-of-betrayal,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,r.-b.-kitaj_the-jewish-school-drawing-a-golem,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,r.-b.-kitaj_the-man-of-the-woods-and-the-cat-of-the-mountains,"[3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_the-ohio-gang,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_the-orientalist,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,r.-b.-kitaj_the-rise-of-fascism,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,r.-b.-kitaj_where-the-railroad-leaves-the-sea,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Pop_Art,radi-nedelchev_balloons-2004,"[0.0, 2.0, 1.0, 2.0, 2.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,ralph-goings_american-salad-1966,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,ralph-goings_nude-sunburned-backside-1965,"[1.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,ralph-goings_rainbow-1968,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,ralph-goings_untitled,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,red-grooms_at-the-beach-1970,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,red-grooms_dali-salad-ii-1980,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,red-grooms_deli-2004,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,red-grooms_elvis-1987,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,red-grooms_jackson-in-action-1997,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Pop_Art,red-grooms_london-bus-1983,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,red-grooms_looking-along-broadway-towards-grace-church-1981,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,red-grooms_los-aficianados-1990,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,red-grooms_mango-mango-1973,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,red-grooms_nervous-city-1971,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,red-grooms_picasso-1997,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,red-grooms_ruckus-taxi-1986,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,red-grooms_sarajevo-1968,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,red-grooms_sunday-funnies-1985,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,red-grooms_taxi-pretzel-1971,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,red-grooms_untitled,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,red-grooms_your-turn-2000,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,rene-bertholo_arc-en-ciel-1971,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,rene-bertholo_azulejo,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,rene-bertholo_carta-do-l-bano-1966,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,rene-bertholo_composition-1963,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,rene-bertholo_deux-nuages-1967,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,rene-bertholo_formations-jeune-et-rose-1963,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,rene-bertholo_fragments,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pop_Art,rene-bertholo_indiferen-a-2003,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,rene-bertholo_infografismo-e16-2001,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,rene-bertholo_infografismo-e21-2001,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,rene-bertholo_int-rieurs-1978,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,rene-bertholo_mem-rias-dum-circo-1991,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,rene-bertholo_nuage-azagury-1971,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,rene-bertholo_o-diabo-a-paraquedista-etc-1997,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Pop_Art,rene-bertholo_palmiers-1975,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,rene-bertholo_projet-con-u,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,rene-bertholo_sculptures-dans-la-chambre,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,rene-bertholo_untitled-1976,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Pop_Art,rene-bertholo_untitled-composition-1964,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,rene-bertholo_voyage-sur-l-intr-pide-1967,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,richard-artschwager_book-1987,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-artschwager_chair-chair-1987,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,richard-artschwager_cradle-1967,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,richard-artschwager_exclamation-point-chartreuse-2008,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-artschwager_mirror-mirror-table-table-1964,"[1.0, 1.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Pop_Art,richard-artschwager_pianofart-2008,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,richard-artschwager_seat-of-judgement-2008,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,richard-artschwager_seated-group-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Pop_Art,richard-artschwager_table-and-two-chairs-1965,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pop_Art,richard-artschwager_table-with-pink-tablecloth-1964,"[0.0, 1.0, 3.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Pop_Art,richard-artschwager_volcano-1986,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_a-dedicated-follower-of-fashion-1980,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,richard-hamilton_a-languid-floating-flower-1983,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_a-mirrorical-return-1898,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_a-postal-card-for-mother-for-s-m-s-1-1969,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,richard-hamilton_archive-ii-1981,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,richard-hamilton_chiara-chair-2004,"[1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_derek-jarman-1997,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_desk-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_epiphany-1964,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_fashion-plate-1970,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Pop_Art,richard-hamilton_finn-maccool-1983,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Pop_Art,richard-hamilton_four-self-portraits-05-3-81-1990,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_glorious-techniculture-1964,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_he-1961,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_hers-is-a-lush-situation-1958,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_http-en-wikipedia-org-wiki-file-hamilton-appealing2-jpg-1956,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_i-m-dreaming-of-a-black-christmas-1971,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_i-m-dreaming-of-a-white-christmas-1967,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_interior-1964,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_interior-ii-1964,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_just-what-is-it-that-makes-today-s-homes-so-different-1992,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_leopold-bloom-1983,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,richard-hamilton_lobby-1984,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_maps-of-palestine,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_marcel-duchamp-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Pop_Art,richard-hamilton_my-marilyn-1965,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,richard-hamilton_palindrome-1974,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_patricia-knight-ii-1982,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_picasso-s-meninas-1973,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_pin-up-1961,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_portrait-of-dieter-roth-1998,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_self-portrait-1967,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_self-portrait-in-a-cracked-mirror-1985,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Pop_Art,richard-hamilton_study-for-a-fashion-plate-1969,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,richard-hamilton_swingeing-london-67-1968,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_the-solomon-r-guggenheim-architect-s-visual-1965,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,richard-hamilton_towards-a-definitive-statement-on-the-coming-trends-in-men-s-wear-and-accessories,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,robert-indiana_ahava-1977,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-indiana_ahava-1993,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_amor-1984,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_art-1977,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_bob-s-column-1964,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-indiana_chosen-love-1995,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-indiana_four-panel-love-1972,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-indiana_four-winds-from-1-cent-life-portfolio-1964,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,robert-indiana_german-love-1996,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_heliotherapy-love-1995,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_hope-2008,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-indiana_hope-red-blue-2009,"[0.0, 0.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-indiana_nine-2001,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_picasso-the-american-dream-1998,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,robert-indiana_robert-indiana-new-art-stable-new-york-1964,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-indiana_sex-anyone-1964,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_silver-blue-alphabet-wall-2011,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_summer-i-hope-wall-rainbow-roll-1-2010,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_the-american-art-1992,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,robert-indiana_the-american-dream-i-1961,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-indiana_the-book-of-love-11-1996,"[8.0, 2.0, 14.0, 10.0, 0.0, 4.0, 0.0, 0.0, 8.0]"
+Pop_Art,robert-indiana_the-garden-of-love-1982,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-indiana_the-metamorphosis-of-norma-jean-marilyn-monroe-1998,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Pop_Art,robert-indiana_the-ninth-american-dream-2001,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-indiana_tikva-2011,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-indiana_twenty-golden-orbs-1959,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Pop_Art,robert-indiana_wall-two-stone-1990,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_american-spirit-2002,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-silvers_birth-of-venus-2006,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,robert-silvers_bob-dylan,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-silvers_bob-marley,"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_charles-darwin,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_christ-ii,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_cover-for-life,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_diana,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Pop_Art,robert-silvers_elvis,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_face-of-the-african-diaspora,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,robert-silvers_gabrielle-d-estr-es-with-one-of-her-sisters,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_george-washington,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,robert-silvers_girl-with-the-pearl-earring-2008,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_guernica-photomosaic-mounted-on-aluminum,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,robert-silvers_irises-2001,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,robert-silvers_jackie-kennedy,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pop_Art,robert-silvers_magritte-2001,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_marilyn,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,robert-silvers_marilyn-monroe,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,robert-silvers_mona-lisa-remastered,"[0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_mona-lisa-remastered-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_mona-lisa-remastered-2,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_mona-lisa-remastered-2002,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_not-detected-275011,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_not-detected-275027,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Pop_Art,robert-silvers_not-detected-275028,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_not-detected-275030,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_not-detected-275031,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_not-detected-275033,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,robert-silvers_not-detected-275034,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_not-detected-275037,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,robert-silvers_not-detected-275039,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_not-detected-275040,"[1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_not-detected-275042,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_starry-night-2002,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,robert-silvers_the-great-jatte,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_vincent-van-gogh,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,robert-silvers_young-male-nude,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Pop_Art,romare-bearden_spring-way-1964,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,rosalyn-drexler_chubby-checker-1964,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,rosalyn-drexler_god-shaves-1961,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,rosalyn-drexler_home-movies-1963,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,rosalyn-drexler_is-it-true-what-they-say-about-dixie-1966,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Pop_Art,rosalyn-drexler_king-kong-aka-the-dream-1963,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,rosalyn-drexler_kiss-me-stupid-1964,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Pop_Art,rosalyn-drexler_lear-executive-1967,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,rosalyn-drexler_love-and-violence-1963,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Pop_Art,rosalyn-drexler_love-in-the-green-room-1964,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,rosalyn-drexler_lovers-a-k-a-am-i-faris-1963,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,rosalyn-drexler_marilyn-pursued-by-death-1967,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,rosalyn-drexler_men-and-machines-v-1966,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,rosalyn-drexler_self-portrait-1964,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,rosalyn-drexler_study-for-men-and-machines-i-1965,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,rosalyn-drexler_the-defenders-1963,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Pop_Art,rosalyn-drexler_this-is-my-wedding-1963,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_alka-seltzer-1966(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_arctic-landscape-1964(1),"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_artist-s-studio-the-dance-1974(1),"[1.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_artist-s-studio-the-dance-sketch-1974(1),"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_baked-potato-1962(1),"[20.0, 2.0, 6.0, 5.0, 0.0, 2.0, 0.0, 0.0, 9.0]"
+Pop_Art,roy-lichtenstein_baked-potato-1962-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_blam-1962(1),"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_brattata-1962(1),"[0.0, 1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_bread-in-bag-1961,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_bull-i-1973(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Pop_Art,roy-lichtenstein_cape-cod-still-life-1972(1),"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_collage-for-nude-with-white-flower-1994(1),"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_collage-for-reflections-on-hair-1989(1),"[1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_compositions-ii-1964(1),"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_crying-girl-1964(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,roy-lichtenstein_curtains-1962(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,roy-lichtenstein_desk-calendar-1962(1),"[0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_drowning-girl-1963(1),"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,roy-lichtenstein_explosion-i-1965(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_forget-it-forget-me-1962(1),"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Pop_Art,roy-lichtenstein_girl-at-piano-1963(1),"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_girl-with-ball-1961(1),"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_glass-and-lemon-in-a-mirror-1974(1),"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_glass-iv-1977(1),"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_goldfish-bowl-ii-1978(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,roy-lichtenstein_gullscape-1964(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_head-red-and-yellow-1962(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_hey-you(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_him-1964(1),"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,roy-lichtenstein_hopeless-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Pop_Art,roy-lichtenstein_hot-dog-1964,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_in-the-car-1963(1),"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_interior-with-cactus-1978(1),"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_interior-with-mirrored-closet-1991,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_interior-with-mirrored-wall-1991,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_interior-with-mobile-1992(1),"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_interior-with-restful-paintings-1991(1),"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_interior-with-water-lilies-1991(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,roy-lichtenstein_jet-pilot-1962,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_kiss(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Pop_Art,roy-lichtenstein_kitchen-range-1962(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_landscape-1964(1),"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,roy-lichtenstein_little-aloha(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_live-ammo-ha-ha-ha-1962(1),"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_look-mickey-1961(1),"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_m-maybe-1965(1),"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_mad-scientist-1963(1),"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_magnifying-glass-1963(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_man-with-folded-arms-1962,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Pop_Art,roy-lichtenstein_mirror-1972(1),"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,roy-lichtenstein_mirror-4-1970-3,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_mirror-six-panels-1-1970(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,roy-lichtenstein_mirror-six-panels-3-1971(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Pop_Art,roy-lichtenstein_mr-bellamy-1961(1),"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,roy-lichtenstein_no-nox-1962(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_nude-at-vanity(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_red-barn-ii-1969(1),"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,roy-lichtenstein_reflections-on-the-artist-s-studio-1989(1),"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,roy-lichtenstein_roto-broil-1961(1),"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_ruins-1965(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,roy-lichtenstein_sandwich-and-soda-1964,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_spray-1962,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_standing-rib-1962,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_stepping-out-1978,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_still-life-with-crystal-bowl-1973,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_still-life-with-dossier-1976,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Pop_Art,roy-lichtenstein_still-life-with-goldfish-1974,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_takka-takka-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Pop_Art,roy-lichtenstein_the-den-1990,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_the-grip-1962,"[1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_thinking-of-him-1963,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pop_Art,roy-lichtenstein_wall-explosion-ii-1965,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,roy-lichtenstein_washing-machine-1961,"[14.0, 2.0, 7.0, 5.0, 1.0, 3.0, 5.0, 2.0, 5.0]"
+Pop_Art,roy-lichtenstein_we-rose-up-slowly-1964,"[0.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_whaam-1963,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_woman-in-bath-1963,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,roy-lichtenstein_woman-sunlight-moonlight,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,roy-lichtenstein_world-s-fair-mural-1964,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,sa-nogueira_ah-que-les-raisins-sont-capiteux-1965,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,sa-nogueira_cinema-ii-1972,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,sa-nogueira_erotropo-1970,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,sa-nogueira_f-los-ouvir-a-tua-corneta-1972,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,sa-nogueira_f-los-ouvir-a-tua-corneta-negro-1974,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Pop_Art,sa-nogueira_n-o-percas-a-cabe-a,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,sa-nogueira_one-1971,"[2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,sa-nogueira_tape-aria-muro-1973,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,sa-nogueira_untitled-1970,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,saul-steinberg_las-vegas-1985,"[6.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Pop_Art,saul-steinberg_summer-table-1981,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,saul-steinberg_the-politecnico-table-1974,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,saul-steinberg_untitled-1971,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,saul-steinberg_view-of-florida-1965,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,stanley-pinker_girl-in-sunglasses,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,stanley-pinker_god-dog,"[7.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,stanley-pinker_his-and-hers,"[4.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0]"
+Pop_Art,stanley-pinker_man-and-car,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,stanley-pinker_sun-and-moon-flower,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,stanley-pinker_the-welder-1974,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Pop_Art,stanley-pinker_the-wheel-of-life-1974,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,stanley-pinker_window-on-district-six,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,tano-festa_albero,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Pop_Art,tano-festa_armadio-cieco-1963,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,tano-festa_bicromia-del-cielo,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Pop_Art,tano-festa_claude-monet,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Pop_Art,tano-festa_da-michelangelo,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Pop_Art,tano-festa_da-michelangelo-1966,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tano-festa_da-michelangelo-1978,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,tano-festa_da-michelangelo-1978-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,tano-festa_da-michelangelo-trittico-1978,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Pop_Art,tano-festa_dei-coniugi-arnolfini-1976,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Pop_Art,tano-festa_elements-of-drawing,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tano-festa_elsinore,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,tano-festa_figura-e-paesaggio,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,tano-festa_finestra,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,tano-festa_finestra-blu-1972,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,tano-festa_il-michelangelo,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tano-festa_il-peccato-originale,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,tano-festa_la-mano-dell-artista,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Pop_Art,tano-festa_la-rotta-delle-rondini-1975,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,tano-festa_le-dimensioni-del-cielo-n-5-1965,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,tano-festa_monumento-a-um-poeta-morto,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tano-festa_natura-morta,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,tano-festa_omaggio-a-francis-bacon-1981,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,tano-festa_omaggio-alla-pittura,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,tano-festa_particolare-della-cappella-sistina-1978,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Pop_Art,tano-festa_persiana,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,tano-festa_persiana-1963,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,tano-festa_persiana-nr-4-1962,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0]"
+Pop_Art,tano-festa_persiana-senza-battente-1979,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,tano-festa_pialla,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tano-festa_rebus-1979,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Pop_Art,tano-festa_ritratto-dell-attore-alain-delon-1975,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tano-festa_untitled-1980,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,tano-festa_untitled-ii,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,taro-yamamoto_key-west-1976,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,taro-yamamoto_untitled-1976,"[5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,tsuruko-yamazaki_giraffe-1985,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,tsuruko-yamazaki_peace-1968,"[3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,tsuruko-yamazaki_untitled-1963,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,tsuruko-yamazaki_untitled-1963-1,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,tsuruko-yamazaki_untitled-1964,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tsuruko-yamazaki_untitled-1965,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,tsuruko-yamazaki_work-1963,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,tsuruko-yamazaki_work-1964,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,tsuruko-yamazaki_work-1967,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,valerio-adami_a-midsummer-night-s-dream-1983,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Pop_Art,valerio-adami_ascensione-1984,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,valerio-adami_blue-danube-1984,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,valerio-adami_capriccio-1983,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Pop_Art,valerio-adami_early-morning-1984,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Pop_Art,valerio-adami_figura-con-valigia-1969,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,valerio-adami_gottfried-keller-ritratto-1986,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,valerio-adami_hotel-chelsea-bathroom-1968,"[12.0, 5.0, 6.0, 4.0, 0.0, 8.0, 5.0, 1.0, 6.0]"
+Pop_Art,valerio-adami_interior-1968,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,valerio-adami_interno-con-piano-forte-1968,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Pop_Art,valerio-adami_reading-1984,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Pop_Art,valerio-adami_self-portrait-1983,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Pop_Art,valerio-adami_spettacolo-all-aperto-1967,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,valerio-adami_the-moon-s-kiss-1979,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Pop_Art,valerio-adami_uovo-rotto-coll-1963,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_a-rare-plant,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_at-the-pool,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_banana-boy,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_beach-boys,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_bending-figures,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Pop_Art,walter-battiss_bird-on-foot,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_bird-tree-man,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_birds-and-buck,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_birth-of-a-new-nation,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_career-bird,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_coco-de-mer-seychelles-1970,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Pop_Art,walter-battiss_erotica,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_females,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_fisherman-1972,"[2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_four-excessive-females,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_fragments-1976,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_girl-skipping,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Pop_Art,walter-battiss_green-beach,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_hawaii-1976,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_hermaphrodite,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_horse-and-butterfly,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_juvenile-elephant,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_le-d-jeuner,"[0.0, 2.0, 1.0, 2.0, 0.0, 4.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_light-bulb,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_man-alive,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_man-with-cat,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Pop_Art,walter-battiss_mr-icarus-i-presume,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_multi-legged-man,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Pop_Art,walter-battiss_nose-man,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,walter-battiss_nudes,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_one-way-street,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_orgy,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_orgy-3,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_orgy-5,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_seychelles,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_seychelles-curtains,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_something-like-an-elephant,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_the-apple,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_the-climber,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Pop_Art,walter-battiss_the-sleeper,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_umpundulu-birds,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,walter-battiss_unknown-title,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,walter-battiss_woman-with-blue-hair,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Pop_Art,yayoi-kusama_ascension-of-polkadots-on-the-trees-2006,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,yayoi-kusama_butterfly-1988,"[0.0, 3.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,yayoi-kusama_dandelions-1985,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,yayoi-kusama_dress-1982,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Pop_Art,yayoi-kusama_flowers-1983,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Pop_Art,yayoi-kusama_mushrooms-1995,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Pop_Art,yayoi-kusama_pumpkin-1983,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Pop_Art,yayoi-kusama_pumpkin-1990,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Pop_Art,yayoi-kusama_ready-to-blossom-in-the-morning-1989,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,yayoi-kusama_shoes-1985,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,yayoi-kusama_still-life-of-candlestick-1978,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Pop_Art,yayoi-kusama_watching-the-sea-1989,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Pop_Art,yayoi-kusama_yellow-pumpkin-1992,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,a.y.-jackson_barns-1926,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,a.y.-jackson_early-spring-quebec-1923,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,a.y.-jackson_entrance-to-halifax-harbour-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,a.y.-jackson_houses-st-urbain-1934,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,a.y.-jackson_maple-woods-algoma-1920,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,a.y.-jackson_march-storm-georgian-bay-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,a.y.-jackson_river-st-urbain-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,a.y.-jackson_st-john-s-newfoundland-1951,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,a.y.-jackson_the-edge-of-the-maple-wood-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,abraham-manievich_autumn,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,abraham-manievich_autumn-day,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 2.0]"
+Post_Impressionism,abraham-manievich_barn-with-figures,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,abraham-manievich_beyond-the-trees,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,abraham-manievich_birch-trees-1911,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 6.0, 1.0]"
+Post_Impressionism,abraham-manievich_bronx-river-park,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,abraham-manievich_cloudy-day-bridgeport-connecticut-1939,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,abraham-manievich_country-landscape,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,abraham-manievich_early-spring-1913,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,abraham-manievich_fall-scene,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_landscape,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,abraham-manievich_landscape-with-animals,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,abraham-manievich_late-summer-afternoon-the-bronx,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,abraham-manievich_lyrical-landscape,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_moscow-iii,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,abraham-manievich_paris-street,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_snow-covered-street,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,abraham-manievich_street-scene-with-hot-dog-stand,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_the-yellow-house,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_town-scene-with-bus-stop,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,abraham-manievich_troika-in-the-snow-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,abraham-manievich_unknown-title,"[0.0, 0.0, 3.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_unknown-title-1,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_untitled,"[1.0, 1.0, 3.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_untitled-1925-1,"[1.0, 1.0, 5.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,abraham-manievich_village-landscape,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,abraham-manievich_white-house-with-trees,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,abraham-manievich_winter-scene-with-church-1911,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,adam-baltatu_arge-valley,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,adam-baltatu_august-day,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,adam-baltatu_children-on-the-alley,"[1.0, 4.0, 13.0, 6.0, 0.0, 1.0, 11.0, 6.0, 3.0]"
+Post_Impressionism,adam-baltatu_house-with-flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,adam-baltatu_olt-river-at-cozia,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,adam-baltatu_spring-landscape,"[0.0, 0.0, 10.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,adam-baltatu_summer-landscape,"[0.0, 1.0, 9.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,adam-baltatu_village-boundary,"[0.0, 0.0, 5.0, 2.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,adam-baltatu_village-boundary-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,adam-baltatu_winter-at-hu-i,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,albert-gleizes_portrait-de-miss-bessie-baver,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,albert-huie_houses-on-stilts-with-fishermen,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-huie_noon-1943,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,albert-huie_quiet-corner-gordon-town-1958,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-huie_quiet-sunday-ocho-rios-jamaica,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-huie_roselle-waterfalls,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-huie_self-portrait-1943,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,albert-huie_the-counting-lesson-1938,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,albert-huie_the-vendor-1939,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,albert-huie_the-water-carrier,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,albert-huie_untitled-portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,albert-marquet_a-horse-in-marseille-1916,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_assouan-morning,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_banks-of-the-seine-paris-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_bay-of-naples-1908,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_bouquet-of-flowers-1898,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_carnival-on-the-beach-1906,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,albert-marquet_embankments-of-the-seine-in-paris-1907,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_farmyard-at-la-percaillerie-normandy-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_girl-embroidering-seated-in-a-garden-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_harbor-of-menton-1905,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_house-at-saint-tropez-1905,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_july-14th-at-havre-1906,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,albert-marquet_le-havre-1911,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_le-jardin-du-luxembourg,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_notre-dame-in-winter-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,albert-marquet_nude-on-a-blue-background-1913,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_nude-on-a-divan-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_outskirts-of-paris-1905,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,albert-marquet_parisian-suburb-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_pons-charente-maritime-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,albert-marquet_port-of-marseilles-1916,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,albert-marquet_river-scene,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_self-portrait-1904,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_the-apse-of-notre-dame-1901,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_the-artist-s-mother-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,albert-marquet_the-beach-at-f-camp-1906,"[0.0, 0.0, 6.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_the-beach-at-sainte-adresse-1906,"[13.0, 3.0, 15.0, 9.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,albert-marquet_the-blonde-woman,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,albert-marquet_the-coffeepot-1902,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,albert-marquet_the-pont-neuf-1906,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_the-pont-saint-michel-and-notre-dame-1905,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,albert-marquet_the-port-le-havre-1906,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_the-port-of-algiers-with-haze-1943,"[1.0, 11.0, 18.0, 3.0, 1.0, 1.0, 6.0, 3.0, 4.0]"
+Post_Impressionism,albert-marquet_the-village-of-vosges-1893,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,albert-marquet_view-of-agay-1905,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,albert-marquet_village-cafe-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,alberto-magnelli_tuscan-landscape-1922,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,aldemir-martins_marinha-com-casas,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,aldemir-martins_vase-with-flowers-1968,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,alekos-kontopoulos_-1955,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,alekos-kontopoulos_chair,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,alekos-kontopoulos_le-canal-bethune-1939,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,alekos-kontopoulos_mykonos,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,alekos-kontopoulos_naked-in-the-woods-1932,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,alekos-kontopoulos_still-life-with-glass,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alekos-kontopoulos_the-forest-1938,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,alekos-kontopoulos_theokriteio-romance-1951,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_at-the-german-quarter-1911(3),"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_at-the-pool-of-ceres(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,alexandre-benois_breton-dancing-1906(2),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,alexandre-benois_breton-landscape(1),"[1.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_carnival-on-the-fontanka-river(1),"[0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_church-of-st-catherine-in-st-petersburg(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_flora-pool-in-versailles-1906(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_italian-comedy-indiscreet-punchinello(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,alexandre-benois_ray-embankment-in-basel-in-the-rain(2),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_self-portrait(2),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,alexandre-benois_the-evening-1906(1),"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_the-king-walked-in-any-weather-saint-simon(1),"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,alexandre-benois_versailles(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_versailles-alley-1906(2),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,alexandre-benois_versailles-at-curtius(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,alexandre-benois_versailles-fountain-of-bacchus-in-the-winter(1),"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_versailles-king-s-walk(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_versailles-louis-xiv-is-feeding-fish(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alexandre-benois_versailles-mirror-at-trianon(2),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,alexandre-benois_versailles-water-parterre(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alfred-sisley_by-the-river-loing,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,alfred-sisley_cows-by-the-seine-at-saint-mammes,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,alfred-sisley_geese,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alfred-sisley_goose-girl,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,alfred-sisley_not_detected_238362,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,alfred-sisley_pasture-by-the-seine,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_ancient-storyteller-1940,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_brahmacharis-1937,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_bride-s-toilet-1937,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_camels-1941,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_fruit-vendors,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_hill-women-1935,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_hungarian-market-scene-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_shringaar-1940,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_south-indian-villagers-going-to-a-market-1937,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_the-bride-1940,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,amrita-sher-gil_the-child-bride-1936,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_three-girls-1935,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_tribal-women-1938,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_two-elephants-1940,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_two-women,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_unknown-title,"[0.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,amrita-sher-gil_village-scene-1938,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,amrita-sher-gil_woman-on-charpai-1940,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,andre-derain_back,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,andre-derain_ball-of-soldiers-in-suresnes-1903,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,andre-derain_chinese-boxers,"[2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,andre-derain_funeral-1899,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,andre-derain_landscape-at-cadaques,"[0.0, 2.0, 4.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,andre-derain_landscape-near-chatou-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,andre-derain_landscape-of-carri-res-1909,"[0.0, 2.0, 3.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,andre-derain_portrait-of-a-woman-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,andre-derain_still-life-on-the-table-1904,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,andre-derain_still-life-with-pears-and-indian-bowl,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,andre-derain_the-beautiful-model-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,andre-derain_the-grove-1912,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,andre-derain_the-path-of-forest-1928,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,andre-derain_the-river-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,andre-derain_the-road-1932,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,andre-derain_the-road-and-the-tree,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,andre-derain_trees-on-the-banks-of-the-seine-1913,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,andrã©-lhote_mirmande-1932,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,andrã©-lhote_portrait-de-jeanne-1908,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,anita-malfatti_a-estudante-russa-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,anita-malfatti_a-mulher-de-cabelos-verdes-1916,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,anita-malfatti_as-duas-igrejas-itanha-m-1940,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,anita-malfatti_autorretrato,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,anita-malfatti_burrinho-correndo-1909,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,anita-malfatti_cambuquira-1945,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,anita-malfatti_fernanda-de-castro-1922,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,anita-malfatti_glad-olos-palmas-de-santa-rita,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,anita-malfatti_gruta-da-imprensa,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,anita-malfatti_gruta-da-imprensa(1),"[1.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,anita-malfatti_itanha-m-1949,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,anita-malfatti_la-rentr-e-1927,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,anita-malfatti_mario-de-andrade-i-1922,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,anita-malfatti_mulher-do-par-no-balc-o-1927,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,anita-malfatti_p-de-jabuticaba,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,anita-malfatti_paisagem-de-santo-amaro-1920,"[6.0, 6.0, 29.0, 6.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,anita-malfatti_paisagem-dos-pirineus-cauterets-1926,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,anita-malfatti_pedras-na-praia,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,anita-malfatti_porto-de-m-naco-1926,"[1.0, 8.0, 29.0, 3.0, 0.0, 1.0, 0.0, 5.0, 1.0]"
+Post_Impressionism,anita-malfatti_rochedos-monhegan-island-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,anita-malfatti_tropical-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,anita-malfatti_uma-estudante-1916,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,anita-malfatti_veneza-canaleto-1924,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_alexander-palace-in-detskoye-selo,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_amsterdam-1913,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_amsterdam-the-market-of-iron-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_amsterdam-the-old-warehouses-1913,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_crimea-koktebel-ruins-of-kordon,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_crimea-monastery-of-st-cosmas-and-st-damian-1924,"[0.0, 10.0, 29.0, 5.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_pavlovsk-rozopavilonny-pond,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_petersburg-bridge-with-centaurs-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_petrograd-red-columns-1922,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_portrait-of-n-n-evreinov-1927,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_self-portrait-1940,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_the-amsterdam-port-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_the-moon-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,anna-ostroumova-lebedeva_view-of-kislovodsk,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,antonio-carneiro_marinha-1916,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,antonio-carneiro_praia-da-figueira-da-foz-1921,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,aristarkh-lentulov_country-house-village-zyuzino,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,aristarkh-lentulov_portrait-of-m-p-lentulova,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,aristarkh-lentulov_portrait-of-n-svendonskaya,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,aristarkh-lentulov_self-portrait-1913,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,aristarkh-lentulov_street-in-sergiev-posad(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Post_Impressionism,aristarkh-lentulov_street-moscow-1910,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arshile-gorky_leonora-portnoff,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,arshile-gorky_pears-peaches-and-pitcher-1927,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arshile-gorky_portrait-of-a-woman,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,arshile-gorky_portrait-of-a-young-man-1927,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,arshile-gorky_portrait-of-ahko,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,arshile-gorky_portrait-of-akabi,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,arshile-gorky_portrait-of-azadoohi-liberty-miller,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,arshile-gorky_portrait-of-master-bill-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,arshile-gorky_portrait-of-myself-and-my-imaginary-wife,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,arshile-gorky_portrait-of-vartoost,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,arshile-gorky_self-portrait,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,arshile-gorky_self-portrait-at-the-age-of-nine,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Post_Impressionism,arshile-gorky_staten-island,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arshile-gorky_still-life-of-flower,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arshile-gorky_still-life-with-skull,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Post_Impressionism,arshile-gorky_the-artist-with-his-mother-1936,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,arshile-gorky_the-artists-s-mother,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Post_Impressionism,arshile-gorky_untitled-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,arshile-gorky_untitled-abstract-landscape,"[8.0, 5.0, 6.0, 2.0, 2.0, 13.0, 1.0, 1.0, 11.0]"
+Post_Impressionism,arshile-gorky_untitled-self-portrait,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,arshile-gorky_woman-with-necklace-marquette,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,arthur-segal_ascona-im-herbst-1915,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arthur-segal_flori-de-salcie-1909,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,arthur-segal_selbstbildnis-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Post_Impressionism,arthur-segal_still-life-of-flowers,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,arthur-segal_still-life-with-fruits-1911,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arturo-souto_beached-boats,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,arturo-souto_betanzos,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,arturo-souto_bust-of-woman-1962,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,arturo-souto_church-and-gardens-acolm-n-mexico-1951,"[0.0, 16.0, 20.0, 1.0, 0.0, 0.0, 2.0, 4.0, 6.0]"
+Post_Impressionism,arturo-souto_cover-for-the-magazine-vieiros-no-2-1962,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,arturo-souto_fair-1931,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,arturo-souto_female-nude-1960,"[5.0, 8.0, 11.0, 14.0, 0.0, 1.0, 0.0, 1.0, 6.0]"
+Post_Impressionism,arturo-souto_galicia-1963,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,arturo-souto_galician-interior-1964,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,arturo-souto_naked-women-in-a-landscape-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arturo-souto_neighborhood-in-mexico-1951,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,arturo-souto_new-york-1957,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arturo-souto_place-of-firewood-pontevedra-1963,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,arturo-souto_portrait-of-a-man-1945,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,arturo-souto_portrait-of-alvaro-gil-varela,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,arturo-souto_portrait-of-vera-mayer-1952,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,arturo-souto_roofs-of-madrid-1955,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,arturo-souto_rue-moufetard-par-s-1945,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,arturo-souto_stallholders,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,arturo-souto_the-berbes-1963,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,arturo-souto_the-pantheon-seen-from-rue-soufflot-paris-1941,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,asgrimur-jonsson_autumn-at-thingvellir-1949,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_autumn-sunlight-skjuhl-1920,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_from-h-safell-mt-str-tur-west-iceland-1945,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_from-h-safell-west-iceland-1950,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_hafnarfj-r-ur-town-1930,"[0.0, 2.0, 5.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,asgrimur-jonsson_lava-gorge-at-thingvellir-autumn-1947,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_mt-hafursfell-and-the-wood-at-h-safell-west-iceland-1945,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,asgrimur-jonsson_mt-n-mafjall-in-n-iceland-1951,"[1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_mt-str-tur-and-eir-ksj-kull-glacier-west-iceland-1948,"[0.0, 4.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_mt-str-tur-w-iceland-a-storm-approaching-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_night-in-reykjav-k-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,asgrimur-jonsson_the-river-ki-in-h-safellsk-gur-1953,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,auguste-herbin_cherries,"[4.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_entrance-to-the-corbeau-mill-1908,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_flowers-1906,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_hamburgs-port-1907,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,auguste-herbin_house-at-the-water-1905,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_landscape-with-poplars-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,auguste-herbin_les-joueurs-de-boules,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,auguste-herbin_nature-morte-la-tasse-de-caf-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,auguste-herbin_notre-dame-de-paris-1903,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_paysage-cubiste-1913,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,auguste-herbin_portrait-of-a-man,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,auguste-herbin_self-portrait-1910,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,auguste-herbin_still-life-1920,"[0.0, 1.0, 7.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_the-docks-of-the-port-of-bastia-1907,"[3.0, 3.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_the-place-maubert-in-paris-1907,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,auguste-herbin_the-red-house-1925,"[1.0, 4.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,auguste-herbin_untitled-landscape-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,augustus-john_arabella-1934,"[2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_bather-in-the-welsh-mountains-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_bathers-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,augustus-john_brigit-macnamara-1937,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_caitlin-1936,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,augustus-john_charles-portal-1st-viscount-portal-1943,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,augustus-john_cineraria-1948,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,augustus-john_david-and-caspar-1912,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,augustus-john_david-and-dorelia-in-normandy-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_dorelia-and-the-children-at-martigues-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_dorelia-in-a-landscape-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,augustus-john_dorelia-wearing-a-turban-1912,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,augustus-john_edwin-and-romilly-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,augustus-john_edwin-john-1927,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,augustus-john_girl-leaning-on-a-stick-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,augustus-john_gypsy-in-the-sandpit-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,augustus-john_head-of-dorelia-mcneill-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,augustus-john_hydrangeas,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,augustus-john_irish-coast,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,augustus-john_landscape,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,augustus-john_landscape-at-chirk-clwyd-1912,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,augustus-john_louise-olgin,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,augustus-john_lyric-fantasy-1914,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+Post_Impressionism,augustus-john_mavis-wheeler-1945,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,augustus-john_olives-in-spain-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_port-de-bouc-1910,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,augustus-john_the-blue-pool-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_the-blue-pool-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_the-girl-on-the-cliff-1936,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,augustus-john_the-yellow-dress-1912,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,augustus-john_two-disciples-1911,"[2.0, 0.0, 7.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_washing-day-1915,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,augustus-john_woman-in-a-landscape-1912,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,augustus-john_woman-with-a-daffodil-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,augustus-john_zoe-hicks-1958,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,bela-czobel_bank-of-the-seine-in-paris-1925,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,bela-czobel_coastal-view-with-barges-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,bela-czobel_girl-with-red-shawl-1934,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,bela-czobel_in-the-garden,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,bela-czobel_mask-and-mandolin-1928,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,bela-czobel_masks-1929,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,bela-czobel_painters-outdoor-1906,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,bela-czobel_reclining-woman-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,bela-czobel_street-in-berlin-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,bela-czobel_the-priest-at-bergen-1918,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,bela-czobel_venus-of-szentendre-1968,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,bela-czobel_view-of-a-street-at-hatvan-1937,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,bertalan-por_brookside-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,bertalan-por_bull-i-1930,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,bertalan-por_bulls-1948,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,bertalan-por_calf-1927,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,bertalan-por_child-in-red-coat-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,bertalan-por_forest-path-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,bertalan-por_gypsies-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,bertalan-por_landscape-1908,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,bertalan-por_landscape-by-a-brook-1908,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,bertalan-por_landscape-in-krahovice-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,bertalan-por_landscape-in-the-alf-ld-with-young-men-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,bertalan-por_lights-on-the-riverside-1909,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,bertalan-por_longing-for-pure-love-1910,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,bertalan-por_margitka-1938,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,bertalan-por_mih-ly-k-rolyi-1930,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,bertalan-por_self-portrait-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,bertalan-por_sermon-on-the-mountain-1911,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,bertalan-por_shepherd,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,bertalan-por_shepherd-and-his-lover-1927,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,bertalan-por_sunlit-landscape-with-bridge-1909,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,bertalan-por_the-family-1909,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,bertalan-por_woman-with-a-hat-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,candido-portinari_baile-na-ro-a-1924,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,candido-portinari_carlos-drummond-de-andrade,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Post_Impressionism,candido-portinari_meu-primeiro-trabalho-1921,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,candido-portinari_paisagem-com-bananeiras-1927,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,candido-portinari_retrato-de-maria-1932,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,carlos-botelho_doca-do-peixe-1933,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 3.0, 3.0, 1.0]"
+Post_Impressionism,carlos-botelho_lisbon-1962,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,carlos-botelho_lisbon-bouquet-1935,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,carlos-botelho_lisbon-s-cristov-o-1937,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-cottet_au-pays-de-la-mer-douleur-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,charles-cottet_cabaret-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Post_Impressionism,charles-cottet_femmes-de-plougastel-au-pardon-de-sainte-anne-la-palud-1903,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-cottet_fishermen-fleeing-the-storm-1893,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,charles-cottet_four-breton-women-at-the-seashore-1893,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,charles-cottet_funeral-in-brittany-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Post_Impressionism,charles-cottet_lamentation-of-women-camaret-around-the-chapel-of-burnt-roch-amadour-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Post_Impressionism,charles-cottet_marine-breton-1903,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,charles-cottet_mourning-brittany,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,charles-cottet_old-woman-of-brittany,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,charles-cottet_petit-village-au-pied-de-la-falaise-1905,"[2.0, 14.0, 13.0, 6.0, 0.0, 0.0, 5.0, 3.0, 3.0]"
+Post_Impressionism,charles-cottet_procession-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,charles-cottet_rayons-du-soir-1892,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-cottet_sea-landscape-in-brittany-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,charles-cottet_seascape-with-venice-in-the-distance-1896,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,charles-cottet_selling-livestock,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,charles-cottet_the-child-death-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,charles-cottet_view-of-venice-from-the-sea-1896,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_autumn-design-1922,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_beach-at-del-mar-1931,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_edge-of-the-oak-grove-1935,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_foggy-morning-no-2-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,charles-reiffel_harbor-night-1937,"[0.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_holiday-mission-beach-1938,"[0.0, 0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_in-the-san-felipe-valley-1927,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_la-jolla-shores-1931,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_morning-at-laguna-1935,"[0.0, 2.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_morning-nogales-arizona-1928,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,charles-reiffel_point-loma-1937,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,charles-reiffel_road-in-the-cuyamacas-1934,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,charles-reiffel_summer-design-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,christo-coetzee_fish,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,christo-coetzee_still-life-with-fruit-bowl,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,constantin-blendea_dialog-1976,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,constantin-blendea_still-life,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,constantin-blendea_still-life-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-blendea_still-life-2,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,constantin-blendea_unknown-title-11,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,constantin-piliuta_1907,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantin-piliuta_arghezi,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_at-the-aunts-1978,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_at-the-bar,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,constantin-piliuta_ballerinas,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_ballet-dancers,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,constantin-piliuta_boughs-without-leaves-1995,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,constantin-piliuta_case-with-blue-flowers,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_childhood-winter,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_chrysanthemums,"[1.0, 2.0, 4.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,constantin-piliuta_corn-poppies,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_dance-1978,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_dandelions-1991,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,constantin-piliuta_field-flowers-1987,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantin-piliuta_fishery,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_flamenco,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,constantin-piliuta_flowers,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_in-the-city,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_interior,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,constantin-piliuta_irises,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantin-piliuta_kettle-with-flowers,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_landscape-from-ardeal,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_lautari,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,constantin-piliuta_musicians,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_nocturne-1973,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_nude-with-flower,"[4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_nude-with-green-wig,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,constantin-piliuta_parental-house-birthplace,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_pears-and-grapes,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_pots-with-pelargoniums,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_prim-var,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,constantin-piliuta_rehearsals,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_self-portrait,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 2.0, 0.0]"
+Post_Impressionism,constantin-piliuta_springtime-1978,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantin-piliuta_springtime-1990,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,constantin-piliuta_springtime-in-dude-ti,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantin-piliuta_st-andrew-s-night,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_still-life-with-flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,constantin-piliuta_still-life-with-grapes-and-flowers,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_the-backgammon-players,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantin-piliuta_the-peacock,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_the-philosopher,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Post_Impressionism,constantin-piliuta_the-three-graces-1972,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_the-violonist-1982,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,constantin-piliuta_vase-with-flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_vase-with-white-flowers-1996,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantin-piliuta_wind-street,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_winter-in-the-village,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,constantin-piliuta_winter-in-the-village-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,constantin-piliuta_winter-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,constantin-piliuta_winter-landscape-1989,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantin-piliuta_yellow-flowers-2001,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_aswan-of-the-nile,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,constantine-maleas_black-man,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_castle-at-monemvasia,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_church-at-santorini,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantine-maleas_greek-landscape,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_house-at-lesvos,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantine-maleas_house-at-santorini,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,constantine-maleas_landsapce-of-pendelis,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_landscape,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_landscape-of-attica,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_landscape-of-attica-1920,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,constantine-maleas_landscape-of-egypt,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,constantine-maleas_landscape-of-nile-aswan,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,constantine-maleas_landscape-sketch,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,constantine-maleas_landscape-with-cypresses(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,constantine-maleas_lavrion-1920,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_maleas,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_maleas-chapel-with-tree-1920,"[0.0, 1.0, 7.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_maleas-konstantinos-kammeni-santorinis(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_olive-trees,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_olympia,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,constantine-maleas_pantanassa-of-naxos-1928,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_pines-at-rafina-1920,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,constantine-maleas_santorini-1928,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_still-life,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_the-anchorage-of-the-idea,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_thermos-of-itoloakarnania-1921,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantine-maleas_turkish-harbour,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,constantine-maleas_view-of-delphi,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,constantine-maleas_view-of-kalavryta,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,constantine-maleas_view-of-methana-1920,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,constantine-maleas_walls-of-monemvasia-1928,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,constantine-maleas_wheel-well,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,corneliu-baba_bridge-over-seine-1979,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,corneliu-baba_dinner,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,corneliu-baba_harlequins,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Post_Impressionism,corneliu-baba_landscape-from-caransebes-1932,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,corneliu-baba_oven,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,corneliu-baba_peaceful-sleep,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,corneliu-baba_portrait-of-a-woman-elena-hascke,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,corneliu-baba_portrait-of-the-art-collector-zambaccian,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,corneliu-baba_return-from-grubbing,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,corneliu-baba_venice-1957,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,corneliu-baba_white-peonies-in-green-vase-1937,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,corneliu-michailescu_fountain-in-italy,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,corneliu-michailescu_poppy-cup,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_a-girl-1954,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_a-house-in-the-steppe-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_a-tree-by-the-railway,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_american-still-life-on-the-beach-1950,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_at-the-lounge,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,david-burliuk_at-the-park,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_at-the-riverside,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_australia-1954,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_autumn-forest,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_autumn-pond,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_bayville,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_blossoming-branch-in-a-vase-1960,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_boat-at-a-shore-sun,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_boats,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_book-of-the-sea,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_bouquet-and-mountains-colorado-1951,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_bouquet-by-the-sea-1960,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_bouquet-of-wild-flowers-with-ocean-background,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_bouquet-with-sunflowers-with-landscape,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,david-burliuk_bradenton-beach-florida-1953,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,david-burliuk_by-reading,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_chrysanthemums-and-asters,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_drunkard-1920(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,david-burliuk_duty-boats-in-the-bay-1934,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_elsinore,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_english-castle-1946,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_figures-by-a-riverside,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_fishermen,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_flowers-at-the-window-1920,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_flowers-by-the-sea,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_flowers-by-the-sea-1,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_flowers-by-the-sea-1945,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_flowers-in-vase,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_flowers-in-white-vase-1956,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_flowers-near-the-sea-1949,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,david-burliuk_flowers-on-the-seashore,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_forest-pathway,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_french-town-1950,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_futurist-still-life-with-cactus-1928,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,david-burliuk_green-landscape,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_hampton-bays(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_hills-near-village,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_hot-spring-in-new-mexico(1),"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_in-a-park,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_in-the-harbour,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_in-the-park,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_japanese-bay-1921,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_japanese-boy-1922,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,david-burliuk_japanese-forest-landscape,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_landscape,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_landscape-1,"[2.0, 10.0, 19.0, 2.0, 0.0, 4.0, 1.0, 0.0, 12.0]"
+Post_Impressionism,david-burliuk_landscape-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_landscape-with-a-house,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_landscape-with-a-house-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_landscape-with-a-pink-house,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_landscape-with-a-road,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_landscape-with-trees,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_lighthouse-on-the-coast-1958,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_lilac-in-the-park,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_lilacs-by-the-sea-1957,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_live-lobsters-at-joe-s-1961,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_long-island-summer-landscape-with-a-river-1944,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_majorca-spain,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_marusia-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Post_Impressionism,david-burliuk_marusia-1960,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,david-burliuk_marusia-by-the-sea-1949,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_marusia-in-the-library,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_marusia-in-the-park,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,david-burliuk_marusia-s-portrait,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,david-burliuk_marusia-with-flowers,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_message-from-capri,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_mexico-1948,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_morning-wind-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_my-idol-long-island-1944,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_nicholai-cikovsky-1925,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_nike-1959,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,david-burliuk_nude,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_ocean-and-flowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_ogasawara,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_ogasawara-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_path-in-the-garden,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_peasant-working-in-a-field,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_pennsylvania-spring-1946,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_portrait-of-a-young-woman(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,david-burliuk_portrait-of-albert-koslow,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,david-burliuk_portrait-of-frank-banker-1948(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,david-burliuk_portrait-of-naomi-harris-saffer-1957,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,david-burliuk_positano-italy,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_quick-frozen-fish-florida-1959,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_riverhead,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_rooftops-in-siberia-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,david-burliuk_roses-with-blue-background-1960,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_rural-landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,david-burliuk_rural-landscape-with-figures,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_sea-1921,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_sea-at-night,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_spring-in-countryside-1917,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_spring-in-pennsylvania-1946,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_spring-on-long-island(1),"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-by-the-sea,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-on-the-seashore,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-tribute-to-vermeer,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_still-life-with-a-jug,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-with-a-jug-1930,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_still-life-with-a-plate-1931,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-with-apples,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_still-life-with-boats-enbarkment-1949,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,david-burliuk_still-life-with-fliwers-on-palette,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-with-flowers-and-book,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,david-burliuk_still-life-with-flowers-and-watering-can,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-with-flowers-by-the-sea-1948,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_still-life-with-gladiolae,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_still-life-with-lilacs-by-the-sea,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_study-for-marusia,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,david-burliuk_summer-forest-1906,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_summer-gardens-near-the-house,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_the-artist-s-wife-with-a-still-life-of-flowers,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_the-ballerina,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_the-river-dnieper,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_ukrainian-peasants,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_vase-with-flowers-and-book-by-the-window-1954,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_vase-with-red-and-yellow-flowers,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_view-of-burliuk-estate-usa-1945(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,david-burliuk_view-of-manhatten(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_view-of-the-water-rural-landscape-with-a-lake-1947,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_villa-of-w-r-wagner-1962,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_village-at-slobozhanschina,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_village-scene-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,david-burliuk_village-street,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_vladivostok-1920,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_walking-by-countryside-1944,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,david-burliuk_walkowitz-at-home,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,david-burliuk_washington-market-1931,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,david-burliuk_windmill-in-rotterdam-1955,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,david-burliuk_winter-still-life-1947,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,ding-yanyong_fish-and-frogs-1965,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,ding-yanyong_glass-gold-fish-and-bird-1970,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,ding-yanyong_in-the-middle-of-the-water-1971,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ding-yanyong_jar-on-the-table-1971,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,ding-yanyong_mask-1955,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,ding-yanyong_portrait-of-a-lady-1940,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,dumitru-ghiatza_at-the-edge-of-the-field-1924,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,dumitru-ghiatza_bistri-a-valley-1965,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_cape-caliacra,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_cherry-trees-in-blossom,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,dumitru-ghiatza_holiday-at-horezu,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_landscape-from-balcic-1929,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_mountain-flowers-1956,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,dumitru-ghiatza_mug-with-anemones,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_mug-with-roses,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,dumitru-ghiatza_on-bistri-a-valley,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_promenade-the-white-umbrella,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_roses-1939,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_self-portrait-1934,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,dumitru-ghiatza_verandah-with-flowers,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_view-from-the-royal-palace,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_village-among-mountains,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,dumitru-ghiatza_village-inn-during-winter,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_white-roses,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,dumitru-ghiatza_winter-landscape-1942,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_avenue-de-l-opera,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_booksellers-along-the-seine,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_booksellers-along-the-seine-notre-dame-view,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_booksellers-of-notre-dame,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-a-paris,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-bonne-nouvelle-paris,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-bonne-nouvelle-porte-st-denis,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-1,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-10,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-4,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-5,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-6,"[1.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-7,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-8,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-9,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-winter,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-winter-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-de-la-madeleine-winter-2,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_boulevard-des-italians,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_boulevard-et-la-porte-st-denis,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_bouquinistes,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_bouquinistes-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_bouquinistes-de-notre-dame,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_bouquinistes-de-notre-dame-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_caf-de-la-paix-paris,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-1,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-2,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-3,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-4,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_caf-de-la-paix-paris-5,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_chatelet,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_chatelet-in-winter,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,edouard-cortes_concorde-and-rue-royale,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_effect-of-sunlight-on-notre-dame,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-4,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-5,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_flower-market-at-la-madeleine-6,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-seller-at-la-madeleine,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_flower-stalls-at-la-madeleine,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_fountain-on-place-de-la-concorde,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_fountain-on-place-de-la-concorde-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_in-three-fourths,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,edouard-cortes_in-three-fourths-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_la-madeleine-in-crepuscule-look-from-boulevard,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_la-madeleine-winter,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_la-place-de-la-bastille-paris,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_lamp-effect,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_les-grands-boulevards,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_les-grands-boulevards-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-cortes_les-grands-boulevards-2,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_les-halles,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_madeleine-and-rue-royale-paris,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_metro-george-v,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_new-bridge,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_new-bridge-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_new-bridge-2,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_new-bridge-paris,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_north-station,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_notre-dame,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_notre-dame-paris,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_notre-dame-st-michael-under-the-snow,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_omnibus-on-the-place-de-la-madeleine,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_omnibus-on-the-place-de-la-madeleine-1,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_opera-paris,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_paris-evening,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_paris-place-de-la-republique,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_paris-place-de-la-republique-at-twighlight,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-clichy-in-winter,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-clichy-in-winter-1,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-l-opera,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-l-opera-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-l-opera-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-l-opera-3,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-l-opera-4,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-l-opera-5,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-bastille,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-cortes_place-de-la-bastille-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-bastille-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-bastille-3,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-bastille-4,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-bastille-6,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-concorde,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-concorde-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-madeleine,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-madeleine-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-madeleine-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-madeleine-3,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-madeleine-4,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique,"[1.0, 11.0, 20.0, 9.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-2,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-3,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-4,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-5,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-6,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-7,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-de-la-republique-clichi,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-du-chatelet,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-du-tertre,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-du-theatre-de-la-comedie-francaise,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-from-a-knoll-montmartre,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-from-a-knoll-sacred-heart,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-pigalle,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-pigalle-winter,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-pigalle-winter-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-pigalle-winter-evening,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,edouard-cortes_place-saint-michel-christmas,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-3,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-saint-michel-notre-dame-4,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-vendome,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_place-vendome-in-rain,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,edouard-cortes_place-vendome-soir-paris,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_pont-alexander-iii,"[0.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_pont-alexander-iii-1,"[0.0, 3.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_pont-neuf,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_quai-de-la-siene,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_quai-de-montebello,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_quai-de-montebello-notre-dame,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_quai-de-montebello-winter,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_quay-du-louvre,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,edouard-cortes_quay-du-louvre-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_quay-du-louvre-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_quay-du-louvre-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_quay-du-louvre-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-cortes_quay-du-louvre-winter,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_quay-du-louvre-winter-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_quay-saint-michel,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_railway-ballast,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_royal-street-consent,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-de-la-paix,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-de-la-paix-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-de-la-paix-rain,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-de-lyon,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-de-rivoli,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-de-rivoli-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-de-rivoli-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_rue-dulm-pantheon,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-royale,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-royale-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_rue-royale-concorde,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-royale-concorde-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_rue-royale-madeleine,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-royale-madeleine-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-cortes_rue-royale-madeleine-2,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-royale-madeleine-winter,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_rue-royale-winter,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_sacred-heart-of-paris,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-denis,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-denis-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-denis-2,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-denis-3,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-denis-4,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-denis-5,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_st-denis-7,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-denis-winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_st-denis-winter-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_st-denis-winter-2,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_st-martin,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-martin-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_st-martin-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-martin-3,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-martin-spring,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_st-martin-winter,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_station-de-l-est,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_the-concorde-square-le-soir,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_the-ferryman,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-grands-boulevards,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_the-grands-boulevards-porte-and-port-denis-martin,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_the-lido-champs-elysees,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_the-madeleine-twilight,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-pantheon,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-pantheon-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-place-de-la-republique-paris,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-place-de-opera,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_the-platform-of-the-tournelle-notre-dame,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-porte-saint-martin,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_the-rue-royal-madeleine,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-theater-of-the-comedie-francaise,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-triumphal-arc-winter,"[0.0, 0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_the-view-from-madeleine-la-rue-royale,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_theatre-du-chatelet,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_theatre-du-chatelet-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_theatre-du-vaudeville,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_theatre-du-vaudeville-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_theatre-du-vaudeville-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_theatre-du-vaudeville-3,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_theatre-du-vaudeville-4,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_tournelles-dock,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_tower-saint-jacques,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-2,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-3,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-4,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-5,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-6,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-7,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_triumphal-arch-view,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_tuileries-garden,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_tuileries-garden-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_view-of-notre-dame,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-cortes_view-of-the-street-rivoli-and-notre-dame,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-cortes_waiting-for-the-practice,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-cortes_winter-evening,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_after-the-lunch,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_anemones-in-a-chinese-1901,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_autoportrait,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-vuillard_black-dress,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-vuillard_boulevard-of-battignolles,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_breton-house,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_chateau-of-fontainebleau-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_figures-eating-in-a-garden-by-the-water,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_first-fruit,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_flowers-on-a-fireplace-in-clayes-1935,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_garden-in-cannes,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_good-children,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_half-figure-of-a-seated-woman,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_in-front-of-a-tapestry,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-vuillard_in-the-red-room-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_madame-vuillard-at-table,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_madame-vuillard-at-the-hotel,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_madame-vuillard-seated,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_man-and-woman-beneath-a-tree,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_massif-near-the-house-1907,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_mother-and-child,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,edouard-vuillard_my-mother,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-vuillard_painting-of-a-tennis-court-castle-guernon-ranville,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_portrait-of-a-woman-in-profile,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,edouard-vuillard_portrait-of-louis-loucheur,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-vuillard_romain-coolus-writer-in-la-revuew-blanche,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_sacha-guitry-in-his-dressing-room-1912,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_sea-at-sunset-women-on-the-shore,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-vuillard_seated-nude,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_seated-woman-dressed-in-black,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,edouard-vuillard_self-portrait,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,edouard-vuillard_self-portrait-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,edouard-vuillard_silver-trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_square-berlioz-la-place-vintimille,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_tennis-game-by-the-sea,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_the-cake-shop,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,edouard-vuillard_the-garden-outside-the-workshop,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_the-striped-blouse,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,edouard-vuillard_the-tent,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_the-tuileries-gardens-paris,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_the-vestibule-at-saint-jacut-de-la-mer,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_theodore-duret,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,edouard-vuillard_trees-in-a-field,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,edouard-vuillard_under-the-portico-1900,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_valloton-and-misia-in-the-dining-room-at-rue-saint-florentin-1899,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,edouard-vuillard_valloton-in-natanson,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Post_Impressionism,edouard-vuillard_vase-of-flowers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,edouard-vuillard_window-overlooking-the-woods,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,edouard-vuillard_woman-brushing-a-garment-1892,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,edouard-vuillard_woman-in-grey-in-a-lane,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,edouard-vuillard_woman-with-black-eyebrows,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,edouard-vuillard_woman-with-hat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,edouard-vuillard_yvonne-printemps-and-sacha-guitry,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,eduardo-viana_composi-o-1947,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,eduardo-viana_guitarra-minhota-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,eduardo-viana_lou-a-de-barcelos-1915,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,eduardo-viana_nu-1925,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,eduardo-viana_paisagem-de-sintra,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,eduardo-viana_pousada-de-ciganos-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,eduardo-viana_retrato-do-arquitecto-varela,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,eileen-agar_ploumanach,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,eileen-agar_self-portrait-1927,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,emile-claus_zonnegloed-1905,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,emily-carr_a-rushing-sea-of-undergrowth-1935,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_a-skidegate-beaver-pole-1946,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_a-young-tree-1931,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_above-the-gravel-pit-1937,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_arbutus-tree-1922,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_autumn-in-france-1911,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_blue-sky-1932,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,emily-carr_blunden-harbour-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,emily-carr_breton-church-1906,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_cedar-sanctuary-1942,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_forest-british-columbia-1932,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,emily-carr_gitwangak-queen-charlotte-islands-1912,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_grey-1930,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_guyasdoms-d-sonoqua-1930,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_indian-church-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_indian-war-canoe-alert-bay-1912,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,emily-carr_kitwancool-1928,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_old-indian-house-northern-british-columbia-1912,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_reforestation-1936,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_sea-drift-at-the-edge-of-the-forest-1931,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,emily-carr_self-portrait-1939,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,emily-carr_strangled-by-growth-1931,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_the-mountain-1933,"[5.0, 10.0, 5.0, 2.0, 0.0, 1.0, 24.0, 1.0, 2.0]"
+Post_Impressionism,emily-carr_totem-and-forest-1931,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,emily-carr_totem-walk-at-sitka-1907,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_tree-trunk-1932,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,emily-carr_tsatsisnukomi-b-c-1912,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,emily-carr_vanquished-1931,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,emily-carr_zunoqua-of-the-cat-village-1931,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,emmanuel-zairis_a-moments-rest,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,emmanuel-zairis_fisherman,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,emmanuel-zairis_fishermen,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,emmanuel-zairis_portrait-of-iakoveena,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,emmanuel-zairis_smith,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,emmanuel-zairis_the-old-egg-seller,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,emmanuel-zairis_two-fishermen,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,felix-vallotton_bathe-with-etratat-1899,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,felix-vallotton_felix-feneon-at-the-revue-blanche-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,felix-vallotton_forum-roman-or-seen-close-the-palatine-one-1913,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_gossip-1902,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,felix-vallotton_in-the-street-woman-with-muff-1895,"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_lady-at-the-piano-1904,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_madame-felix-vallotton-at-her-dressing-table-1899,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,felix-vallotton_mme-felix-vallotton-1899,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,felix-vallotton_neva-light-fog-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,felix-vallotton_nude-at-the-stove-1900,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_portrait-of-verlaine-1902,"[0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,felix-vallotton_portrait-of-workshop-with-figure-my-wife-1902,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_senegalese-soldiers-at-camp-de-mailly-1917,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,felix-vallotton_the-ball-1899,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,felix-vallotton_the-bath-summer-evening-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_the-bistro,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_the-coal-scuttles-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_the-dinner-effect-of-lamp-1899,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,felix-vallotton_the-fourteenth-of-july-at-etretat-1899,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_the-laundress-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,felix-vallotton_the-poker-game-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,felix-vallotton_the-port-of-marseille-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,felix-vallotton_the-port-of-pully-1891,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_to-lay-down-sun-with-villerville-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,felix-vallotton_trinity-of-the-mount-1913,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,felix-vallotton_undergrowth-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,felix-vallotton_woman-with-a-plumed-hat-1895,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_a-troubled-soul,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_a-view-of-lake-brienz-from-bodeli,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_child-by-the-table-1889,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_lake-geneva-from-chexbres,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_lake-geneva-from-chexbres-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_lake-geneva-from-the-caux-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_lake-geneva-in-chexbres-1904,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdinand-hodler_lake-geneva-in-chexbres-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdinand-hodler_lake-geneva-on-the-evening-in-chexbres-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdinand-hodler_lake-of-geneve,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_lake-thun-1884,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_lake-thun-from-lessig-1904,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_landscape-near-champery-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_landscape-on-lake-geneva-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdinand-hodler_landscape-with-of-rhythm-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_landscape-with-two-small-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_maggia-delta-before-sunrise-1893,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_mother-and-child,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_pansies,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_portrait-of-a-woman-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,ferdinand-hodler_portrait-of-helene-weigle,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_prayer-in-the-cathedral-of-st-pierre-geneva-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_surprised-by-the-storm-1887,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_the-nut-tree,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_tree-in-the-workshop-garden-1917,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_view-of-lake-leman-from-chexbres-1905,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdinand-hodler_willow-tree-by-the-lake-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ferdynand-ruszczyc_astronomical-observatory-of-vilnius-university-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_bajka-zimowa-1904,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,ferdynand-ruszczyc_brzeg-morski-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_brzeg-morza-i-skaly,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_dwie-odzie-aglowe-1896,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_forest-creek-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_fragment-lasu,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdynand-ruszczyc_koscioly-wilenskie,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,ferdynand-ruszczyc_krajobraz,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdynand-ruszczyc_krajobraz-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdynand-ruszczyc_krym-brzeg-morza-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_krzy-w-niegu-1902,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_lighthouse-1903,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_m-yn-w-zimie-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_m-yn-zim-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,ferdynand-ruszczyc_morze-i-skaly,"[0.0, 15.0, 28.0, 4.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,ferdynand-ruszczyc_most-zima,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_ob-ok-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Post_Impressionism,ferdynand-ruszczyc_ostatnie-niegi-1899,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_pejzaz-morski,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_pejzaz-pagorkowaty,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_pejzaz-ze-stogami,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_przedwio-nie-1919,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_pustka-stare-gniazdo-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_skala-w-morzu,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ferdynand-ruszczyc_sloneczny-pejzaz,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_sobotki,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,ferdynand-ruszczyc_unknown-title-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,ferdynand-ruszczyc_w-wiat-1901,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_wiecz-r-wilejka-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_wieczor-wilejka,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_wies-nad-rzeka,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_wiosna,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ferdynand-ruszczyc_z-brzeg-w-wilejki-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Post_Impressionism,forrest-bess_reading-man-self-portrait,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,forrest-bess_still-life-with-green-apples-and-pears-1948,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,francisc-sirato_aristocrat-portrait-lila-artist-s-niece-1933,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,francisc-sirato_autoportret,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,francisc-sirato_c-rcium-rese,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,francisc-sirato_c-rcium-rese-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,francisc-sirato_caseta-ro-ie,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,francisc-sirato_city-outskirts-1933,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,francisc-sirato_evening-at-balcic-1940,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,francisc-sirato_fat-citind,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,francisc-sirato_fata-in-albastru,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,francisc-sirato_femeie-citind,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,francisc-sirato_femeie-ez-nd,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,francisc-sirato_flori,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,francisc-sirato_flori-galbene,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,francisc-sirato_halt-1916,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,francisc-sirato_houses-in-balcic-1933,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,francisc-sirato_houses-in-mangalia,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,francisc-sirato_in-the-shade,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,francisc-sirato_la-gherghef,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,francisc-sirato_la-oglind,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,francisc-sirato_lalele,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,francisc-sirato_lila-in-yellow,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,francisc-sirato_natura-statica,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,francisc-sirato_red-and-pink-roses-1940,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,francisc-sirato_square-in-balcic-1936,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,frank-johnston_camp-borden-1919,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,frank-johnston_green-pool,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,frank-johnston_serenity-lake-of-the-woods-1922,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,frank-johnston_the-shadowed-valley,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,frank-johnston_thunderers-1920,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,franklin-carmichael_houses-cobalt-1932,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,franklin-carmichael_industrial-building-1936,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,franz-marc_cats,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,franz-marc_deer-at-dusk-1909,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,franz-marc_elephant-1907,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,franz-marc_grazing-horses-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,franz-marc_jumping-dog-schlick-1908,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,franz-marc_larch-sapling-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,franz-marc_large-lenggries-horses-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,franz-marc_sheaf-of-grain-1907,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,franz-marc_siberian-sheepdogs,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,franz-marc_two-bathing-girls-1909,"[0.0, 5.0, 24.0, 6.0, 0.0, 3.0, 1.0, 2.0, 5.0]"
+Post_Impressionism,franz-marc_two-cats-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-braque_nude,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,georges-braque_nude-study-1908,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,georges-braque_terrace-of-hotel-mistral-at-estaque-1907,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-lemmen_family-gathering-in-saint-idesbald,"[0.0, 1.0, 8.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-lemmen_flowers-and-apples,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-lemmen_girl-with-doll-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,georges-lemmen_julie-lemmen-sleeping-in-an-armchair,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,georges-lemmen_la-modiste-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,georges-lemmen_little-pierre,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-lemmen_profile-of-a-young-boy-1911,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,georges-lemmen_sitting-nude-on-chair-1910,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-lemmen_sleep,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,georges-lemmen_young-bather-1904,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_artist-at-work-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_at-work-the-land-man-s-face-in-profile-leaning-forward,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_boy-with-horse-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_final-study-for-bathing-at-asnieres-1884,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_gardener-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_grassy-riverbank-1881,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_group-of-figures-in-front-of-a-house-and-some-trees,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Post_Impressionism,georges-seurat_head-of-a-girl-1879,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,georges-seurat_landscape-at-saint-ouen-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_landscape-in-the-ile-de-france-1882,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_landscape-with-sinners-puvis-de-chava-1881,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,georges-seurat_large-figure-in-a-landscape-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_man-painting-his-boat-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_men-laying-stakes-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_nurse-sitting-holding-her-baby,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,georges-seurat_on-the-balcony,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,georges-seurat_on-the-road-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_part-of-the-studio-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_peasant-boy-sitting-in-a-meadow-1883,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,georges-seurat_peasant-with-hoe-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,georges-seurat_peasant-woman-seated-in-the-grass-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,georges-seurat_ploughing,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_rue-st-vincent-in-spring-1884,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_seated-man-study-for-bathers-at-asnieres-1883,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_seated-woman-1881,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_snow-effect-winter-in-the-suburbs-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,georges-seurat_soldier-fencing-another-reclining-1880,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,georges-seurat_stone-breaker-and-wheelbarrow-le-raincy-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,georges-seurat_study-for-la-grande-jatte-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_study-on-the-island-1884,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_study-with-figures-study-for-la-grande-jatte-1885,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_the-black-horse-1883,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_the-cart-or-the-horse-hauler,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 1.0]"
+Post_Impressionism,georges-seurat_the-mower-1882-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_the-painter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,georges-seurat_the-ploughman,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,georges-seurat_the-seamstress-or-sunday-at-the-grande-jatte-study-for-a-sunday-afternoon-on-the-island-of-la-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_the-seller-of-oranges-1881,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,georges-seurat_the-stone-breaker-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_the-stone-breaker-1882-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_the-stone-breakers-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_the-tree-trunk,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_three-men-seated-1884,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_trees-winter-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_two-horse-hitch-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,georges-seurat_village-road-1883,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_voilette-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_white-dog-1885,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_woman-standing-1881,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_woman-with-a-monkey-1884,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,georges-seurat_woman-with-umbrella-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,georges-seurat_young-peasant-in-blue-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,georges-vantongerloo_moored-fishing-boats-in-volendam-1915,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,giorgio-morandi_cortile-di-via-fondazza-1956,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,giorgio-morandi_flowers-1942,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,giorgio-morandi_hilltop-at-evening-1928,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,giorgio-morandi_landscape-levico-1957,"[1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,giorgio-morandi_monti-di-grizzana-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,giorgio-morandi_natura-morta-1957,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,giorgio-morandi_on-the-outskirts-of-a-town-1941,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,giorgio-morandi_passage-1913,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,giorgio-morandi_pease-1939,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,giorgio-morandi_still-life-the-blue-vase-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,grace-cossington-smith_bed-time-1922,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_before-the-arches-met-1930,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_black-mountain-1931,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_bridge-pillar-1929,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,grace-cossington-smith_bulli-pier-south-coast-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,grace-cossington-smith_door-into-the-garden-1947,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_eastern-road-turramurra-1926,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_extravaganza-1921,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_figure-through-flowers-1935,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_flannel-flowers-and-gum-leaves-1928,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_foxgloves-growing-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_govett-s-leap-1933,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_harbour-from-kirribilli-1937,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_house-with-trees-1935,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_krinkley-konks-sleeping-1928,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_landscape-at-pentecost-1929,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_landscape-with-flowering-peach-1932,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_lily-growing-in-a-field-by-the-sea-1927,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_pumpkin-leaves-drooping-1926,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,grace-cossington-smith_sea-wave-1931,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,grace-cossington-smith_self-portrait-1948,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,grace-cossington-smith_strike-1917,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,grace-cossington-smith_teacups-the-harlequin-set-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,grace-cossington-smith_the-bridge-in-curve-1930,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,grace-cossington-smith_the-curve-of-the-bridge-1929,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_the-gully-1928,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,grace-cossington-smith_things-on-an-iron-tray-on-the-floor-1928,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,grace-cossington-smith_trees-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,grace-cossington-smith_waratah-1928,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,grace-cossington-smith_yarralumla-1932,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gregoire-boonzaier_bosveldpeule-met-koperpan,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gregoire-boonzaier_druiwepakkers-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,gregoire-boonzaier_houses,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,gregoire-boonzaier_interior-1978,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,gregoire-boonzaier_n-paar-ou-skoene-2000,"[4.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gregoire-boonzaier_quinces-egg-fruit-1964,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gregoire-boonzaier_self-portrait-1961,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,gregoire-boonzaier_still-life-1949,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gregoire-boonzaier_still-life-with-fruit-1979,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gregoire-boonzaier_three-pomegranates,"[0.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gregoire-boonzaier_tiepiese-toneel-in-dist-ses-met-tafelberg-en-donkie-karretjie,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gregoire-boonzaier_trees-1953,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,gregoire-boonzaier_waenhuiskrans,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gregoire-boonzaier_waenhuiskrans-1966,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gregoire-boonzaier_west-coast-fishing-village-with-beached-boats-fishermen-arniston-1966,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,grã©goire-michonze_cows-at-pasture-1969,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,grã©goire-michonze_still-life,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_a-bend-in-the-eure-1919,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_a-cove-at-sevignies-1906,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_alley-of-poplars-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_apple-trees-in-october-1898,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_arc-de-triomphe-in-the-snow,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_at-the-coast-of-normandy-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_autumn-near-saint-cyr-du-vaudreuil-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_auxerre-cathedral-1907,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_banks-of-the-seine-in-summer-tournedos-sur-seine-1899,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_barges-on-the-oise-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_beach-at-fecamp,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_beach-at-fecamp-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_beynac-quay-at-bordeaux,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_boats-on-the-seine,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_boats-on-the-seine-at-oissel-1909,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-1911,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-fog-effect-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-hoarfrost-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-in-autumn,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-in-autumn-1903,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-in-spring-1902,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-in-summer-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-in-summer-1902-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-in-summer-1902-2,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-eure-river-mist-effect-1905,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-loing-river,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-lorne-river-near-caen-1925,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-oise-at-parmain-1898,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-oise-at-precy,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-oise-river,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-oise-river-1892,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-oise-river-1908,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-orne-river-near-caen,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-river-eure,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_by-the-river-eure-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-river-in-autumn-1917,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-sea,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_by-the-seine-stormy-weather-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_canal-at-moret-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cap-frehel-1902,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_cart-in-an-autumn-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_castle-by-the-sea,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_church-at-notre-dame-at-vaudreuil-1900,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_church-at-notre-dame-by-the-eure,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-cape-frehel-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-cape-frehel-1905-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-fecamp-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-fecamp-in-normandy-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-grainval-1902,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-petit-dalles-normandy-1908,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-saint-jouin-1907,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-saint-jouin-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_cliffs-at-yport,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_cliffs-by-the-sea,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-by-the-sea-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-in-gray-weather,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_cliffs-in-normandy-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-in-normandy-evening-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-of-etretat-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_cliffs-of-puy-1901,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_cligancourt-street,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_cligancourt-street-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_cligancourt-street-in-paris-1924,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,gustave-loiseau_coast-at-chaponival-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_etretat-1902,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_etretat-1902-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_etretat-la-point-de-batterie-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_farm-in-normandy,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_fecamp,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_fecamp-gray-weather-1920,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_field-and-hills,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_fish-market-at-the-port-of-dieppe-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_fish-market-at-the-port-of-dieppe-1903-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_flood-at-nantes-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_flood-near-nantes-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_flowering-orchard-spring-1902,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_flowers-and-a-statuette-1910,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_fog-morning-effect-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_garden-by-the-house-1898,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_grainville-cliff-near-fecamp-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_grand-quay-at-fecamp-1925,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_grand-quay-fecamp,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_hendreville-by-the-eure-river,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_hoarfrost-at-huelgoat-finistere-1903,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_hoarfrost-near-pontoise-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_house-at-beynac,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_house-by-the-water-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_house-in-the-country,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_house-of-monsieur-de-irvy-near-vaudreuil,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_house-of-the-sisters-in-pontoise-1924,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_houses-at-pontoise-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_houses-in-normandy-1913,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_houses-near-the-eure,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_ice-on-the-oise-river,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_ice-on-the-oise-river-1905,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_ice-on-the-oise-river-1914,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_ice-on-the-oise-river-1914-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_in-the-mountains,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_in-the-woods,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_jetty-at-fecamp,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_l-avant-port-de-fecamp-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_l-hermitage-in-pontoise-1899,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_la-banche-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape-in-a-valley-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape-in-autumn-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape-in-snow-1899,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape-in-snow-1900,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape-in-winter-with-fog-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape-near-auxerre-1908,"[0.0, 3.0, 36.0, 4.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,gustave-loiseau_landscape-of-seine-et-oise-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_landscape-with-house-1910,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_landscape-with-poplars,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_laundry-on-the-seine-at-herblay-1906,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_les-martigues,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_louvier-road-in-winter,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_martigues,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_martigues-1913,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_moret-on-loing-and-the-church,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_moret-on-loing-autumn,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_moulin-a-pont-aven,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_moulin-simondou-a-pont-aven,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_near-pontoise-1901,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_near-saint-cyr-1895,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_near-the-seine,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_no-title,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_notre-dame-de-la-clarte-1909,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_oise-at-pontoise-1900,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_overcast-weather-at-nesles-la-vallee-1896,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_paper-mill-at-port-marly-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_paris-wagram-avenue-1925,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_path-in-the-snow,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_path-near-saint-cyr-vaudreuil-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_paysage-de-bretagne-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_petit-dalles-at-normandy-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_place-de-la-bastille,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_pont-aven,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_pont-aven-grey-weather-1923,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_pont-aven-rain,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_pont-neuf-in-the-snow-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,gustave-loiseau_pont-tourant-at-dieppe-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_poplars,"[1.0, 10.0, 31.0, 4.0, 0.0, 2.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,gustave-loiseau_poplars-by-the-eau-river-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_poplars-by-the-eure-river-1900,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_poplars-in-spring,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_poplars-on-the-banks-of-the-eure-1903,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-at-dieppe,"[0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-at-dieppe-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-at-dieppe-1905,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_port-at-dieppe-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,gustave-loiseau_port-at-dieppe-in-fog,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-corneille-at-rouen-1925,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-joie-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-joie-at-the-seine-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_port-of-dieppe,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-of-dieppe-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-of-dieppe-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-of-fecamp,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,gustave-loiseau_port-of-fecamp-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-of-fecamp-1924,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_port-pinche-at-the-turn-of-the-seine-1900,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_pothius-quay-at-the-oie-river,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,gustave-loiseau_pothius-quay-in-pontoise-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_quay-at-dieppe,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_quay-at-dieppe-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_quay-at-dieppe-1905,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_quay-of-pothius-in-pontoise-1906,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_quay-of-the-hotel-deville-in-paris,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_quay-on-oise-in-pontoise-1906,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_red-house-near-port-marly,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_red-house-near-port-marly-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_river-bend-in-normandy-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_river-in-autumn-1919,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_road-to-versailles-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_rock-cliffs-by-the-sea-in-britain-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_rue-a-ennery-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_sailboats-near-the-cliffs-at-yport-1924,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_sails-on-the-oise-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_sails-on-the-oise-1919-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_saint-cyr-du-vaudreuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_self-portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,gustave-loiseau_self-portrait-with-statuette,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,gustave-loiseau_shadows-on-the-sea,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_ships-at-port,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_small-arm-of-the-seine-near-connelle-1921,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_small-farm-at-vaudreuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_small-farm-at-vaudreuil-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_small-farm-by-the-eure-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_snow-rifts-near-the-seine,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_spring-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_spring-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_spring-landscape-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_street-at-pont-aven,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_street-in-pontoise,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_suspended-bridge-at-triel-1917,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_thatched-cottage-1903,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-arc-de-triomphe-friedland-avenue,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-auxerre-cathedral,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-auxerre-cathedral-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-auxerre-cathedral-1907-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-auxerre-cathedral-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-banks-of-the-eure,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-belon-river,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-church-of-st-gervais-1920,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-garden,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-garden-behind-the-house-1915,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-house-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-laundry-boat-on-the-seine-at-herblay-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-loing-at-moret,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-normandy-river-1918,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-oise-in-winter-1906,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-pointe-de-l-ile-under-water-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-pont-henri-iv-notre-dame-de-paris-in-the-snow-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-pont-marie-de-paris-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-port-at-collioure-1921,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,gustave-loiseau_the-port-of-pornic-1900,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-quay-at-pont-aven,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-red-painted-house,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_the-red-rocks,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-river-in-autumn-1912,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-road-to-dieppe,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_the-rocks-of-saint-lunaire-1904,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-seine-at-pontoise,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-seine-at-port-marly,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_the-small-bourgeois-house-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_tournedos-sur-seine-1901,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_trees,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_trees-by-the-river,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,gustave-loiseau_trees-by-the-river-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_trees-by-the-river-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_trees-in-bloom,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_trees-in-bloom-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_vase-of-flowers-1921,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_veslez-1906,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_view-of-notre-dame-1911,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_village-in-snow-1911,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gustave-loiseau_village-in-spring-1916,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_village-in-sun-on-the-river-1914,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_village-on-the-hill,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gustave-loiseau_village-road,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_village-road-in-autumn-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,gustave-loiseau_village-street,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_village-street-vaudreuil-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_wagram-avenue,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_waterfall-at-saint-martin-pontoise-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gustave-loiseau_waterfall-at-st-martin-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_white-frost-1909,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,gustave-loiseau_willows-banks-of-the-oise-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_willows-in-fog-1915,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_winter-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_winter-at-pontoise,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,gustave-loiseau_winter-in-chaponival,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gustave-loiseau_wood-and-fields-near-st-cyr-vadreuil,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gustave-loiseau_wooded-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_woods-by-the-oise-river-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gustave-loiseau_woods-near-eure-river-1920,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gwen-john_a-corner-of-the-artist-s-room-in-paris-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gwen-john_a-corner-of-the-artist-s-room-paris,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gwen-john_a-lady-reading-1911(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gwen-john_black-cat-on-blue-and-pink,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gwen-john_chloe-boughton-leigh-1908,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,gwen-john_dorelia-in-a-black-dres,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,gwen-john_flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,gwen-john_girl-holding-a-rose,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Post_Impressionism,gwen-john_girl-in-a-mulberry-dress,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,gwen-john_girl-in-profile,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,gwen-john_girl-reading-at-the-window-1911,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gwen-john_girl-with-a-blue-scarf,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Post_Impressionism,gwen-john_girl-with-bare-shoulders-1909,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,gwen-john_girl-with-cat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_interior-with-figures-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,gwen-john_little-girl-wearing-large-hat,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,gwen-john_m-re-poussepin-and-the-catholic-church,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gwen-john_marie-poussepin-seated-at-a-table,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,gwen-john_mother-marie-poussepin,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gwen-john_not-identified,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gwen-john_not-identified-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_not-identified-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gwen-john_nude-girl-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_nuns-and-schoolgirls-standing-in-church,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,gwen-john_portrait-of-chloe-boughton-leigh,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,gwen-john_portrait-of-mrs-atkinson,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_portrait-of-the-artists-sister-winifred,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gwen-john_rue-terre-neuve-meudon,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gwen-john_self-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,gwen-john_self-portrait-1902(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_self-portrait-with-letter-1907,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gwen-john_study-of-marigolds-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,gwen-john_the-brown-tea-pot,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,gwen-john_the-cat,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_the-convalescent-1924,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gwen-john_the-japanese-doll,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gwen-john_the-little-interior,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,gwen-john_the-pilgrim,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,gwen-john_the-precious-book,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gwen-john_the-student-1903,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_two-women,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,gwen-john_woman-sewing-at-a-window,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,gwen-john_woman-with-hands-crossed,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,gwen-john_young-woman-holding-a-black-cat,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,gwen-john_young-woman-wearing-a-large-hat,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,helene-schjerfbeck_green-bench-1928,"[0.0, 1.0, 5.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,helene-schjerfbeck_lilies-of-the-valley-in-a-blue-vase-ii-1929,"[2.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,helene-schjerfbeck_still-life-in-green-1930,"[1.0, 1.0, 3.0, 0.0, 0.0, 2.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,helene-schjerfbeck_three-pears-in-a-vase-1945,"[0.0, 1.0, 2.0, 0.0, 0.0, 4.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-catargi_interior-with-girl-1949,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-catargi_landscape-from-arges-valley-1967,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-catargi_landscape-in-arges-valley-1932,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-catargi_landscape-in-arges-valley-1959,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,henri-catargi_maternity-1935,"[0.0, 1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-catargi_mediteraneean-city-1931,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-catargi_mediteraneean-landscape-1932,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-catargi_moroccan-port-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-catargi_nude,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-catargi_provensal-landscape-1929,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-catargi_provensal-landscape-1938,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-catargi_romanian-landscape-1941,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-catargi_still-life-1937,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-catargi_still-life-1972,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-catargi_still-life-with-seashell-1972,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-catargi_still-life-with-wine-bottle-and-lemons-1926,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-catargi_street-corner-merchants-1959,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_a-ball-at-the-moulin-de-la-galette-1889,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_a-l-elysee-montmartre-1888,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_a-laborer-at-celeyran-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_a-saint-lazare-song-title-1887,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_a-worker-at-celeyran-1882,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_abandonment-the-pair-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_amazone-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_an-examination-at-the-faculty-of-medicine-paris-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_aristide-bruant-in-his-cabaret-1892,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_aristide-bruant-on-his-bicycle-1892,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_artillerman-and-girl,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-gennelle-absinthe-drinker-1886,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-la-bastille-portrait-of-jeanne-wenz-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-montrouge-rosa-la-rouge-1887,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-bar-picton-rue-scribe-1896,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-cafe-the-customer-and-the-anemic-cashier-1898,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-circus-dressage-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-circus-fernando-the-rider-1888,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-cirque-fernando-rider-on-a-white-horse-1888,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-moulin-de-la-galette-1891,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-moulin-rouge-the-dance-1890,"[1.0, 0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-piano-madame-juliette-pascal-in-the-salon-of-the-chateau-de-malrome-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-races-1899,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_at-the-rat-mort-1899,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_ball-at-the-moulin-de-la-galette-1889,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_ballet-dancers-1885,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_baron,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_behind-the-scenes-1899,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_booth-of-la-goulue-at-the-foire-du-trone-dance-at-the-moulin-rouge-1895,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_booth-of-la-goulue-at-the-foire-du-trone-the-moorish-dance-1895,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_bouquet-of-violets-in-a-vase-1882,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_brothel-on-the-rue-des-moulins-rolande-1894,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_cassive-jeanne-hading,"[0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_clown-1886,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_coffee-pot,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_combing,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_comtesse-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_conquest-of-passage-1896,"[3.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_corner-in-the-moulin-de-la-galette-1892,"[1.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_crouching-woman-with-red-hair-1897,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_desire-dehau-reading-a-newspaper-in-the-garden-1890,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_dinner-at-the-house-of-m-and-mme-nathanson-1898,"[3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_dr-tapie-celeyran-in-a-corridor-of-the-french-comedy-1894,"[5.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_elsa-the-viennese-1897,"[1.0, 12.0, 12.0, 4.0, 0.0, 3.0, 10.0, 4.0, 7.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_emile-bernard-1885,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_emile-davoust-1889,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_gabrielle-the-dancer-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_girl-in-a-fur-mademoiselle-jeanne-fontaine-1891,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_girl-with-lovelock-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_gustave-lucien-dennery-1883,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_hangover-1889,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_head-of-a-woman-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_helene-vary-1889,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_henri-dihau-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_henri-gabriel-ibels-1893,"[15.0, 3.0, 14.0, 2.0, 1.0, 3.0, 0.0, 1.0, 6.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_horsewoman-and-dog,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_house-wife-1890,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_in-batignolles-1888,"[1.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_in-bed,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_in-bed-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_in-bed-1893,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_in-bed-the-kiss-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_in-the-bois-de-boulogne,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_indian-decor-1894,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-1892,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-dancing-1892-1,"[5.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-dancing-1893,"[5.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-enter-the-moulin-rouge-1892,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_jane-avril-leaving-the-moulin-rouge-1893,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_jeanne-wenz-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_la-goulue-arriving-at-the-moulin-rouge-with-two-women-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_la-macarona-in-riding-habit-1893,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_lili-grenier-in-a-kimono-1888,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_little-dog-1888,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_little-lodge,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_lo-e-fuller-in-1893,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_louis-pascal-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_lucie-bellanger-1896,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_lucien-guitry-and-granne-granier-1895,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_m-delaporte-at-the-jardin-de-paris-1893,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-aline-gibert-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-e-tapie-de-celeyran-in-a-garden-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-juliette-pascal-1871,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-la-comtesse-a-de-toulouse-loutrec-1882,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-lili-grenier-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-misian-nathanson-1897,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-palmyre-with-her-dog-1897,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_madame-poupoule-at-her-dressing-table-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_mademoiselle-beatrice-tapie-de-celeyran-1897,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_mademoiselle-dihau-at-the-piano-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_man-and-woman-riding-through-the-woods-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_man-in-a-shirt-from-behind-1888,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_man-s-head-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_marcelle-lender-dancing-in-the-bolero-in-chilperic-1895,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_maurice-joyant-somme-bay-1900,"[3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_maxime-dethomas-at-the-ball-of-the-opera-1896,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_may-milton-1895-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_messalina-seated-1900,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_messaline-1901,"[2.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_messaline-between-two-extras-1901,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_miss-may-belfort-1895,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_mlle-lucie-bellanger-1896,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_monsieur-boileau-1893,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_monsieur-louis-pascal-1891,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_monsieur-louis-pascal-from-the-rear-1893,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_monsieur-madame-and-the-dog-coupled-brothel-keepers,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_moulin-rouge-the-departure-of-the-quadrille-1892,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_not_detected_230533-1882,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_not_detected_230535,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_nude-standing-before-a-mirror-1897,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_observation-fabre-reserve-officer-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_output-theatre,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_paul-leclercq-1897,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-a-woman-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-a-woman-of-the-house-on-the-rue-d-amboise-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-berthe-bady-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-cipa-godebsky-1896,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-countess-a-de-toulouse-lautrec,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-georges-henri-manuel-1891,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-m-paul-sescau-portrait-de-m-paul-sescau,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-m-samary-1889,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-madame-de-gortzikolff-1893,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-marcelle-1894,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-misia-natanson,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-misia-natanson-sert-1895,"[0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-miss-may-belfort-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-octave-raquin-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-oscar-wilde-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 5.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_portrait-of-vincent-van-gogh-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_poupoule-in-chemise-by-her-bed,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_prostitute-the-sphinx-1898,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_prostitutes-around-a-dinner-table,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_reclining-nude-1897,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_red-haired-woman-seated-in-the-garden-of-m-forest-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_red-haired-woman-seen-from-behind-1891,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_rice-powder-1887,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_romain-coolus-1899,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_ruhendes-modell-1896,"[5.0, 4.0, 16.0, 10.0, 0.0, 2.0, 1.0, 2.0, 5.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_seated-dancer-in-pink-tights-1890,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_seated-woman-in-the-garden-of-mr-forest-justine-dieuhl-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_self-portrait-caricature-1885,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_standing-dancer-1890,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_study-for-the-laundress-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_study-of-a-dancer-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-actor-henry-samary-1889,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-ambassadors-people-chics-1893,"[2.0, 0.0, 4.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-ballet-papa-chrysanth-me-1892,"[3.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-bartender-1900,"[0.0, 1.0, 2.0, 1.0, 1.0, 1.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-bed-1898,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-big-maria-venus-mintmartre-1884,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-card-players-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-chestnut-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-clown-cha-u-kao-1895,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-clownesse-cha-u-kao-at-the-moulin-rouge-1895,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-dancer-in-her-dressing-room-1885,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-divan-1893,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-english-girl-at-the-star-in-le-havre-1899,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-grand-tier-1897,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-greens-seated-woman-in-a-garden-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-haido-1893,"[1.0, 1.0, 5.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-jockey-1899,"[0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-kiss-1893,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-lady-of-the-star-harbour-1899,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-last-crunbs-1891,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-laundry-worker-1888,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-laundryman-calling-at-the-brothal-1894,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-madame-redoing-her-bun-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-medical-inspection,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-milliner-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-morning-after-1889,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-original-cover-for-print,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-painter-s-model-helene-vary-in-the-studio-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-pierreuse-gabrielle-1893,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-policeman-s-daughter-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-procession-of-the-raja-1895,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-promenoir-the-moulin-rouge-1895,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-redhead-with-a-white-blouse-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-salon-de-la-rue-des-moulins-1894,"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-salon-in-the-rue-des-moulins-1894,"[3.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-singing-lesson-the-teacher-mlle-dihau-with-mme-faveraud-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-sofa-1896,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-spanish-dancer-1888,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-streetwalker-also-known-as-casque-d-or-1891,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-tatooed-woman-1894,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-theater-box-with-the-gilded-mask-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-toilet-ms-fabre-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-two-friends-1894,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-two-girlfriends-1894,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_the-violinist-dancia-1900,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_tristan-bernard-1898,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_tristan-bernard-at-the-buffalo-station-1895,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_two-friends-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_two-friends-1895-1,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_two-girls-1890,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_two-half-naked-women-seen-from-behind-in-the-rue-des-moulins-brothel-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_two-women-making-the-bed-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 5.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_william-warrener,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-at-her-toil-1896,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-at-her-toilette-1889,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-at-her-toilette-them-washing-herself-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-brothel-1894,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-brushing-her-hair,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-combing-her-hair-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-in-a-black-hat-berthe-la-sourde-1890,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-in-a-chemise-standing-by-a-bed-madame-poupoule-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-in-monsieur-forest-s-garden-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-in-the-garden-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-lying-on-her-back-both-arms-raised-1895,"[1.0, 0.0, 7.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-pulling-up-her-stockings-1894,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-putting-on-her-stocking,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-s-head,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-standing-in-semi-profile-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-with-a-black-boa-1892,"[1.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-with-an-umbrella-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_woman-with-gloves-honorine-platzer-1891,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_yahne-et-antoine-dans-l0age-difficile,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_young-routy-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_yvette-guibert-singing-1894,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,henri-de-toulouse-lautrec_yvette-guilbert-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 4.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,henri-edmond-cross_barges,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_boats,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_flowers,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_flowers-in-a-glass,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_la-dogana,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_la-donana-venice,"[2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_land-by-the-sea,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_landscape-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-edmond-cross_landscape-4,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,henri-edmond-cross_landscape-with-stars-1908,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_landscape-with-sunset,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_lavender,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_pines-by-the-sea,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_pines-by-the-sea-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_rocks-at-trayas,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_saint-clair-landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_the-seine-by-the-trocadero,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_trees-by-the-sea-1907,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-edmond-cross_under-the-pines,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-edmond-cross_venetian-canal,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-le-fauconnier_a-view-of-zandvoort,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-le-fauconnier_amaryllis,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Post_Impressionism,henri-le-fauconnier_flower-still-life,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-le-fauconnier_interior-with-a-guitar,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-le-fauconnier_le-jardin-de-l-artiste-grosrouvres-1935,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-le-fauconnier_little-schoolgirl-1907,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-le-fauconnier_modele-a-la-guitare,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-le-fauconnier_ploumanac-h-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-le-fauconnier_portrait-of-jules-romains-1922,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-le-fauconnier_portrait-of-the-poet-georges-bonnamour-1906,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-le-fauconnier_vielle-femme,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,henri-le-fauconnier_village-among-the-rocks-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,henri-le-fauconnier_village-forestier-grosrouvre-1943,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,henri-martin_at-the-pergola,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_boats-in-port-collioure-2,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_brides-walk-under-the-apple-trees,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_by-the-sea,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_church-by-the-river-1921,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_church-in-the-village-in-labastide-du-vert,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_church-in-winter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_collioure-and-red-roofs,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_cultivation-of-the-vines,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_fountain-in-marquayrol,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_garden-at-labastide-du-vert,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_garden-of-luxembourg-1931,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_herm-s-house,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_houses-for-gigouzac,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-martin_houses-in-the-village-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_marine-breton,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_near-saint-malo,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_recifs-1920,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-martin_return-from-the-fields-1896,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,henri-martin_sailboats-near-the-coast,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie-1,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie-1929,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie-2,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie-in-evening-1897,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie-in-the-rain,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie-over-the-roofs,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-martin_saint-cirq-lapopie-square,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-martin_self-portrait-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_sous-bois,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_street-in-the-village,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-martin_study-of-young-farmers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,henri-martin_sunny-doorway,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_the-arbour,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_the-beginning-of-autumn,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_the-bridge-in-labastide-du-vert-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_the-church-at-labastide-1920,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_the-church-in-labastide-du-vert,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-martin_the-cirque,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_the-fishing-boats-on-the-strike-in-collioure,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-martin_the-open-door,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_the-sea-and-rocks,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-martin_the-village-among-the-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_the-village-at-port-collioure,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-martin_the-village-saint-cirq-lapopie,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_the-weaving-women,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_trees-in-flower,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_versailles,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-martin_view-of-labastide-in-gray-weather,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-martin_village-corner,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-martin_white-flowers-in-the-field,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_a-vase-with-oranges,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_aht-amont-cliffs-at-etretat-1920,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_anemone-and-mirror-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-matisse_antibes-1908,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-matisse_apples-1916,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_apples-on-a-table-green-background-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_auguste-pellerin-ii-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_avenue-of-olive-trees-1952,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_basket-with-oranges-1913,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,henri-matisse_blue-still-life,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_boats-at-etretat-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_body-of-a-girl-1918,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_bouquet-of-dahlias-and-white-book-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_bouquet-of-flowers-in-chocolate-1902,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_bouquet-of-mixed-flowers-1917,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_branch-of-lillacs-1914,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_calla-lilies-irises-and-mimosas-1913,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_carmelina-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-matisse_chrysanthemums-in-a-chinese-vase-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_conversation-under-the-olive-trees-1921,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,henri-matisse_daisies-1919,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_dancer-or-nymph-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_dishes-and-fruit-1906,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_dishes-and-fruit-on-a-red-and-black-carpet-1901,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_dishes-on-a-table-1900,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_draped-nude,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_entrance-to-the-kasbah-1912,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,henri-matisse_flowers-in-a-pitcher-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_flowers-in-front-of-a-window-1922,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_flowers-on-the-windowsill-1913,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_goldfish-1911,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_greta-moll-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_he-music-lesson-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_head-of-lorette-1917,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,henri-matisse_head-of-lorette-with-curls-1917,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_landscape-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_landscape-2,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_landscape-3,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_landscape-of-corsica-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_landscape-with-eucalyptus-trees-and-river-trees-in-front-of-a-river-1908,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_laurette-in-a-white-turban,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_laurette-in-green,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,henri-matisse_laurette-in-green-in-a-pink-chair-1917,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_laurette-s-head-with-a-coffee-cup,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_laurette-with-a-coffee-cup,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_laurette-with-long-locks,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_laurette-with-long-locks-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-matisse_lorette-in-a-green-robe-against-a-black-background-1916,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_lorette-with-a-red-dress-1917,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_lorette-with-turban-and-yellow-vest-1917,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_lydia-with-her-hair-in-a-net-1939,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_male-model-1900,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_marguerite,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_marguerite-wearing-a-hat-1918,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_mlle-matisse-in-a-scotch-plaid-coat-1918,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_moorish-screen-1921,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_moorish-woman-with-upheld-arms-1923,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_not-identified-10,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_not-identified-11,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_not-identified-12,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_not-identified-13,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_not-identified-15,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,henri-matisse_not-identified-16,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_not-identified-26,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_not-identified-6,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_not-identified-7,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-matisse_not-identified-8,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_not-identified-9,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,henri-matisse_nude-1,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,henri-matisse_nude-3,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_nude-4,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_nude-5,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_nude-in-a-turban,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_nude-in-an-armchair-legs-crossed-1920,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_nude-s-back-1918,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_nude-spanish-carpet-1919,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_nude-wearing-red-shoes,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_odalisque,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_odalisque-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_odalisque-1917,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_odalisque-1926,"[1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_odalisque-in-a-gauze-skirt,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_odalisque-in-blue-or-white-slave,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_odalisque-in-red-culottes-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_odalisque-with-magnolia-1924,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_open-window-etretat-1920,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_pansies-on-a-table-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,henri-matisse_parade-platanes-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,henri-matisse_pascal-s-pensees-1924,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_peaches-1920,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_pont-saint-michel-in-paris,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_portrait-of-greta-prozor-1916,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Post_Impressionism,henri-matisse_portrait-of-his-daughter-margaret,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_portrait-of-margurite-sleeping,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_portrait-of-michael-stein-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_reading-girl-1922,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_reading-woman-with-parasol-1921,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_reclining-nude-the-painter-and-his-model-1935,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_sailboats,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_seated-odalisque-1922,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_self-portrait-1918,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_standing-nude,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_still-life-15,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_still-life-16,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_still-life-1902,"[0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_still-life-7,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_still-life-9,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_still-life-with-a-checked-tablecloth,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_still-life-with-oranges-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,henri-matisse_still-life-with-statuette,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_still-life-with-two-vases-1940,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_the-artist-s-garden-at-issy-les-moulineaux-1918,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_the-ballet-dancer,"[3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_the-ballet-dancer-harmony-in-grey-1927,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_the-bed-in-the-mirror,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_the-black-table-1919,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_the-italian-woman-1916,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_the-japanese-lady-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_the-lorrain-chair,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_the-olive,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_the-ostrich-feather-hat,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_the-path-in-the-bois-de-boulogne-1902,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_the-plaster-torso-1919,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_the-pont-saint-michel-1900,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_the-stream-near-nice,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_the-terrace-st-tropez-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_the-windshield-1917,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_the-yellow-dress-1931,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_trivaux-pond-1917,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,henri-matisse_two-figures-reclining-in-a-landscape-1921,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_view-of-collioure,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_woman-before-a-fish-bowl-1922,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,henri-matisse_woman-by-a-window,"[1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_woman-holding-umbrella,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_woman-holding-umbrella-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,henri-matisse_woman-in-a-hat,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_woman-in-profile-turned-to-the-left-1935,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,henri-matisse_woman-with-mandolin-1922,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_woman-with-umbrella,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-matisse_woman-with-violin-1923,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,henri-matisse_yellow-odalisque-1926,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-matisse_young-girl-in-a-green-dress-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,henri-matisse_young-spanish,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-matisse_young-woman-in-pink-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,henri-rousseau_centennial-of-independence-1892,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-rousseau_l-ile-de-la-cite-1900,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-rousseau_portrait-of-jules-roc-1890,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,henri-rousseau_rendez-vous-in-the-forest-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,henri-rousseau_view-of-the-ile-saint-louis-from-the-quai-henri-iv-study-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,henri-rousseau_view-of-the-palais-du-metropolitan-1909,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,henrique-pousao_rapariga-deitada-no-tronco-de-uma-rvore-1883,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,horace-pippin_roses-with-red-chair-1940,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,horace-pippin_the-warped-table-still-life-1940,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,horace-pippin_two-pink-roses-1940,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,ilya-mashkov_a-flower-in-a-pot-and-strawberries-1938,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_apples-and-pears-on-white-1908,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_begonias-1909,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_berries-on-the-background-of-a-red-tray-1908,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_bouquet-of-flowers-peonies-irises-lilies-1942,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ilya-mashkov_city-in-switzerland-1914,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_conquest-of-the-north-pole,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_crimean-landscape-sudak,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_cypress-in-the-cathedral-walls-italy-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_flowers-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,ilya-mashkov_flowers-in-a-vase,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_fruits-1938,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ilya-mashkov_fruits-and-berries-1916,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,ilya-mashkov_game-fish-pickles-still-life-with-pheasant-1916,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_italy-nervi-landscape-with-aqueduct-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,ilya-mashkov_lady-with-a-contrabass-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,ilya-mashkov_landscape-1914,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_landscape-with-a-pond-1921,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_mirror-and-a-horse-skull-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_moscow-food-1924,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_motley-bouquet-in-a-clay-jar-1936,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_nude-1918,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_nude-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_nude-standing-and-resting-her-hands-on-her-left-shoulder,"[1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_nudes-in-the-studio-1916,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,ilya-mashkov_on-the-beach-gurzuf-1926,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_poppies-roses-cornflowers-and-other-flowers-in-a-glass-vase-1939,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_portrait-of-a-b-szymanowsky-1922,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_portrait-of-a-woman-with-mirror-1918,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_portrait-of-the-artist-a-milman-1917,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_portrait-of-the-artist-s-wife-maria-ivanovna-mashkova-1923,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_portrait-of-z-d-r-lady-in-blue-1927,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ilya-mashkov_raspberry-1939,"[0.0, 1.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_reclining-nude-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_roses-and-carnations-1939,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_russian-venus-1914,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_st-george-killing-the-dragon-1918,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_still-life-1908,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-1910,"[1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-1922,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-1936,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-3,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_still-life-flowers-1939,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-a-horse-skull-1914,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-a-samovar-1920,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-bananas,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-bread-and-pumpkin-1914,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-brocade-1914,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-camellia-1913,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-crabs-1925,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-fan-1922,"[1.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-fish-1916,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-fish-and-capercaillie-1917,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-fruits,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-magnolias-1934,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-melons-and-pumpkins-1916,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-mushrooms-1915,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-peaches-1939,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-pineapples-1938,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-pomegranates-1937,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-porcelain-doll-1922,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-porcelain-figure,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-porcelain-figures-1922,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-pumpkin-and-a-pitcher-1914,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-samovar-1920,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-skull,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,ilya-mashkov_still-life-with-vegetables,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ilya-mashkov_study,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_tangerines-and-glass,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_uncleared-table,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_urban-winter-landscape-1914,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ilya-mashkov_vegetables,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_vegetables-still-life,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,ilya-mashkov_view-of-genoese-fortress-in-sudak-1917,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_view-of-lausanne,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ilya-mashkov_view-of-nervi,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ion-pacea_at-costine-ti,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ion-pacea_cas-la-malul-m-rii,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-pacea_case-la-mare,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ion-pacea_crizanteme,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,ion-pacea_falez-la-vama-veche,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-pacea_la-tarmul-marii,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-pacea_lalele,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ion-pacea_marina-2,"[0.0, 1.0, 4.0, 0.0, 0.0, 4.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,ion-pacea_marina-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ion-pacea_marina-4,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,ion-pacea_natur-static-cu-gips-antic,"[6.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,ion-pacea_natur-static-cu-mere,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,ion-pacea_natur-static-cu-palet,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ion-pacea_natur-static-cu-rodii,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-pacea_natur-static-cu-smochine,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-pacea_natur-static-cu-sticl-albastr,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,ion-pacea_natur-static-cu-vas-i-fructe,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-pacea_nud-in-fotoliu,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ion-pacea_rm-cu-dou-b-rci,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,ion-pacea_rm-la-2-mai,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-pacea_still-life,"[1.0, 0.0, 4.0, 2.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ion-pacea_still-life-with-flowers-and-apples,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-pacea_still-life-with-flowers-fruit-and-seashell-1970,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-pacea_still-life-with-fruit-stand-book-and-fruit,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ion-pacea_still-life-with-pineapple,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-pacea_still-life-with-tazza-and-jar,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-pacea_still-life-with-tazza-and-seashell,"[1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-pacea_vas-cu-flori,"[5.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-pacea_white-flowers-and-apples,"[8.0, 1.0, 19.0, 4.0, 2.0, 6.0, 1.0, 2.0, 12.0]"
+Post_Impressionism,ion-theodorescu-sion_at-rest-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_baigneuse-1927,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,ion-theodorescu-sion_by-the-water-1925,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_composition-with-peasant-motifs-1936,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_composition-with-romanian-motifs-1924,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-theodorescu-sion_compozi-ie-cu-motive-rom-ne-ti-1924,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_compozi-ie-cu-r-nci,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,ion-theodorescu-sion_compozi-ie-cu-r-nci-la-r-scruce,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,ion-theodorescu-sion_dou-r-nci-1923,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,ion-theodorescu-sion_femei-la-sc-ldat-1919,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_femeie-n-parc-1919,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_feti-n-foi-or-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,ion-theodorescu-sion_landscape-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-theodorescu-sion_miori-a-1923,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-theodorescu-sion_mountain-folk,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ion-theodorescu-sion_nudes-in-a-landscape-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-theodorescu-sion_odalisc-1938,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,ion-theodorescu-sion_piatra-craiului-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_portrait-of-lola-schmierer-roth,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-theodorescu-sion_self-portrait-1925,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,ion-tuculescu_daphne-monastery-1939,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ion-tuculescu_landscape-at-mangalia-1943,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,ion-tuculescu_landscape-from-paros-island-1939,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ion-tuculescu_portrait-of-actress-aura-fotino-1927,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,ion-tuculescu_portrait-of-my-grandfather,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,ion-tuculescu_portrait-of-prof-ion-ciolac-1927,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,ion-tuculescu_red-eggs-1943,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,irma-stern_ballet-dancers-1943,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,irma-stern_banana-carrier-1946,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,irma-stern_berber-girl-1945,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,irma-stern_congolese-beauty-1946,"[0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,irma-stern_country-road-madeira-1931,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,irma-stern_fishing-boats-1931,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,irma-stern_malay-girl-1938,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,irma-stern_men-in-red-fezzes,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,irma-stern_portrait-of-a-pondo-woman-1929,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Post_Impressionism,irma-stern_portrait-of-a-west-african-girl-1955,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,irma-stern_portrait-of-a-woman-wearing-a-pink-hijab,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,irma-stern_portrait-of-a-young-girl-1939,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,irma-stern_portrait-of-a-young-malay-girl-1939,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,irma-stern_portrait-of-a-young-mpondo-1935,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,irma-stern_portrait-of-a-zulu-woman-1935,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,irma-stern_portrait-of-an-indian-woman-1936,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,irma-stern_portrait-of-helene-kriel-1959,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,irma-stern_portrait-of-vera-poppe-playing-the-cello-1943,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,irma-stern_still-lfie-with-coral-tree-flowers-1935,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,irma-stern_still-life-with-anthuriums-and-fruit-1961,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,irma-stern_still-life-with-antirrhinums-1963,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,irma-stern_still-life-with-dahlias-and-fruit-1960,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,irma-stern_still-life-with-hibiscus-angel-s-trumpets-and-fruits-1929,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,irma-stern_still-life-with-leaves-fruit-and-flowers-1945,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,irma-stern_still-life-with-lillies-1957,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,irma-stern_the-bride-1943,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,irma-stern_the-hunt-1926,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,irma-stern_the-initiate-1935,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,irma-stern_the-rich-old-arab-1945,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,irma-stern_watusi-policemen-1942,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,irma-stern_woman-with-a-hibiscus-1956,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,irma-stern_young-xhosa-woman-1941,"[2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,irma-stern_zanzibar-lady-1941,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,irma-stern_zanzibar-woman-with-chicken-1957,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_alleyway-1935,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_blue-colours-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_flowerpots-on-the-windowsill-1931,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_flowery-garden-1957,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_forest-scene-with-colt-1940,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_green-quinces-1936,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_houses-and-people-1972,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,istvan-ilosvai-varga_houses-with-crippled-man-1939,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_houses-with-man-carrying-stone-1936,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Post_Impressionism,istvan-ilosvai-varga_nagyb-nya-1929,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_nagyb-nya-1931,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,istvan-ilosvai-varga_oranges-and-cactus-1962,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_painter-with-model-1934,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_pink-image-1947,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,istvan-ilosvai-varga_poor-man-1938,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_pumping-the-well-1957,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_reading-girl-1953,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,istvan-ilosvai-varga_red-still-life-1956,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_self-portrait-1932,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_self-portrait-1933,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_self-portrait-against-a-red-background-1938,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_self-portrait-in-white-1972,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_still-life-composition-1948,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_street-at-szentendre-in-stormy-weather-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_the-house-of-rab-r-by-1940,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_the-portrait-of-my-wife-1941,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_view-towards-the-danube-1933,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,istvan-ilosvai-varga_white-walls-1939,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,istvan-ilosvai-varga_woman-painter-1934,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,istvan-ilosvai-varga_yellow-blockhouse-1934,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,istvan-ilosvai-varga_zsuzsanna-with-cactus-1959,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,istvan-nagy_autumn-in-bakony-1927,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-nagy_bakony-landscape-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-nagy_drinking-girl,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-nagy_fences-1927,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,istvan-nagy_from-my-sz-kely-homeland-sheep,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,istvan-nagy_hill-landscape,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,istvan-nagy_hills-with-blue-shades-1932,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,istvan-nagy_humid-landscape-in-transylvania-b-k-s-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Post_Impressionism,istvan-nagy_lakeside-trees,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,istvan-nagy_landscape,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,istvan-nagy_landscape-in-transylvania,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,istvan-nagy_resting-cows,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,istvan-nagy_ricks,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-nagy_transylvanian-landscape-1925,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,istvan-nagy_village-row-of-houses,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,j.-e.-h.-macdonald_barbados-b-w-i-winter-1932,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,j.-e.-h.-macdonald_cloudy-sky-thornhill-church-1931,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,j.-e.-h.-macdonald_fields-and-sky-1931,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,j.-e.-h.-macdonald_layton,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,j.-e.-h.-macdonald_leaves-in-the-brook-1919,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,j.-e.-h.-macdonald_lupines-high-park-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,j.-e.-h.-macdonald_montreal-river-1920,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,j.-e.-h.-macdonald_on-the-lake-shore-near-bronte-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,j.-e.-h.-macdonald_sunset-lake-simcoe-1919,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,jacek-malczewski_corpus-christi,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jacek-malczewski_ellenai-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,jacek-malczewski_finis-poloniae,"[3.0, 2.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,jacek-malczewski_lutoslawice,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jacek-malczewski_poisoned-well-i,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,jacek-malczewski_poisoned-well-v,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,jacek-malczewski_portrait-of-helena-marcell,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jacek-malczewski_portrait-of-maria-balowa,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jacek-malczewski_portrait-of-stanis-aw-witkiewicz,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,jacek-malczewski_self-portrait-with-palette,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,jack-bush_back-garden-at-43-chudleigh-1936,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jack-bush_bay-1941,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jack-bush_country-road-1942,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,jack-bush_dead-trees-1943,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,jack-bush_farm-house-1941,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,jack-bush_lake-superior-near-thunder-bay-1941,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,jack-bush_lemon-in-a-basket-1952,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jack-bush_old-house-hogg-s-hollow-1929,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jack-bush_on-the-verandah-belfountain-1946,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jack-bush_summer-1941,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,jack-bush_tinton-s-farm-hogg-s-hollow-toronto-1943,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jack-bush_untitled-house-and-telephone-pole-1941,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,jack-bush_untitled-red-house-1943,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,jack-bush_view-of-lake-superior-near-thunder-bay-1941,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jack-bush_watermelon-on-chair-1952,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,jacoba-van-heemskerck_in-the-garden-1909,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,jacoba-van-heemskerck_twee-bomen-olieverf-op-doek-1910,"[2.0, 3.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jacques-villon_autre-temps,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,jacques-villon_irl-on-balcony-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,jacques-villon_l-espagnole-1928,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jacques-villon_la-ferme-de-la-bendelire-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jacques-villon_le-petit-man-ge-rue-caulaincourt-1905,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,jacques-villon_le-violeniste-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,jacques-villon_little-girl-on-a-red-staircase-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,jacques-villon_the-game-of-backgammon-1903,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,jacques-villon_the-negro-1899,"[2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,jacques-villon_the-violinist-le-violoniste-supervielle-1899,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,jacques-villon_woman-with-umbrella-1900,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,jan-sluyters_girl-at-a-red-sofa,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,jan-sluyters_hat-with-flowers,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jan-sluyters_heeze,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jan-sluyters_houses-in-the-snow-print,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jan-sluyters_landscape-with-full-moon,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jan-sluyters_paris-cityview,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,jan-sluyters_portrait-of-an-art-collector-beffe,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,jan-sluyters_portrait-of-the-painter-s-granddaughter-anne,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jan-sluyters_still-life-with-flowers,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,jan-sluyters_still-life-with-spring-flowers-1926,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jan-sluyters_study-of-the-bal-tarbarin-1907,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,jan-sluyters_the-white-tree,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,jan-sluyters_woman,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,janos-tornyai_autumn-morning-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,janos-tornyai_clouding-over-the-great-hungarian-plain,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,janos-tornyai_cortyard-in-sunshine-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,janos-tornyai_farm-on-the-great-hungarian-plain-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,janos-tornyai_great-tree-at-m-rt-ly-1910,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,janos-tornyai_interior-with-curtained-window-1929,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,janos-tornyai_on-a-seacoast-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,janos-tornyai_on-the-bench-1934,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,janos-tornyai_sitting-nude-from-the-back-1919,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,janos-tornyai_view-at-szentendre-1933,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,janos-tornyai_wheatland-with-woman-of-shawl-1912,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,janos-tornyai_window-of-the-atelier-1934,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,janos-tornyai_winter-landscape-with-violet-lights,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,janos-tornyai_woman-standing-in-a-door-1934,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,janos-tornyai_woman-with-goat,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jean-hugo_l-ermite-de-meudon-1933,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,jean-hugo_l-homme-du-d-sert-1972,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jean-hugo_l-imposteur-1931,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,jean-hugo_la-conversation-au-puits-1934,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jean-hugo_the-boule-players,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jean-hugo_untitled-european-seaside-view,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jozsef-rippl-ronai_a-park-at-night-1895(1),"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,jozsef-rippl-ronai_aristide-maillol-1899,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,jozsef-rippl-ronai_girl-dressed-up-in-blue,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,jozsef-rippl-ronai_jeune-femme-de-paris,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,jozsef-rippl-ronai_manor-house-at-k-rtv-lyes-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,jozsef-rippl-ronai_parisian-interior-1910,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,jozsef-rippl-ronai_still-life-with-oranges,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,jozsef-rippl-ronai_twilight-in-an-intimate-room-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,jozsef-rippl-ronai_uncle-piacsek-dresser-in-front-of-the-black-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Post_Impressionism,jozsef-rippl-ronai_uncle-piacsek-in-front-of-the-black-sideboard-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,karl-schrag_anemones-1975,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_apple-tree-late-summer,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_autumn-wind-and-stars-1988,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,karl-schrag_barn-studio-in-moonlight,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_big-tree-and-distant-figures-1983,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_coming-of-fall,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_dark-trees-at-noon,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_dusk-pond-in-evening-light-1950,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,karl-schrag_evening-fragrance-of-gardens,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_evening-sun-low-tide-1976,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,karl-schrag_evening-woods-1980,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_flowers-leaves,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_forms-of-trees-and-clouds,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_fragrant-breeze-at-nightfall,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_full-moon-silence-1980,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_grey-mood-deer-isle-1981,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_joyous-note-autumn-dusk-1992,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,karl-schrag_late-afternoon-apple-trees-and-clouds-1980,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_luminous-space-low-tide,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_mexican-sky,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_midsummer,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,karl-schrag_night-music-1985,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,karl-schrag_night-scents-of-foreign-gardens-1964,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_nocturne-with-apple-tree-1966,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Post_Impressionism,karl-schrag_orange-earth-yellow-trees,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_palm-trees-gray-and-yellow-sky,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,karl-schrag_pines-and-rocks-in-evening-light-1975,"[1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_play-of-sunlight-jamaica,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,karl-schrag_road-into-the-sanctuary-sanibel,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_sea-and-camden-hills-1977,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_sea-breeze-in-the-woods,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,karl-schrag_self-portrait-1963,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,karl-schrag_spring-bouquet-with-lilacs,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_sunrise,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,karl-schrag_the-artist-house-through-the-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_the-glade-day-1970,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_tree-bending-to-water,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,karl-schrag_tree-in-flowing-moonlight-1975,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,karl-schrag_treetops-autumn-moon-1972,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_view-from-the-studio-green-table-with-palette-1985,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karl-schrag_white-forest-1963,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,karl-schrag_woods-and-open-sea-1962,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,karoly-ferenczy_archaeology-1896,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,kazimir-malevich_blue-portrait-1930,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,kazimir-malevich_flowergirl,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,kazimir-malevich_flowergirl-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,kazimir-malevich_portrait-of-a-youth-1933,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,kazimir-malevich_portrait-of-artist-s-daughter-1934,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,kazimir-malevich_portrait-of-woman-in-yellow-hat-1930,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kazimir-malevich_reapers-1929,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,kazimir-malevich_rest-society-in-top-hats-1908,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kazimir-malevich_the-wedding-1907,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,kazuo-nakamura_august-morning-1961,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,kazuo-nakamura_autumn-1955,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,kazuo-nakamura_blue-reflections-1963,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,kazuo-nakamura_in-space-blue-irises-1967,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,kazuo-nakamura_pine-forest-1956,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kazuo-nakamura_reflection-1989,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kazuo-nakamura_solitude-7-1973,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,kazuo-nakamura_summer-storm-1982,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,kazuo-nakamura_three-plants,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,kazuo-nakamura_untitled-2-potted-plants,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kees-van-dongen_a-woman-s-portrait-1909,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,kees-van-dongen_dimanche-la-plage-1900,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kees-van-dongen_l-ecuy-re-1920,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,kees-van-dongen_le-sphinx-1925,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,kees-van-dongen_paris-la-nuit,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Post_Impressionism,kees-van-dongen_tangier-morocco-1911,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,kees-van-dongen_torso-the-idol-1905,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,kees-van-dongen_woman-before-a-mirror-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,kees-van-dongen_woman-on-sofa-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,kees-van-dongen_woman-with-blue-hat-1912,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kees-van-dongen_woman-with-cat-1908,"[0.0, 3.0, 5.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,kees-van-dongen_woman-with-cherries-on-her-hat-1905,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,kimon-loghi_birch-trees,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kimon-loghi_boats-on-the-shore,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,kimon-loghi_on-the-lakeshore-1,"[0.0, 2.0, 8.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kimon-loghi_on-the-shore-1934,"[0.0, 0.0, 9.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,kimon-loghi_springtime-1930,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,koloman-moser_hyacinths,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,koloman-moser_judith-and-holofernes-1916,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 9.0, 1.0, 0.0]"
+Post_Impressionism,koloman-moser_landscape-in-semmering,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,koloman-moser_parrot-tulips-bloomed,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,koloman-moser_primmeln-in-the-basket,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,konstantinos-parthenis_hydra,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,konstantinos-parthenis_landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,konstantinos-parthenis_landscape-1,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,konstantinos-parthenis_landscape-1911-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,konstantinos-parthenis_landscape-with-cypress-and-pine-trees-on-a-rocky-shore,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,konstantinos-parthenis_the-harbor-of-kalamata-1911,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,konstantinos-parthenis_vuew-of-kavala-1904,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_african-boy-1907,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_biribi-1907,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_boy,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_cacti-1907,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,kuzma-petrov-vodkin_cafe-1907,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,kuzma-petrov-vodkin_epitaph-1904,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_garden-beneventum-1907,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_in-the-veil-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_kadusha-1907,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,kuzma-petrov-vodkin_khvalynsk,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,kuzma-petrov-vodkin_negro-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_negro-village-1907,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_neighborhoods-khvalynsk,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_portrait-of-a-woman-portrait-of-an-unknown-1908,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,kuzma-petrov-vodkin_the-city-of-constantine-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_theatre-drama,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,kuzma-petrov-vodkin_theatre-farce,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,kuzma-petrov-vodkin_type-the-cluny-museum-in-paris-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,lajos-tihanyi_forest-landscape-1911,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,lajos-tihanyi_hills-in-buda-1916,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,lajos-tihanyi_landscape-1912,"[0.0, 1.0, 8.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,lajos-tihanyi_main-square-in-nagyb-nya-1908,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,lajos-tihanyi_street-in-trencs-n-1912,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,lajos-tihanyi_woman-in-red-with-green-background-1929,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,lawren-harris_woods-algoma-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_afternoon-in-the-garden,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_anemones-and-dahlias,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,le-pho_at-the-terrace,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_chrysanthemums-and-sunflowers,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_composition,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_composition-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_composition-2,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_deux-petites-amies,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_elegant-lady-pouring-tea,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,le-pho_fleurs,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_fleurs-1971,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_flower-composition,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_fruit-picking,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,le-pho_girl-with-green-scarf-1982,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,le-pho_hibiscus-and-birds-1940,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_in-the-garden,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_in-the-garden-1,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_la-cueillette-des-fleurs,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_la-fleuriste-1967,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_lecture-lesson,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_les-arums,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_les-pivones-blanches,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_les-pommeirs-du-japon,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_les-poppies,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_maternity,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_mother-and-child,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,le-pho_orange-and-yellow-flowers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,le-pho_portrait-of-a-beauty-among-peonies-1958,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_portrait-of-a-vietnamese-boy,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,le-pho_reading-in-the-garden,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,le-pho_still-life-with-artichokes-1956,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_still-life-with-poppies-1975,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,le-pho_summer,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,le-pho_the-arrival-of-summer,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_the-bath-portrait-of-a-young-girl-1938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_the-birthday-cake-1975,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_the-tea,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,le-pho_the-three-bathers-1938,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_three-ladies-in-a-garden,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_two-girls-in-the-flower-garden,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_two-women,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,le-pho_woman-in-a-garden,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,le-pho_woman-on-the-balcony-1938,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,le-pho_woman-with-bouquet-of-flowers,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,le-pho_yellow-lilies,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,le-pho_yellow-lily,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,leroy-neiman_bistro-garden-1997,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,lovis-corinth_autumn-flowers-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,lovis-corinth_carmencita-1924,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,lovis-corinth_cat-s-breakfast-1913,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,lovis-corinth_flora-1923,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,lovis-corinth_flowers-and-wilhelmine-1920,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 4.0, 0.0, 2.0]"
+Post_Impressionism,lovis-corinth_garden-in-the-west-end-of-berlin-1925,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,lovis-corinth_in-the-woods-near-bernried-1892,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,lovis-corinth_punt-in-the-reeds-at-muritzsee-1915,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,lovis-corinth_self-portrait-1916,"[0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,lovis-corinth_still-life-with-buddha-lobsters-and-oysters-1916,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,lovis-corinth_still-life-with-chrysanthemums-and-amaryllis-1922,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,lovis-corinth_susanna-and-the-elders-1923,"[0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,lovis-corinth_the-hare-1921,"[0.0, 1.0, 2.0, 2.0, 2.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,lovis-corinth_walchensee-1920,"[0.0, 1.0, 6.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,lovis-corinth_woman-with-a-glass-of-wine-1908,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,luigi-russolo_memories-of-a-night-1911,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,luigi-russolo_perfume-1910,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,marcel-duchamp_baptism-1911,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,marcel-duchamp_chess-game-1910,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,marcel-duchamp_church-at-blainville-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,marcel-duchamp_japanese-apple-tree-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,marcel-duchamp_landscape-at-blainville-1902,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,marcel-duchamp_man-seated-by-a-window-1907,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,marcel-duchamp_paradise-adam-and-eve,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,marcel-duchamp_portrait-of-dr-dumouchel-1910,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,marcel-duchamp_portrait-of-dr-ferdinand-tribout-1910,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 0.0]"
+Post_Impressionism,marcel-duchamp_portrait-of-jacques-villon,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,marcel-duchamp_portrait-of-yvonne-duchamp,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,marcel-duchamp_standing-nude-1910-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,marcel-duchamp_two-nudes-1910,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,marcel-janco_on-the-way-to-ein-hod,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0]"
+Post_Impressionism,mario-zanini_banhistas,"[2.0, 0.0, 0.0, 2.0, 0.0, 2.0, 2.0, 0.0, 3.0]"
+Post_Impressionism,mario-zanini_barco-com-marinheiros-1950,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mario-zanini_beira-mar,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,mario-zanini_cas-rio-1969,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,mario-zanini_figuras-no-tiet-1940,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,mario-zanini_paisagem-1960,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,mario-zanini_paisagem-com-ponte-1962,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mario-zanini_paisagem-com-riacho-1966,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mario-zanini_paisagem-da-represa-de-sto-amaro-1940,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,mario-zanini_rua-de-parati-1964,"[1.0, 1.0, 7.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,mario-zanini_vilarejo-com-marinha,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,marsden-hartley_landscape-new-mexico-1920,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,marsden-hartley_landscape-new-mexico-1920-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,marsden-hartley_mont-sainte-victoire-1927,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,marsden-hartley_purple-mountains-vence-1926,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,marsden-hartley_red-tree-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,marsden-hartley_smelt-brook-falls,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,marsden-hartley_still-life-no-1-1912,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,marsden-hartley_valley-road-1920,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_anticipation-of-the-fall,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_aragats-and-mount-ara-1922,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,martiros-saryan_ararat-from-dvin-1952,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_ararat-in-clouds-1923,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_ararat-valley-1952,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_armenia-spring-in-norke-1947,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_armenian-from-nakhichevan-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,martiros-saryan_ashtarak-1956,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,martiros-saryan_ashtarak-1957,"[0.0, 0.0, 2.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_ashtarak-in-hazy-day-1954,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_autumn-landscape-1963,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_autumn-still-life-1961,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,martiros-saryan_balcony-on-the-estate-of-marshal-ivan-bagramian-1947,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_banks-of-the-river-zangu-near-yerevan-1930,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_bjni-fort-1946,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,martiros-saryan_blossoming-garden-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_blossoming-tree-1907,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_bouquet-of-flowers-1945,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_bouquet-of-flowers-1946,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_bright-flowers-1942,"[1.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_eastern-landscape-1924,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_eastern-tale-1903,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,martiros-saryan_evening-in-the-garden-1903,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,martiros-saryan_female-portrait-1952,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,martiros-saryan_flowers-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,martiros-saryan_flowers-1912,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_flowers-1913,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,martiros-saryan_flowers-1929,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,martiros-saryan_flowers-1967,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_flowers-a-nook-of-the-garden-1940,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_fruits-and-vegetables-1933,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_gathering-of-grapes-1933,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_hrazdan-river-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]"
+Post_Impressionism,martiros-saryan_in-armenian-village-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_in-barfursh-persia-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_landscape,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_old-yerevan-1944,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,martiros-saryan_on-marna-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_on-marna-yerevan-1927,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,martiros-saryan_persian-house-1913,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,martiros-saryan_still-life-with-jug-and-fruit-1913,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,martiros-saryan_surb-sarkis-st-sarkis-church-in-yerevan-1912,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_vase-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,martiros-saryan_wildflowers-1910,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,martiros-saryan_wistaria-1923,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_a-slice-of-melon-1990,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,mary-fedden_apple-and-egg-1982,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_auricula-1996,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,mary-fedden_blue-2006,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_cat-1981,"[2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_clonakilty-co-cork-2002,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_coastal-landscape-1973,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,mary-fedden_desert-1989,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,mary-fedden_feathers-and-shells-2001,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,mary-fedden_fruit-2009,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_irish-lillies,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,mary-fedden_lilies-and-lemons-2007,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,mary-fedden_man-with-zebra-1988,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,mary-fedden_peacock-feather-still-life-2009,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,mary-fedden_quail-eggs-1983,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,mary-fedden_ringed-plover-1981,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_two-women-on-the-shore-1977,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,mary-fedden_winter-still-life-with-candle-1950,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_a-road,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_beauce-landscape,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,maurice-de-vlaminck_bouquet-of-flowers-in-a-vase,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_fishing-port,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_fruit-and-flowers,"[0.0, 3.0, 3.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_house-on-the-banks-of-a-river-1909,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 7.0, 3.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_landscape-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_landscape-from-beyond-the-river,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_landscape-of-la-creuse,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_landscape-with-three-cypresses,"[1.0, 7.0, 22.0, 7.0, 1.0, 0.0, 1.0, 0.0, 5.0]"
+Post_Impressionism,maurice-de-vlaminck_near-the-estuary-of-the-seine,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_peonies-in-a-vase-1910,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_poplars,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_sailboats-at-chatou-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_self-portrait,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_self-portrait-with-pipe,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-de-vlaminck_snowstorm,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_still-life-with-basket-of-fruit,"[1.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_sunset-in-the-forest-of-senoches,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_suresnes,"[1.0, 0.0, 3.0, 1.0, 0.0, 3.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-aqueduct-at-nogent-sur-marne-1911,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_the-beautiful-village,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-bridge,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-bridge-at-chatou,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_the-bridge-at-chatou-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-de-vlaminck_the-bridge-at-nogent,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-clearing-at-valmondoiis,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-flodded-village,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-pont-de-chatou,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-red-tractor-1956,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_the-road-1958,"[1.0, 3.0, 10.0, 1.0, 0.0, 1.0, 19.0, 12.0, 3.0]"
+Post_Impressionism,maurice-de-vlaminck_the-seine-and-the-chatou-bridge,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_the-seine-at-chatou,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_the-seine-at-chatou-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_the-village,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_vase-of-flowers-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-de-vlaminck_view-of-a-village-with-red-roofs,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-de-vlaminck_woman-in-a-pink-hat,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,maurice-denis_afternoon-in-the-woods,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-denis_april-1892,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-denis_around-a-child-with-dog,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_bacchus-and-ariadne-1907,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-denis_bathsheeba-blue-background,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,maurice-denis_beauty-in-the-autumn-wood,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-denis_bretons,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 5.0, 3.0, 0.0]"
+Post_Impressionism,maurice-denis_child-in-an-apron-or-little-girl-in-a-red-dress,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_easter-morning-or-easter-mystery,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_forentice-landscape-viale-dei-colli,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_games-in-the-sand-also-known-as-beach-with-fighters,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_green-trees-or-the-beeches-of-kerduel,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_homage-to-cezanne-1900,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,maurice-denis_jacob-s-battle-with-the-angel,"[1.0, 0.0, 8.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-denis_maternite-anne-marie-et-marthe-a-la-bague-ovale,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_mother-and-child,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_motherhood,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_mystic-allegory-or-tea,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_noele-s-first-steps,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-denis_noli-me-tangere,"[1.0, 4.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-denis_panorama-of-cassis,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_parisians-at-the-seaside-evening,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-denis_reflection-in-a-fountain,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-denis_regata-at-perros,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-denis_rocks-at-pouldu,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_sand-castle,"[1.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_self-portrait-1916,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_sleeping-woman-1892,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_spots-of-sunlight-on-the-terrace,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_the-ladder-in-the-foliage-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_the-meeting,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Post_Impressionism,maurice-denis_the-muses-1893,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_the-offertory-at-calvary,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,maurice-denis_the-return-of-young-tobie,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-denis_the-road-to-calvary,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,maurice-denis_the-sacred-spring-at-guidel,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-denis_the-sacred-wood,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_the-seasons-series-september,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_the-two-sisters,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,maurice-denis_the-visitation-1894,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-denis_trinity-evening,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,maurice-denis_triple-portrait-of-marthe,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,maurice-denis_two-studies-of-a-nude-outdoors,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-denis_visitation-in-blue,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-denis_wedding-procession,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,maurice-denis_woman-in-blue,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,maurice-denis_yellow-cat,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-denis_young-girl-wearing-an-apron,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_a-dark-day,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_acadia,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_along-the-shore,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_april-snow-salem,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_autumn-in-new-england,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_band-concert,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_bathers,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_bathers-1,"[2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_bathers-2,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_bathers-3,"[0.0, 2.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_bathers-and-strollers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_bathers-new-england,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_bathing-tents-st-malo-1907,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_beach-at-gloucester,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_beach-at-st-malo,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_beach-at-st-malo-1,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_beach-no-3,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_beach-promenade,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_beach-scene-new-england,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_beach-scene-no-4,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_beach-scene-st-malo,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,maurice-prendergast_beach-scene-with-boats,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_beach-scene-with-lighthouse-also-known-as-children-at-the-seashore,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,maurice-prendergast_beach-st-malo,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_beach-st-malo-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_bed-of-flowers-also-known-as-cannas-or-the-garden,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_blue-mountains,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_boat-landing-dinnard,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_boston-also-known-as-park-st-boston,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_buck-s-harbor,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_campo-santa-maria-formosa-venice-1912,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_can-can-dancer,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_canal,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_central-park,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_central-park-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_central-park-1900,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_central-park-1901,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_central-park-also-known-as-central-park-new-york-city,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_central-park-new-york-1901,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_central-park-new-york-city-july-4th,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_chateaubriand-s-tomb-st-malo-also-known-as-st-malo-chateaubriand-s-tomb,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_cherubs,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_children-in-the-park,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_cinerarias-and-fruit,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_circus-band,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_columbus-circle-new-york,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_country-road-new-hampshire,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_courtyard-scene-siena,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_cove-with-figures,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_crepuscule-also-known-as-along-the-shore-or-beach,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_crepuscule-also-known-as-sunset,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,maurice-prendergast_crescent-beach-also-known-as-crescent-beach-st-malo,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_decorative-composition,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_distance-hills-maine,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_docks-east-boston,"[0.0, 0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_donkey-rider,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_east-boston-ferry,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_east-river-park-1901,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_easter-procession-st-mark-s,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_fantasy,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_fantasy-also-known-as-landscape-with-figures,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_farmhouse-in-new-england,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_feast-of-the-redeemer,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_fiesta,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_fiesvenice-s-pietro-in-vol-also-known-as-the-day-before-the-fiesta-st-pietro-in-volte,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_figures-on-the-beach-1,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_figures-under-the-flag,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_floral-still-life-1913,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_flowers-in-a-vase,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_fruit-and-flowers,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_girls-in-the-park,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_girls-on-the-riverbank,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_gloucester-fishermen-s-houses-1915,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_gloucester-harbor,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_green-dress-1894,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-prendergast_grey-day,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_harbor-afternoon,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,maurice-prendergast_head-of-a-girl-with-roses,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_hindu-dancer,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_holiday-headlands,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_holiday-nahant,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_holidays,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_horseback-riders,"[0.0, 0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_house-by-the-sea,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_house-with-flag-in-the-cove,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_idyllic-landscape,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_in-central-park-new-york,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_in-luxembourg-gardens,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_in-the-library-also-known-as-three-school-girls,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-prendergast_in-the-luxembourg-gardens-1907,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_in-the-park,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_in-the-park-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_in-the-park-also-known-as-the-promenade,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_jumping-rope,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_ladies-in-a-seaside-arbor,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,maurice-prendergast_lady-in-yellow-dress-in-the-park-also-known-as-a-lady-in-yellow-in-the-park,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_lake-new-hampshire,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-prendergast_landscape-figures-cottages-and-boats,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_landscape-with-figures,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_landscape-with-figures-1921,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_late-afternoon-new-england,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_le-rouge-portrait-of-miss-edith-king,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_lighthouse-at-st-malo,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_little-bridge-venice,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_long-beach-1923,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_low-tide,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_low-tide-2,"[0.0, 3.0, 5.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_low-tide-revere-beach,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_luxembourg-gardens,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_madison-square-1901,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_marblehead,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_marblehead-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_market-scene,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_may-day-central-park,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_may-day-central-park-1901,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_may-day-central-park-also-known-as-central-park-or-children-in-the-park,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_may-party-also-known-as-may-day-central-park,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_merry-go-round,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_merry-go-round-nahant,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_montparnasse-1907,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_naples,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_new-england,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_new-england-harbour,"[0.0, 0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_new-england-village,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_north-shore-3-massachusetts,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_notre-dame,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_nude-model-with-drapery,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_on-the-beach-no-3,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_on-the-beach-st-malo,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_on-the-rocks-north-shore,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_on-the-shore,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_opal-sea,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_outer-harbor,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_paris,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_paris-omnibus,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_park-gloucester,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_park-naples,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_park-scene-nebay,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_picking-strawberries,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_picnic,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_picnic-1923,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_picnic-by-the-inlet,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_picnic-by-the-sea-1915,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_picnic-grove,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,maurice-prendergast_playing-at-salem-massachusetts,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_ponte-della-paglia-1899,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_portrait-of-a-young-girl,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_promenade-at-nantasket,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_promenade-salem,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_quai-dinard,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_rainbow,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-prendergast_rialto-bridge-also-known-as-the-rialto-bridge-venice,"[1.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_rider-against-blue-hills,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_road-to-the-shore,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_rockport,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_rockport-mass,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_rocky-cove-with-village,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,maurice-prendergast_salem-1915,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_salem-massachusetts,"[2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_salem-willows-also-known-as-the-promenade-salem-harbor-1904,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_sanmaria-formosa-venice,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_scene-of-venice,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_sea-maidens,"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_seascape,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_seashore,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_seashore-1,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_seashore-2,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_seaside-picnic,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_seated-girl,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_sienna-column-of-the-wolf,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_spring-flowers-1904,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_spring-in-franklin-park-1895,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_spring-promenade,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_squanton-also-known-as-men-in-park-with-a-wagon-squanton,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_st-malo,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_st-malo-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_st-malo-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,maurice-prendergast_st-malo-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_st-malo-4,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_st-malo-also-known-as-sketch-st-malo,"[0.0, 0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_st-malo-no-2,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_st-mark-s-venice-1898,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_still-life,"[0.0, 0.0, 4.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_still-life-apples-vase-1915,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_still-life-with-apples,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_still-life-with-apples-1915,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_still-life-with-flowers,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_study-st-malo-no-11,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_summer-day,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_summer-day-also-known-as-st-cloud,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_summer-in-the-park,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_summer-new-england-1912,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_summer-outing,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_sunny-day-at-the-beach,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_sunset,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_sunset-and-sea-fog-1923,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_surf-cohasset,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-prendergast_surf-nantasket,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_telegraph-hill-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-balloon,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-balloon-1,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-bathing-cove,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_the-bridle-path-central-park-1902,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-cove,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-cove-1,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-cove-2,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-dancers,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-east-river,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-end-men-1914,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_the-flying-horses,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-grove-1915,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-hay-cart-1918,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-holiday-also-known-as-figures-by-the-sea-or-promenade-by-the-sea,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-idlers,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-inlet,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-inlet-1,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-lido-venice,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-louvre,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-mall-central-park-also-known-as-steps-central-park-or-the-terrace-bridge-central-park-1901,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-orchard,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-paris-omnibus-1904,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-park-at-sunset,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-pavilion-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-piazza-of-st-marks-venice,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-picnic,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-point-gloucester,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-porch-with-the-old-mosaics-st-mark-s-venice,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-promenade,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-promenade-1,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-red-cape,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-seashore,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-stony-beach-ogunquit,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_the-sunday-scene,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-swans,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_the-west-church-also-known-as-fountain-at-the-west-church-boston,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-prendergast_three-little-girls-in-red-1895,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-prendergast_under-the-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_venice-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_venice-the-little-bridge,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_venice-unfinished,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_view-of-venice-also-known-as-giudecca-from-the-zattere,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_viewing-the-sailboat,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-prendergast_village-by-the-sea,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_west-church-boston-also-known-as-red-school-house-boston-or-west-church-at-cambridge-and-lynde,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-prendergast_woman-with-a-parasol,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,maurice-prendergast_women-at-seashore,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_a-street-in-a-suburb-of-paris,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_abbesses-street,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_abbesses-street-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,maurice-utrillo_asnieres-street,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_basilica,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_basilica-of-st-denis,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_basilica-of-st-denis-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_beaulieu-church,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_belle-gabrielle,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_benches-at-montmagny-val-d-oise,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_bernot-house,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,maurice-utrillo_bievre,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_bistros-in-a-suburb,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_bridge-and-church,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_cabare-belle-gabrielle,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_castle-in-charente,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_castle-of-blois,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_chapelle-de-buis,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_chartres-cathedral,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_chastelloux-castle,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_chaudoin-house,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_chuch-of-saint-margerit-in-paris,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-and-street-in-montmagny,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-at-villiers-le-bel,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-in-provence,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-in-suburbs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-of-sacre-coeur,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-of-saint-john-the-baptiste,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-utrillo_church-of-st-hilary,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_church-of-st-leomer,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-of-st-peter-on-monmartre,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_church-of-st-pierre-and-the-dome-of-sacre-coeur,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_church-of-st-severin,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_church-sacre-couer,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_custine-street-near-montmartre,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_damiette-street-in-sannois,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_distillery-of-saint-denis,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_donjon-street,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_factory,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_farm-on-l-ile-d-ouessant-finistere,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,maurice-utrillo_flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_fortification-on-the-north-of-paris,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_fot-the-ball-of-l-a-a-a-a-magic-city,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_gate-saint-martin-in-paris,"[0.0, 7.0, 20.0, 3.0, 0.0, 4.0, 1.0, 6.0, 5.0]"
+Post_Impressionism,maurice-utrillo_hector-berlioz-s-house,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_house-in-the-suburbs-of-paris,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,maurice-utrillo_house-of-mimi-pinson,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,maurice-utrillo_house-of-mimi-pinson-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_houses-in-montmartre,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,maurice-utrillo_houses-in-ouessant,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,maurice-utrillo_italian-s-house-at-monmartre,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_jonquiere-street-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_la-butte-pinson,"[1.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_la-butte-pinson-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_landscape-in-saint-bernard,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_lapin-agile,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_lapin-agile-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_lapin-agile-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_little-communicant-church-of-mourning,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_marcadet-street,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_military-hospital,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,maurice-utrillo_mont-cenis-street,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_mont-cenis-street-in-the-snow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_mont-st-michel,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_montmartre,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_montmartre-street,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_mother-catherine-s-restaurant-in-montmartre,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-3,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-4,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-5,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-6,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-and-sacre-coeur,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-on-montmartre,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-under-the-snow,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_moulin-de-la-galette-under-the-snow-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,maurice-utrillo_moulin-in-sannois,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_moulin-in-sannois-under-snow,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_moutier-street-and-square-de-la-mairie,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_near-montmagny,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_nine,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_norvins-street,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,maurice-utrillo_norvins-street-near-montmartre,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_notre-dame,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_notre-dame-de-clignantcourt,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_orchampt-street-near-montmartre,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_paintshop-at-saint-ouen,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_paris-street,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_paris-suburbs,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_place-pigalle,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_pontoise-l-eperon-street-and-street-de-la-coutellerie,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_ravignan-street,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_renoir-s-garden,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,maurice-utrillo_restaurant-bibet-at-saint-bernard,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_road-in-argenteuil,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_rue-lepic,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_sacre-coeur,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_sacre-coeur-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_sacre-coeur-2,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_sacre-coeur-and-castle-brouillards,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_sacre-coeur-and-passage-cottin,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_saint-rustique-street,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_saint-vincent-stree-and-the-lapin-agile,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_seine,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_snow-over-montmartre,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_square-minimes,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-utrillo_square-tertre-on-montmartre,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_square-tertre-on-montmartre-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_square-tertre-on-montmartre-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,maurice-utrillo_st-germain-church,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_st-pierre-de-montmartre,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_st-vincent-street,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_street,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_street-at-corte,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_street-in-montmartre,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_street-in-nanterre,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_street-in-sannois,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_street-mont-cenis,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maurice-utrillo_suburban-road,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_suburban-street-scene,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-berlioz-house,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-bernot-s-house,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-utrillo_the-bridges-of-toulouse,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-castle,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-church-of-st-bernard-ain-in-summer,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-debray-farm,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_the-garden-at-montmagny,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-gate-saint-martin,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_the-house-of-mimi-pinson-in-montmartre,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_the-maquis-of-montmartre-under-the-snow,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-passage-cottin,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,maurice-utrillo_the-passage-the-dead-end,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_the-quartier-saint-romain-at-anse-rhone,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_the-squre-abbesses-in-the-snow,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_the-theatre-l-atelier,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_tholoze-street,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maurice-utrillo_untitled,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_vase-with-flowers,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maurice-utrillo_vase-with-flowers-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_view-of-montmagny,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_view-of-pontoise,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maurice-utrillo_village-street,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_windmills-of-montmartre,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maurice-utrillo_winter-scene,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,max-pechstein_boat-at-sunrise,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,max-pechstein_bridge-over-the-seine-with-small-steamer-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,max-pechstein_calla-lilies-1914,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,max-pechstein_farmhouses-in-the-morning-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,max-pechstein_flusslandschaft-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,max-pechstein_hafen-1911,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,max-pechstein_irises-in-evening-shadows-1925,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,max-pechstein_nidden-coastline-with-fishing-boats-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,max-pechstein_portr-t-frau-cuhrt-1908,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,max-pechstein_zerfallenes-haus-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_a-bouquet-of-flowers-in-front-of-a-window,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_a-fruitdish,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maxime-maufra_at-low-tide,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maxime-maufra_at-sunrise-in-a-valley-brittany-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_autumn-1909,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_autumn-landscape-at-goulazon-1900,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_back-to-fishing-boats-in-belle-isle-en-mer-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_banks-of-loire,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,maxime-maufra_beg-meil-at-dusk-1904,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_beg-miel-bay-of-cocarneau-1900,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_belle-ile-castle-1909,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_belle-ile-en-mer,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_belle-ile-en-mer-evening-cote-sauvage-1909,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_beuzec-concq-in-concarneau-1911,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_breton-landscape-1897,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_bretons-on-the-way,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_brittany-1892,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_brittany-a-hamlet-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maxime-maufra_cliffs,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_cliffs-of-the-wild-coast-1910,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,maxime-maufra_coast-goulphar-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_departure-of-a-cargo-ship-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_departure-of-fishing-boats-1900,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_dessert-1904,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_douarnenez-in-sunshine-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_douarnenez-october-landscape-1896,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_dusk-1899,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_evening-at-the-sea-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_evening-morgat-beach-1902,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_evening-twilight-on-the-seine,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_farm-in-the-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_fishing-boats-on-the-shore,"[1.0, 10.0, 26.0, 6.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,maxime-maufra_fishing-for-sprats-in-winter-at-douarnenez-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_fishing-sardine-boat-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,maxime-maufra_flood-joinville-le-pont,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,maxime-maufra_flood-joinville-le-pont-1910,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_fog-on-the-seine-the-andelys-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_frost-at-morgat-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_harvesting-of-goemon-1891,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_lake-lovitel-1904,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_landscape-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_landscape-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,maxime-maufra_landscape-by-the-water,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_low-tide-at-douarnenez-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_low-tide-baie-de-quiberon-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maxime-maufra_march-sunlight-port-marly-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_monsieur-maufra-s-garden-by-the-sea,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_moonrise-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_morning-in-the-oasis-of-alkantra-1913,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_morning-in-winter-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_mountain-landscape-1904,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_near-the-mill-1897,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_on-the-cliffs-of-belle-isle-on-mer-1913,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_passing-through-the-bar-1898,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_pont-aven-red-sky-1892,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_port-bara-near-the-ile-de-quiberon-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_port-castle-of-belle-ile-1910,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_powdery-sunshine-1900,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_quayside-in-le-havre-1905,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maxime-maufra_reentering-port-at-douarnenez-finistere-1906,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_sailboats,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_saint-jean-du-doigt-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_saint-michel-s-church-1916,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_semaphore-of-the-beg-meil-brittany-1900,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_semaphore-of-the-beg-meil-brittany-1904,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,maxime-maufra_spring-flowers-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_study-of-mountains-1904,"[1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_sunset-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_sunset-margat-1900,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_sunset-on-the-loire-1907,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_sunset-on-the-sea-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-ark-of-port-blanc-the-isle-of-presq-quiberon,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-auray-river-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-banks-of-the-pond-at-rosporden-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-barges-lighthouse-1904,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-bay-of-douarnenez,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-bay-of-in-concarneau-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-bay-of-saint-tropez,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-beach-at-morgat,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-beach-at-morgat-finistere-1899,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-black-cliffs-at-thurso-1895,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-castle-gaillard-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-church-of-saint-nicolas-of-the-fields-saint-martin-street-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-cliffs,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-cliffs-at-polhor-1899,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-coast-at-fort-penthievre-quiberon-peninsula,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-conch-at-vieux-chateau-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,maxime-maufra_the-creek-shore-of-quibero-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-dam-of-a-loir-ponce,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-descending-street-at-locronan-1906,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-dining-room-after-lunch-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-dunes-of-port-blanc-near-ile-de-quiberon-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-embankment-of-lagny-under-flood-water-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-entrance-to-harbour-sauzon-1905,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-golden-sea-quiberon-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-heart-of-the-port-of-goulphar-belle-ile-en-mer-1909,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-jetty-at-pontivy-1909,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-leguenay-bridge-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-pines-of-the-ile-st-morah-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-ponce-paper-factory-on-the-edge-of-the-sathe-woods-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-port-of-havre-1905,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-port-of-la-rochelle-at-twilight-1911,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-port-of-saint-goustan-1912,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-port-of-sauzon-1905,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-portivy-beach-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-red-rocks-at-belle-ile,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-retreating-fog-morning-les-andelys-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-return-of-the-fishing-boats,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-river-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-river-rance-at-dinard,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-shore-at-duarnenez,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-signal-tower-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-storm-1892,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,maxime-maufra_the-three-cliffs-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-transatlantic-leaving-port-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-village-and-chapel-of-sainte-avoye-morbihan-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-village-morgat-1901,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,maxime-maufra_the-village-of-kerhostin-1911,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_the-village-on-the-river-bozel-1914,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_tuna-boat-at-sea-1907,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,maxime-maufra_twilight-1896,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,maxime-maufra_view-of-the-port-of-auray-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,medi-wechsler-dinu_balchik-coast,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,medi-wechsler-dinu_the-butterfly-collector,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,medi-wechsler-dinu_unknown-title-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,medi-wechsler-dinu_unknown-title-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,medi-wechsler-dinu_unknowntitle,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,meijer-de-haan_a-bunch-of-garlic-and-a-pewter-tankard,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,meijer-de-haan_breton-women-scutching-flax-labour-1889,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,meijer-de-haan_lilacs-in-a-glass-apple-and-lemon-1890,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,meijer-de-haan_maternity-mary-henry-breastfeeding-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,meijer-de-haan_nature-morte-pichet-et-oignons-1890,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,meijer-de-haan_old-jewish-woman-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,meijer-de-haan_portrait-of-a-young-jewish-woman-1886,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,meijer-de-haan_self-portrait-1891,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,meijer-de-haan_self-portrait-in-breton-costume-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,meijer-de-haan_still-life-pit-onions-bread-and-green-apples,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,meijer-de-haan_still-life-with-a-profile-of-mimi-1890,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,meijer-de-haan_still-life-with-ham-1889,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,menez_atelier-1987,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,menez_sem-t-tulo-1986,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,menez_sem-t-tulo-1987,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,menez_unknown-title-3,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,mikhail-nesterov_a-sick-girl-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,mikhail-nesterov_by-a-monastery-entrance-1925,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,mikhail-nesterov_girl-by-a-pond-portrait-of-natalia-nesterova-1923,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,mikhail-nesterov_ivan-petrovich-pavlov-1935,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,mikhail-nesterov_portrait-of-alexey-severtsov-1934,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,mikhail-nesterov_portrait-of-alexey-shchusev-1941,"[7.0, 15.0, 4.0, 5.0, 0.0, 3.0, 7.0, 3.0, 7.0]"
+Post_Impressionism,mikhail-nesterov_portrait-of-ekaterina-nesterova-1909,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,mikhail-nesterov_portrait-of-elizaveta-kruglikova-1939,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,mikhail-nesterov_portrait-of-leo-tolstoy-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,mikhail-nesterov_portrait-of-natasha-nesterova-on-a-garden-bench-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,mikhail-nesterov_portrait-of-sofia-tutcheva,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,mikhail-nesterov_sasha-1915,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,milton-avery_bridge-to-the-sea-1937,"[1.0, 1.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,milton-avery_bucolic-landscape-1930,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,milton-avery_sally-avery-with-still-life-1926,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,milton-avery_vermont-hills-1936,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,mily-possoz_a-menina-da-boina-verde-1930,"[2.0, 2.0, 3.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,mily-possoz_a-renaissance-dream,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mily-possoz_cat,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mily-possoz_cat-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,mily-possoz_chamin-s-alentejanas,"[0.0, 2.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,mily-possoz_contempor-nea-magazine-no-6-watercolour-1922,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,mily-possoz_int-rieur-d-atelier-1920,"[8.0, 10.0, 23.0, 2.0, 0.0, 2.0, 3.0, 4.0, 3.0]"
+Post_Impressionism,mily-possoz_jardim-com-figuras-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,mily-possoz_l-arbre-de-no-l-i-1930,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,mily-possoz_la-r-cr-ation-1930,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,mily-possoz_mulher-com-leque,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,mily-possoz_panier-de-fleur-1920,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,mily-possoz_senhoras-num-jardim-1930,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,mily-possoz_the-tulips-1936,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mily-possoz_untitled,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,mily-possoz_vista-de-lisboa-jardim-da-estrela-signed-possoz-but-attributed-to-eduardo-viana,"[1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_an-acrobat-1919,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_bouquet-of-flowers,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_bouquet-of-peonies,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_bouquet-of-tulips,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_bouquet-of-various-flowers,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_bouquet-of-various-flowers-1927,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_bouquet-of-various-flowers-and-mimosa,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_bust-of-blonde-girl-1948,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_bust-of-young-woman-left-profile-1930,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_children-of-dr-tas-1930,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,moise-kisling_contrasting-sounds-1918,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_eucalyptus-and-palm-1935,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_eve,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_female-portrait,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,moise-kisling_female-portrait-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_flowers-1919,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_flowers-and-shells-1919,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,moise-kisling_girl-with-green-shawl-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_grand-bouquet,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_grand-bouquet-of-mimosa-1942,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_grand-bouquet-of-tulips-1952,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_head-of-a-girl,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,moise-kisling_hollyhocks-1939,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_kiki-de-montparnasse,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_kiki-de-montparnasse-1927(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,moise-kisling_kiki-de-montparnasse-in-a-red-dress,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,moise-kisling_kiki-de-montparnasse-in-a-red-jumper-and-a-blue-scarf-1925,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_large-nude-josan-on-red-couch-1953,"[0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_large-reclining-nude-kiki-1924,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_large-red-nude-1949,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_lying-nude-1927,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_marseille-port,"[3.0, 9.0, 20.0, 10.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_marseille-port-1,"[0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_mimosas-1939,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_ms-b-dunn-1943,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-10,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-11,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-12,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-13,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-14,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-15,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-16,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-17,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-18,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-19,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-1913,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-1933,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-1948,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-1952,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-20,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-21,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-22,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-23,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-24,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-25,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-26,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-27,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-28,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-29,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-3,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-30,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,moise-kisling_not-identified-31,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-32,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-33,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-34,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-35,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-36,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-4,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-5,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-6,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-7,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_not-identified-8,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,moise-kisling_not-identified-9,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_nude-bust-1929,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,moise-kisling_nude-in-landscape,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,moise-kisling_nude-on-red-couch,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,moise-kisling_nude-portrait-of-arletty-1933,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,moise-kisling_nude-seated-on-the-grass-1950(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_nude-woman-lying-on-the-grass,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_nude-woman-with-blonde-hair-1942,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_ofelia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,moise-kisling_port-at-saint-tropez-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_port-de-saint-tropez,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_portrait-of-adolphe-basler-1914,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_portrait-of-andre-salmon-1912,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,moise-kisling_portrait-of-jean-cocteau-1916,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_portrait-of-madame-andre-salmon-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_portrait-of-madeleine-sologne-1936,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,moise-kisling_portrait-of-renee-kisling,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,moise-kisling_portrait-with-a-collar-1938,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_provence-landscape-1918,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_reclining-nude-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,moise-kisling_reclining-nude-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_reclining-nude-1923(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,moise-kisling_reclining-nude-in-the-leaves-1918(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_red-haired-girl-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_renee-kisling-1928,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,moise-kisling_sagunto-1916,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_sanary-landscape-1937,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_seated-nude-woman,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_self-portrait-with-a-pipe,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_self-portrait-with-his-wife-renee-and-dog-kouski,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_ships-moored-along-the-docks,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_sitting-nude-1923,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,moise-kisling_sitting-nude-1923-1,"[0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_sitting-nude-1930,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_small-head-1947,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_small-head-of-a-brune-1930,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_sonia(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,moise-kisling_still-life,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_still-life-with-fish,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_still-life-with-fruit-1913,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_still-life-with-lemons-1917,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_still-life-with-white-pitcher-1917,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_the-boy-1948,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_the-castaway-1927(2),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_the-hands,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_the-woman-from-arles,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_tulips,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_tyniec-1912,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_vase-of-mimosa-1952,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_waiting-1917,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,moise-kisling_woman-with-brown-hair,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,moise-kisling_young-blond-boy-1937,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,moise-kisling_young-breton-1931,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,moise-kisling_young-brunette-woman-in-headscarf,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,moise-kisling_young-dutch-woman-1930,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,moise-kisling_young-girl-with-long-hair-1942,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,morris-graves_august-still-life-1952,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,morris-graves_bottles-and-flowers-1956,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,morris-graves_bouquet-for-mary-lea-1957,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,morris-graves_homemade-painting-of-a-homemade-bouquet-of-sand-dune-daisies-in-a-homemade-vase-1982,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,morris-graves_still-life-with-bowl-of-pomegranates-1964,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,morris-graves_sunflower-1933,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,morris-graves_untitled-1935,"[0.0, 2.0, 3.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,morris-graves_winter-bouquet-flowering-quince-rosehaws-narcissus-winter-rose-and-camellia-1977,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,natalia-goncharova_corner-of-a-garden-sun,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,natalia-goncharova_dogwood-blossoms,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,natalia-goncharova_flower-vase,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,natalia-goncharova_pink-light,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,natalia-goncharova_portrait-of-a-woman-tatiana-ryabushinskaya,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,natalia-goncharova_still-life-with-shoe-and-mirror,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-darascu_boats-at-chioggia-venice-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,nicolae-darascu_boats-at-saint-tropez-1913,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_boats-on-the-danube-v-lcov-1924,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-darascu_chioggia,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,nicolae-darascu_chioggia-1926,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-darascu_constanta,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_field-work-landscape-from-grimaud-1911,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_gondole-la-vene-ia-palazzo-dario-1912,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_landscape-from-balcic,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,nicolae-darascu_landscape-from-provence-1913,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_landscape-with-bridge-at-vlaici,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_mangalia-yard-1925,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-darascu_marina,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_saint-tropez-1913,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_shepherd-and-sheep-at-vlaici-1912,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_sunflower-field,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-darascu_venice-cliff-seen-from-san-marco-piazza,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_afiz,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_back-nude-1929,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_back-nude-1934,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_back-nude-abibe-1938,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,nicolae-tonitza_cafe-in-mangalia,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_child-head,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_child-portrait-1926,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_childrens-room-1920,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_clematis-red-flowers-1935,"[0.0, 1.0, 7.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_clown,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_ecaterina-tonitza,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_field-flowers,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_fisherman-boat-at-sea,"[1.0, 2.0, 2.0, 1.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_forest-edge-balcic-1933,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_forester-s-son,"[2.0, 1.0, 1.0, 1.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_geamie-la-balcic,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_girl-head,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_good-night-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_house-of-dobrogea,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_iris-and-lillies-1926,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_katyusha-the-lipovan-girl-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_lighthouse-in-balchik,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_little-girl-1928,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 8.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_little-tatar-girl-1936,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_mangalia-beach,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_mangalia-beach-1927,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_nude-1927,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_nuns,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_on-the-veranda,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_petre-tonitza,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_portrait-of-a-biracial-woman,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_reading,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_spanish-woman-1928,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_still-life-with-fruit,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,nicolae-tonitza_tefik-s-yard-in-mangalia,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_the-garden-in-v-leni,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_the-man-of-a-new-world-portrait-of-a-writer-and-polititian-gala-galaction-1920,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_three-brothers-the-painter-s-children-1920,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_unknown-title-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_unknown-title-3,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_unknown-title-4,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_venice-girl-putana-1926,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,nicolae-tonitza_winter-landscape-1927,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,nicolae-tonitza_workwoman,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,nicolae-vermont_in-the-sun,"[1.0, 0.0, 5.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,nikola-tanev_-1943,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,nikola-tanev_balcic,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,nikola-tanev_barja,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,nikola-tanev_center-1948,"[1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nikola-tanev_karlovsko-palace-1932,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nikola-tanev_landscape,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nikola-tanev_monastery-of-st-john-of-lake-ohrid,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,nikola-tanev_red-house-karlovo-1932,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nikola-tanev_street-in-karlovo,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,nikola-tanev_street-in-sofia-1939,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nikola-tanev_tarnovo-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,nikola-tanev_tarnovo-1939,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,nikola-tanev_unknown-title,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,nikola-tanev_winter-in-innsbruck,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,odilon-redon_breton-village,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,odilon-redon_butterflies,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,odilon-redon_butterflies-1,"[0.0, 4.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,odilon-redon_butterflies-1913,"[1.0, 2.0, 7.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,odilon-redon_flowers-in-a-blue-vase-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,odilon-redon_near-the-harbor,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,oleksandr-bogomazov_female-silhouette-against-the-background-of-the-castle-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,oleksandr-bogomazov_flowers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,oleksandr-bogomazov_landscape-with-palm-tree-and-blooming-flowerbed,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,oleksandr-bogomazov_landscape-with-red-houses-1911,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,oleksandr-bogomazov_landscape-with-the-house-with-red-roof-1911,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,oleksandr-bogomazov_portrait-of-the-painter-burdanov-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,oleksandr-bogomazov_portrait-of-wife-1913,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,oleksandr-bogomazov_self-portrait-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,oleksandr-bogomazov_still-life-with-fruits-and-vegetables,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,oleksandr-bogomazov_white-night-finland-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_a-blue-room-a-tub-1901,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_a-boat-on-the-canal-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_a-boy-with-pipe-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_a-spanish-couple-in-front-of-inn-1900,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_acrobat-and-young-harlequin-1905,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_angel-fernandez-de-soto-and-his-friend-1903,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_at-lapin-agile-harlequin-with-glass-1905,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_bed-with-mosquito-nets-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Post_Impressionism,pablo-picasso_boy-with-bouquet-of-flowers-in-his-hand-1905,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_bullfight-scene-1901,"[0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_bullfighters-and-bull-waiting-for-the-next-move-1900,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_child-with-dove-1901,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_composition-peasants-1906,"[1.0, 2.0, 5.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_curtain-for-the-ballet-parade-1917,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_dawn-at-riera-de-sant-joan-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_design-of-costume-for-pulcinella-1920,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,pablo-picasso_design-of-costume-for-pulcinella-1920-1,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_dutch-landscape-with-windmills-1905,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_embrace-1900,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_family-of-acrobats-1905,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_female-nude-in-profile-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_gypsy-in-front-of-musca-1900,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_harlequin-leaning-1901,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_harlequin-on-the-horseback-1905,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_harlequin-s-head-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_harlequin-with-his-hands-crossed-jacinto-salvado-1923,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_house-in-the-field-1893,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_jeanne-reclining-nude-1901,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_lovers-of-the-street-1900,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_madeleine-1904,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_manola,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_marin-and-student-1907,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_mother-and-child-1905,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_mother-and-child-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_mother-and-child-1922-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_mother-and-child-baladins-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_mother-and-child-behind-the-bouquet-of-flowers-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_mother-and-child-on-the-beach-1902-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_mother-and-child-study-1904,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_mother-and-son-on-the-shore-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_motherhood-1901,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_motherhood-1901-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_moulin-de-la-galette-1900,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_nana-1901,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_nude-study-to-harem-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_nude-with-her-hands-pressed-to-each-other-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pablo-picasso_nude-woman-naked-face-and-nude-woman-profile-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_nude-youth-1906,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_nudes-interlaces-1905,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_olga-in-a-hat-with-feather-1920,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_pierreuse-with-her-hand-on-her-shoulder-1901,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_pierrot-and-colombina-1900,"[4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_pierrot-with-a-mask-1918,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,pablo-picasso_portrait-of-a-tailor-soler-1903,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_portrait-of-allan-stein-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pablo-picasso_portrait-of-corina-romeu-1902,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_portrait-of-fernande-olivier-in-headscarves-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,pablo-picasso_portrait-of-gustave-coquiot-1901-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_portrait-of-jaime-sabartes-1901,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pablo-picasso_portrait-of-jaime-sabartes-1904,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_portrait-of-juli-gonzalez-1902,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_portrait-of-madame-canals-1905,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_portrait-of-mateu-fernandez-de-soto-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_portrait-of-maya-1938,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_portrait-of-petrus-manach-1901,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_portrait-of-sebastia-junyer-vidal-1,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,pablo-picasso_portrait-of-suzanne-bloch-1904,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,pablo-picasso_portrait-of-the-artist-1903,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_profile-of-a-young-girl-girl-with-red-flower-in-her-hair-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_reclining-nude-fernande-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_seated-female-nude-1905,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,pablo-picasso_seated-harlequin,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_seated-harlequin-jacinto-salvado-1923,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_seated-monkey-1905,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_seated-nude-and-standing-nude-1906,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pablo-picasso_seated-woman-1902,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,pablo-picasso_seated-woman-in-green-1901,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_seated-woman-on-a-striped-floor-1903,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,pablo-picasso_sleeping-nude-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_sleeping-woman-meditation-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_spouses-sisley-after-the-the-betrothed-by-auguste-renoir-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_still-life-the-dessert-1901,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_still-life-with-table-1906,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_still-life-with-vases-1906,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_the-corrida-1901,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-death-of-casagemas-1901,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-death-of-casagemas-1901-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-divan-japonais-1901,"[1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-embrace-1903,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pablo-picasso_the-fortune-1901,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-fourteenth-of-july-1901,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_the-good-derain-1910,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-mother-leading-two-children-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,pablo-picasso_the-picador-1890,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-pool-of-tuileries-1901,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-suicide-casagemas-1901,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_the-sun-king-1901,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_the-three-dutchwoman-1905,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_toilette-1906-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_two-friends-1904-1,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_two-naked-women-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pablo-picasso_two-nudes-and-a-cat-1903,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_two-roosters-1905,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_woman-at-a-fountain-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_woman-dressed-in-blue-1901,"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pablo-picasso_woman-leaving-the-bath-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_woman-on-a-donkey-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pablo-picasso_woman-with-blue-hat-1901,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pablo-picasso_woman-with-cap-1901,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pablo-picasso_woman-with-cigarette-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_woman-with-green-stockings-1902,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_woman-with-hat-1901,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_woman-with-jewelery-1901,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,pablo-picasso_woman-with-necklace-of-gems-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pablo-picasso_women-in-the-loge-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_athens,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_athens-iv-1968,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_boat-1978,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_cafe-1957,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_cityscape,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_french-door-1961,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_garden-1972,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_houses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_houses-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_interior-ii-1976,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_landscape-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_landscape-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_landscape-of-stage-ardittos,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,panayiotis-tetsis_portrait-of-a-g-1954,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_portrait-of-a-k-1998,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,panayiotis-tetsis_portrait-of-ioannis-soukaras-1954,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,panayiotis-tetsis_rainbow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_red-roofs,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_sifnos-1972,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_slain-1955,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,panayiotis-tetsis_standing-girl,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_still-life,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,panayiotis-tetsis_still-life-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_still-life-1999,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_still-life-2,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_still-life-3,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_still-life-4,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_still-life-5,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,panayiotis-tetsis_still-life-named-the-afternoon-sun,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_street-market,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_street-market-1982,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_street-market-1982-1,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_tables-1987,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_tables-iv-1985,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_tables-vi-1985,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,panayiotis-tetsis_tables-xii-1988,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_the-blue-chairs-ii-1976,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_the-butcher-shop-1956,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_the-moon,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,panayiotis-tetsis_the-view-from-xenokratous-street-in-athens,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,panayiotis-tetsis_ydra-1988,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_a-close-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_a-turn-in-the-road-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_a-turn-in-the-road-at-la-roche-guyon-1885,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_almond-trees-in-provence-1900,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_apples-and-a-napkin-1880,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_apples-and-biscuits-1895,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_apples-and-oranges,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_apples-on-a-sheet,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_apples-pears-and-grapes,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_bacchanalia-the-battle-of-love-1880,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_bank-of-the-oise-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_bather-1887,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_bather-entering-the-water-1885,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_bathers-1,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_bathers-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_bathers-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_bathers-1891,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_bathers-1905,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_bathers-1906,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_bathers-at-rest,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_bathers-at-rest-1877,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_bathers-in-front-of-a-tend,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_bathsheba,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_bathsheba-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_blue-flowerpot-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_blue-landscape,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_blue-pot-and-bottle-of-wine-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_bottom-of-the-ravine,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_bouquet-of-flowers,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1888,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1889,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1890-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_boy-in-a-red-vest-1890-2,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_boy-resting-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_bridge-and-waterfall-at-pontoise-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_bridge-over-the-marne-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_bridge-over-the-pond,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_castle-of-marines-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_chateau-de-madan,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_chestnut-tree-and-farm-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_chestnut-trees-at-the-jas-de-bouffan-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_child-in-a-straw-hat-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_chrysanthemums-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_church-of-saint-pierre-in-avon,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_compotier-glass-and-apples-1880,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_cote-du-galet-at-pontoise,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_cottaages,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_curtain-jug-and-fruit-1894,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_curtains-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,paul-cezanne_dark-blue-vase-1880,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_dessert-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_dish-of-apples-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_dish-of-peaches,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_farm-in-normandy-summer-1882,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_farmyard-at-auvers,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_five-bathers-1878,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_five-bathers-1887,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_flower-pot-at-a-table,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_flower-pots,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_flowers-and-fruit,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_flowers-in-a-vase,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_flowers-in-an-olive-jar,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_foliage,"[0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_forest,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_four-apples,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_four-bathers-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_four-bathers-1878,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_four-bathers-1880,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_fruit-and-jug-on-a-table,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_fruit-bowl-pitcher-and-fruit-1894,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_fruits,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_gardanne-1886,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_gardanne-1890,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_gardanne-horizontal-view,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_ginger-jar,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_harlequin-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_harlequin-1890-1,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_henry-gasquet-1897,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_house-and-farm-at-jas-de-bouffan-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_house-behind-trees-on-the-road-to-tholonet-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_house-in-provence,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_house-with-red-roof-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_houses-along-a-road,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_houses-at-the-l-estaque-1880,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_houses-in-provence-near-gardanne-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_houses-in-the-greenery-1881,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_houses-on-the-hill,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_ile-de-france-landscape-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_ile-de-france-landscape-1880-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_in-the-forest-1899,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_in-the-forest-of-fontainbleau-1882,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_in-the-woods,"[1.0, 8.0, 24.0, 6.0, 0.0, 2.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,paul-cezanne_in-the-woods-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_in-the-woods-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_jacket-on-a-chair-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_jas-de-bouffan-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_l-estaque-view-through-the-pines-1883,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_l-estaque-with-red-roofs-1885,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_landscape-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_landscape-at-midday-1887,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_landscape-in-the-provence,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_landscape-of-the-jas-de-bouffan-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_landscape-with-viaduct-montagne-sainte-victoire-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_large-bathers,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_large-bathers-1900,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_large-pine,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_large-pine-and-red-earth-1895,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_large-trees-at-jas-de-bouffan-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_leaves-in-a-green-pot,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_leaving-on-the-water,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_leda-and-the-swan,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_little-girl-with-a-doll-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-in-a-striped-rob,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-in-a-yellow-chair,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-in-a-yellow-chair-1,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-in-blue-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-in-the-garden,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-in-the-greenhouse,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-with-a-yellow-armchair,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-with-green-hat-1892,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-with-hortensias-1885,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_madame-cezanne-with-unbound-hair,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,paul-cezanne_man-in-a-room-1890,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_man-smoking-a-pipe,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,paul-cezanne_man-with-a-pipe-1892,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_man-with-a-pipe-1895,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_man-with-crossed-arms,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_medan-chateau-and-village-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_medea-1882,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_melting-snow-fontainbleau-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_mercury-after-pigalle-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,paul-cezanne_millstone-and-cistern-under-trees,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-1887,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-1887-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-1887-2,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-1898,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-1902,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-3,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-5,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-seen-from-les-lauves-2,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_mont-sainte-victoire-with-large-pine-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_moulin-de-la-couleuvre-at-pontoise-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_mount-sainte-victoire-seen-from-gardanne-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_mountains-in-provence-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_mountains-in-provence-l-estaque,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_nude-female-with-attendants-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_nude-woman-standing-1899,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_old-woman-with-a-rosary-1896,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_orchard-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_peasant-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,paul-cezanne_peasant-in-a-blue-smock,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_peasant-in-a-straw-hat-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_pierrot-and-harlequin-mardi-gras-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_pine-and-aqueduct,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_pine-tree-in-the-arc-valley,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_plain-by-mont-sainte-victoire,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_pool-and-lane-of-chestnut-trees-at-jas-de-bouffan-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-ambroise-vollard-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_portrait-of-gustave-geffroy-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_portrait-of-joachim-1896,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-louis-guillaume,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-1,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-1883,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_portrait-of-madame-cezanne-in-a-red-dress,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,paul-cezanne_portrait-of-the-artist-s-son,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-the-artist-s-son-1885,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-the-artist-s-son-1885-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_portrait-of-the-gardener-vallier,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_portrait-of-vallier-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_pot-of-geraniums,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_pot-of-ginger-and-fruits-on-a-table,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_pots-of-geraniums,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_potted-plants-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_preparation-for-a-banquet-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_pyramid-of-skulls,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_reflections-in-the-water,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_road-near-mont-sainte-victoire,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_road-trees-and-lake,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_rocks-at-fountainebleau-1893,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_rocks-at-l-estaque,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_roofs-in-l-estaque-1882,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_rose-bush,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_sea-at-l-estaque-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,paul-cezanne_seated-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,paul-cezanne_seated-nude,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_seated-peasant,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,paul-cezanne_seated-peasant-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,paul-cezanne_seated-woman-1879,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_seated-woman-1895,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_self-portrait,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_self-portrait-1,"[7.0, 5.0, 9.0, 2.0, 2.0, 1.0, 3.0, 6.0, 9.0]"
+Post_Impressionism,paul-cezanne_self-portrait-1880,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_self-portrait-1880-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_self-portrait-1882,"[1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_self-portrait-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,paul-cezanne_self-portrait-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_self-portrait-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_self-portrait-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_self-portrait-in-a-felt-hat-1894(2),"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_self-portrait-in-front-of-olive-wallpaper-1881,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_self-portrait-with-beret-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_self-portrait-with-palette,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_self-portrait-with-white-turbaned-1882,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_self-portrait-with-white-turbaned-detail-1882,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_smoker-1892,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-1879,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-apples-and-pears-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-bottle-of-rum-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-flowers-in-a-vase-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-in-front-of-a-chest-of-drawers,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-jug-and-fruit-on-a-table-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-peppermint-bottle-1895,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-pitcher-and-fruit-1894,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-plate-and-fruit,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-tulips-and-apples-1894,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-vase-with-flowers-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-a-chest-of-drawers,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-a-fruit-dish-and-apples,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-a-ginger-jar-and-eggplants-1894,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,paul-cezanne_still-life-with-a-plate-of-cherries-1887,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-apples-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-apples-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-apples-1894-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-apples-a-bottle-and-a-milk-pot,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-apples-and-fruit-bowl-1882,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-basket,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-blue-pot-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-with-bottle-and-apple-basket-1894,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-carafe-sugar-bowl-bottle-pommegranates-and-watermelon,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-curtain-and-flowered-pitcher-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-flower-holder-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-flowers-and-fruit-1890,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-fruit-and-a-ginger-pot,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-fruit-geraniums-stock-1894,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-with-fruits-1880,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-jug,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-with-oranges-1900,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-plaster-cupid-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-plaster-cupid-1895-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-with-pomegranate-and-pears-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-with-pomegranate-and-pears-1893,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-red-onions-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-skull-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_still-life-with-soup-tureen-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_still-life-with-sugar-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-water-jug-1893,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_still-life-with-watermelon-and-pemegranates,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_study-of-an-apple-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_sugarbowl-pears-and-tablecloth,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_table-napkin-and-fruit,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_tall-trees-at-the-jas-de-bouffan-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-abandoned-house-1879,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-alley-at-chantilly-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-alley-at-chantilly-1888-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-alley-at-chantilly-1888-2,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-aqueduct-and-lock,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-arc-valley-1888,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-banks-of-the-marne-1888-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_the-battle-of-love-1880,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_the-bay-of-l-estaque-from-the-east,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-brook-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_the-card-players-1892,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-card-players-1893,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-card-players-1893-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-card-players-1896,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-chateau-de-medan,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-drinker-1891,"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-farm-of-bellevue,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-farm-of-bellevue-1892(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-great-pine-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_the-green-pitcher-1887,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_the-gulf-of-marseille-seen-from-l-estaque,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-gulf-of-marseille-seen-from-l-estaque-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-house-with-cracked-walls,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_the-lac-d-annecy-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-lime-kiln,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-oak-1885,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-pigeon-tower-at-bellevue,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-roofs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-sailor,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-cezanne_the-smoker-1890,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-three-skulls,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Post_Impressionism,paul-cezanne_the-trees-of-jas-de-bouffan-in-spring,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_the-valley-of-the-oise-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_three-bathers,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_three-pears-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,paul-cezanne_three-skulls-on-a-patterned-carpet,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_trees-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_trees-and-houses-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-cezanne_tulips-in-a-vase-1892,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_vase-of-flowers,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_victor-chocquet-1882,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_view-of-gardanne-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_view-of-l-estaque-1883,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_view-of-l-estaque-and-chateaux-d-if-1885,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_village-in-the-provence,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_woman-in-a-red-striped-dress,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_woman-in-blue-madame-cezanne,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,paul-cezanne_woman-with-a-coffee-pot,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,paul-cezanne_woodland-with-boulders-1893,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-cezanne_woods-with-millstone-1894,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-cezanne_young-girl-with-a-doll,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-cezanne_young-italian-girl-resting-on-her-elbow-1896,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-cezanne_young-man-and-skull,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_a-big-tree-1891-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_a-blue-roof-farm-in-pouldu-1890,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_a-breton-boy-1889-1,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_a-breton-landscape-david-s-mill-1894,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_a-little-washerman-1887,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_a-seashore-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_adam-and-eve-1902,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_among-the-lillies-1893,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_and-the-gold-of-their-bodies-1901,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_apples-in-bowl-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_apples-jug-iridescent-glass,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_arearea-i-1892,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_around-the-huts-1887,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_at-the-pond-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_aven-running-through-pont-aven-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_barbarian-music-1893,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_barbarous-tales-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_bathing-in-front-of-the-port-of-pont-aven-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_bathing-place-1886,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_black-pigs-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_bonjour-monsieur-gauguin-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_bordeaux-harbour-1886,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_bouquet-of-flowers,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_bouquet-of-flowers-with-a-window-open-to-the-sea-reverse-of-hay-making-in-brittany-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_breton-boy-by-the-aven-river-1888,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_breton-boy-in-a-landscape-with-goose-1889,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-gauguin_breton-boys-wrestling-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_breton-eve-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_breton-fisherman-1888,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_breton-girls-by-the-sea-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,paul-gauguin_breton-girls-dancing-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_breton-landscape-fields-by-the-sea-le-pouldu-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_breton-village-under-snow-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_breton-woman-1886,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_breton-woman-and-goose-by-the-water-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_breton-woman-with-a-pitcher-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_breton-women-at-the-turn-1888,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_bretons-and-cows-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_brittany-landscape-with-women-carrying-sack-1889,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_calvaire-breton-1889,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_christmas-night-1894,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_clovis-1886,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_coastal-landscape-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_coastal-landscape-from-martinique-1887,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_come-here-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_coming-and-going-martinique-1897,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_cottages-on-mount-sainte-marguerite-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_cove-opposite-pont-aven-harbor-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_cows-on-the-seashore-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_crouching-tahitian-woman-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_dogs-running-through-a-field-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_farm-in-brittany-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_farm-in-brittany-1894,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_fire-by-the-water-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_fire-dance-1891,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_fisherman-and-bathers-on-the-aven-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_flight-1901,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_flowers-in-a-fruit-bowl-1894,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_flutist-on-the-cliffs-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_four-breton-women-1886,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_fruit-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_fruit-in-a-bowl-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-gauguin_fruits-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_girl-with-a-fan-1902,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_grape-harvest-at-arles-1888,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,paul-gauguin_haymaking-in-brittany-1888,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_haystacks-in-brittany-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_head-of-a-breton-marie-louarn-1888,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_head-of-a-woman,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_her-nami-is-vairaumati-1892,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_here-we-make-love,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_hina-moon-goddess-te-fatu-earth-spirit-1893,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_hut-under-the-coconut-palms,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_huts-under-trees-1887,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_in-brittany-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-gauguin_in-the-heat-the-pigs-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,paul-gauguin_in-the-vanilla-grove-man-and-horse-the-rendezvous-1891,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_in-the-waves-1889,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_kelp-gatherers-1890,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_kneeling-cow-1888,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-1899,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-at-arles-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-at-le-pouldu-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-at-le-pouldu-the-isolated-house-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-at-pont-aven-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_landscape-near-arles-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_landscape-of-brittany-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_landscape-with-black-pigs-and-a-crouching-tahitian-1891,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-with-geese-1888,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-with-peacocks-1892,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-with-three-figures-1901,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-with-three-trees-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_landscape-with-two-breton-women-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_landscape-with-two-goats-1897,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_lane-at-alchamps-arles-1888,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_les-alyscamps-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_little-breton-bather-1888,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_lollichon-field-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_lollichon-s-field-and-the-church-of-pont-aven-1886,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_madame-alexandre-kohler-1887,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_man-picking-fruit-from-a-tree-1897,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_mango-pickers-martinique-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_marquesan-landscape-with-horses-1901,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_mas-near-arles-1888,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_maternite-ii-1899,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_meadow-at-the-banks-of-aven-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_meadow-in-martinique-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_mimi-and-her-cat-1890,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_mysterious-water-1893,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_nativity-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_negreries-martinique-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_nevermore-1897,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_night-cafe-in-arles-madame-ginoux-1888,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-gauguin_nirvana-portrait-of-jacob-meyer-de-haan-1890,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_noa-noa-suite-delightful-land,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_nostalgic-promenade-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_not-detected,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_not-detected-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_old-women-of-arles-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,paul-gauguin_orana-maria-hail-maria-1894,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_palm-trees-on-martinique-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_paris-in-the-snow-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_path-down-to-the-aven-1888,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_perfect-days-1896,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_petit-breton-arranging-his-shoe-or-landscape-at-pont-aven-brittany-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_pont-aven-woman-and-child-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_portrait-of-a-little-boy-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,paul-gauguin_portrait-of-a-woman-marie-lagadu-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_portrait-of-madelaine-bernard-1888,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_portrait-of-suzanne-bambridge-1891,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_portrait-of-william-molard-1894,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_portrait-of-woman-against-the-cezanne-s-still-life-with-apples-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_pots-and-boquets-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_red-hat-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_river-aven-below-moun-saint-marguerite-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_rocks-and-sea-1886,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_rocks-on-the-breton-coast-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_rocks-on-the-coast-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_scene-from-tahitian-life-1896,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_schooner-and-three-masters-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_seascape-with-cow-on-the-edge-of-a-cliff-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_seaside-harvest-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_seated-breton-girl-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_self-portrait,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_self-portrait-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_self-portrait-at-lezaven-1888,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_self-portrait-at-work,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_self-portrait-in-a-hat,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_self-portrait-with-mandolin-1889,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_self-portrait-with-palette-1894,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_self-portrait-with-spectacles-1903,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_sheperd-and-sheperdess-in-a-meadow-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_siesta-1894,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_stabble-near-dieppe-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-fete-gloanec-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_still-life-ripipont-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_still-life-with-a-fan,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-with-apples-a-pear-and-a-ceramic-portrait-jug-1889-oil-on-panel-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_still-life-with-apples-and-green-vase-1890,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-with-cherries-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_still-life-with-l-esperance-1901,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-with-mangoes-and-hibiscus-1887,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-with-parrots-1902,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_still-life-with-peaches-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-with-profile-of-laval-1886,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_still-life-with-sunflowers-on-an-armchair-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-with-three-puppies-1888,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_still-life-with-white-bowl-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_suburb-under-snow-1886,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_swineherd-brittany-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_tahitian-eve-1892,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitian-landscape-1897,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitian-man-with-his-arms-raised-1897,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_tahitian-pastoral,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitian-pastorale-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitian-woman-1894,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitian-woman-1899,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitian-woman-s-head,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitian-woman-with-flower-in-her-hair,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_tahitian-women-under-the-palms-1892,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_tahitians-at-rest-unfinished,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_taperaa-mahana-1892,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-boss-s-daughter-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_the-cellist-portrait-of-upaupa-scheklud-1894,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-clog-maker-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_the-creek-le-pouldu-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-first-flowers-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-great-buddha-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_the-ham-1889,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-hibiskus-tree-1892,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-house-of-singing-1892,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-invocation-1903,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_the-kelp-gatherers-1889,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-large-tree-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-large-tree-1891,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-meal-the-bananas-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_the-messengers-of-oro-1893,"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-moment-of-truth-i-1892,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-moment-of-truth-ii-1893,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-morning-1892,"[2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-queen-of-beauty,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-red-cow-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-seed-of-the-areoi-1892,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-sorcerer-of-hiva-oa-marquesan-man-in-the-red-cape-1902,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paul-gauguin_the-spirit-of-the-dead-watches-1892,"[3.0, 6.0, 6.0, 6.0, 2.0, 3.0, 6.0, 2.0, 9.0]"
+Post_Impressionism,paul-gauguin_the-vase-of-nasturtiums-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_the-wave-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_the-white-horse-1898,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-willows-1889,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_the-wooden-gate-the-pig-keeper-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_three-tahitian-women-1896,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_three-tahitian-women-against-a-yellow-background-1899-oil-on-canvas-1899,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,paul-gauguin_three-tahitians-1899,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_tropical-landscape-martinique-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_two-girls-bathing-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_two-sisters-1892(1),"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-gauguin_upstream-of-pont-aven-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_vairumati-1892,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_vase-of-flowers-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_vase-of-flowers-1896,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_view-of-pont-aven-from-lezaven-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_view-of-the-beach-at-bellangenai-1889,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_village-in-the-snow-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_washerwomen-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_washerwomen-at-pont-aven-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_washerwomen-at-roubine-du-roi-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,paul-gauguin_we-shall-not-go-to-market-today-1892,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_what-s-new-1892,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,paul-gauguin_where-do-we-come-from-what-are-we-where-are-we-going-1897,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_willow-by-the-aven-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_willows-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_woman-holding-a-fruit-1893,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-gauguin_women-and-white-horse-1903,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_women-at-the-banks-of-river-1892,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paul-gauguin_women-at-the-riverside-1892,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-gauguin_words-of-the-devil-1892,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_yellow-haystacks-golden-harvest-1889,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,paul-gauguin_young-breton-by-the-sea-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-gauguin_young-woman-at-the-window-1888,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,paul-serusier_avenue-de-neuilly,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-serusier_fair-chateauneuf-du-faou-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-serusier_landscape-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-serusier_louise-the-breton-servant-1890,"[1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,paul-serusier_portrait-of-marie-lagadu-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,paul-serusier_square-with-street-lamp-1891,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,paul-serusier_still-life-1927,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-serusier_still-life-with-apples-and-jug-1912,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-serusier_still-life-with-churn-1925,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-serusier_the-aqueduct-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paul-serusier_woman-in-a-street-1891,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,paul-serusier_young-breton-the-little-knitter,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,paula-modersohn-becker_still-life-with-fish-bowl,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paula-modersohn-becker_still-life-with-jug-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paula-modersohn-becker_still-life-with-lemon-orange-and-tomato-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,paula-modersohn-becker_still-life-with-milk-1905,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paula-modersohn-becker_still-life-with-plant-lemon-and-orange,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,paula-modersohn-becker_still-life-with-pumpkin,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,paula-modersohn-becker_still-life-with-yellow-jug,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_a-horse-drawn-carriage,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_alley-reporter-1935,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_boat-with-sails,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_boats-hydra,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_euphrosyne-great-greatgrandchild-of-l-kountourioti,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,periklis-vyzantios_hydra,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,periklis-vyzantios_ionian-alley-1936,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,periklis-vyzantios_landscape-delphi-1942,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_port,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_self-portrait-1926,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,periklis-vyzantios_still-life,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_still-life-with-brushes,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_studio,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_summer-in-hydra,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,periklis-vyzantios_the-square-of-sparta-1933,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_a-plate-of-figs-1921,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_a-spring-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_a-young-girl,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,pierre-bonnard_ambroise-vollard,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_at-grand-lemps-also-known-as-the-park,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_at-sea-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_at-the-circus-1897,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_at-the-fence-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,pierre-bonnard_at-the-races-longchamp-1894,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_autumn-the-fruit-pickers-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_avenue-du-bois-in-boulogne-1914,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_basket-and-plate-of-fruit-on-a-red-checkered-tablecloth,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_boats-in-port-at-low-tide-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_boulevard-des-batignolles,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_bull-and-child-1945,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_bunch-of-mimosa,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_by-the-sea-under-the-pines-1921,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_cagnes-landscape-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_carriage-horse,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_cherry-pie-1908,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_child-and-cats,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_child-at-table-1893,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_child-eating-cherries-1895,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_children-and-kid,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_children-playing-in-a-garden-1899,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_claude-terrasse-at-the-piano,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_cow-behind-a-tree,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_dauphine-landscape,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,pierre-bonnard_early-spring-little-fauns-1909,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_earthly-paradise-1920,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_eiffel-tower-and-the-seine,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,pierre-bonnard_evening-in-paris-1911,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_figure-studies-for-le-printemps-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_figures-in-the-street-1894,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_fish-in-a-dish-1921,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_flowers-on-a-mantlepiece-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_flowers-on-a-red-carpet-1928,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,pierre-bonnard_fruit-basket,"[0.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_fruit-basket-1930,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_fruit-bowl-1914,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_fruit-on-the-red-carpet,"[0.0, 2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_garden-at-midday-1943,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_garden-with-red-tree-1909,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_gardens-of-tuileries-1912,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_girl-playing-with-a-dog-vivette-terrasse-1913,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_girl-with-a-dog-in-the-park-at-grand-lemps-also-known-as-dauphine-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_girl-with-parrot-1910,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_going-rowing-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_hambourg-picnic-1912,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_horse-hair-glove-1939,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_ice-palace,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_in-summer-1931,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_in-the-bathroom-1907,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_in-the-woods-study,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_interior-with-flowers-1919,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_jakten,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pierre-bonnard_joseph-bernheim-jeune-and-gaston-bernheim-de-villers-1920,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_la-place-clichy-1912,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_landing-stage,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_landing-stage-1939,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_landscape-at-vernon-1915,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_landscape-in-normady-1920,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_landscape-of-cote-d-azur-1943,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_landscape-sunset-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_landscape-with-freight-train-1909,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_landscape-with-three-figures-and-willow-1912,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_little-girl-with-a-cat-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_madame-claude-anet-1910,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_misia-1908,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_misia-at-the-piano-also-known-as-portrait-of-misia-natanson,"[4.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_misia-with-a-pink-corsage-1908,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_momisa-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_morning-in-paris-1911,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_my-companions,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_night-landscape-1912(1),"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_not_detected_221937,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_not_detected_221938,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_not_detected_221939,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_not_detected_221940,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_nude-and-fur-hat-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pierre-bonnard_nude-with-covered-legs-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,pierre-bonnard_on-the-track-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,pierre-bonnard_parisian-boulevard-1896,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_pastoral-symphony,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_peaches-and-grapes-1943,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_picking-cherries-1946,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_pitcher,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_playing-catch-also-known-as-children-in-a-garden-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_poppies,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_poppies-1,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_portrait-of-a-girl-mademoiselle-renee-terrasse-1916,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_pot-of-flowers,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_pots-1930,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_race-at-bologne-1910,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_red-roofs-in-cannet-1942,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_saint-tropez-pier-1912,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_sea-landscape-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_self-portrait,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_self-portrait-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,pierre-bonnard_self-portrait-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_self-portrait-1942,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_self-portrait-1945,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_self-portrait-with-a-beard-1925,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_sombre-nude-1941,"[0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_still-life-with-earthenware-dish-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_still-life-with-lemons,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_street-in-eragny-sur-oise-or-dogs-in-eragny-1893,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_striped-blouse,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pierre-bonnard_study-for-afternoon-in-the-garden-1891,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_study-for-profile-of-a-woman-in-a-bow-tie,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_tall-nude-also-known-as-woman-nude-standing-1906,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-almond-tree-in-blossom,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-beach,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-blue-pot,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-bourgeois-afternoon-or-the-terrasse-family-1900,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-cat,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-circus-horse,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-cock-and-the-hen,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-cote-d-azur,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-garden,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_the-garden-steps-1940,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-grey-nude-1929,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-house-of-misia-sert-1906,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-last-self-portrait-1945,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-letter-1906,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-lodge-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-mediterranean-centre-of-triptych,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_the-merchant-of-four-seasons-1899,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,pierre-bonnard_the-organ-grinder,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-palm-1926,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-pont-de-vernon-1920,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-pont-des-arts-1905,"[1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-pony-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-port-in-cannes-1926,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-rowing-at-chatou,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-seine-1930,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-solfege-1917,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_the-terrace-at-vernon-1939,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-terraces-1941,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-vase-of-flowers-1945,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_the-washing-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-bonnard_the-yacht-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pierre-bonnard_tree-by-the-river-1909,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_trouville-the-exit-to-the-port,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_two-elegant-place-de-clichy-1905,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_two-friends,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_vase-with-anemonies-and-empty-vase,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_view-from-the-artist-s-studio-le-cannet-1945,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_view-of-le-cannet-roofs-1942,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_woman-at-her-window,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_woman-in-a-blue-hat-1908,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_woman-in-a-green-dress-in-a-garden,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_woman-on-the-street-1894,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_woman-washing-her-feet-1894,"[3.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_woman-with-black-stockings-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,pierre-bonnard_woman-with-dog-also-known-as-marthe-bonnard-and-her-dog-1906,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pierre-bonnard_workers-1920,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-bonnard_young-girl-with-umbrella-1894,"[0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_young-woman-before-the-window-1898,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pierre-bonnard_young-womwn-in-an-interior-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Post_Impressionism,pierre-daura_autumn-trees-possibly-rockbridge-county-virginia,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-daura_breton-house-and-church-1964,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pierre-daura_calafons-minorque-1927,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pierre-daura_corn-shocks-and-jump-mountain-1950,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-daura_fall-at-the-mccorkle-s-barn-1942,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-daura_self-portrait-with-easel,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pierre-daura_untitled-church-in-snow-with-rose-sky-1939,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pierre-daura_untitled-daura-in-blue-and-green-shirt-with-cane-1971,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pierre-daura_white-houses-1935,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pierre-daura_winter-landscape-1950,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_at-work-on-the-land-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,piet-mondrian_avond-evening-the-red-tree-1910,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_dune-landscape-1911,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,piet-mondrian_farm-at-duivendrecht,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_gable-farm-with-trees,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,piet-mondrian_going-fishing-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,piet-mondrian_lighthouse-in-westkapelle-1909,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,piet-mondrian_not-identified-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_not-identified-2,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Post_Impressionism,piet-mondrian_not-identified-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,piet-mondrian_on-the-lappenbrink,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,piet-mondrian_passionflower-1908,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_self-portrait-1918,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_small-farm-on-nistelrode-1904,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,piet-mondrian_study-for-blue-apple-tree-series,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,piet-mondrian_triangulated-farmhouse-facade-with-polder-in-blue,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_view-from-the-dunes-with-beach-and-piers-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,piet-mondrian_view-of-winterswijk-1899,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_village-church-1898,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,piet-mondrian_wood-with-beech-trees,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,piet-mondrian_woods-near-oele-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_a-girl-in-a-velvet-coat-1928,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_a-girl-with-a-book-1927,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_a-man-with-a-guitar-1913,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_a-pond-1920,"[0.0, 0.0, 6.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,pyotr-konchalovsky_a-pond-1920-1,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_a-sketch-of-a-female-figure-seated-in-a-chair-for-the-portrait-of-actress-vizarova-1917,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_a-square-set-decor-for-opera-carmen-by-georges-bizet-1944,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_a-tree-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_a-woman-from-behind-1935,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_a-young-poser-from-the-village-samokrazhi-1928,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_abramtsevo-landscape-with-carpentry-1911,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_abramtsevo-mall-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_abramtsevo-oaks-1920,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_apple-tree-in-blossom-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_aragvi-1927,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_at-the-barn-1921,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_at-the-barn-1926,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_at-the-ilmen-lake-1928,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_autumn-landscape,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_autumn-landscape-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_autumn-landscape-1930,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_autumn-landscape-1949,"[0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bakhchisarai-embroidery-carpet-cooperative-1930,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bakhchisarai-khan-s-palace-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_bakhchisarai-khan-s-palace-1930-1,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_balaklava-the-balcony-1929,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_balaklava-the-port-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_balaklava-the-window-the-grapes-on-the-table-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_balaklava-window-to-the-sea-1929,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bank-of-agarvi-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bathers,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bathing-boy-1928,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_bathing-boys-1920,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_begonias-1915,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_berries-and-begonias-1911,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_birch-tree-1926,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_birches-in-autumn-1930,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_blossoming-garden-1930,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bread-on-the-blue-1913,"[0.0, 4.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_bread-on-the-green-1913,"[0.0, 1.0, 5.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_breads-1920,"[0.0, 0.0, 8.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_breads-and-the-tray-1912,"[1.0, 1.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bridge,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bridge-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_bridge-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_bridge-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_bridge-1921,"[0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_bridge-in-abramtsevo-1911,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_cassis-cliffs-1913,"[1.0, 18.0, 12.0, 7.0, 0.0, 0.0, 2.0, 3.0, 4.0]"
+Post_Impressionism,pyotr-konchalovsky_chest-and-pottery-1919,"[1.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_children-at-the-piano-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_corkwood-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_cottage-in-kuntsevo-1919,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_crimea-cypress-1930,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_crimea-evening-landscape-yayla-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_crimea-gazebo-1929,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_crimea-peach-garden-1952,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_crimea-the-rocks-by-the-sea-1929,"[1.0, 7.0, 22.0, 2.0, 0.0, 0.0, 0.0, 3.0, 9.0]"
+Post_Impressionism,pyotr-konchalovsky_design-for-bizet-s-opera-carmen-1944,"[0.0, 2.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_design-for-the-opera-by-wolfgang-amadeus-mozart-don-giovanni-1913,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_design-for-the-opera-by-wolfgang-amadeus-mozart-don-giovanni-1913-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_digitalis-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_dry-paints-1913,"[0.0, 4.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_emerald-summer-1922,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_essentuki-1948,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_essentuki-stairs-1948,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_essentuki-the-park-1948,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_esther-1926,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_evening-1923,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_evening-1926,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_evening-1930,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_evening-on-the-pier-1920,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_female-nude,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,pyotr-konchalovsky_female-portrait-1923,"[2.0, 3.0, 9.0, 2.0, 3.0, 3.0, 6.0, 9.0, 7.0]"
+Post_Impressionism,pyotr-konchalovsky_female-portrait-voronova-1898,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_female-portrait-voronova-study-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_festivities-zagorsk,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_fir-trees-by-the-river,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_fisherman-s-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_fishing-boats-drying-the-sails-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_floor-polisher-1946,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_flower-garden-1909,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_flowers-in-a-high-vase-1908,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-1927,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-1927-1,"[0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-study-1927,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_forging-of-buffalo-study-1927-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_fotieva-road-1926,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_france-mountain-lavender-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_france-nemours-1908,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_from-the-ruins-of-the-mtsyri-1927,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_fruit-piece-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_fruit-piece-1912,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_fruit-trees-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_garden-with-gazebo-1929,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_gardener-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_girl-from-arles-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_girl-from-arles-1908-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_girl-with-a-fan-1908,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_golden-age-1946,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_grenada-1910,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_guitarist-a-sketch-1913,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_gurzuf-mountain-landscape-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_gurzuf-the-mountains-1929,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_gurzuf-the-overall-view-1929,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_gurzuf-the-road-in-the-mountains-1929,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_gurzuf-the-trees-on-the-background-of-the-sea-1929,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_hamlet-sheep-1931,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_harvest-1923,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_hercules-and-omphale-1928,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_house-in-abramtsevo-1920,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_ilmen-lake-the-boy-on-horseback-1926,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_imanda-resinification-networks-1937,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_in-the-studio-family-portrait-1917,"[2.0, 0.0, 3.0, 0.0, 0.0, 3.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_irises-1911,"[1.0, 6.0, 26.0, 5.0, 0.0, 4.0, 0.0, 1.0, 4.0]"
+Post_Impressionism,pyotr-konchalovsky_katya-at-a-chair-1932,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_katya-with-a-dog,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_kazbek-1927,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_kazbek-early-morning-5-00-am-1927,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_kazbek-gergeti-1927,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_khokhloma-varnisher-1936,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_kislovodsk-the-bridge-in-the-park-1938,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_krylatskoye-autumn-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_krylatskoye-mist-1923,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_kutaisi-1935,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_kutaisi-grape-market-1935,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_kutaisi-rionges-1935,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_lake-hepoyarvi-bathing-1951,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_lake-ilmen-1925,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,pyotr-konchalovsky_landscape-1933,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_landscape-against-the-sun-1935,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_landscape-with-the-moon-bolshaya-sadovaya-1931,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_landscape-with-the-railway-1935,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-bridge-of-belinsky-church-of-st-simeon-and-anna-1931,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-cabin-of-peter-the-great-the-summer-garden-1931,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-lions-bridge-1931,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-million-street-1931,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-neva-1931,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-nicholas-bridge-1931,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-swan-canal-in-the-summer-garden-1931,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-the-bridge-on-the-canal-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-the-embankment-of-the-neva-1931,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_leningrad-yelagin-island-1931,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_lermontov-s-place-vicinity-of-kislovodsk-the-road-to-rock-lermontov-1938,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_little-house-on-the-rink-1931,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_maples-in-abramtsevo-1920,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_marcus-aurelius-rome-capitol-1924,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_margot-is-dancing-1949,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_margot-wearing-a-headscarf-1949,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_mikhail-petrovich-konchalovsky-the-son-of-the-artist-s-on-etudes-1936,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_misha-go-out-for-a-beer-1926,"[1.0, 0.0, 4.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_mist-landscape-with-cows-1934,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_model-with-red-hair-by-the-mirror-1928,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_model-with-red-hair-in-the-mirror-1923,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_moika-three-arch-bridge-1931,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_monastery-in-the-distance,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_moscow-apple-orchard-1921,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_moscow-spiridonovka-1931,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_mother-and-child-1928,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_mother-and-child-1929,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_mounds-the-park-1948,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_mtsyri-chance-of-rain-1927,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_murmansk-promenade-on-the-seafront-at-white-night-1937,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_murmansk-schooner-1937,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_murmansk-the-polar-night-1937,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_murmansk-tulomstroy-spillway-1936,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_namur-france-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_nara-1918,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_natalia-petrovna-with-katya-at-the-piano-1935,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_night-at-the-field-1923,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-anthony-the-roman-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-anthony-the-roman-1925-1,"[0.0, 3.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-anthony-the-roman-view-from-the-river-1926,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-barns-1926,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-detinets-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-kremlin-detinets-1925,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-kukui-tower-1928,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-kukui-tower-1928-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-kukui-tower-1928-2,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-peter-and-paul-church-1925,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-returning-from-the-fair-1926,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-sophia-1925,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-square-of-st-sophia-cathedral-1928,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-st-george-s-monastery-1925,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-the-church-1925,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-the-fish-market-1928,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorod-the-great-at-the-fence-of-the-cathedral-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_novgorodians-1925,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_nude-on-a-background-of-green-sketch-for-painting-woman-at-the-creek-1928,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,pyotr-konchalovsky_nude-on-a-green-background-1928,"[1.0, 1.0, 2.0, 4.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_oak-1920,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_oak-grove-illuminated-by-the-sun-1920,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_oak-tree-1921,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_oaks-in-the-park-1922,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_oranges-1908,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_orchard-1922,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_outbuilding-in-the-garden-1918,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_painting-for-children-1930,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_palm-trees-and-geranium-1908,"[0.0, 6.0, 27.0, 7.0, 0.0, 1.0, 0.0, 0.0, 6.0]"
+Post_Impressionism,pyotr-konchalovsky_paris-azaleas-in-a-pot-1908,"[0.0, 3.0, 5.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_paris-innkeeper-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_paris-the-boy-with-the-apple-portrait-of-mikhail-petrovich-konchalovsky-1908,"[1.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_pasha-on-flowers-1909,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_pasha-with-the-red-book-on-white-1909,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 6.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_peterhof-1931,"[0.0, 1.0, 7.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_peterhof-1931-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_peterhof-cavaliers-soap-1931,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_peterhof-marley-1931,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_peterhof-palace-1931,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_peterhof-the-right-wing-of-the-palace-1931,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_pine-tree-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_pine-tree-1920,"[0.0, 4.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_pine-tree-1921,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_pines-1913,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_pines-lit-by-the-sun-1920,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_pond-1921,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_pond-1928,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_pond-sun-and-snow-1936,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-a-doctor-maxim-petrovich-konchalovsky-1934,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-a-girl-sima-1940,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-a-pianists-verigin-1918,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-an-art-critic-v-a-nikolsky-1933,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-arfenik-artemevna-tadeo-1930,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-artist-herman-vasilyevich-fyodorov-1919,"[3.0, 1.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-g-a-egorova-1934,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-margot-1946,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-n-s-mikhalkov-in-the-chair-1954,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-natalia-petrovna-konchalovsky-the-artist-s-daughter-in-pink-dress-1925,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-olga-konchalovsky-the-artist-s-wife-with-red-beads-1925,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-pianist-vladimir-sofronitsky-at-the-piano-1932,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-the-actress-vera-georgievna-dulova-1949,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-the-composer-sergei-prokofiev-1934,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-the-sculptor-p-bromirsky-1919,"[1.0, 0.0, 2.0, 0.0, 2.0, 1.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-v-v-ivanov-1941,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-yuri-petrovich-yuriev-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_portrait-of-zinaida-kozhukhovskaya-1906,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_rainbow,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_raul-pig-1930,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_ravines-1923,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_reclining-model-1923,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_reclining-model-1923-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_rocks-and-sails-1924,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_rocks-in-sorrento-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_rome-circus-of-nero-1924,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_rome-column-of-trajan-1924,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_rome-st-peter-s-cathedral-1924,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_rural-landscape-1931,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_ryazan-house-of-oleg-1931,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_saint-basil-red-square-1932,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_saint-tshaveli-mtskheta-1927,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_san-angelo-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_san-maxim-palma-1908,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_sawyers-1932,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_sawyers-1932-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_seashore-italy-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_seated-nude,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_self-portrait-in-red-cap-1926,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_self-portrait-with-a-razor-1926,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_self-portrait-with-family,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_self-portrait-with-his-granddaughter-1943,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_self-portrait-with-wife-1923,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_self-portrait-with-wife-1928,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_shosse-at-maloyaroslavets-1938,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_shrubs-1922,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_silver-and-crystal-1938,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_silver-poplar-trees-1919,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_sion-shepherd-and-sheeps-1927,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_sitter-1928,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_soldiers-1910,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_sorrento-garden-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_sorrento-grave-of-sylvester-shchedrin-1924,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_sorrento-mount-vesuvius-two-olive-trees-1924,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_sorrento-vesuvius-in-the-evening-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_south-of-france-palma-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_southern-still-life-1946,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_spain-kaldetes-oliva-1910,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_spanish-landscape-palm-1910,"[4.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_spinner-1926,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_spinner-drawing-for-the-painting-spinner-1926,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_spring-open-door-on-the-balcony-1948,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_spring-state-farm-mounds-1932,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_state-farm-in-balaclava-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-1920,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-beer-and-roach-1946,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-burbot-in-the-ground-1928,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-candlestick-and-pear-1946,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-candlestick-and-the-tube-on-a-red-background-1947,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-cleaned-fish-1928,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-convolution-of-ropes-and-other-objects-on-the-couch-1954,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-field-bouquet-study-for-the-tray-1931,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-fish-1917,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-flowers-in-pink-1918,"[0.0, 4.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-flowers-in-the-banks-begonias-1918,"[0.0, 1.0, 6.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-fruits-1908,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-gold-and-silver-in-japanese-cloth-1928,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-grape-1929,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-malwa-1921,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-malwa-1921-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-oak-branch-1921,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-on-the-octagonal-table-1916,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-oranges-1934,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-oranges-and-crumpled-paper-1946,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-oranges-and-radishes-kislovodsk-1934,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-orchids-1928,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-parma-violets-1933,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1913,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1916,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1919,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-peaches-1935,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-pipe-with-smoke-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-pipes-1931,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-samovar-1913,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-table-with-a-hat-1929,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-tashkent-1916,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-the-green-glass-1931,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-the-green-glass-1933,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-three-roses-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-tobacco-leaves-1929,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-tobacco-leaves-1931,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-tobacco-leaves-and-black-tea-caddy-1929,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-tray-and-flowers-1918,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-vegetables-1916,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-with-a-candlestick-and-a-pear-1940,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-with-a-coffeepot-1919,"[0.0, 1.0, 6.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-with-a-jug-1910,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-with-a-red-tray-1910,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-with-a-red-tray-1916,"[1.0, 0.0, 7.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-with-begonia-1916,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_still-life-with-lilac-and-orange-1927,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_stovemaker-sumkin-from-maloyaroslavets-1954,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_students-in-the-studio-nude-1933,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_study-1933,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_summer-landscape-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_temple-of-myrrh-bearers-1928,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-boy-in-the-park-1921,"[0.0, 3.0, 5.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-city-of-arles-the-square-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-first-group-of-bakhchisarai-1930,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_the-first-step-1932,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-horse-in-harness-sketch-for-painting-the-return-from-the-fair-1926,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-model-sitting-back-1935,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-model-sitting-on-their-haunches-in-fig-for-the-film-the-model-squatting-1919,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_the-model-sketch-for-painting-woman-on-the-couch-1930,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-model-squatting-1919,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_the-mounds-edge-of-the-forest-1933,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-service-in-st-sophia-cathedral-1928,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-at-the-creek-1932,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-at-the-creek-1932-1,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-at-the-creek-1932-2,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1921-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1923,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1923-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-in-front-of-a-mirror-1930,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_the-woman-on-the-bank-of-the-river-1922,"[3.0, 0.0, 5.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_three-spanish-boys-1938,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_trees-1919,"[0.0, 0.0, 8.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_trees-near-the-lake-1921,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_tulips-1908,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_two-georgians-with-pitchers-every-day-in-light-aragvi-1927,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_under-the-tree-1929,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_vanya-from-samokrazhi-drawing-for-the-painting-the-fish-market-1928,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_veliky-novgorod-1926,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_veliky-novgorod-1926-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_veliky-novgorod-kremlin-1926,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_venice-house-of-tintoretto-1924,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_venice-palazzo-cadore-1924,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_venice-palazzo-ducale-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_venice-rialto-bridge-1924,"[1.0, 16.0, 19.0, 7.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,pyotr-konchalovsky_veranda-essentuki-1948,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_versailles-ivy-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_versailles-statue-1908,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_view-of-elbrus-1948,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_view-on-beshtau-place-duel-with-lermontov-1938,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_village-pond-1933,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_vissarion-a-shoemaker-at-work-1926,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,pyotr-konchalovsky_volkhov-at-the-ferry-1926,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_willows-1919,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,pyotr-konchalovsky_yenisei-1951,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_young-oaks-1923,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,pyotr-konchalovsky_yurevskaya-settlement-1926,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_boy-sitting-with-a-hen-on-his-lap-1943,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_boy-with-chicken-1951,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,rafael-zabaleta_farmers-in-the-garden,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,rafael-zabaleta_fique-landscape,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_garden-of-quesada-in-winter-1944,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_landscape-and-fique-vault,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_landscape-with-artist-s-farmhouse-in-fique-1940,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,rafael-zabaleta_museum-garden-1957,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_national-museum-of-archaeology,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,rafael-zabaleta_quesada-cemetery,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,rafael-zabaleta_reclining-female-nude,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_the-camp-gate,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,rafael-zabaleta_the-threshing,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,rafael-zabaleta_women-in-countryside-1943,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,raoul-dufy_anemones,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_anemones-1937,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_anemones-1953,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_anglers-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_bouquet-of-flowers-1937,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_female-nude-bust,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_fishermen,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_frouzette-and-her-father-1906,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,raoul-dufy_gallant-green-1926,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_harfleur-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_homage-to-claude-debussy-1952,"[2.0, 0.0, 3.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_houses-in-munich-1909,"[1.0, 2.0, 1.0, 3.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_interior-with-fruit-bowl-1908,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_jeanne-with-flowers-1907,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_l-avenue-du-bois-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,raoul-dufy_landscape-in-falaise-1902,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_landscape-of-montfort-l-amaury-1918,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_marie-max-1927,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_martigues,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,raoul-dufy_men-fishing-1907,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_naked-1928,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,raoul-dufy_nude-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_nude-with-seashell-1933,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_paris-1934,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_phonography,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_pier-of-le-havre-in-the-evening-1901,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_pierre-geismar-1932,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_pink-bunch-1940,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_portrait-of-madame-dufy-1917,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_portrait-of-mrs-dufy-1930,"[1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_posters-at-trouville-1906,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_riders-1909,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_sailboat-at-sainte-adresse-1912,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_standing-nude-1930,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_street-decked-with-flags-1906,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_study-of-the-dance-1910,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_terrace-of-a-caf-1907,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_the-basin-of-deauville-1935,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_the-beach-and-pier-at-trouville-1905,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-beach-at-havre-1910,"[0.0, 1.0, 5.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,raoul-dufy_the-botanical-garden-1910,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-casino-1906,"[0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-fish-market-marseille,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,raoul-dufy_the-fisherman-with-net-1914,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_the-fishermen-1907,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-jetty-at-sainte-adresse-1906,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-onion-market,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-pantheon-and-st-etienne-du-mont,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-port-of-le-havre-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,raoul-dufy_the-port-of-palais-belle-ile-1907,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_the-river,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-saint-gervais-church-1904,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-sea-in-deauville-1935,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_the-two-models-1930,"[2.0, 0.0, 2.0, 4.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_the-woman-in-pink-1908,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,raoul-dufy_theatre-in-martigues-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,raoul-dufy_travelling-show-1906,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_treading-the-blue-sky-1949,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_trouville-1907,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_umbrellas-1906,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,raoul-dufy_view-of-sainte-adresse,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,raoul-dufy_window-with-coloured-glasses-1906,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,rene-magritte_depths-of-pleasure-1948(1),"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,rene-magritte_pebble-1948(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,rene-magritte_portrait-of-pierre-bourgeois-1920(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,rene-magritte_the-staging-post-1948(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,richard-gerstl_carl-zentzytzki-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,richard-gerstl_frauenkopf-ca-1902-1902,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,richard-gerstl_fruit-tree-1907,"[0.0, 0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,richard-gerstl_grinzing-1907,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,richard-gerstl_johann-georg-prillinger-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,richard-gerstl_mathilde-schoenberg-in-garden-1907(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,richard-gerstl_meadow-with-houses-in-background-1907,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,richard-gerstl_orchard-1907,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,richard-gerstl_the-fey-sisters-karoline-pauline-1905,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,richard-gerstl_unlit-meadow-with-fruit-trees-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,richard-gerstl_waldemar-unger-i-1905,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,richard-gerstl_waldemar-unger-ii-1905,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,robert-delaunay_in-the-garden,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,robert-delaunay_man-with-a-tulip-also-known-as-portrait-of-jean-metzinger,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,roger-bissiã¨re_femme-couch-e-dans-l-herbe-1926,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,roger-bissiã¨re_nu-couch-sur-linge-blanc-1925,"[2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,roger-bissiã¨re_paysage-1931,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,roger-bissiã¨re_still-life-with-glass-and-grapes-1923,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,roger-bissiã¨re_tapestry-portrait-of-madame-bissi-re,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,roger-bissiã¨re_woman-in-a-straw-hat-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,roger-fry_a-room-in-the-second-post-impressionist-1912,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Post_Impressionism,roger-fry_beaumes,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,roger-fry_essay-in-abstract-design-1915,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,roger-fry_flowers-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,roger-fry_orchard-woman-seated-in-a-garden-1914,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,roger-fry_river-with-poplars-1912,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,roger-fry_still-life-with-coffee-pot-1915,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,roger-fry_still-life-with-t-ang-horse-1921,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,roger-fry_venice,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,roger-fry_view-on-the-cote-d-azur-menton-1916,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,ronnie-landfield_autumn-view-west-hurley-ny-1984,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,ronnie-landfield_nature-s-light-west-hurley-ny-1984,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,ronnie-landfield_the-tree-1984,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_bouquet-l-important-c-est-la-rose,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,salvador-dali_cadaques,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_cadaques-1,"[0.0, 4.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_character-masquerading-in-pinning-up-a-butterfly,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_don-jose-nieto-velazquez-from-las-meninas-by-velazquez,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_dutch-interior,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,salvador-dali_female-nude-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_female-seated-nud,"[0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_figure-at-a-table-portrait-of-my-sister,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_fishermen-at-cadaques,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,salvador-dali_girl-from-the-ampurdan,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_landscape-cadaques-1920,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_landscape-near-ampurdan-2,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_landscape-near-cadaques-1921,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_landscape-near-cadaques-1921-1,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_noon-barracks-of-port-lligat-1956,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_nude-in-the-water,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_nymphs-in-a-romantic-garden,"[0.0, 4.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_olive-trees-landscape-at-cadaques,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_pianc,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_plant,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_port-alguer,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_port-of-cadaques-night,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_portdogue-1919,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_portrait-of-bobo-rockefeller-unfinished,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_portrait-of-grandmother-ana-sewing,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,salvador-dali_portrait-of-hortensia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,salvador-dali_portrait-of-luis-bunuel-1900-83-1924,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_portrait-of-maria-carbona,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_portrait-of-maria-carbona-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_portrait-of-my-father,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,salvador-dali_portrait-of-my-father-1921,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_portrait-of-the-artist-s-mother,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,salvador-dali_portrait-of-the-artist-s-mother-dofia-felipa-dome-domenech-de-dali,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_portrait-of-the-cellist-ricard-pichot,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_punta-es-baluard-de-la-riba-d-en-pitxot-1919,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_seated-monk,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_self-portrait,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_self-portrait-figueres,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_self-portrait-in-the-studio,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_self-portrait-with-raphaelesque-neck-1922,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_siphon-and-small-bottle-of-rum,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 5.0]"
+Post_Impressionism,salvador-dali_still-life-1,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_still-life-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_still-life-6,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_still-life-by-a-window,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_still-life-pomegranates,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_still-life-with-aubergines,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_still-life-with-two-lemons,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_study-for-self-portrait,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,salvador-dali_study-of-nude,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_summer-night,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_the-garden-at-lyane,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_the-lake-at-vilabertran,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_the-lane-to-port-lligat-with-view-of-cap-creus,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_the-patio-of-port-lligat,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_the-station-at-figueras,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,salvador-dali_the-three-pines,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_the-vegetable-garden-of-llaner,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,salvador-dali_untitled-bridge-with-reflections-sketch-for-a-dual-image-picture-unfinished,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,salvador-dali_vilabertrin-church-tower-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,salvador-dali_young-girls-in-a-garden,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,samuel-mutzner_efect-de-nserare-pe-lac,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,samuel-mutzner_lan-de-gr-u,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,samuel-mutzner_legend-antic-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,samuel-mutzner_marin-1935,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,samuel-mutzner_marina,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,samuel-mutzner_pagoda-din-kiyotaki-1913,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,samuel-mutzner_sevilla-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,serge-sudeikin_carousel-1910,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_decoration-for-entertainment-for-the-girls-by-kuzmin-1911,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_design-for-the-visible-side-of-life-by-benavente-1912,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_festivities-1906,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_park-in-front-of-the-castle-design-for-swan-lake-by-tchaikovsky-1911,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_russian-ballet-pavlova-and-nijinsky-in-pavillon-d-armide-1907,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_saxon-figurines-1911,"[1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_still-life-with-porcelain-figurines-and-roses-1909,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_view-from-the-bridge,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,serge-sudeikin_winter-fantasy,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,sorin-ilfoveanu_fallow-ground-1981,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,sorin-ilfoveanu_peasant-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,spyros-papaloukas_abbey-dionysiou-1924,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_archontariki-lavra-mount-athos-1924,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_arsenal-mount-athos-1935,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_at-mount-athos,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_cell-at-mount-athos,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,spyros-papaloukas_holy-mountain-1924,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_houses,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_lady-with-hat-1917,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_monk-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,spyros-papaloukas_onasteries-at-mount-athos,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_self-portrait,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_self-portrait-1916,"[0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_self-portrait-detail,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,spyros-papaloukas_self-portrait-detail-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,spyros-papaloukas_self-portrait-early,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_the-bell-tower,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,spyros-papaloukas_view,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,spyros-papaloukas_young-man-with-hat-1925,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stanley-pinker_nude-under-a-bridge,"[2.0, 1.0, 3.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stanley-pinker_ons-land-1957,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stanley-pinker_way-to-the-garden,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,stefan-dimitrescu_balchik-beach-1926,"[2.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,stefan-dimitrescu_balchik-gulf-1930,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stefan-dimitrescu_houses-in-mangalia-1925,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stefan-dimitrescu_margareta-drawing-girl-of-the-author-1927,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,stefan-dimitrescu_summer-landscape-1915,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,stefan-luchian_a-painter-1909,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,stefan-luchian_alecu-the-literate-man,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,stefan-luchian_anemone-flowers-1908,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,stefan-luchian_artist-s-studio,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,stefan-luchian_at-maize-share,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,stefan-luchian_carnations-1907,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stefan-luchian_florist,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,stefan-luchian_hair-washing-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stefan-luchian_immortelles,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,stefan-luchian_interior-lorica-1913,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stefan-luchian_kitchen,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,stefan-luchian_lakeshore-grove-1898,"[2.0, 10.0, 5.0, 3.0, 0.0, 1.0, 15.0, 1.0, 7.0]"
+Post_Impressionism,stefan-luchian_safta-the-flower-girl-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,stefan-popescu_still-life-with-gourd,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,suzanne-valadon_adam-and-eve-1909,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_after-the-bath-1908,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_bouquet-and-a-cat-1919,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_bouquet-of-flowers,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_casting-the-net-1914,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_farm-montcorin-1918,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_female-nude-washing-herself,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_femme-a-la-toilette-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_flower-vase-on-a-round-table-1920,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_louison-and-raminou-1920,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_maurice-utrillo-playing-with-a-sling-shot-1895,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,suzanne-valadon_miss-lily-walton-1922,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,suzanne-valadon_mother-and-daughter-after-the-bath-ii-1908,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_my-son-1896,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_my-utrillo-at-the-age-of-nine-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,suzanne-valadon_nude-at-the-mirror-1909,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_nude-getting-into-the-bath-beside-the-seated-grandmother-1908,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_nude-on-the-sofa-1920,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_nude-reclining-on-a-sofa-1928,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,suzanne-valadon_nude-with-a-striped-blanket-1922,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,suzanne-valadon_nude-woman-with-drapery-1919,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,suzanne-valadon_nudes-1919,"[2.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_portrait-of-a-woman-1917,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_portrait-of-erik-satie,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,suzanne-valadon_portrait-of-marie-coca-and-her-daughter-1913,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,suzanne-valadon_portrait-of-maurice-utrillo-1921,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_portrait-of-monsieur-mori-1922,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_raminou-and-pitcher-with-carnations-1932,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_raminou-sitting-on-a-cloth-1920,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_reclining-nude-1928,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,suzanne-valadon_roses-in-a-vase-1914,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_self-portrait-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,suzanne-valadon_self-portrait-1918,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,suzanne-valadon_self-portrait-1927,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,suzanne-valadon_self-portrait-1938,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_still-life,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_study-of-a-cat-1918,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_the-bath-1908,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_the-blue-room-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,suzanne-valadon_the-cast-off-doll-1921,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,suzanne-valadon_the-two-bathers-1923,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,suzanne-valadon_two-cats-1918,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_utrillo-nude-sitting-on-a-couch-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,suzanne-valadon_view-from-my-window-in-genets-brittany-1922,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_woman-looking-at-herself-in-the-mirror-1920,"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,suzanne-valadon_woman-preparing-for-a-bath-1895,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,suzanne-valadon_woman-with-a-double-bass-1908,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,suzanne-valadon_women-in-white-stockings-1924,"[1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,tarsila-do-amaral_blue-hat-1922,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,tarsila-do-amaral_portrait-of-mario-de-andrade,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,tarsila-do-amaral_portrait-of-oswald-de-andrade-1922,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-doesburg_a-dog-1899,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theo-van-doesburg_dune-landscape,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-doesburg_dunes-and-sea,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,theo-van-doesburg_landscape-with-hay-cart-church-towers-and-windmill-1901,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-doesburg_portrait-of-christian-leibbrandt-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,theo-van-doesburg_river-landscape-with-mill-1931,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,theo-van-doesburg_self-portrait-1913,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theo-van-doesburg_still-life-1906,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-doesburg_two-dogs-1899,"[5.0, 2.0, 21.0, 8.0, 0.0, 0.0, 2.0, 7.0, 3.0]"
+Post_Impressionism,theo-van-rysselberghe_andre-gide-at-jersey-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_aquarium-1909,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_bathers,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_bathers-under-the-pines-by-the-sea-1926,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_cherries,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_dahlias-to-mme-madeleine-e-r-bonnet-1912,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_elizabeth-van-rysselberghe-in-a-cane-chair-1916,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_emile-verhaeren-writing-1915,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_etude-of-female-nude-1914,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,theo-van-rysselberghe_etude-pour-la-promenade,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_four-bathers,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,theo-van-rysselberghe_funds-of-st-clair-1921,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_garden-in-summer-1924,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_garden-with-villa-and-fountain-1924,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_in-the-shade-of-the-pines-1905,"[0.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_madame-theo-van-rysselberghe-1907,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_madame-van-rysselberghe-in-a-chedkered-bow-tie-1918,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_mademoiselle-nele-van-de-velde-1903,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_maria-van-rysselberghe-in-jersey-1907,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,theo-van-rysselberghe_maria-van-rysselberghe-with-crossed-arms-1913,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_noon-landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_pine-by-the-mediterranean-sea-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_pines-of-rayol-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-andre-gide-1908,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-elizabeth-van-rysselberghe-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-elizabeth-van-rysselberghe-seated-with-her-hands-on-the-table-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-else-lampe-von-quita-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-madame-goldner-max-and-her-daughter-juliette,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-madame-monnon-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-madame-monnon-the-artist-s-mother-in-law-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-maria-van-rysselberghe,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-maria-van-rysselberghe-1919,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-maria-van-rysselberghe-1926,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_portrait-of-mme-van-rysselberghe-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,theo-van-rysselberghe_rainbow-over-veere-1906,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_renee-druet-with-violin-1910,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_rocks-at-antheor-1906,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_roger-martin-du-gard-1926,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_self-portrait-in-a-green-waistcoat-1924,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_self-portrait-with-palette-1916,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_still-life-with-plums-1926,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_sunset-1916,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-almond-flowers-1918,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-balustrade,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_the-bather,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-bay-of-st-clair-1923,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-fountain-parc-sans-souci-at-potsdam-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_the-garden-of-felicien-rops-at-essone-1910,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-gardens-of-generalife-in-grenada-1913,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-model-s-siesta-1920,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-rocks-1908,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-vines-in-saint-clair-1912,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_the-woman-in-white-portrait-of-madame-helene-keller-1907,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_thomas-braun-s-three-daughters-1904,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_vase-of-flowers,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,theo-van-rysselberghe_vase-of-flowers-1907,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_vase-of-flowers-1923,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_white-peonies-1913,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_woman-at-a-mirror-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theo-van-rysselberghe_woman-in-red-peignoir-1910,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_woman-with-violin-portrait-of-rene-druet-1910,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_yellow-bouquet-1917,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theo-van-rysselberghe_young-girl-with-a-vase-of-flowers,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theodor-pallady_nude-with-guitar,"[1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theodor-pallady_poppy-flowers,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,theodor-pallady_reading-nude-nu-la-lecture,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theodor-pallady_red-flowers,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,theodor-pallady_self-portrait,"[0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,theodor-pallady_still-life(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,theodor-pallady_woman-in-black,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,theodor-pallady_yellow-flowers,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theophrastos-triantafyllidis_boats-in-calm-water,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theophrastos-triantafyllidis_cypresses,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,theophrastos-triantafyllidis_figure-with-hat,"[1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theophrastos-triantafyllidis_friends,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theophrastos-triantafyllidis_houses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,theophrastos-triantafyllidis_masks,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,theophrastos-triantafyllidis_nannies-in-the-park,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,theophrastos-triantafyllidis_on-stage-open-air-performance,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,theophrastos-triantafyllidis_santorini,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,theophrastos-triantafyllidis_still-life,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,theophrastos-triantafyllidis_still-life-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,theophrastos-triantafyllidis_woman-in-white,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_baalbek-1906,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_bird-of-prey-1893,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_blossoming-almonds-landscape-in-italy-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_castellamare-di-stabia-1902,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_deer-1893,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_old-woman-peeliing-apple-1894,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_pompeji-have-house-of-the-chirurgus-with-the-vesuv-1898,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_riders-on-the-seashore-1909,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_roman-bridge-at-mostar-1903,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_sacrificial-stone-in-baalbek-1907,"[0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_self-portrait-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_springtime-in-mostar-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_street-in-athen-1904,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_sun-looking-back-at-trau-1899,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_the-mount-of-olives-in-jerusalem-1905,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_the-small-taormin-1904,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_town-at-the-seashore-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_view-of-the-dead-sea-from-the-temple-square-in-jerusalem-1905,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_waterfall-at-jajce-1903,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_woman-sitting-by-the-window-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,tivadar-kosztka-csontvary_young-painter-1898,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,tom-thomson_april-in-algonquin-park-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,tom-thomson_early-spring-1917,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,tom-thomson_evening-canoe-lake-1916,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,tom-thomson_lightning-canoe-lake-1915,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tom-thomson_morning-cloud-1913,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,tom-thomson_northern-river-1915,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,tom-thomson_path-behind-mowat-lodge-1917,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tom-thomson_pine-island-georgian-bay-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,tom-thomson_round-lake-mud-bay-1915,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tom-thomson_snow-in-the-woods-1916,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,tom-thomson_sunset-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Post_Impressionism,tom-thomson_the-pool,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,tom-thomson_untitled-wooden-landscape-1917,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,tom-thomson_winter-thaw-in-the-woods-1917,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,umberto-boccioni_adriana-bisi-fabbri-1907,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,umberto-boccioni_ferruccio-busoni-1916,"[0.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,umberto-boccioni_moorland-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,umberto-boccioni_the-dream-paolo-and-francesca-1909,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,umberto-boccioni_the-signora-virginia-1905,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,umberto-boccioni_virgilio-brocchi-1907,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vanessa-bell_a-garden-scene-1925,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vanessa-bell_arum-lilies-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vanessa-bell_conversation-1916,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,vanessa-bell_frederick-and-jessie-etchells-painting-1912,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vanessa-bell_helen-dudley-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vanessa-bell_interior-with-a-table-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vanessa-bell_landscape-with-a-pond-and-water-lilies-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vanessa-bell_mrs-st-john-hutchinson-1915,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vanessa-bell_roger-fry-1912,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vanessa-bell_still-life-on-corner-of-a-mantelpiece-1914,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vanessa-bell_studland-beach-1912,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vanessa-bell_the-blue-room-wissett-lodge-1916,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vanessa-bell_the-tub-1917,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vanessa-bell_view-of-the-pond-at-charleston-1919,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vanessa-bell_virginia-woolf-1912,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vanessa-bell_window-still-life-1915,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vasile-dobrian_houses-1932,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vasile-dobrian_interior-my-workshop-1959,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_a-garden-in-blossom,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_a-path-in-a-garden,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_a-walk-1901,"[1.0, 6.0, 19.0, 2.0, 0.0, 0.0, 6.0, 5.0, 7.0]"
+Post_Impressionism,victor-borisov-musatov_a-walk-in-the-park-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_agave-1897,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_autumn-evening-sketch-for-a-panel-1904,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_bluebells-1903,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_cherry-trees-in-blossom-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,victor-borisov-musatov_garlands-of-cornflowers-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_hazel-bush-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,victor-borisov-musatov_lady-in-a-garden,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_lady-in-blue-1902,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_lady-seated-with-a-tapestry-in-the-background-1903,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_manor-house-at-zubrilovka-1903,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_on-a-balcony-in-tarusa-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_self-portrait,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_self-portrait-with-sister-1898,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_silence-indoors-1900,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_slumber-divine-sketch-for-a-panel-1904,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_spring-tale-sketch-for-a-panel,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_still-life-with-flowers-1902,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_summer-melody-sketch-for-a-panel,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_tapestry-1901,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_three-ladies-on-the-terrace-1903,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_walk-at-sunset-1903,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_woman-in-a-yellow-shawl-1904,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,victor-borisov-musatov_woman-in-blue-dress,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,victor-borisov-musatov_woman-in-rocking-chair-1897,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,victor-borisov-musatov_young-girl-with-a-necklace-1904,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,victor-pasmore_hanging-gardens-of-hammersmith-no-2-1949,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,victor-pasmore_lamplight-1941(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,victor-pasmore_nude-1941(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Post_Impressionism,victor-pasmore_reclining-nude-1942(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,victor-pasmore_the-park-1947,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,victor-pasmore_the-quiet-river-the-thames-at-chiswick-1943(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,victor-pasmore_the-studio-of-ingres-1947,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,victor-pasmore_the-wave-1944,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-bare-treetop-in-the-garden-of-the-asylum-1889(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_a-corner-of-the-asylum-and-the-garden-with-a-heavy-sawn-off-tree-1889(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_a-field-of-yellow-flowers-1889(1),"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-fishing-boat-at-sea-1888(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-fishing-boat-at-sea-1888-1(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-fishing-boat-at-sea-1888-2(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-fishing-boat-at-sea-1888-3(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-group-of-cottages-1890(1),"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-group-of-figures-on-the-beach(1),"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-group-of-pine-trees-1889(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-group-of-pine-trees-near-a-house-1889(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-house-at-auvers-1890(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-lane-in-the-public-garden-with-benches-1888(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-lane-near-arles-1888(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-lane-of-cypresses-with-a-couple-walking-1888(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_a-man-and-a-woman-seen-from-the-back-1886(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-meadow-in-the-mountains-1889(1),"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-pair-of-leather-clogs-1888(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_a-pair-of-lovers-arles-1888(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1886(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1887(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1887-1(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_a-pair-of-shoes-1888(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-pine-tree-and-cypresses-in-the-garden-of-the-asylum-1889(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-pork-butcher-s-shop-seen-from-a-window-1888(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-public-garden-with-people-walking-in-the-rain-1886(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-road-in-st-remy-with-female-figures-1889(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-row-of-bare-trees-1889(1),"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-sower-and-a-man-with-a-spade-1890(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-square-in-paris-1886(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-steamer-with-several-people-1890(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_a-sunday-in-eindhoven(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_a-vase-of-roses-1890(1),"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_a-view-of-paris-with-the-op-1886(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-weather-beaten-pine-tree-1889(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_a-woman-picking-up-a-stick-in-front-of-trees-1890(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_a-woman-s-legs(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_a-woman-walking-in-garden-1887(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_absinthe-1887(1),"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_almond-tree-in-blossom-1888(1),"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_alychamps-1888(1),"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_alychamps-autumn-1888(1),"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_an-old-woman-of-arles-1888(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_apartment-blocks-and-miscellaneous-studies(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_apricot-trees-in-blossom-1888(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_arles-view-from-the-wheat-fields-1888(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_arums(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_at-the-foot-of-the-mountains-1889(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_auvers-town-hall-in-14-july-1890-1890(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_avenue-in-the-park-1888(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_avenue-in-voyer-d-argenson-park-at-asnieres-1887(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_avenue-of-plane-trees-near-arles-station-1888(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_avenue-with-flowering-chestnut-trees-at-arles-1889(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_bank-of-the-rhone-at-arles-1888(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_banks-of-the-seine-in-the-spring-1887(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_banks-of-the-seine-near-pont-de-clichy-1887(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_barn-and-farmhouse(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_barn-owl-viewed-from-the-front-1887(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_barn-owl-viewed-from-the-side-1887(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_barred-windows(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_basket-of-sprouting-bulbs-1887(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_bathing-float-on-the-seine-at-asnieres-1887(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_beach-sea-and-fishing-boats-1888(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_belvedere-overlooking-montmartre-1886(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_bird-s-eye-view-of-saint-remy-1889(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_bloaters-on-a-piece-of-yellow-paper-1889(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_blossoming-acacia-branches-1890(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_blossoming-almond-branch-in-a-glass-1888(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_blossoming-almond-branch-in-a-glass-with-a-book-1888(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_blossoming-branches(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_blossoming-chestnut-branches-1890(1),"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_boulevard-de-clichy-1887(1),"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_boy-cutting-grass-with-a-sickle-1881(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_boy-with-cap-and-clogs(1),"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_boy-with-spade(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_branch-with-leaves(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_bridge-near-the-schenkweg(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_bridges-across-the-seine-at-asnieres-1887(1),"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_bush-in-the-park-at-arles-1888(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_cafe-terrace-on-the-place-du-forum-1888(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cafe-terrace-place-du-forum-arles-1888(1),"[1.0, 11.0, 26.0, 9.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_can-books-wineglass-bread-and-arum-sketch-of-two-women-and-a-girl-1890(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_canal(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_canal-with-bridge-and-women-washing-1888(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_carriage(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_carriage-and-two-figures-on-a-road(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_carriage-drawn-by-a-horse(1),"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_chair-and-sketch-of-a-hand(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_chair-near-the-stove(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_chestnut-tree-in-blossom-1887(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_chestnut-tree-in-blossom-1890(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_chestnut-trees-in-blossom-1890(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_child-and-woman-pouring-coffee-1890(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_child-with-orange-1890(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_church-in-nuenen-with-one-figure(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_churches-at-petersham-and-turnham-green(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_clarinetist-and-piccolo-player-1887(1),"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_clumps-of-grass-1889(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_coal-barges-1888(1),"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_coal-barges-1888-1(1),"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_coleus-plant-in-a-flowerpot-1886(1),"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_corridor-in-the-asylum-1889(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cottages-and-cypresses-reminiscence-of-the-north-1890(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cottages-and-trees-1890(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cottages-in-saintes-maries-1888(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_cottages-reminiscence-of-the-north-1890(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_cottages-with-a-woman-working-in-the-foreground-1890(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cottages-with-a-woman-working-in-the-foreground-1890-1(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cottages-with-thatched-roofs-and-figures-1890(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_cottages-with-three-figures-1890(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_country-road-1890(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_couple-arm-in-arm-and-other-figures-with-a-windmill-in-the-background-1890(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_couple-dancing-1885(1),"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_couple-out-for-a-stroll-1887(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_couple-walking(1),"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_couple-walking-arm-in-arm-with-a-child-in-the-rain-1890(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_couple-walking-between-rows-of-trees-1890(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_cows-1890(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_crab-on-it-s-back-1889(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cypresses(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_cypresses-1889(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_cypresses-1889-1(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cypresses-1889-2(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_cypresses-1889-3(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_cypresses-and-two-women-1890(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_cypresses-with-four-people-working-in-the-field-1890(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_cypresses-with-two-women-1889(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_dance-hall-1885(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_daubigny-s-garden-1890(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_daubigny-s-garden-1890-1(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_daubigny-s-garden-1890-2(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_daubigny-s-garden-with-black-cat-1890(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_dead-leaf-and-pod-1890(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_death-s-head-moth-1889(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_diggers-and-road-with-cottages-1890(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_doctor-gachet-sitting-at-a-table-with-books-and-a-glass-with-sprigs-of-foxglove-1890(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_dog(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_donkey-and-cart(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_double-bass-player-1887(1),"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_dr-paul-gachet-1890(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_drawbridge-with-lady-with-parasol-1888(1),"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_drawbridge-with-walking-couple-1888(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_driveway(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_ears-of-wheat-1890(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_edge-of-a-wheatfield-with-poppies-1887(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_encampment-of-gypsies-with-caravans-1888(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-1889(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-behind-saint-paul-hospital-1889(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-with-a-sower-in-the-rain-1889(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-with-a-sower-in-the-rain-1889-1(1),"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-with-peasant-1889(1),"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-with-ploughman-1889(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-with-ploughman-1889-1(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-field-with-rising-sun-1889(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_enclosed-wheat-field-with-reaper-1889(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_entrance-gate-to-a-farm-with-haystacks-1888(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_entrance-to-a-quarry-1889(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_entrance-to-a-quarry-near-saint-remy-1889(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_entrance-to-the-moulin-de-la-galette-1887,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_entrance-to-the-public-garden-in-arles-1888(1),"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_entrance-to-the-voyer-d-argenson-park-at-asnieres-1887(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_evening-landscape-with-rising-moon-1889(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_evening-the-end-of-the-day-after-millet-1889(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_evening-the-watch-after-millet-1889(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_exterior-of-a-restaurant-at-asnieres-1887(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_factories-at-asnieres-seen-from-the-quai-de-clichy-1887(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_factories-seen-from-a-hillside-in-moonlight-1887(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_farmer-with-straw-hat-1888(1),"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_farmers-working-in-the-field-1888(1),"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_farmhouse-in-a-wheat-field-1888(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_farmhouse-in-a-wheat-field-1888-1(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_farmhouse-in-provence-1888(1),"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_farmhouse-with-two-figures-1890(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_farmhouse-with-wheat-field-along-a-road-and-field-with-flowers-1888(1),"[2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_farmhouses-in-a-wheat-field-near-arles-1888(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_female-nude-seated-1886(1),"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_female-nude-seated-1886-1(1),"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_female-nude-standing-1886(1),"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-and-ploughman-and-mill-1889(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-of-grass-with-dandelions-and-tree-trunks(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_field-of-spring-wheat-at-sunrise-1889(1),"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-a-sower-1890(1),"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-bare-tree(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_field-with-factory-1888(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-flowers-1888(1),"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-houses-under-a-sky-with-sun-disk-1888(1),"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-poppies-1889(1),"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-poppies-1890(1),"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-stacks-of-wheat-1890(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_field-with-two-rabbits-1889(1),"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_field-with-two-sowers-and-trees-1890(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_figures-in-a-park-1886(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_first-steps-after-millet-1890(1),"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_fishing-boats-at-sea-1888(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_fishing-boats-at-sea-1888-1(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_fishing-boats-on-the-beach-1888(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_fishing-boats-on-the-beach-at-les-saintes-maries-de-la-mer-1888(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_fishing-boats-on-the-beach-at-les-saintes-maries-de-la-mer-1888-1(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_fishing-in-the-spring-1887(1),"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_flower-pot-with-asters-1886(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_flowering-garden-1888(1),"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_flowering-shrubs-1889(1),"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_flowerpot-with-chives-1887(1),"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_flying-fox-1886(1),"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_fortifications-of-paris-with-houses-1887(1),"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_fountain-in-the-garden-of-saint-paul-hospital-1889(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_four-men-on-a-road-with-pine-trees-1890(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_four-swifts-with-landscape-sketches-1887(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_fritillaries-in-a-copper-vase-1887(1),"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_garden-behind-a-house-1888(1),"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_garden-in-auvers-1890(1),"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_garden-of-the-asylum-1889(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_garden-of-the-asylum-and-tree-trunks-and-a-stone-bench-1889(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_garden-with-flowers-1888(1),"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_garden-with-flowers-1888-1(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_garden-with-flowers-1888-2(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_garden-with-weeping-willow-1888(1),"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_gardens-on-montmartre-and-the-blute-fin-windmill-1887(1),"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_gate-in-the-paris-ramparts-1887(1),"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_geranium-in-a-flowerpot-1886(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_girl-with-ruffled-hair-the-mudlark-1888(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_girl-with-straw-hat-sitting-in-the-wheat-1890(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_great-peacock-moth-1889(1),"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_green-ears-of-wheat-1888(1),"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_green-wheat-field-with-cypress-1889-1(1),"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_green-wheat-fields-1890(1),"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_guinguette-1886(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_gypsies-at-saintes-maries-1888(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_gypsum-torso-1886(1),"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_harvest-at-la-crau-with-montmajour-in-the-background-1888,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_harvest-in-provence-1888(1),"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_harvest-in-provence-at-the-left-montmajour-1888(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_harvest-landscape-1888(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_harvest-landscape-1888-1(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_haystack-under-a-rainy-sky-1890(1),"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_haystacks-in-provence-1888,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_haystacks-near-a-farm-1888(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_haystacks-near-a-farm-1888-1(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-boy-with-broad-brimmed-hat-1890(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-girl-1888(1),"[1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-1886(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-1886-1(1),"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-3(1),"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-4(1),"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-possibly-theo-van-gogh-1887(1),"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-with-a-hat-a-perspective-frame-and-other-sketches-1890(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-with-a-top-hat-1887(1),"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-with-cap-lithographer-s-shade-1886(1),"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-man-with-hat-1886(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-peasant-with-cap(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-woman-1886,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-woman-1886-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-woman-with-her-hair-loose-1886,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_head-of-a-young-man-bareheaded,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_head-of-an-angel-after-rembrandt-1889,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_head-of-an-old-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_hill-with-bushes-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_hill-with-the-ruins-of-montmajour-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_hind-legs-of-a-horse-1890,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_horse-and-carriage-1890,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_house-with-sunflowers-1887,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_houses-among-trees-1890,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_houses-among-trees-with-a-figure-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_houses-in-auvers-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_houses-in-auvers-2-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_houses-with-thatched-roofs-cordeville-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_interior-of-a-farm-with-figures-at-the-fireside-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_interior-of-a-farm-with-two-figures-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_interior-of-a-restaurant,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_interior-of-a-restaurant-1887,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_interior-of-a-restaurant-1887-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_interior-of-a-restaurant-in-arles-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_interior-with-woman-sewing,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_irises-1889,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_italian-woman-agostina-segatori-1887,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_japanese-vase-with-roses-and-anemones-1890(1),"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_joseph-etienne-roulin-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_joseph-roulin-sitting-in-a-cane-chair-three-quarter-length-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_joseph-roulin-three-quarter-length-1888,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_kneeling-ecorche-1887,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_l-arlesienne-portrait-of-madame-ginoux-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_l-arlesienne-portrait-of-madame-ginoux-1888-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_l-arlesienne-portrait-of-madame-ginoux-1890-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_l-ecorche-1887,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_l-ecorche-and-borghese-gladiator-1887,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_la-crau-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_la-crau-seen-from-montmajour-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_la-crau-with-peach-trees-in-bloom-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_lady-with-checked-dress-and-hat-1890,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_lamp-in-front-of-a-window,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_landscape,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-in-the-rain-1890,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-near-montmajour-with-train-1888,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-under-a-stormy-sky-1888,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-a-tree-in-the-foreground-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-a-tree-in-the-foreground-1888-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-alphonse-daudet-s-windmill-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-bridge-across-the-oise-1890,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-carriage-and-train-1890,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-cottages-1890,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-couple-walking-and-crescent-moon-1890(1),"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-houses-among-trees-and-a-figure-1890,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-hut-in-the-camargue-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-olive-tree-and-mountains-in-the-background-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-path-and-pollard-trees-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-snow-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-the-chateau-of-auvers-at-sunset-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-the-oise-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-the-oise-1890-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-the-wall-of-a-farm-1888,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-three-trees-and-a-house-1890,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_landscape-with-trees-and-figures-1889,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_lane-in-voyer-d-argenson-park-at-asnieres-1887,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_large-plane-trees-1889,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_le-moulin-de-la-galette-1886,"[2.0, 7.0, 16.0, 4.0, 0.0, 0.0, 3.0, 8.0, 5.0]"
+Post_Impressionism,vincent-van-gogh_le-moulin-de-la-galette-1886-1,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_le-moulin-de-la-galette-4-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_le-moulin-de-la-gallette-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_le-moulin-de-la-gallette-3-1886,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_les-alpilles-mountain-landscape-near-south-reme-1889,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_les-alyscamps-1888(2),"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_lilac-bush-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_lilacs-1887,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_little-stream-surrounded-by-bushes-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_luxembourg-garden-in-paris,"[0.0, 5.0, 9.0, 2.0, 0.0, 0.0, 14.0, 16.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_madame-augustine-roulin-1889,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_madame-roulin-rocking-the-cradle-a-lullaby-1889,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_madame-roulin-rocking-the-cradle-a-lullaby-1889-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_madame-roulin-rocking-the-cradle-a-lullaby-1889-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_mademoiselle-gachet-at-the-piano-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_mademoiselle-gachet-in-her-garden-at-auvers-sur-oise-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_male-torso-and-study-for-portrait-of-a-woman-with-flowers-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_man-drawing-or-writing-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_man-on-a-bench-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_man-with-scythe-in-wheat-field-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_man-with-spade-in-a-suburb-of-paris-1887,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_mantelpiece-with-chair-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_marguerite-gachet-at-the-piano-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_marguerite-gachet-at-the-piano-1890-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-1889,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-2-1889,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-3-1889,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_mask-of-an-egyptian-mummy-4-1889,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_meadow-in-the-garden-of-saint-paul-hospital-1890,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_meadow-with-flowers-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_memory-of-the-garden-at-etten-1888,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_men-in-front-of-the-counter-in-a-cafe-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_montmajour-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_montmartre-path-with-sunflowers-1887,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_montmartre-the-quarry-and-windmills-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_montmartre-the-quarry-and-windmills-1886-1,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_moored-boats-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_morning-going-to-work-1890,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_mother-roulin-with-her-baby-1888,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_mother-roulin-with-her-baby-1888-1,"[3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_moulin-de-la-galette-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_mountain-landscape-seen-across-the-walls-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_mountain-landscape-seen-across-the-walls-2-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_mountains-at-saint-remy-with-dark-cottage-1889,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_mulberry-tree-1889,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_newly-mowed-lawn-with-weeping-tree-1888,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_nude-woman-reclining-seen-from-the-back-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_nude-woman-squatting-over-a-basin-1887,"[0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_old-man-in-sorrow-on-the-threshold-of-eternity-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_old-vineyard-with-peasant-woman-1890,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_oleanders-and-books-1888,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_oleanders-the-hospital-garden-at-saint-remy-1889,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-grove-1889,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_olive-grove-1889-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-grove-bright-blue-sky-1889,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_olive-grove-bright-blue-sky-1889-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-grove-orange-sky-1889,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-grove-pale-blue-sky-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-grove-with-picking-figures-1889,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_olive-picking-1889,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_olive-picking-1889-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-picking-1889-2,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-trees-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_olive-trees-1889,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-trees-against-a-slope-of-a-hill-1889,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-trees-bright-blue-sky-1889,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-trees-in-a-mountain-landscape-1889,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_olive-trees-in-a-mountain-landscape-1889-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_olive-trees-with-yellow-sky-and-sun-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_on-the-outskirts-of-paris-1887,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_orchard-and-house-with-orange-roof-1888,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_orchard-and-house-with-orange-roof-1888-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-bloom-with-poplars-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-bloom-with-view-of-arles-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-blossom-1888,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-blossom-1888-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-blossom-1888-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-blossom-bordered-by-cypresses-1888,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-blossom-bordered-by-cypresses-1888-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-blossom-plum-trees-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_orchard-in-blossom-with-two-figures-spring-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-surrounded-by-cypresses-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0]"
+Post_Impressionism,vincent-van-gogh_orchard-with-arles-in-the-background-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-with-blossoming-apricot-trees-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_orchard-with-blossoming-plum-trees-1888,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-with-blossoming-plum-trees-the-white-orchard-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_orchard-with-peach-trees-in-blossom-1888,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_outskirts-of-paris-near-montmartre-1887,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_outskirts-of-paris-near-montmartre-1887-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_park-at-arles-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_park-at-asnieres-in-spring-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_park-view,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_park-with-figures,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pasture-in-bloom-1887,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_path-between-pine-trees-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_path-in-the-park-at-arles-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_path-in-the-woods-1887,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_path-through-a-field-with-willows-1888,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_paul-gauguin-s-armchair-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_peach-tree-in-bloom-in-memory-of-mauve-1888,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_peach-trees-in-blossom-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_peach-trees-in-blossom-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pear-tree-in-blossom-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_peasant,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_peasant-digging-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_peasant-woman-binding-sheaves-after-millet-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_peasant-woman-digging-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_peasant-woman-head-9,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_peasant-woman-with-a-rake-after-millet-1889,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_peasants-lifting-potatoes-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_people-walking-in-front-of-snow-covered-cottage-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_people-walking-in-front-of-snow-covered-cottage-2-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_people-walking-in-front-of-the-palais-du-luxembourg-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_people-walking-on-a-street-in-the-evening-1886,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pianist-1887,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pieta-1889,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-against-a-red-sky-with-setting-sun-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-along-a-road-to-a-house-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-in-front-of-the-wall-of-the-asylum-1889,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-in-front-of-the-wall-of-the-asylum-1889-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-in-front-of-the-wall-of-the-asylum-4-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-in-the-garden-of-the-asylum-1889,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-near-the-wall-of-the-asylum-1889,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-near-the-wall-of-the-asylum-1889-1,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-near-the-wall-of-the-asylum-1889-2,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-seen-against-the-wall-of-the-asylum-1889,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-seen-against-the-wall-of-the-asylum-1889-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-seen-against-the-wall-of-the-asylum-1889-2,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pine-trees-with-figure-in-the-garden-of-saint-paul-hospital-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_pink-peach-trees-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plain-near-auvers-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-1886,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-1886-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-2,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-3,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-4,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1886-5,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-female-torso-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-horse-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_plaster-statuette-of-a-kneeling-man-1886,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_ploughman-in-the-fields-near-arles-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_pollard-willows-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_pollard-willows-and-setting-sun-1888,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_poppies-and-butterflies-1890,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-man,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-man-1888,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-man-with-a-skull-cap,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-one-eyed-man-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-patient-in-saint-paul-hospital-1889,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-woman-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-woman-madame-tanguy,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-woman-with-a-red-ribbon-1885,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-a-young-peasant-1889,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-adeline-ravoux-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-adeline-ravoux-1890-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-adeline-ravoux-1890-2,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-alexander-reid-1887,"[0.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-armand-roulin-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-armand-roulin-1888-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-camille-roulin-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-camille-roulin-1888-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-doctor-gachet-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-doctor-gachet-a-man-with-pipe-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-dr-felix-rey-1889,"[2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-eugene-boch-1888,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-madame-augustine-roulin-1888,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-madame-ginoux-l-arlesienne-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-madame-ginoux-l-arlesienne-1888-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-madame-ginoux-l-arlesienne-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-madame-trabuc-1889,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-milliet-second-lieutnant-of-the-zouaves-1888,"[3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-patience-escalier-1888,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-patience-escalier-1888-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-patience-escalier-shepherd-in-provence-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-postman-roulin-1888,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-the-art-dealer-alexander-reid-sitting-in-an-easy-chair,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-the-artist-s-mother-1888,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin-1889,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-the-postman-joseph-roulin-1889-1,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_portrait-of-trabuc-an-attendant-at-saint-paul-hospital-1889,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_postman-joseph-roulin-1888,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_prisoners-exercising-prisoners-round-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_public-garden-with-a-corner-of-the-yellow-house-1888,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_public-garden-with-a-couple-and-a-blue-fir-tree-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_public-garden-with-benches-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_public-garden-with-couple-and-blue-fir-tree-the-poet-s-garden-iii-1888,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_public-garden-with-fence-1888,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_public-garden-with-vincent-s-house-in-the-background-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_public-park-with-weeping-willow-the-poet-s-garden-i-1888,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_quay-with-men-unloading-sand-barges-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_quay-with-men-unloading-sand-barges-1888-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_railway-carriages-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_reaper-with-sickle-after-millet-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_red-poppies-and-daisies-1890,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_red-vineyards-at-arles-1888,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_rest-work-after-millet-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_restaurant-de-la-sirene-at-asnieres-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_restaurant-de-la-sirene-at-asnieres-1887-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_restaurant-menu-1886,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_rhone-with-boats-and-a-bridge-1888,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_road-running-beside-the-paris-ramparts-1887,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_road-with-cypresses-1890,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_road-with-men-walking-carriage-cypress-star-and-crescent-moon-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_road-with-telegraph-pole-and-crane-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Post_Impressionism,vincent-van-gogh_road-with-trees-1888,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_roadway-with-underpass-the-viaduct-1887,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_rocks-with-oak-tree-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_rocky-ground-at-montmajour,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_rosebush-in-blossom-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_roses-and-beetle-1890,"[0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_round-clipped-shrub-in-the-public-garden-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_route,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_row-of-cottages-in-saintes-maries-1888,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_rowing-boats-on-the-banks-of-the-oise-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_ruins-of-montmajour-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_ruins-of-montmajour-1888-1,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sailing-boat-on-the-seine-at-asnieres-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_seascape-at-saintes-maries-1888,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_seated-woman-4-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-2,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-3,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-4,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-5,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-6,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-7,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-8,"[0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1887-9,"[0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1888,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1888-1,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1888-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1889,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1889-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1889-2,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-1889-3,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-as-an-artist-1888,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-dedicated-to-paul-gauguin-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-a-grey-felt-hat-1887,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-a-japanese-print-1887,"[7.0, 2.0, 1.0, 4.0, 0.0, 2.0, 10.0, 14.0, 5.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-bandaged-ear-1889,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-bandaged-ear-1889-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-dark-felt-hat-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-dark-felt-hat-at-the-easel-1886(1),"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-felt-hat,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-gray-felt-hat-1887,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-pallette-1889,"[4.0, 11.0, 9.0, 9.0, 0.0, 0.0, 4.0, 5.0, 4.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-pipe-and-glass-1887,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-straw-hat,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-straw-hat-1887,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-straw-hat-1887-1,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-straw-hat-1887-2,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_self-portrait-with-straw-hat-and-pipe-1887,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_selfportrait-on-the-road-to-tarascon-the-painter-on-his-way-to-work-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_several-figures-on-a-road-with-trees-1890,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sheaf-binder-the-after-millet-1889,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheaves-of-wheat-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheaves-of-wheat-1890-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_shed-with-sunflowers-1887,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheep-shearers-the-after-millet-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-a-few-sketches-of-figures-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-figures-and-hands-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-figures-at-a-table-a-sower-clogs-etc-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-hands-and-several-figures-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-many-sketches-of-figures-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-numerous-figure-sketches-1890,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-numerous-sketches-of-working-people-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-peasants-eating-and-other-figures-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-people-sitting-on-chairs-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-a-digger-and-other-figures-1890,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-diggers-and-other-figures-1890,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-diggers-and-other-figures-1890-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-figures-1890,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-peasants-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-working-people-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-sketches-of-working-people-1890-1,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-two-groups-of-peasants-at-a-meal-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sheet-with-two-sowers-and-hands-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_shores-of-scheveningen-1882,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_silhouette-of-a-man-with-a-rake,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_silhouette-of-a-peasant-woman-digging-carrots,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_six-sketches-of-figures-among-others-a-man-sowing-wheat-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_skeleton,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-a-couple-walking-with-a-child-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-a-donkey-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-a-lady-with-striped-dress-and-hat-and-of-another-lady-half-figure-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-a-peasant-working-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-a-stooping-man-1890,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-a-tree-against-clouds-with-colour-annotations-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-a-woman-with-a-baby-in-her-lap-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-an-eroded-garden-wall-ornament-1890,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-an-eroded-garden-wall-ornament-1890-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-clouds-with-colour-annotations-1890,"[0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-cows-and-children-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-diggers-and-other-figures-1890,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-the-painting-the-potato-eaters-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-two-women-1890,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketch-of-women-in-a-field-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sketches-of-a-cottage-and-figures-1890,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sketches-of-a-cottage-and-figures-2-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sketches-of-peasant-plowing-with-horses-1890,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_skull,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_skull-1,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sloping-path-in-montmartre-1886,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_snow-covered-cottages-a-couple-with-a-child-and-other-walkers-1890,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_snowy-landscape-with-arles-in-the-background-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_snowy-landscape-with-arles-in-the-background-1888-1,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_snowy-landscape-with-stooping-woman,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_sower-1888,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sower-1888-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sower-after-millet-1889(1),"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sower-and-trunk-of-an-old-yew-tree-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888-2,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sower-with-setting-sun-1888-3,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sowers-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-back,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-back-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-front-1886,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_standing-female-nude-seen-from-the-side-1886,"[4.0, 5.0, 7.0, 2.0, 0.0, 21.0, 0.0, 5.0, 6.0]"
+Post_Impressionism,vincent-van-gogh_standing-male-and-seated-female-nudes,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_standing-male-nude-1887,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_standing-male-nude-seen-from-the-front,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_standing-male-nude-seen-from-the-front-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_standing-male-nude-seen-from-the-front-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_standing-man-seen-from-the-back-1886,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-bottle-lemons-and-oranges-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-bowl-with-daisies-1888,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_still-life-french-novels,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-french-novels-and-rose,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-glass-with-carnations-1890,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-glass-with-wild-flowers-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_still-life-majolica-jug-with-wildflowers-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-pink-roses-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-potatoes-in-a-yellow-dish-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-cornflowers-and-poppies-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-fifteen-sunflowers-1888,"[0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-fifteen-sunflowers-1888-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-five-sunflowers-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-fourteen-sunflowers-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-oleanders-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-red-gladiolas-1886,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-rose-mallows-1890(1),"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-roses-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-twelve-sunflowers,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-twelve-sunflowers-1,"[1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-vase-with-zinnias-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-a-basket-of-crocuses-1887,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-apples-1887,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-apples-pears-lemons-and-grapes-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-basket-and-six-oranges-1888,"[4.0, 4.0, 32.0, 4.0, 0.0, 2.0, 0.0, 0.0, 4.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-basket-of-apples-1887,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-basket-of-apples-to-lucien-pissarro-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-bloaters-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-bloaters-1886-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-bloaters-and-garlic-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-blue-enamel-coffeepot-earthenware-and-fruit-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-coffee-pot-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-coffee-pot-2-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-decanter-and-lemons-on-a-plate-1887,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-drawing-board-pipe-onions-and-sealing-wax-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-four-sunflowers-1887,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-grapes-1887,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-grapes-pears-and-lemons-1887,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-grapes-pears-and-lemons-1887-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-irises-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-lemons-on-a-plate-1887,"[2.0, 6.0, 25.0, 6.0, 0.0, 8.0, 0.0, 3.0, 4.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-mussels-and-shrimp-1886,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-oranges-and-lemons-with-blue-gloves-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-pears,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-plaster-statuette-a-rose-and-two-novels-1887,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-red-cabbages-and-onions-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-roses-and-sunflowers-1886,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-thistles-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-three-books-1887,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-two-sunflowers-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_still-life-with-two-sunflowers-1887-1,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_stone-steps-in-the-garden-of-the-asylum-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_street-in-auvers-sur-oise-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_street-in-saintes-maries-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_street-in-saintes-maries-1888-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_street-in-saintes-maries-1888-2,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_strollers-and-onlookers-at-a-place-of-entertainment-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_studies-figure-the-enclosure-wall-of-saint-paul-hospital-and-others-1889,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_study-for-reclining-female-nude-1887,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_study-for-woman-sitting-by-a-cradle-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_study-of-a-fruit-tree-1890,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_study-of-a-woman-standing-two-heads-another-figure-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_study-of-pine-trees-1889(1),"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_suburbs-of-paris-1887,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_summer-evening-wheatfield-with-setting-sun-1888,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_sun-disk-above-a-path-between-shrubs-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sunflowers-1888,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_sunny-lawn-in-a-public-park-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_swift-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_tambourine-with-pansies-1886,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_terrace-in-the-luxembourg-garden-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_terrace-of-a-cafe-on-montmartre-la-guinguette-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_thatched-cottages-in-chaponval-auvers-sur-oise-1890,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_thatched-cottages-in-jorgus-1890,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_thatched-cottages-in-the-sunshine-reminiscence-of-the-north-1890,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_thatched-houses-against-a-hill-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_thatched-sandstone-cottages-in-chaponval-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-allotments-at-montmartre-1887,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-alpilles-with-olive-trees-in-the-foreground-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-artist-s-house-in-arles-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-baby-marcelle-roulin-1888,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-baby-marcelle-roulin-1888-1,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-ballroom-at-arles-1888,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-banks-of-the-seine-1887,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-banks-of-the-seine-with-boats-1887,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-bois-de-boulogne-with-people-walking-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-boulevard-de-clichy-1887,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-bridge,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-bridge-at-trinquetaille-1888,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-cafe-terrace-on-the-place-du-forum-arles-at-night-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-church-at-auvers-1890,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-corner-of-the-park-1888,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-courtyard-of-the-hospital-at-arles-1889(1),"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_the-courtyard-of-the-hospital-in-arles-1889,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_the-discus-thrower-1886,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-drinkers-after-daumier-1890,"[2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-entrance-hall-of-saint-paul-hospital-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-factory-at-asnieres-1887,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-fields-1890,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-fourteenth-of-july-celebration-in-paris-1886,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-of-doctor-gachet-at-auvers-sur-oise-1890(1),"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-1889-1,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-1889-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-of-saint-paul-hospital-with-figure-1889,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-of-st-paul-s-hospital-at-st-remy-1889,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-with-flowers-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-garden-with-sunflower-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-gleize-bridge-over-the-vigneyret-canal-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-good-samaritan-after-delacroix-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-green-vinyard-1888,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-green-wheatfield-behind-the-asylum-1889,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-grounds-of-the-asylum-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-grove-1890,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-gully-peiroulets-1889,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-gully-peiroulets-1889-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-hill-of-montmartre-with-quarry-1886,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-house-of-pere-eloi-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-house-of-pere-pilon-1890,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-iris-1889,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-kingfisher-1886,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-langlois-bridge-at-arles-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-little-arlesienne-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-little-stream-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-lovers-the-poet-s-garden-iv-1888,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-man-is-at-sea-after-demont-breton-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-mill-of-alphonse-daudet-at-fontevieille-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-mill-of-blute-end-1886,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-moulin-de-la-galette-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-night-cafe-1888,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-novel-reader-1888-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-old-mill-1888,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-old-peasant-patience-escalier-with-walking-stick-half-figure-1888,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_the-olive-trees-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-outskirts-of-paris-1886,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-park-at-arles-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_the-park-at-arles-with-the-entrance-seen-through-the-trees-1888,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-plain-at-auvers-1890,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-plough-and-the-harrow-after-millet-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 4.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-ploughed-field-1888,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-pont-du-carrousel-and-the-louvre-1886,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-railway-bridge-over-avenue-montmajour-1888,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-raising-of-lazarus-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-raising-of-lazarus-after-rembrandt-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-ravine-of-the-peyroulets-1889,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-reaper-1889,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-reaper-after-millet-1889,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-restaurant-de-la-sirene-at-asnieres-1887,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-rhone-with-boats-and-a-bridge-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-rispal-restaurant-at-asnieres-1887,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-road-to-tarascon-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-road-to-tarascon-1888-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-rocks-with-oak-tree-1888,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-roofs-of-paris-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-roofs-of-paris-and-notre-dame-1886,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-roubine-du-roi-canal-with-washerwomen-1888,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-schoolboy-camille-roulin-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-seine-bridge-at-asnieres-1887,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-seine-with-a-rowing-boat-1887,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-seine-with-the-pont-de-clichy-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-seine-with-the-pont-de-clichy-1887-1,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_the-seine-with-the-pont-de-la-grande-jette-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-shepherdess-after-millet-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-smoker-peasant-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-sower-sower-with-setting-sun-1888,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-spinner-after-millet-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-starry-night-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-starry-night-1888-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-starry-night-1888-2,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-starry-night-1889(1),"[2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-starry-night-1889-1,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_the-stone-bench-in-the-garden-at-saint-paul-hospital-1889,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-tarascon-diligence-1888,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-tarascon-stagecoach-1888,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_the-terrace-of-the-tuileries-with-people-walking-1886,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-thresher-after-millet-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_the-town-hall-at-auvers-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-trinquetaille-bridge-1888,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-viaduct-and-the-trinquetaille-bridge-1888,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-voyer-d-argenson-park-in-asnieres-1887,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-walk-falling-leaves-1889,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-woodcutter-after-millet-1890,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-yellow-house-1888,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_the-zouave-half-length-1888,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_thistles-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_thistles-along-the-roadside-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_three-cicadas-1889,"[0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_three-cottages-in-saintes-maries-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_three-pairs-of-shoes-1886,"[1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_three-peasants-at-a-meal-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_three-peasants-with-spades-on-a-road-in-the-rain-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_three-studies-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_three-white-cottages-in-saintes-maries-1888,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_tiled-roof-with-chimneys-and-church-tower-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_tree-roots-1890,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_tree-trunks-in-the-grass-1890,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_tree-with-ivy-in-the-asylum-garden-1889,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_trees-and-shrubs-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_trees-and-shrubs-1889-1,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_trees-and-undergrowth-1887,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_trees-and-undergrowth-1887-1,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_trees-in-a-field-on-a-sunny-day-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_trees-in-the-asylum-garden-1889,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_trees-in-the-garden-of-the-asylum-1889,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_trees-in-the-garden-of-the-hospital-saint-paul-1888,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_trees-with-ivy-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_treetop-seen-against-the-wall-of-the-asylum-1889,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_trunk-of-an-old-yew-tree-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_trunks-of-trees-with-ivy-1889,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-crabs-1889,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-cut-sunflowers-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_two-cypresses-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-diggers-among-trees-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-heads-man-with-beard-and-hat-peasant-with-cap,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_two-heads-of-men,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-men-on-a-road-with-pine-trees-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-men-walking-in-a-landscape-with-trees-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-peasant-women-digging-in-field-with-snow-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_two-peasants-diging-after-millet-1889,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_two-pinetrees-1889,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-poplars-on-a-hill-1889,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_two-self-portraits-and-several-details-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_two-thistles-1888,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_two-trees,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_two-white-butterflies-1889,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_two-women-working-in-the-field-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_two-women-working-in-wheat-field-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_undergrowth-1887,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_undergrowth-1887-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_undergrowth-with-ivy-1889,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_undergrowth-with-two-figures-1890,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_van-gogh-s-chair-1889,"[2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-of-hollyhocks-1886,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-daisies-and-anemones-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-flieder-margerites-und-anemones-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-flowers-coffeepot-and-fruit-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-gladioli-1886,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-gladioli-and-carnations-1886,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-irises-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-lilacs-daisies-and-anemones-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-myosotis-and-peonies-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-peonies-1886,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-poppies-cornflowers-peonies-and-chrysanthemums-1886,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-red-and-white-carnations-on-a-yellow-background-1886,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-red-gladioli-1886,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-red-gladioli-1886-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-red-poppies-1886,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-white-and-red-carnations-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-zinnias-1886,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_vase-with-zinnias-and-geraniums-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_vegetable-gardens-in-montmartre-1887,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_vegetable-gardens-in-montmartre-1887-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vegetable-gardens-in-montmartre-1887-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_venus,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_venus-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_venus-in-a-top-hat,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-from-the-apartment-in-the-rue-lepic-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-from-vincent-s-room-in-the-rue-lepic-1887,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_view-of-a-river-quay-and-bridge-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_view-of-arles-from-a-hill-1888,"[0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-of-arles-with-irises-in-the-foreground-1888,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-of-arles-with-trees-in-blossom-1888,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_view-of-montmartre-1886,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-of-paris-from-montmartre-1886,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_view-of-paris-from-near-montmartre-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_view-of-paris-from-vincent-s-room-in-the-rue-lepic-1887,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-of-paris-with-notre-dame-and-the-pantheon-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_view-of-roofs-and-backs-of-houses-1886,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_view-of-saintes-maries-1888,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-of-saintes-maries-with-cemetery-1888,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_view-of-saintes-maries-with-church-and-ramparts-1888,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_view-of-the-church-of-saint-paul-de-mausole-1889,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_view-of-vessenots-near-auvers-1890,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_village-street-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_village-street-and-steps-in-auvers-with-figures-1890,"[1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_village-street-and-steps-in-auvers-with-two-figures-1890,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_village-street-sketch-1890,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_vincent-s-bedroom-1888,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_vincent-s-bedroom-in-arles-1888,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vincent-s-bedroom-in-arles-1888-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_vincent-s-bedroom-in-arles-1889,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vincent-s-bedroom-in-arles-1889-1,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vincent-s-house-1888,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_vincent-s-house-in-arles-the-yellow-house-1888,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_vineyards-with-a-view-of-auvers-1890,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_violinist-seen-from-the-back-1887,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_violinist-seen-from-the-front-1887,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,vincent-van-gogh_walk-along-the-banks-of-the-seine-near-asnieres-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_walking-couple-1886,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_ward-in-the-hospital-at-arles-1889,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_way-in-the-voyer-d-argenson-park-in-asnieres-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-1888,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-1888-1,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-at-auvers-with-white-house-1890,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-behind-saint-paul-hospital-with-a-reaper-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-behind-saint-paul-hospital-with-a-reaper-1889-1,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-in-rain-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-a-lark-1887(1),"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-a-stack-of-wheat-or-hay-1890,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-cornflowers-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-1889,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-at-the-haude-galline-near-eygalieres-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-at-the-haude-galline-near-eygalieres-1889-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-cypresses-at-the-haude-galline-near-eygalieres-1889-2,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-reaper-and-sun-1889,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-setting-sun-1888,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-1888,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-1888-1,"[1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-and-arles-in-the-background-1888,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-sheaves-and-arles-in-the-background-1888-1,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-sun-and-cloud-1889,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-field-with-the-alpilles-foothills-in-the-background-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-fields-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-fields-1890-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-fields-at-auvers-under-clouded-sky-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-fields-with-auvers-in-the-background-1890,"[2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheat-fields-with-stacks-1888,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheat-stacks-with-reaper-1888,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_wheatfield-with-crows-1890,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wheatfield-with-cypress-tree-1889,"[4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheatfield-with-mountains-in-the-background-1889,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheatfield-with-sheaves-1888,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheatfields-1890,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wheatfields-under-thunderclouds-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_white-house-at-night-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_wild-flowers-and-thistles-in-a-vase-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wild-roses-1890,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_windmill-at-montmartre-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_windmill-on-montmartre-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_windmills-at-montmartre-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_window-in-the-bataille-restaurant-1887,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_window-of-vincent-s-studio-at-the-asylum-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_woman-in-dark-dress-walking-1886,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_woman-in-the-cafe-tambourin-1887,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_woman-near-a-window-twice-man-with-winnow-sower-and-woman-with-broom,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_woman-pianist-and-a-violinist-1887,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_woman-reading-a-novel-1888,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_woman-sitting-by-a-cradle-1887,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_woman-sitting-in-the-grass-1887,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_woman-standing-1890,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_woman-walking-her-dog-1886,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_woman-with-a-donkey-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_woman-with-hat-half-length-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_woman-with-striped-skirt-1890,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vincent-van-gogh_woman-working-in-wheat-field-1890,"[1.0, 0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_women-working-in-wheat-field-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_wooden-sheds-1889,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_young-girl-standing-against-a-background-of-wheat-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_young-man-with-a-hat-1888,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_young-man-with-cornflower-1890,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_young-peasant-girl-in-a-straw-hat-sitting-in-front-of-a-wheatfield-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_young-slave-1887,"[7.0, 4.0, 3.0, 2.0, 0.0, 9.0, 2.0, 7.0, 14.0]"
+Post_Impressionism,vincent-van-gogh_zouave-1888(1),"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,vincent-van-gogh_zouave-1888-1(1),"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_zouave-half-figure-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vincent-van-gogh_zouave-sitting-whole-figure-1888,"[4.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,viorel-marginean_b-rci-la-mal-1982,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,viorel-marginean_fazan-1985,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,viorel-marginean_flori-de-c-mp-1980,"[0.0, 1.0, 6.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,viorel-marginean_iarn-la-cenade-1979,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,viorel-marginean_mahoane-la-mal-1980,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,viorel-marginean_nceput-de-iarn-la-cenade-1980,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,viorel-marginean_pas-rea-phoenix-1990,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,viorel-marginean_peacock,"[0.0, 6.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,viorel-marginean_peacock-1,"[1.0, 7.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,viorel-marginean_peacock-2,"[4.0, 20.0, 14.0, 6.0, 0.0, 1.0, 0.0, 0.0, 6.0]"
+Post_Impressionism,viorel-marginean_peacock-3,"[0.0, 6.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,viorel-marginean_peacock-4,"[2.0, 5.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,viorel-marginean_petale-pe-trotuar-1968,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,viorel-marginean_prim-vara-la-cenade-1977,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,viorel-marginean_prim-vara-la-cenade-1979,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,viorel-marginean_unknown-title,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,viorel-marginean_unknown-title-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_harvester-women,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-1,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-10,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-11,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-12,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-13,"[1.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-14,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-15,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-16,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-17,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-18,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-19,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-2,"[4.0, 9.0, 20.0, 4.0, 1.0, 3.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-20,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-21,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-22,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-23,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-24,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-25,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-26,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-27,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-28,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-29,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-3,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-30,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-31,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-4,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-5,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-6,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-7,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-8,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-dimitrov_unknown-title-9,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-tatlin_female-bather,"[0.0, 0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-tatlin_flower-piece,"[1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,vladimir-tatlin_flowers,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,vladimir-tatlin_meat,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,vladimir-tatlin_woman-s-portrait,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 1.0]"
+Post_Impressionism,walter-battiss_bathers-in-a-landscape,"[0.0, 2.0, 5.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,walter-battiss_guinea-fowl,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,walter-battiss_matala-crete-a-pair-1972,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,walter-battiss_old-lamu-bajun-isles,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,walter-battiss_reflections-in-a-river,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Post_Impressionism,walter-battiss_tahitian-boat-ii,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,walter-battiss_tahitian-girl,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,walter-battiss_the-bird-market,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,walter-battiss_trees,"[4.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,walter-sickert_brighton-pierrots-1915,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,walter-sickert_clarence-gardens-camden-town,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,walter-sickert_ennui,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,walter-sickert_horses-of-st-mark-s-venice-1901,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,walter-sickert_lady-martin-1935,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,walter-sickert_london-street-bath,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,walter-sickert_portrait-of-lady-noble,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,walter-sickert_sir-alec-martin-1935,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,walter-sickert_st-mark-s-venice,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,walter-sickert_the-american-1908,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,walter-sickert_the-arcades-of-fish-shop-dieppe,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Post_Impressionism,walter-sickert_the-front-at-hove-turpe-senex-miles-turpe-senilis-amor-1930,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,walter-sickert_the-rialto-bridge-venice,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,walter-sickert_the-seducer,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Post_Impressionism,walter-sickert_the-straw-hat,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,walter-sickert_variation-on-peggy-1935,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,walter-sickert_venice-la-salute,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,walter-sickert_violets,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_ancient-russia-1904,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_beach-baskets-in-holland-1904,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_couple-riding-1906,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,wassily-kandinsky_forest-edge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_gabriele-munter-1905,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_gabriele-munter-painting-1903,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Post_Impressionism,wassily-kandinsky_moscow-smolensky-boulevard-study-1916,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_moscow-zubovskaya-square-study-1916,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_not_detected_189369,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,wassily-kandinsky_old-town-ii-1902,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_park-of-st-cloud-1906,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_park-of-st-cloud-with-horseman-1906,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,wassily-kandinsky_rapallo-boats,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,wassily-kandinsky_rapallo-grauer-day-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Post_Impressionism,wassily-kandinsky_santa-marguerite-1906,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Post_Impressionism,wassily-kandinsky_volga-song-1906,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wassily-kandinsky_winter-landscape-1909,"[0.0, 2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-h.-johnson_african-woman-study-in-tunis-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,william-h.-johnson_blossoming-trees-1938,"[1.0, 2.0, 3.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-h.-johnson_danish-roadside-1930,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Post_Impressionism,william-h.-johnson_mountain-blossoms-volda-1937(1),"[3.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-h.-johnson_mountains-and-sea-hardanger-fjord-norway-1938(1),"[3.0, 2.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Post_Impressionism,william-scott_blue-still-life-1957,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Post_Impressionism,william-scott_bottle-and-fish-slice-1949,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-scott_boy-and-a-birdcage-1947,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-scott_breton-nude-1939,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 1.0]"
+Post_Impressionism,william-scott_brown-still-life-1957,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,william-scott_fish-mushrooms-knife-and-lemons-1950,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-scott_fish-still-life-blue-1982,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Post_Impressionism,william-scott_five-pears-1976,"[0.0, 1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,william-scott_frying-pan-and-basket-1948,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,william-scott_girl-at-a-blue-table-1938,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Post_Impressionism,william-scott_kitchen-still-life-1948,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-scott_louise-1939,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Post_Impressionism,william-scott_sennen-1950,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Post_Impressionism,william-scott_still-life-1949,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,william-scott_the-frying-pan-1946,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,william-scott_winter-still-life-1956,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Post_Impressionism,wu-guanzhong_a-banana-graden-of-xishuangbanna-1978,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Post_Impressionism,wu-guanzhong_a-fishing-harbour-1991,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Post_Impressionism,wu-guanzhong_love-in-fangzhuang-2002,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wu-guanzhong_scenery-of-guilin-1973,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,wu-guanzhong_the-hometown-of-shakespeare-1992,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Post_Impressionism,wu-guanzhong_the-hua-mountains-at-sunset-1997,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Post_Impressionism,wu-guanzhong_zhoushan-harbour-1980,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,abraham-manievich_flowers-vase-on-a-hamper,"[5.0, 8.0, 17.0, 3.0, 0.0, 0.0, 1.0, 6.0, 2.0]"
+Realism,adolf-hitler_alter-werderthor-wien,"[1.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,adolf-hitler_castle-battlements,"[0.0, 1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,adolf-hitler_flower-blossom-study,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,adolf-hitler_flowers-with-roots,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,adolf-hitler_informal-dining-room-long-view,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,adolf-hitler_perchtoldsdorg-castle-and-church,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,adolf-hitler_shelter-in-fournes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,adolf-hitler_sitting-room,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,adolf-hitler_the-castle-on-the-donau,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,adolf-hitler_the-courtyard-of-the-old-residency-in-munich-1913,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,adolf-hitler_the-munich-opera-house,"[1.0, 8.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,adolf-hitler_the-old-building-in-stand-of-trees-1909,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,adolf-hitler_the-st-charles-church,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,adolf-hitler_white-orchids,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,albert-bierstadt_bison-with-coyotes-in-the-background,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,albert-bierstadt_butterfly,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,albert-bierstadt_butterfly-1900,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,albert-bierstadt_butterfly-second-version-1900,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,albert-bierstadt_native-of-the-woods,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,albert-bierstadt_rainbow-over-a-fallen-stag,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,albert-bierstadt_seaweed-harvesting,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,albert-bierstadt_study-of-a-tree-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Realism,albert-bierstadt_wharf-scene,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,alekos-kontopoulos_drawing,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alekos-kontopoulos_figures,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,alekos-kontopoulos_figures-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Realism,alekos-kontopoulos_girl-with-rose,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alekos-kontopoulos_grandchild,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,alekos-kontopoulos_hand-1956,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alekos-kontopoulos_landscape-1945,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alekos-kontopoulos_mother-and-child-1943,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Realism,alekos-kontopoulos_nude,"[0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Realism,alekos-kontopoulos_nude-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,alekos-kontopoulos_nudes,"[1.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,alekos-kontopoulos_portrait-of-eugenia-wife-of-kleomenis-tsitsaras,"[2.0, 13.0, 21.0, 2.0, 0.0, 1.0, 0.0, 2.0, 7.0]"
+Realism,aleksey-savrasov_a-provincial-cottage-spring-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_a-spring-day-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_after-a-thunderstorm,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_after-the-rain,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_after-the-storm,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_alley,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_at-the-cemetery-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_at-the-well-1868,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_autumn-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_autumn-forest-kuntsevo-damn-place-1872,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_autumn-landscape-1877,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_autumn-landscape-with-a-swampy-river-in-the-moonlight-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_autumn-night-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_autumn-sokolniki,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_autumn-village-near-the-stream,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_barge-haulers-on-the-volga-1871,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_beach-1854,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_before-the-storm-1850,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_bivouac-in-the-desert-convoy-chumakov-1867,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_bivouac-in-the-desert-convoy-chumakov-1867-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,aleksey-savrasov_bonfire-of-the-river,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_breath-of-spring,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_by-evening-1886,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_by-late-summer-on-the-volga-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_cathedral-square-in-the-moscow-kremlin-at-night-1878,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_caves-monastery-near-nizhny-novgorod-1871,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_chumaky-1854,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_church-of-elijah-the-ordinary-in-moscow-1882,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_clearance,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_compressed-field-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_country-road-1873,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_country-scene,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_courtyard-spring-1853,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 5.0, 0.0]"
+Realism,aleksey-savrasov_courtyard-winter,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_dawn-in-the-desert-1852,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_descent-to-the-river-1868,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_dimensions-and-material-of-painting-1868,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_do-icons,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_drifting-ice-on-the-volga,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_drifting-of-ice,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_early-spring,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_early-spring-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-1888,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_early-spring-2,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-3,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-4,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-backwoods-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-birches-by-the-river-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,aleksey-savrasov_early-spring-dali,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-flood-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_early-spring-flood-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_early-spring-thaw-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_elk-island,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_elk-island-in-sokolniki-1869,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_elk-island-in-sokolniki-1869-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_evening,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_evening-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_evening-1877,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_evening-1880,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_evening-2,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_evening-landscape-1861,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_evening-migration-of-birds-1874,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_feminine-strap,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,aleksey-savrasov_fern-leaves-and-burdock-1854,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,aleksey-savrasov_fire-in-woods-1883,"[0.0, 8.0, 10.0, 1.0, 0.0, 0.0, 22.0, 2.0, 2.0]"
+Realism,aleksey-savrasov_fishermen-on-the-volga-1872,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,aleksey-savrasov_flooding-of-the-volga-river-near-yaroslavl-1871,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_forest-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 2.0]"
+Realism,aleksey-savrasov_forest-in-the-frost,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_forest-near-the-lake-illuminated-by-the-sun-1856,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Realism,aleksey-savrasov_forest-road-in-sokolniki,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_glade-in-a-pine-forest-1883,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_grave,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_grave-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_gulf-of-finland-1854,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_in-the-park-1858,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_ipatiev-monastery-in-the-winter-night,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_kutuzovskaya-hut-at-fili,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_lake-in-the-swiss-mountains-1866,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_landscape,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_landscape-bank-of-the-volga-1874,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_landscape-the-village-of-volyn-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_landscape-with-a-farm-near-lake,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-a-house,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_landscape-with-a-mill-1861,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-a-rainbow-1881,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_landscape-with-a-river,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_landscape-with-a-river-and-an-angler-1859,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_landscape-with-boat,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_landscape-with-church-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-church-and-the-ruins-1861,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-hut,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-hut-1866,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-marsh-and-wooded-islands,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-oak-trees-and-shepherd,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-pine-1854,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-pines,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-road-1855,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_landscape-with-wolves,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_lell-1883,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_little-house-in-the-province-spring-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_marshy-river-1875,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_monastery-gates-1875,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_moonlit-night-1853,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_moonlit-night-landscape-with-fire,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_moonlit-night-marsh-1870,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,aleksey-savrasov_moonlit-night-on-the-river-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_motives-of-the-russian-landscape,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_mountain-lake-switzerland-1864,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_near-the-village-of-st-michael-pskov-province,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_night-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_night-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_night-on-the-sparrow-hills-1881,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_novodevichy-convent-1890,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_oak,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_oaks,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_oaks-1855,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_oaks-on-the-shore-1867,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,aleksey-savrasov_old-oak-tree-at-the-cliff-above-the-river-1857,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_old-pine-1854,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_on-the-volga,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_on-the-volga-1875,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_pine-1854,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_pine-from-gusareva,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_pine-in-marsh-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_pines-adjacent-to-the-root-of-the-barrel-1854,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_pines-on-the-shores-of-lake-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_pond-at-dusk-1879,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_rafts-1868,"[0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_rainbow-1875,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,aleksey-savrasov_river-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_riverbank-be,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_riverside-1879,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_rooks-arrived-landscape-with-church-1894,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_rooks-have-returned-1871(1),"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_round-dance-in-the-village-1874,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_rural-cemetery-in-the-moonlight-1887,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_rye-1881,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_rye-1881-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_savvinskaya-sloboda,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_sea,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_sea-of-mud-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,aleksey-savrasov_sea-shore-in-the-vicinity-oranienbaum-1854,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_seascape,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_sketch-of-the-painting-migratory-birds-have-come-1871,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_sparrow-hills-near-moscow,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_spassky-backwater-on-the-volga-1893,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_spring,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_spring-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_spring-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_spring-1880,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_spring-1883,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_spring-2,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_spring-3,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_spring-day,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_spring-is-coming-1874,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_spring-kitchen-gardens-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_spring-landscape-1890,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_spring-landscape-1890-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_spring-landscape-with-cottage-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_spring-thaw,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_spring-the-rooks-have-arrived-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_spring-village-view-1867,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_spruce,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_steppe-day-1852,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_stone-in-the-forest-near-the-spill-1850,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_strongly-melts-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_stumps-1854,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_summer,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_summer-day-1856,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_summer-day-1874,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,aleksey-savrasov_summer-landscape-1850,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_summer-landscape-1860,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_summer-landscape-pines,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_summer-landscape-with-oaks-1850,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_summer-landscape-with-pine-trees-near-the-river-1878,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_summer-landscape-with-windmills-1859,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_sundown-over-a-marsh-1871,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_sunset,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_sunset-1862,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_sunset-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_swiss-form-1862,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_swiss-landscape-with-horses-1867,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_thaw-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_thaw-beginning-of-march,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,aleksey-savrasov_thaw-yaroslavl-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_the-death-of-the-ship-at-sea-1862,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_the-old-churchyard-on-the-banks-of-the-volga-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,aleksey-savrasov_the-road-in-the-woods-1871,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_the-rooks-have-arrived,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_the-village-in-winter-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_the-volga-river-vistas,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_thunderstorm-1856,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_to-matins-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_tomb-of-alexander-pushkin-in-svyatogorsky-monastery-1873,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_tomb-of-the-volga-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_tomb-on-the-banks-of-the-volga-1871,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,aleksey-savrasov_trees,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_trees-by-the-river-1861,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,aleksey-savrasov_trees-near-the-lake-1868,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_trees-near-the-water-branches-of-trees,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_tropical-plants-1854,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_twilight,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,aleksey-savrasov_type-in-a-village-near-moscow-kuntsevo-1855,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_type-in-the-outskirts-of-moscow-to-the-manor-and-two-female-figures-1850,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_type-in-the-swiss-alps-mount-small-ruhen-1862,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_type-of-kiev-from-the-dnieper-to-the-pechersk-lavra-1852,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_type-of-volga-under-yurievts,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_ukrainian-landscape,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_ukrainian-landscape-1849,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_view-in-the-neighbourhood-of-oranienbaum-1854,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_view-of-moscow-from-mazilova-1861,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_view-of-moscow-from-sparrow-hills,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,aleksey-savrasov_view-of-the-kremlin-from-the-krimsky-bridge-in-inclement-weather-1851,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_view-of-the-moscow-kremlin-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_view-the-village-pokrovskoye-feely-1893,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_village-bulgarians-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_village-bulgarians-small-minaret-and-the-ruins-of-the-white-house-1874,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_volga,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_volga-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_volga-1870-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_volga-landscape-1870,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_volga-near-gorodets-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_waterfall-1868,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_willow-by-the-pond-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_winter,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,aleksey-savrasov_winter-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_winter-landscape,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_winter-landscape-1871,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,aleksey-savrasov_winter-landscape-moscow-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aleksey-savrasov_winter-landscape-rime,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_winter-landscape-thaw,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_winter-night-1869,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,aleksey-savrasov_winter-road,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,aleksey-savrasov_wooded-banks-of-the-moskva-river-1859,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,alexey-bogolyubov_ablyazov-radishchevskaya-estate-ravine-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_ablyazov-threshing-1887,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alexey-bogolyubov_alley-in-the-park-liechtenstein-1889,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_baku-1861,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,alexey-bogolyubov_baku-embankment-1861,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,alexey-bogolyubov_battle-of-krasnaya-gorka-1866,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_battle-of-osel-island-1866,"[0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_battle-of-sinop,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_bolshaya-neva-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alexey-bogolyubov_easter-procession-in-yaroslavl-1863,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_embankment-of-constantinople,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,alexey-bogolyubov_ipatyev-monastery-near-kostroma-1861,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-bogolyubov_longboat,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,alexey-bogolyubov_monastery-1860,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alexey-bogolyubov_norman-city-1879,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_pisa-view-of-the-baptistery-and-the-cathedral-1863,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_radishchevskaya-estate-of-bogolyubov-homestead-ablyazov,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-bogolyubov_sailboats-in-the-bay-1860,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_smolny-as-seen-from-bolshaya-okhta,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_the-battle-of-gangut-july-27-1714-1877,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Realism,alexey-bogolyubov_vel-normandy-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_view-of-moscow-from-the-house-of-g-i-chludov-1878,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_view-to-michael-s-castle-in-petersburg-from-lebiazhy-canal,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-bogolyubov_winter-in-borisoglebsk,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,alexey-bogolyubov_wreck-of-livadia-fragment-1878,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_a-boy-in-a-red-shirt,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,alexey-venetsianov_a-herd-boy-with-a-pipe-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_a-peasant-girl-from-tver,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,alexey-venetsianov_a-peasant-girl-with-a-calf,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,alexey-venetsianov_a-peasant-girl-with-embroidery,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_a-peasant-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_a-peasant-woman-combing-flax-anisia,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,alexey-venetsianov_a-peasant-woman-resting-on-her-hand,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,alexey-venetsianov_a-peasant-woman-with-a-child,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_a-peasant-woman-with-a-rake,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_a-peasant-woman-with-scythe-and-rake,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Realism,alexey-venetsianov_bather,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_bather-with-a-bowl,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,alexey-venetsianov_bathers,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_bathers-2,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_cartomancy,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,alexey-venetsianov_checkered-shawl,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,alexey-venetsianov_communion-of-dying,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,alexey-venetsianov_first-steps-peasant-woman-with-child,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_full-scale-class,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_girl-in-a-kerchief,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_girl-with-accordion,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_girl-with-burak,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,alexey-venetsianov_girl-with-culf,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,alexey-venetsianov_girl-with-milk,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,alexey-venetsianov_girl-with-the-cornflowers,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,alexey-venetsianov_harvesting-summer,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,alexey-venetsianov_haymaking,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_haymaking-1,"[1.0, 10.0, 26.0, 0.0, 1.0, 0.0, 2.0, 6.0, 2.0]"
+Realism,alexey-venetsianov_head-of-an-old-peasant,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,alexey-venetsianov_in-the-fields-spring,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_meeting-at-the-well,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_morning-of-the-landlady,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_old-nurse-in-shlychkov,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,alexey-venetsianov_panaevs-children,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_peasant-boy,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alexey-venetsianov_peasant-boy-putting-on-bast-sandals-1827,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Realism,alexey-venetsianov_peasant-children-in-the-field,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,alexey-venetsianov_peasant-girl-with-a-sickle-in-the-rye,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_peasant-girl-with-butterflies,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,alexey-venetsianov_peasant-woman-with-milk,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,alexey-venetsianov_peter-the-great-founding-of-st-petersburg,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_portrait-of-a-a-venetsianova-1826,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_portrait-of-a-girl,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-a-peasant-girl,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-an-official,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-artist-s-daughters-alexandra-and-felisata,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-m-m-philosophova,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-marfa-venetsianova,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-nastya-havskaya,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-nikolay-karamzin,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_portrait-of-p-i-milyukov,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-p-v-havskoy,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_portrait-of-peter-i-1819,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_portrait-of-the-merchant-obraztsov,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_portrait-of-the-merchant-s-wife-obraztsova,"[1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Realism,alexey-venetsianov_portrait-of-the-state-chancellor-of-the-internal-affairs-prince-victor-pavlovich-kochubey-in-1834,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alexey-venetsianov_portret-of-l-a-stromilova,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_portret-of-v-s-putyatina,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,alexey-venetsianov_reaper,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,alexey-venetsianov_reapers,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0]"
+Realism,alexey-venetsianov_shelling-of-beet,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,alexey-venetsianov_sleeping-girl,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_sleeping-herd-boy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_spinner,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,alexey-venetsianov_that-is-those-fathers-dinner,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,alexey-venetsianov_the-farmer-with-folded-arms,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,alexey-venetsianov_the-girl-in-the-hayloft,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_the-lamentation,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,alexey-venetsianov_the-spinner,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,alexey-venetsianov_threshing-floor-1822,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,alexey-venetsianov_two-peasant-boy-with-a-kite,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,alexey-venetsianov_wet-nurse-with-a-child,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alexey-venetsianov_zakharka,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,alfred-sisley_avenue-of-chestnut-trees-near-la-celle-saint-cloud-1865,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alfred-sisley_avenue-of-chestnut-trees-near-la-celle-saint-cloud-1867,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alfred-sisley_avenue-of-trees-in-a-small-town-1866,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,alfred-sisley_chestnut-avenue-in-la-celle-saint-cloud-1865,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,alfred-sisley_dorfstrasse-in-marlotte-1866,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,alfred-sisley_still-life-heron-with-spread-wings-1867,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Realism,alfred-sisley_street-of-marlotte-also-known-as-women-going-to-the-woods-1866,"[1.0, 1.0, 9.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,anders-zorn_a-fisherman-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,anders-zorn_a-girl-from-mora,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,anders-zorn_a-kitchen-maid-1919,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,anders-zorn_a-musical-family-1905,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,anders-zorn_a-portrait-of-jean-baptiste-faure-1891,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_a-swedish-madonna-1900,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,anders-zorn_a-toast-in-the-idun-society-1892,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_against-the-current-1919,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_antonin-proust,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,anders-zorn_at-the-piano-1900,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_baking-the-bread-1889,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,anders-zorn_bed-on-the-loft,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,anders-zorn_breakfast-in-the-green,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_bust-1916,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_cabin-1917,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_carl-snoilsky,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,anders-zorn_coquelin-cadet-1889,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_emma-lamm-in-a-straw-hat-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,anders-zorn_emma-zorn-reading,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_ernest-cassel-1886,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_fish-market-in-st-ives,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_girl-knitting-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,anders-zorn_grandmother-1892,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,anders-zorn_guitar-player-1900,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_gunnl-1893,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_gustav-vasa,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,anders-zorn_hins-anders-1904,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,anders-zorn_home-tunes-1920,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,anders-zorn_hugo-reisinger-1907,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_ida-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,anders-zorn_in-mourning-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,anders-zorn_in-scotland-mrs-symons-1887,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_joseph-ernest-renan-1892,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,anders-zorn_lucky-with-the-ladies,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_margit-1891,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_martha-dana,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_mona-1889,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,anders-zorn_mona-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,anders-zorn_mona-1911,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Realism,anders-zorn_mona-1911-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,anders-zorn_motherhood,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_mrs-symons-1888,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,anders-zorn_mrs-walter-bacon-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_my-model-and-my-boat-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Realism,anders-zorn_neglected-1884,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,anders-zorn_nude-woman-arranging-her-hair-1907,"[0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 1.0]"
+Realism,anders-zorn_nymph-and-faun-1895,"[0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_old-soldier-1911,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,anders-zorn_ols-maria-1918,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,anders-zorn_on-the-sands-1916,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,anders-zorn_opal-1891,"[0.0, 0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_our-daily-bread-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,anders-zorn_out-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_paul-verlaine-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,anders-zorn_portrait-of-agusholzer-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,anders-zorn_portrait-of-edith-palgrave-edward-in-her-london-residence,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,anders-zorn_portrait-of-emma-in-the-paris-studio-1894,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,anders-zorn_portrait-of-fru-lisen-samson-nee-hirsch-arranging-flowers-at-a-window-1881,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_portrait-of-max-liebermann-1891,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,anders-zorn_red-sand,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,anders-zorn_sappho-1917,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,anders-zorn_self-portrait,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,anders-zorn_self-portrait-1882,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,anders-zorn_self-portrait-in-a-wolfskin-1915,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,anders-zorn_self-portrait-in-red-1915,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,anders-zorn_smoking-woman-1907,"[2.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_spetssom-1894,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_stockholm-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_studio-idyll-1918,"[0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_study-of-landscape-in-richmond-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,anders-zorn_summer-entertainment-1886,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,anders-zorn_sunbathing-girl,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_surveying-the-vista-1886,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,anders-zorn_the-battleship-baltimore-in-stockholm-harbor-1890,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_the-bedroom,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_the-broken-pot,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,anders-zorn_the-cousins,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_the-guitar-1895,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,anders-zorn_the-little-brewery-1890,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_the-mora-fair-1892,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,anders-zorn_the-painter-bruno-liljefors-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_the-toast-1893,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,anders-zorn_the-two-1916,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_the-waltz-1891,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,anders-zorn_the-widow,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,anders-zorn_vicke-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,anders-zorn_walk-1908,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_wallpaper-factory-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,anders-zorn_way-to-the-church,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,anders-zorn_white-lilies,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,anders-zorn_william-h-taft-1911,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,anders-zorn_zorn-and-his-wife-1890,"[3.0, 7.0, 6.0, 5.0, 1.0, 1.0, 10.0, 5.0, 7.0]"
+Realism,andrei-ryabushkin_alyosha-popovich-illustration-for-the-book-russian-epic-heroes,"[2.0, 1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,andrei-ryabushkin_beginner,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,andrei-ryabushkin_boyar-duma,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 3.0, 1.0, 3.0]"
+Realism,andrei-ryabushkin_coming-back-from-fair,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,andrei-ryabushkin_deacon,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,andrei-ryabushkin_going-on-a-visit,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,andrei-ryabushkin_governor-s-wife-martha-and-eternal-bell-1886,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,andrei-ryabushkin_head-of-boy,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,andrei-ryabushkin_in-a-village-going-to-liturgy,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,andrei-ryabushkin_in-the-village,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,andrei-ryabushkin_in-the-village-girl-with-a-bucket,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,andrei-ryabushkin_mikhailovsky-street-in-novgorod,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,andrei-ryabushkin_moscow-girl-of-xvii-century,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,andrei-ryabushkin_novgorod-church,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,andrei-ryabushkin_portrait-of-i-f-tyumenev-1886,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,andrei-ryabushkin_portrait-of-i-f-tyumenev-with-his-wife,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,andrei-ryabushkin_road,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,andrei-ryabushkin_sagittarius,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,andrei-ryabushkin_school-of-xvii-century,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,andrei-ryabushkin_sunday,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,andrei-ryabushkin_sunday-in-the-village,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,andrei-ryabushkin_sunday-in-the-village-study,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,andrei-ryabushkin_tavern,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,andrei-ryabushkin_tea-party,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,andrei-ryabushkin_the-old-men,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,andrei-ryabushkin_village-wedding-in-the-tambov-province,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,andrei-ryabushkin_waiting-for-bridal-couple-s-return-from-a-church-in-novgorod-province-1891,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,andrei-ryabushkin_waiting-for-newlyweds-from-the-wedding-in-the-novgorod-province,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,andrei-ryabushkin_woman-in-novgorod-peasant-dress,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,anton-azbe_half-nude-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,anton-azbe_hermit-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Realism,anton-azbe_old-woman-with-a-headscarf-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,anton-azbe_portrait-of-a-bavarian-man-1889,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,anton-azbe_portrait-of-a-dalmatian-girl-1885,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,anton-azbe_portrait-of-a-girl-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,anton-azbe_portrait-of-a-girl-1885-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,anton-azbe_portrait-of-a-girl-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,anton-azbe_portrait-of-a-man-in-a-bow-tie-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,anton-azbe_self-portrait-1986,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Realism,anton-azbe_sitting-old-man-nude-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,anton-azbe_study-of-a-man-1886,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0, 0.0]"
+Realism,anton-azbe_study-of-a-man-1886-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,anton-azbe_the-village-choir-1900,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,anton-azbe_zamorka-black-girl-1895,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,anton-melbye_le-pont-neuf-daguerreotype-1848,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,antonio-carneiro_auto-retrato-1919,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,antonio-carneiro_retrato-de-cl-udio-carneiro-de-chap-u,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,antonio-carneiro_retrato-de-cl-udio-e-maria-1922,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_a-apanha-do-sarga-o-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_a-ceifa-lumiar-1884,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_auto-retrato-1873,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_carro-de-bois,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_charneca-de-belas-ao-p-r-do-sol-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_colheita-ceifeiras,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_guardando-o-rebanho,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_head-of-a-girl,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_lugar-do-prado-santa-marta-minho-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_moinho-do-estev-o-alcochete-1887,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_na-cisterna,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 3.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_pequena-fiandeira-napolitana-1877,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_t-te-de-jeune-fille,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,antã³nio-de-carvalho-da-silva-porto_volta-do-mercado-1886,"[1.0, 4.0, 24.0, 8.0, 0.0, 1.0, 0.0, 7.0, 5.0]"
+Realism,aristarkh-lentulov_night-at-patriarch-s-ponds-1928,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,aristarkh-lentulov_sunset-on-the-volga-1928,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,aristarkh-lentulov_the-st-sergius-posad-1922,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,arkhip-kuindzhi_a-birch-grove-1901,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_a-boat-in-the-sea-crimea,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,arkhip-kuindzhi_after-a-rain-1879,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,arkhip-kuindzhi_after-a-rain-1879-1,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_autumn-impassability-of-roads-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,arkhip-kuindzhi_chumaks-path-in-mariupol-1875,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_cloud-1895,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_cloud-2,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_crimea-2,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,arkhip-kuindzhi_dnieper-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_dnieper-in-the-morning-1881,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_early-spring,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_elbrus-in-the-evening,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_elbrus-in-the-evening-1,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_fishing-on-the-black-sea-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,arkhip-kuindzhi_fog-in-the-mountains-caucasus,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_forest-1,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_forest-landscape,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,arkhip-kuindzhi_forest-near-the-water-1872,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,arkhip-kuindzhi_forgotten-village-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,arkhip-kuindzhi_forgotten-village-1874,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,arkhip-kuindzhi_lake-ladoga-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_landscape-1874,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_landscape-steppe,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Realism,arkhip-kuindzhi_men-s-head-in-a-straw-hat,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,arkhip-kuindzhi_moonlight-night-on-the-dnieper-1880,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_moonlight-night-on-the-river,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Realism,arkhip-kuindzhi_mountains-and-clouds,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,arkhip-kuindzhi_night-1,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,arkhip-kuindzhi_night-landscape,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Realism,arkhip-kuindzhi_oaks,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_on-a-valaam-island-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,arkhip-kuindzhi_pine-1878,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_ploughing-on-oxen,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,arkhip-kuindzhi_portrait-of-an-unknown-man,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 2.0]"
+Realism,arkhip-kuindzhi_portrait-of-ivan-kramskoi,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,arkhip-kuindzhi_portrait-of-n-a-jaroshenko,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,arkhip-kuindzhi_portrait-of-viktor-vasnetsov,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_rainbow-3,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,arkhip-kuindzhi_sea,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_sea-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_seashore-1887,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_snow-tops,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_steppe-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,arkhip-kuindzhi_steppe-cornfield-1875,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_steppe-in-the-evening,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_sunrise,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_sunset-in-the-forest-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_the-head-of-a-ukrainian-peasant-in-a-straw-hat,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_the-north-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_the-sea-the-crimea,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_ukrainian-night-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_view-of-moscow,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,arkhip-kuindzhi_view-of-the-isaac-cathedral-at-moonlight-night-1869,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_view-of-the-isaac-cathedral-at-moonlight-night-1869-1,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_view-of-the-kremlin-from-the-zamoskvorechye-district-1882,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,arkhip-kuindzhi_view-of-the-moskvoretsky-bridge-the-kremlin-and-the-pokrovsky-cathedral-1882,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arkhip-kuindzhi_waves,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,arthur-segal_flowers,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,arthur-segal_portrait-of-a-man-against-the-light-1935,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,arthur-segal_still-life-and-a-window-1935,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,arthur-segal_still-life-with-banjo-and-clarinette,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,arthur-segal_still-life-with-bottles-1943,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,arthur-segal_still-life-with-cucumber-1937,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,arthur-segal_still-life-with-oranges-1929,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,arthur-segal_still-life-with-sunflower-1931,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arthur-segal_still-life-with-vegetables,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,arthur-segal_stilleben-mit-gl-sern-1943,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,arthur-segal_sunflower-1940,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,arthur-segal_the-artist-in-the-studio,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,augustus-john_a-boy-1915,"[2.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,augustus-john_a-canadian-soldier-1918,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 7.0, 3.0]"
+Realism,augustus-john_ardor-1904,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,augustus-john_colonel-t-e-lawrence-1919,"[2.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Realism,augustus-john_lady-with-a-mantilla,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Realism,augustus-john_madame-suggia-1923,"[0.0, 2.0, 6.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,augustus-john_mrs-a-a-jack-1898,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 4.0, 2.0]"
+Realism,augustus-john_signorina-estella-1900,"[0.0, 3.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,augustus-john_the-two-jamaican-girls-1937,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 3.0]"
+Realism,balthus_still-life-1937,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,basuki-abdullah_an-indonesian-beauty,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,basuki-abdullah_bidadari-mandi,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_bocah,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,basuki-abdullah_cantik,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_coastal-scene-in-sumatra,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_flamboyant-in-the-village,"[1.0, 3.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_gadis-manis,"[3.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_horses,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,basuki-abdullah_horses-1,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_in-the-rice-field,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,basuki-abdullah_javanese-girl,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_kampung-scene,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_lake-view,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_mountain,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_mr-adam-malik-and-wife,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,basuki-abdullah_nude,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_nude-1,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,basuki-abdullah_nudity,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,basuki-abdullah_nudity-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_nudtiy,"[5.0, 18.0, 5.0, 15.0, 0.0, 3.0, 0.0, 0.0, 4.0]"
+Realism,basuki-abdullah_ploughing-the-sawah,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,basuki-abdullah_portrait-of-a-dancer,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,basuki-abdullah_portrait-of-raden-mas-soedibio-and-his-wife,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_potret-bagong-kusudiarja,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,basuki-abdullah_potret-wanita,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_reclining-nude,"[1.0, 2.0, 2.0, 1.0, 0.0, 1.0, 1.0, 1.0, 3.0]"
+Realism,basuki-abdullah_seascape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_unknown-title,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,basuki-abdullah_wanita-berkebaya-hijau,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,basuki-abdullah_weaving,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,berthe-morisot_a-young-girl-with-cat,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,berthe-morisot_calvary-after-veronese,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Realism,boris-kustodiev_a-balloon-seller-1915,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_a-bouquet-of-flowers-on-the-balcony-1924,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_a-girl-sketch-1897,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_a-merchant-1918,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_a-soldier-with-a-rifle-1917,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,boris-kustodiev_abbess-1901,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_abbess-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0, 0.0]"
+Realism,boris-kustodiev_abbess-1908-1,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_agitator-man-with-arm-raised-1906,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_akaky-akakiyevich-in-the-new-coat-1905,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,boris-kustodiev_akaky-akakiyevich-on-nevsky-prospekt-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Realism,boris-kustodiev_akaky-akakiyevich-returned-from-the-party-1905,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Realism,boris-kustodiev_akaky-akakiyevich-visiting-petrovich-1905,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,boris-kustodiev_alexander-benois-1911,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_alexander-murashko-at-work-on-a-collective-picture-of-the-model-statement-in-the-studio-of-ilya-1900,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_alexei-tolstoy-the-adventures-of-nevzorov-or-ibikus-1925,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Realism,boris-kustodiev_arable-1917,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_assistant-minister-of-interior-count-a-p-ignatiev-1906,"[3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_at-cradling-archers-walk-1901,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_at-home-1918,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_at-the-grave-of-proclus-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,boris-kustodiev_at-the-icon-of-the-saviour-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,boris-kustodiev_at-the-sketches-at-the-foothills,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_at-the-window-portrait-of-i-b-kustodieva-1910,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_ataman-platov-1924,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_autumn-1918-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_autumn-1919,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_autumn-1919-1,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,boris-kustodiev_autumn-1926,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_barin-laputin-and-porter-1922,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_bather-1917,"[8.0, 7.0, 17.0, 5.0, 0.0, 2.0, 1.0, 2.0, 4.0]"
+Realism,boris-kustodiev_bather-1921,"[1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_bathing-1912,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_before-the-ball,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_berendeevka-1919,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_blooming-wisteria-1912,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_boy-with-dog-portrait-of-cyril-kustodiev-son-of-the-artist-1915,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_boy-with-teddy-bear-1907,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_bridge-astrakhan-1918,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_by-window-1921,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_chairman-of-the-council-of-ministers-i-l-goremykin-1906,"[5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_chief-procurator-of-the-synod-k-pobedonostsev-1906,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_children-1900,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,boris-kustodiev_children-in-the-costumes-1909,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_church-parade-of-the-finlandsky-guard-regiment-december-12-1905-1906,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_composition-with-three-female-figures-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_country-fair-1921,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_country-fair-1926,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,boris-kustodiev_cover-for-the-novel-by-alexander-pushkin-dubrovsky-1919,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,boris-kustodiev_date-of-vladimir-and-masha-in-the-garden-1919,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_drawing-hand-to-the-picture-merchant-s-wife-1915,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_dried-fish-merchant-1924,"[1.0, 1.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_dunka-s-grove-in-the-estate-of-polenovs-1909,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_dunya-in-red-1905,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,boris-kustodiev_e-zamyatin-the-district-1923,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,boris-kustodiev_etude-of-peasant-for-unpreserved-picture-from-church-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,boris-kustodiev_evening-landscape-1917,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_exit-of-tsar-ivan-the-terrible-1900,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_exlibris-k-kustodiev-1921,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_exlibris-v-i-anisimov-1921,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_f-v-dubasov-1906,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_fair-in-the-village-1927,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,boris-kustodiev_festivities-marking-the-opening-of-the-second-congress-of-the-comintern-and-demonstration-on-1921,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_field-with-sheaves-1905,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_finance-minister-sergei-witte-1905,"[1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_finance-minister-v-n-kokovtsoff-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0]"
+Realism,boris-kustodiev_finland-bouquet-1917,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_fire-in-kistenevka-1919,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,boris-kustodiev_fist-fight-on-the-moscow-river-1897,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_flowers-on-the-balcony-1912,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_forest-lake-in-the-konkol-1917,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_fortune-with-cornucopia-outro-1922,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_from-fishing-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_from-the-books-of-vsevolod-voinov-bookplate-1924,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_frontispiece-1922,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,boris-kustodiev_frost-governor,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_general-of-infantry-christopher-roop-1902,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_generals-1926,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,boris-kustodiev_generals-1926-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_girl-brushing-her-hair-1917,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_girl-with-apples-portrait-of-irina-kustodiyeva,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,boris-kustodiev_grazing-horses-1909,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_group-portrait-of-family-schwartz-1908,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_group-portrait-of-painters-of-the-world-of-art-1910,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,boris-kustodiev_group-portrait-of-painters-of-the-world-of-art-1920,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_hang-the-signboard-1922,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_harvester-1918,"[4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_harvester-1924,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,boris-kustodiev_holiday-in-the-countryside-1907,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_horses-of-st-mark-venice-1907,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_house-in-uspensky-1908,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,boris-kustodiev_illustration-for-nikolay-nekrasov-poem-grandfather-mazay-and-the-hares-1908,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_illustration-for-singers-by-ivan-turgenev-1908,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,boris-kustodiev_in-the-estate-of-a-collector-schwartz-uspenskoe-in-the-staraya-ladoga-1908,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_in-the-manor-vysokovo-kostroma-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,boris-kustodiev_in-the-room-winter-1915,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_in-the-rooms-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_interior-the-female-figure-at-the-window-in-studio-1920,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_irina-kustodieva-1906,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_japanese-doll-1908,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_joining-kazan-to-russia-allegory-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,boris-kustodiev_kineshma-steamer-at-the-pier-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_konkol-finland-1917,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_labor-1918,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_landscape-in-the-kostroma-region-1914,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_landscape-with-a-flowerbed-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_lebedyan-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_lunch-at-troyekurov-1919,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_lying-nude-1915,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_man-with-accounts-v-a-kastalsky-1917,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_manor-in-the-park-1912,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_mason-1924,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_may-day-demonstration-in-putilov-1906,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,boris-kustodiev_may-day-parade-petrograd-mars-field-1920,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_mercahnt-s-wife-1915,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_mercahnt-s-wife-with-purchases-1923,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_mercahnt-s-wifes-on-the-volga-1917,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_merchant,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_merchant-1918,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_merchant-1920,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_merchant-festivities,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_model-right-foot-left-foot-1915,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_morning-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_nude,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_nude-1920,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_officers-near-the-carriage-1905,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_on-the-balcony-1922,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,boris-kustodiev_on-the-bridge-the-wife-and-daughter-of-the-artist-1917,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_on-the-promenade-1922,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_on-the-volga-1922,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_on-the-volga-1926,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_on-the-volga-landscape-with-church-of-the-kazan,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_painter-1924,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_paris-at-night-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Realism,boris-kustodiev_patcher-breaks-sign-barin-at-the-house-of-patcher-1922,"[2.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_pavlov-s-mill-on-the-river-yahrust-1905,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_peasant-1914,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_petrograd-in-1919-1919,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,boris-kustodiev_petrograd-on-february-1917,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,boris-kustodiev_playing-the-whist-1905,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_policeman-1905,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_porter-1922,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-b-a-gorin-goryainov-1926,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-b-a-gorin-goryainov-1926-1,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,boris-kustodiev_portrait-b-a-gorin-goryainov-1926-2,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-a-a-polovtsev-1903,"[1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-d-romanova-1908,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-governor-general-of-finland-n-i-bobrikov-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-k-kashparova-1911,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-k-mineev-1923,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-lady-model-1908,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-man-1922,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-a-n-protasova-1900,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-peasant-kotov,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-priest-and-a-deacon-1907,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-a-s-neverov-1926,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-sculptor-and-painter-d-s-stelletsky-1901,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-singer-i-v-ershov-1905,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-a-woman,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-woman-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-woman-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-woman-a-v-rzhevuskaya-1909,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-woman-in-blue-portrait-p-sudkovskaya-1906,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-a-woman-portrait-of-the-lord-laputin-s-bride-1922,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-a-writer-alexandra-vasilevny-schwartz-1906,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-alexander-golovin-1907,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-alexander-pushkin-on-the-neva-embankment-1915,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-an-art-historian-and-restorer-alexander-anisimov-1915,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-an-unknown-woman-1906,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-barin-laputin-1922,"[1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-baron-n-k-fon-mecca-1912,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-composer-dmitri-shostakovich-in-adolescence-1923,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-count-n-p-ignatieff-1902,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-count-v-n-kokovtsev-1913,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-countess-grabowska-1917,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-d-f-bogoslovsky-1900,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-d-f-bogoslovsky-1902,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-d-kardovsky-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-d-m-solsky-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-d-s-stelletsky-1907,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-d-s-stelletsky-at-work-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-dmitri-dmitrievich-shostakovich-as-a-child-1919,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-dr-s-y-lyubimov-with-dog-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-e-a-polevitskaya-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-e-e-lansere-1913,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-e-kustodieva-artist-s-mother,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-elizabeth-mikhailovna-botkina-1912,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-elizabeth-pushkina,"[6.0, 6.0, 15.0, 3.0, 0.0, 3.0, 2.0, 11.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-evdokimova-1925,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-f-a-malyavin-1900,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-f-f-notgaft-1921,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-f-i-chaliapin-1921,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-f-i-chaliapin-1921-1,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-f-k-sologub-1907,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-g-narbut-1914,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-g-s-vereisky-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Realism,boris-kustodiev_portrait-of-g-s-vereisky-1917-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-gury-nikolaevich-smirnov-a-cousin-of-the-artist-1898,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-i-a-ryazanovsky-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-i-b-kustodieva-1906,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-i-b-kustodieva-daughter-of-the-artist-1919,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-i-b-kustodieva-daughter-of-the-artist-1926,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-i-i-sadofev-1926,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-i-ivanova-1926,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-i-m-markov-1921,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-i-s-kulikov,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-i-s-zolotarevsky-1921,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-i-v-ershov-1922,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-i-zolotarevsky-1922,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-ilja-repin-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-ilya-repin-1900,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-ilya-repin-1902,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-irina-kustodiev-with-the-dog-shumka-1907,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-isaak-brodsky-1920,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-isaak-izrailevich-brodsky-1920,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-ivan-bilibin-1914,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-ivan-moskvin-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-ivan-yershov-1922,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-ivan-yershov-the-role-of-siegfried-1908,"[0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-julia-petrovna-greek-1901,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-k-b-kustodiev-1917,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-k-b-kustodiev-1921,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-k-b-kustodiev-1922,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-k-n-sapunov-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-k-s-petrov-vodkin-1905,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-konstantin-nicolayevich-igumnov-1923,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-konstantin-somov-1914,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-l-i-shetalova-woman-with-a-cup-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-l-p-albrecht,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-l-p-albrecht-1905,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-l-s-bakst-1910,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-lazar-ivanovich-bublichenko-1923,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-lyubov-borgman-1915,"[3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-m-a-voloshin-1924,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-m-d-shostakovich-1923,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-m-i-heylik-1901,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-m-v-chaliapina-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-m-v-dobuzhinsky-1913,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-m-v-dobuzhinsky-at-the-table-1913,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-maria-ryazantseva-1922,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-martha-and-marina-chaliapin-1920,"[3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-mitya-shostakovich-1919,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-n-a-kuznetsova-1919,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-n-a-podsosov-1906,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-n-d-milioti-1916,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-n-g-aleksandrov-1914,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-n-i-zelenskaya-1912,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-n-k-von-meck-1913,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-n-s-butova-1915,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-n-v-muraviev-1903,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-nikolay-lazarevich-bublichenko-1924,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-nikolay-monakhov-1926,"[2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-nikolay-rerich-1913,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-o-p-myasoedova-1920,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-p-a-vlasov-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-p-a-vlasov-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-p-i-neradovsky-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-p-l-barc-1909,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-p-l-kapitza-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-p-n-sakulin-1923,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-p-salomon-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-peter-kapitza-and-nikolai-semyonov-1921,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-philip-iv-1904,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-pianist-rachel-slonimskaya-1922,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-public-servant-nikolai-nikolayevich-korevo-1903,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-r-i-notgaft-1909,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-russian-actor-vasily-luzhsky-1913,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-s-n-troinitsky-1922,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-s-r-ernst-1921,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-s-somov-1913,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-sculptor-n-l-aronson-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-shishanovskaya-1921,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-soviet-actor-nikolay-monakhov-1926,"[1.0, 0.0, 1.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-stjepan-nikolsky-uncle-of-the-artist-1901,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-t-f-davydova-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-the-artist-georgi-vereisky-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-the-artist-igor-grabar-1915,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-the-artist-nadezhda-komarovskaya-1925,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-the-artist-tatiana-chizhova-1924,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-the-commandant-of-the-mariinsky-palace-major-general-pavel-shevelev-1903,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-the-composer-d-v-morozov-1919,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-the-grand-duchess-maria-pavlovna-1911,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-the-opera-singer-feodor-ivanovich-chaliapin-1921,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-the-painter-ivan-bilibin-1901,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-the-poet-sergey-gorodetsky-1907,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-the-writer-a-m-remizov-1907,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-the-writer-d-l-mordovtsev-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-v-luzhsky-1915,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-v-n-argutinsky-dolgorukov-1910,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-v-shishkov-1926,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-v-shishkov-1926-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-v-zamirailo-1919,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-v-zamirailo-1922,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-v-zamirailo-1922-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-vasily-kastalsky,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-vasily-vasilyevich-mate,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-vladimir-nemirovich-danchenko-1915,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-vsevolod-voinov-1921,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-vsevolod-voinov-1921-1,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-vsevolod-voinov-1924,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1903,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1907,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1920,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1922,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-1926,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-with-daughter-irina-1908,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-y-e-kustodieva-with-son-1904,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-y-e-proshinskaya-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-y-i-lavrin-1909,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-yevgeny-zamyatin-1923,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0, 2.0]"
+Realism,boris-kustodiev_portrait-of-yulia-yevstafievna-kustodieva-the-artist-s-wife-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-yuri-korvin-krukovsky-1926,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-yuri-korvin-krukovsky-1926-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-of-z-e-roze,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_portrait-of-z-proshinskaya-1901,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_portrait-s-p-podyachev-1926,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,boris-kustodiev_portrait-v-a-kastalsky-1921,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_poster-for-the-freedom-loan-1917,"[1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_preparatory-drawing-for-the-painting-christmas-bargain-1918,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,boris-kustodiev_public-garden-on-the-bank-of-the-volga-festivities-on-the-banks-of-the-volga-1918,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_reading-of-the-manifest-1909,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_revolt-against-the-boyars-in-the-old-russia-1897,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_ride-1915,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_ride-boris-and-yu-kustodiyevs-1915,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_river-flooding-1922,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_room-in-the-house-of-prokofy-pazukhin-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_room-in-the-house-of-prokofy-pazukhin-1918,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_s-p-podyachev-in-his-hut-in-the-village-obolyaninove-1926,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_scetch-for-ostrovsky-s-wolves-and-sheep-1915,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_school-in-moscow-russia-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_screensaver-winter-street-1922,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_seated-model-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_seated-woman-with-a-book-1915,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_seeing-off-m-v-dobuzhinsky-in-europe-1924,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_self-portrait,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_self-portrait-1902,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_self-portrait-1904,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0]"
+Realism,boris-kustodiev_self-portrait-1904-1,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,boris-kustodiev_self-portrait-1904-2,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_self-portrait-1905,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_self-portrait-1910,"[1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_self-portrait-1911,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_self-portrait-1914,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_self-portrait-1917,"[0.0, 0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_self-portrait-1918,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_self-portrait-1920,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_self-portrait-near-the-window-1899,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_self-portrait-with-wife-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,boris-kustodiev_self-portrait-with-wife-1918-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,boris-kustodiev_senator-p-a-saburov-1902,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_shells-1918,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_shoemaker-1924,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_sketch-1917,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_spring-1919,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_spring-1921,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_spring-1921-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_staraya-russa-1921,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_state-secretary-general-mikhail-galkin-vrasky-1903,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,boris-kustodiev_statement-of-the-model-in-the-studio-of-ilya-repin-1899,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_statement-of-the-model-in-the-studio-of-ilya-repin-academy-of-arts-1899,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_still-life-grenades-1910,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_street-in-krutogorsk-1914,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_street-of-city-b-1905,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_strike-1906,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_summer-1921,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_summer-1922,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_summer-a-trip-to-the-terem-1918,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_summer-evening,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_summer-landscape-with-women,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_talking-on-the-street-lords-in-the-street-outside-the-house-patcher-1922,"[3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_tatar-who-sells-watermelons-1924,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,boris-kustodiev_teatime-1913,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_the-attack-on-the-wedding-carriage-1919,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Realism,boris-kustodiev_the-boy-at-the-fence-1915,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_the-cabinet-of-furnachev-1917,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_the-gate-of-house-kabanovs,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,boris-kustodiev_the-head-of-peter-the-great-1910,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_the-hut-kostroma-province-1917,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_the-khorovod-1912,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_the-model-wearing-a-greatcoat-1900,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,boris-kustodiev_the-priest-near-the-clock-1922,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_threshing-1908,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_troyekurov-in-the-kennels-1919,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Realism,boris-kustodiev_two-portraits-of-annushka-1918,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,boris-kustodiev_under-the-arches-of-the-old-church-1918,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,boris-kustodiev_urban-landscape-with-troika,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Realism,boris-kustodiev_v-a-kastalsky-tree-sketches-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_vasiliy-luzhsky-on-vacation-in-london-s-hyde-park-1914,"[3.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_vasiliy-nikolsky-old-moscow-1924,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,boris-kustodiev_venice-1907,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,boris-kustodiev_venice-memory-1918,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_venice-quay-grand-canal-with-views-of-the-island-of-san-giorgio,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_venus-1920,"[2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_village-boys-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,boris-kustodiev_village-fair-1920,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_village-maureeno-kostroma-1905,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_visit-to-general-1905,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_volga-rainbow-1925,"[0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_waiter-1922,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_wife-wakes-up-chertokutsky-1905,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,boris-kustodiev_winter-1919,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_winter-1926,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,boris-kustodiev_winter-festivities-on-the-river-1919,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,boris-kustodiev_woman-standing-with-arms-raised-1915,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_women-1902,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_women-drinking-tea-1918,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,boris-kustodiev_workshop-1926,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_a-chestnut-wood-among-the-rocks-1835,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_a-cow-and-its-keeper-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,camille-corot_a-cow-grazing-beneath-a-birch-tree,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_a-dune-at-dunkirk-1873,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_a-farm-in-the-nievre-1831,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_a-farmyard-near-fontainebleau,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_a-ford-with-large-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_a-pond-with-three-cows-and-a-crescent-moon,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_a-rising-path,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_a-road-in-the-countryside-near-lake-leman-1855,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_a-road-near-arras-cottages,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_a-road-through-the-trees-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,camille-corot_a-seated-italian-from-paeigno-facing-front,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_a-shady-resting-place-1873,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_a-view-near-colterra-1838,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_a-village-street-dardagny-1853,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_a-windmill-at-montmartre,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_alexina-ledoux,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_algerian-woman,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,camille-corot_an-artist-painting-in-the-forest-of-fountainebleau-1855,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_an-orchard-at-harvest-time,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_aqueduct-1839,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_aqueducts-in-the-roman-campagna-1828,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_archicourt-near-arras,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_ariccia-palazzo-chigi-1826,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_arleux-du-nord-the-drocourt-mill-on-the-sensee-1871,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_at-civita-castellana-wooded-rocks,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,camille-corot_avignon-seen-from-villenueve-les-avignon-1836,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_banks-of-a-pond-in-normandy,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_banks-of-a-river,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_bell-tower-of-the-church-of-saint-paterne-at-orleans-1845,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_between-lake-geneva-and-the-alps-1825,"[1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_boid-guillaumi-near-rouen-a-gate-flanked-by-two-posts-1822,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_bologne-sur-mer-view-from-the-high-cliffs-1860,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_bouquet-of-flowers-in-a-glass-beside-a-tobacco-pot,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_breton-woman-and-her-little-girl,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_breton-women-at-the-well-near-batz,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_bridge-in-the-coubron-valley,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,camille-corot_by-the-sea,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_cabins-with-mill-on-the-river-bank-1831,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_canal-in-picardi,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,camille-corot_castel-gandolfo,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_chartres-cathedral-1830,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_chateau-thierry-1855,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_children-beside-a-brook-in-the-countryside-lormes,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_civita-castellana-1827,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_civita-castellana-and-mount-soracte-1826,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_civita-castellana-buildings-high-in-the-rocks-la-porta-san-salvatore,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_clearing-in-the-bois-pierre-at-eveaux-near-chateau-thiery,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_clump-of-trees-at-civita-castellana-1826,"[0.0, 0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_corot-in-the-studio-of-constant-dutilleux-1856,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_corot-painting-in-the-studio-of-his-friend-painter-constant-dutilleux-1871,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,camille-corot_corot-s-studio,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_coulommiers-the-garden-of-m-preschez-1868,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_courtyard-of-a-bakery-near-paris-courtyard-of-a-house-near-paris,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_cow-in-a-stable-also-known-as-the-black-cow,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_cowherd-and-her-child,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_cowherd-by-the-water,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_cowherd-in-a-dell-souvenir-of-brittany,"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,camille-corot_crecy-en-brie-road-in-the-country,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_cuicy-marsh-near-douai,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,camille-corot_dieppe-end-of-a-pier-and-the-sea-1822,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_dinan-a-gate-of-the-town,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,camille-corot_dunkirk-a-fisherwoman-with-shrimp,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,camille-corot_dunkirk-the-fishing-docks,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Realism,camille-corot_ecouen-corner-of-the-village,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,camille-corot_edge-of-a-lake-souvenir-of-italy,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_entrance-to-a-chalet-in-the-bernese-oberland,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_evening-distant-tower,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_evening-landscape-the-ferryman-evening-1839,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_farmer-kneeling-picking-dandelions,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_femme-de-chanbre,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,camille-corot_fernand-corot-the-painter-s-grand-nephew-at-the-age-of-4-and-a-half-years-1863,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_field-above-the-village-marcoussis,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_field-by-a-river-1870,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,camille-corot_fields-with-a-village-on-the-horizon-two-figures-in-the-foreground,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,camille-corot_figures-in-a-forest,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,camille-corot_first-leaves-near-nantes,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_fisherman-at-the-river-bank,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_fisherman-boating-along-a-wooded-landscape,"[0.0, 1.0, 17.0, 1.0, 0.0, 0.0, 10.0, 9.0, 6.0]"
+Realism,camille-corot_fishermen-in-a-boat-1865,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_fishermen-s-quay-trouville,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_fishing-boars-beached-in-the-chanel,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,camille-corot_fishing-boats-tied-to-the-wharf,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_fishing-with-nets-1850,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_florence-the-boboli-gardens,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,camille-corot_fontainebleau-black-oaks-of-bas-breau,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_fontainebleau-storm-over-the-plains-1822,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,camille-corot_fontainebleau-the-bas-breau-road,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_fontainebleau-the-road-to-chailly,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_forest-clearing-in-the-limousin,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,camille-corot_forest-entrance-at-ville-d-avray,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_forest-in-fontainbleau,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,camille-corot_forest-of-fontainebleau-1846,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_fountainebleau-with-georges-d-apremont,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_general-view-of-the-town-of-saint-lo,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_geneva-view-of-part-of-the-city,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_girl-reading-1850,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,camille-corot_girl-reading-by-the-water,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_girl-with-mandolin-1865,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,camille-corot_gisors-river-bordered-by-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_goatherd-charming-his-goat-with-a-flute,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_goatherd-standing-playing-the-flute-under-the-trees-1855,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_hamlet-and-the-gravedigger,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_hay,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_head-of-bearded-man-study-for-the-baptism-of-christ-1845,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_honfleur-calvary-on-the-cote-de-grace,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,camille-corot_honfleur-fishing-boat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_honfleur-the-old-wharf,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_horse-and-rider-in-a-gorge-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_houses-near-orleans-1830,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_in-the-forest-of-fontainebleau,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_in-the-vicinity-of-geneva,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_in-the-woods-at-ville-d-avray,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_interior-of-the-cathedral-of-st-etienne-sens,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,camille-corot_island-of-san-bartolommeo-1828,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_italian-monk-reading,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_italian-peasant-boy-1825,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_italian-with-mug-1828,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_italian-woman-sitting-and-playing-the-mandolin-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_jimieges-1831,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_l-arbre-tordu-les-chenes-du-mont-usey-fontainebleau,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_la-cervara-the-roman-countryside,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,camille-corot_la-rochelle-harbor-entrance-1851,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_la-rochelle-quarry-near-the-port-entrance-1851,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,camille-corot_labuissiere-near-bethune-pas-de-calais-lane-bordered-by-willows-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_lake-nemi-seen-through-trees-1843,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_lake-piediluco-1826,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_landscape-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_landscape-at-castel-gandolfo,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_landscape-at-mornex-haute-savoie-1842,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_landscape-by-the-lake,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_landscape-of-royat-study-of-trees-1839,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_landscape-with-a-white-tower-souvenir-of-crecy,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_landscape-with-peasant-girl-1861,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_large-sharecropping-farm,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,camille-corot_le-gue-cows-on-the-banks-of-the-gue,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,camille-corot_les-alinges-haute-savoie-figures-under-the-trees-1845,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,camille-corot_little-chaville-1825,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_lonesome-valley-1874,"[1.0, 7.0, 10.0, 1.0, 0.0, 3.0, 8.0, 10.0, 6.0]"
+Realism,camille-corot_lormes-a-waterfall-with-a-standing-peasant-spinning-wool-1842,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_lormes-shepherdess-sitting-under-trees-beside-a-stream-1842,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,camille-corot_luzancy-the-path-through-the-woods-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,camille-corot_madame-corot-the-artist-s-mother-born-marie-francoise-oberson,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_madame-legois-1838-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_mantes-cathedral,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_mantes-view-of-the-cathedral-and-town-through-the-trees-1869,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_marcoussis-cows-grazing-1850,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_marissal-path-to-the-front-of-the-church-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_marshy-pastures,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_meadow-with-two-large-trees-1870,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_monk-in-white-seated-reading,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_mont-soracte,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_moonlit-landscape-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,camille-corot_moret-sur-loing-the-bridge-and-the-church-1822,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_morning,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_morning-by-the-water-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_morning-fog-effect-1853,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_morning-the-dance-of-the-nymphs,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_morning-woman-hearding-cows,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_morvan-the-little-mill,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_mother-and-child-on-the-beach-1860,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_mother-breast-feeding-her-child,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_mount-soracte-1827,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_mountainous-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_mountains-in-auvergne,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,camille-corot_mountains-of-auvergne,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_mur-cotes-du-nord-1855,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_mur-peasants,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,camille-corot_near-arras-the-banks-of-the-scarpe,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_near-rotterdam-1854,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_near-rotterdam-small-houses-on-the-banks-of-a-canal-1854,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_near-the-mill-chierry-aisne-1860,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_nemi-the-lake-s-edge-1845,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_nest-harriers-in-tuscan-1865,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_octave-chamouillet-pushing-a-wheelbarrow-in-a-garden,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_old-bridge-at-limay-on-the-seine,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_old-man-seated-on-corot-s-trunk-1826,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,camille-corot_olevano-la-serpentara-1827,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_olevano-the-town-and-the-rocks-1827,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_on-the-banks-of-the-tiber-1826,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_orleans-view-from-a-window-overlooking-the-saint-peterne-tower,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_outside-paris-the-heights-above-ville-d-avray-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_outskirts-of-a-village-near-beauvais,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_papigno-buildings-overlooking-the-valley-1826,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_papigno-steep-and-wooded-banks,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_passiance-in-saint-avit-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_pastorale-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_path-towards-a-house-in-the-countryside,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_peasant-from-ville-d-avray-and-her-child-among-two-trees-at-the-bank-of-a-pond,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_peasant-girl-near-a-cabin-1870,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,camille-corot_peasant-woman-watering-her-cow,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_peasants-from-mur,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_peasants-near-a-village,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_peasants-under-the-trees-at-dawn-morvan,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,camille-corot_pensive-young-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_plains-near-beauvais,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_pond-at-ville-d-avray-with-leaning-trees-1873,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,camille-corot_pond-of-ville-d-avray-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_pond-with-a-large-tree,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_pond-with-dog,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_pond-with-three-cows-souvenir-of-ville-d-avray,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_ponte-nomentano-1828,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_portrait-of-a-gentleman-1829,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_portrait-of-a-man,"[2.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_portrait-of-a-young-girl-1859,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_portrait-of-laurent-denis-sennegon-1842,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Realism,camille-corot_portrait-of-madame-langeron-four-years-old-1845,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,camille-corot_portrait-of-octavie-sennegon-1833,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_quarry-of-the-chaise-mre-at-fontainebleau,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,camille-corot_ravine-in-the-morvan-near-lormes-1860,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_recollections-of-coubron-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_recollections-of-mortefontaine,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_recollections-of-pierrefonds-1861,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_rest-in-the-water-meadows-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_return-of-the-hayers-to-marcoussis,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,camille-corot_richmond-near-london-1862,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_road-through-wooded-mountains,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_rocks-at-civita-castellana,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_rocks-at-civita-castellana-1827,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_rocks-in-a-glade,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,camille-corot_rocks-in-amalfi-1828,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_roman-countryside,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_roman-countryside-rocky-valley-with-a-herd-of-pigs-1828,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_rome-castle-sant-angelo,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_rome-coliseum-view-from-the-farnese-gardens,"[0.0, 2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_rome-the-basilica-of-constantine,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_rome-the-trinita-dei-monti-view-from-the-gardens-of-the-academie-de-france,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_roses-in-a-glass-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_rouen-seen-from-hills-overlooking-the-city,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_saint-andre-en-morvan-1842,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_saint-nicholas-les-arras-willows-on-the-banks-of-the-scarpe-1872,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,camille-corot_saint-quentin-des-pres-oise-near-gournay-en-bray,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_seine-landscape-near-chatou-1855,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_self-portrait,"[0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_self-portrait-sitting-next-to-an-easel-1825,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,camille-corot_semur-the-path-from-the-church,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_sevres-brimborion-view-toward-paris-1864,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_shepherd-and-shepherdess-at-play,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_shepherd-resting,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_shipyard-in-honfleur,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_sibylle,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_smugglers,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_smyrne-bornabat-1873,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_soissons-houses-and-factory-of-mr-henry-1833,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_soissons-seen-from-mr-henry-s-factory-1833,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_souvenir-of-arricia,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_souvenir-of-italy,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_souvenir-of-italy-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,camille-corot_souvenir-of-italy-the-moored-boat-1864,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_souvenir-of-mortefontaine-1864,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_souvenir-of-riva,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_souvenir-of-the-lake-nemi-region-1865,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_souvenir-of-the-villa-borghese-1855,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_souvenir-of-ville-d-avray-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_stoller-in-the-fontainebleau-forest,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_stormy-weather-pas-de-calais,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_stream-in-the-woods,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_strolling-along-the-banks-of-a-pond,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_temple-of-minerva-medica-1826,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_the-arch-of-constantine-and-the-forum-rome-1843,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-artist-s-studio,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-artist-s-studio-1,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-artist-s-studio-1870,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_the-augustan-bridge-at-narni-1826,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-banks-of-the-midouze-mont-de-marsan-as-seen-from-the-pont-du-commerce-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-baptism-of-christ-study-1845,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_the-bay-of-somme,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_the-beach-at-dunkirk-1857,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_the-belfry-of-douai-1871,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-boatman-left-the-bank-with-a-woman-and-a-child-sitting-in-his-boat-sunset,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,camille-corot_the-boatman-of-mortefontaine,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_the-boatmen-of-mortefontaine-1870,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_the-bridge-at-grez-sur-loing,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,camille-corot_the-bridge-at-nantes-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_the-cart,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-church-at-essommes-near-the-chateau-thierry-1856,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-church-at-lormes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-church-at-marissel,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-colosseum-seen-through-the-arcades-of-the-basilica-of-constantine-1825,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-cow-path-1870,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_the-curious-little-girl-1860,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,camille-corot_the-dreamer-1854,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,camille-corot_the-edge-of-the-forest,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_the-evaux-mill-at-chiery-near-chateau-thierry,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-evening-star-1864,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,camille-corot_the-facade-of-the-villa-d-este-at-tivoli-view-from-the-gardens-1843,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-fair-maid-of-gascony-the-blond-gascon-1850,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-ferryman-tying-his-boat,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,camille-corot_the-flood,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,camille-corot_the-ford-under-the-bended-tree,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,camille-corot_the-forest-of-coubron-1872,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,camille-corot_the-forest-of-fontainebleau,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-forestry-workers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-forum-seen-from-the-farnese-gardens-rome-1826,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-gardens-of-the-villa-d-este-tivoli-1843,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-goat-herd-of-genzano-1843,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-goatherds-of-castel-gandolfo-1866,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-grape-harvest-at-sevres,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_the-happy-isle,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,camille-corot_the-inn-at-montigny-les-cormeilles,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_the-italian-goatherd,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-lac-de-nemi,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_the-lake-1861,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_the-letter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,camille-corot_the-little-bridge-at-mantes,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_the-little-nest-harriers,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,camille-corot_the-mill-in-the-trees,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,camille-corot_the-monastery-behind-the-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_the-monk-1874,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_the-mother-superior-of-the-convent-of-the-annonciades-1855,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,camille-corot_the-path-leading-to-the-house-1854,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-paver-of-the-chailly-1835,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0]"
+Realism,camille-corot_the-piper-at-lake-albano,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_the-pond-and-the-cabassud-houses-at-ville-d-avray-1860,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,camille-corot_the-pond-at-ville-d-avray-1860,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_the-ponds-of-ville-d-avray,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,camille-corot_the-port-of-la-rochelle-1851,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-promenade-du-poussin-roman-campagna,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-quai-des-paquis-geneva-1842,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-raging-one,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-rhone-three-women-on-the-riverbank-seated-on-a-tree-trunk,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-road-at-the-river-bank,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-road-in-gouvieux,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_the-road-to-sevres,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-rocky-stream,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,camille-corot_the-roman-cammagna-with-the-tiber-1828,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_the-roman-campagna-with-the-claudian-aqueduct-1828,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-severes-hills-le-chemin-troyon,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-shepherd-overlooking-the-rocky-gorge-1859,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-sin-le-noble-road-near-douai-1873-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-smugglers,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-corot_the-solitude-recollection-of-vigen-limousin-1866,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-son-of-m-edouard-delalain-1850,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,camille-corot_the-studio-young-woman-with-a-mandolin,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_the-swamp-near-the-big-tree-and-a-shepherdess,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_the-tiber-near-rome-1828,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_the-tibre-river-hemmed-in-by-the-collines,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,camille-corot_the-tower-in-the-trees-1865,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-valley-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,camille-corot_the-verdant-bank,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-walk-around-the-pond-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_the-woman-in-blue-1874,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_the-woman-with-a-pearl-1870,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_three-trees-with-a-view-of-the-lake,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_toulon-battleships-dismantled,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_toussaint-lemaistre-architect-1833,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_town-and-lake-como-1834,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_trees-and-rocks-at-la-serpentara-1827,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_trinita-dei-monti-from-the-villa-medici,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_twisted-trees-on-a-ridge-sunset,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,camille-corot_two-cowherds-in-a-meadow-by-the-water,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_two-figures-working-in-the-fields,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-corot_two-italians-an-old-man-and-a-young-boy,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_two-women-talking-by-a-gate,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_uphill-road-in-courbon,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_venice-gondola-on-grand-canal,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_venice-view-of-campo-della-carita-looking-towards-the-dome-of-the-salute-1834,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_venice-view-of-the-esclavons-quay-1834,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_view-at-riva-italian-tyrol-1834,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-at-riva-italian-tyrol-1835,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_view-from-the-farnese-gardens-rome-1826,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-near-epernon-1860,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_view-near-naples-1841,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-of-chalet-de-chenes-bellvue-geneva-1857,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-of-genoa-1834,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_view-of-pierrefonds,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-of-pincio-italy,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-of-saint-lo-with-the-river-vire-in-the-foreground,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-of-the-colosseum-from-the-farnese-gardens-1826,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_view-of-the-grand-canal-venice-from-the-riva-degli-schiavone-1828,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-of-the-pont-au-change-from-quai-de-gesvres-1830,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_view-of-the-roman-compagna-1826,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_village-at-the-foot-of-a-hill-ile-de-france,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_ville-d-avray,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_ville-d-avray-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_ville-d-avray-1870,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_ville-d-avray-1870-1,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_ville-d-avray-1873,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_ville-d-avray-cowherd-in-a-clearing-near-a-pond-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_ville-d-avray-edge-of-the-woods-with-a-female-cowherd,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_ville-d-avray-horses-watering,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_ville-d-avray-the-boat-leaving-the-shore,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_ville-d-avray-the-chemin-de-corot,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_ville-d-avray-the-heights-peasants-working-in-a-field,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,camille-corot_ville-d-avray-the-large-pond-and-villas,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_ville-d-avray-the-pond-and-the-cabassud-house,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-corot_voisinlieu-house-by-the-water,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,camille-corot_voltarra-the-citadel-1834,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_volterra-1834,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_volterra-church-and-bell-tower-1834,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_watercourse-leading-to-the-square-tower-1870,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_waterfall-on-the-romagnes-1872,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_willows-and-farmhouses-at-saint-catherine-les-arras-1871,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,camille-corot_willows-and-white-poplars-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_windmill-on-the-cote-de-picardie-near-versailles,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_windswept-landscape-1865,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,camille-corot_woman-picking-flowers-in-a-pasture,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_woman-reading-in-a-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_woman-sitting-with-nude-breasts,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 2.0]"
+Realism,camille-corot_woman-with-daisies-1870,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-corot_woman-with-mandolin-1828,"[1.0, 0.0, 15.0, 2.0, 2.0, 0.0, 1.0, 20.0, 3.0]"
+Realism,camille-corot_women-in-a-field-of-willows-1865,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_wooded-peninsula-1868,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_wooded-plateau-fountainebleau-1840,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Realism,camille-corot_young-boy-of-the-corot-family,"[1.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_young-girl-learning-to-write,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-corot_young-girl-reading,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,camille-corot_young-girl-seated-in-a-meadow-1865,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-corot_young-girl-with-a-large-cap-on-her-head,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-corot_young-italian-patriot-in-the-mountains,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-corot_young-italian-woman-from-papigno-with-her-spindle,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,camille-corot_young-man-with-naked-shoulder,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-pissarro_a-creek-in-saint-thomas-antilles-1856,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_a-square-in-la-roche-guyon,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-pissarro_a-village-through-the-trees,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,camille-pissarro_antilian-landscape-st-thomas-1856,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_apple-trees-at-pontoise-1868,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_banks-of-a-river-with-barge,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_banks-of-the-river-marne-in-winter-1866,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,camille-pissarro_barges-at-le-roche-guyon-1865,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_donkey-ride-at-la-roche-guyon,"[0.0, 0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_entering-a-village,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_entering-the-forest-of-marly-snow-effect,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_farmyard,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_father-melon-lighting-his-pipe,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_hill-of-jallais-at-pontoise,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_in-the-woods,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,camille-pissarro_in-the-woods-1864,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-pissarro_jacob-coin-de-village,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-pissarro_l-hermitage-at-pontoise,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_la-varenne-de-st-hilaire-1863,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_landscape-at-le-varenne-saint-hilaire,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_landscape-at-louveciennes,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_landscape-varenne-saint-hilaire,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-pissarro_landscape-with-factory-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_landscape-with-figures-by-a-river,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,camille-pissarro_landscape-with-house-in-the-woods-in-saint-thomas-antilles,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_laundress-on-the-banks-of-the-river,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_male-and-female-peasants-on-a-path-crossing-the-countryside,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,camille-pissarro_mountain-landscape-at-saint-thomas-antilles-unfinished,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_peasant-working-in-the-fields,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,camille-pissarro_pere-gallien-s-house-at-pontoise-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_study-for-the-banks-of-marne-in-winter-1866,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_the-banks-of-the-marne-at-cennevieres,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_the-bohemian-s-wagon-1862,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_the-crystal-palace-london-1871,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_the-froggybog-at-bougival-1869,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_the-gardens-of-l-hermitage-pontoise,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_the-harvest,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_the-maidservant-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,camille-pissarro_the-marne-at-chennevieres-1864,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_the-mill-at-la-roche-goyon,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,camille-pissarro_the-railway-bridge-pontoise,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_the-road,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-pissarro_the-road-of-versailles,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-pissarro_the-telegraph-tower-at-montmartre-1863,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Realism,camille-pissarro_the-tumbledown-cottage-near-osny,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_the-versailles-road-at-louveciennes-1869,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_the-wood-cart,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_two-woman-chatting-by-the-sea-st-thomas-1856,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_view-from-louveciennes,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,camille-pissarro_view-of-l-hermitage-at-pontoise-1867,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,camille-pissarro_view-of-l-hermitage-jallais-hills-pontoise,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_view-of-marly-le-roi-1870,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,camille-pissarro_view-of-pontoise-quai-au-pothuis-1868,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_village-at-the-foot-of-a-hill-in-saint-thomas-antilles,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,camille-pissarro_village-church,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,camille-pissarro_woman-carrying-a-pitcher-on-her-head,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,carl-bloch_christian-ii-imprisoned-in-the-tower-at-s-nderborg-castle-1871,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,carl-bloch_in-a-roman-osteria-1866,"[3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-demuth_eggplant-and-tomatoes-1926,"[1.0, 0.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,charles-demuth_red-cabbages-rhubarb-and-orange-1929,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_a-bend-in-the-river-oise-1872,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_a-corner-of-normandy,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_a-june-day,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_an-apple-orchard(1),"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_apple-trees-at-auvers-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Realism,charles-francois-daubigny_apple-trees-in-blossom-1862,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_banks-of-the-oise,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_banks-of-the-oise-1863,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_boat-on-a-pond,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_boats-on-the-oise-1865,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_bords-de-reviere-sun,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_by-the-sea,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,charles-francois-daubigny_castle-gaillard-in-andelys-eure-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,charles-francois-daubigny_cattle-on-the-bank-of-the-river-1872,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_cows-on-the-banks-of-the-seine-at-conflans-1876,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_daybreak-the-oise-ile-de-vaux-1869,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_ducklings-in-a-river-landscape-1874,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_edge-of-the-pond-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_eel-fishermen-1864,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_entering-the-village,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,charles-francois-daubigny_ferry-at-glouton-1859,"[0.0, 1.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_fields-in-the-month-of-june,"[0.0, 11.0, 39.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_fisherman-on-river-with-ducks,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_fisherman-on-the-banks-of-the-river,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_fishing-port-1874,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,charles-francois-daubigny_french-coastal-scene-1868,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_french-river-scene-1871,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_landscape-near-villerville-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_landscape-trees-on-the-slope-of-a-ravine,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_le-ru-de-valmondois,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_low-tide-on-the-coast,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_morning-1858,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_not-identified,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_pond-gijlieu,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_rising-moon-in-barbizon,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_river-landscape-creek-crossing-a-wooded-meadow,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_river-landscape-with-barge-moored,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,charles-francois-daubigny_riverbank-in-moonlight-1875,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_sand-quarries-near-valmondois,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_sluice-in-the-optevoz-valley-1854,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_snowy-landscape-at-sunset-1873,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_spring-1857,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_summer-morning-on-the-oise-1869,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_sunrise-banks-of-the-oise-1865,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_sunset-lower-meudon-1869,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_sunset-on-the-oise-1865,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-banks-of-seine-1851,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_the-banks-of-the-oise(1),"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_the-banks-of-the-oise-1859,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-banks-of-the-oise-1877,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_the-banks-of-the-river-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-banks-of-the-river-1863,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-banks-of-the-river-1868,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-banks-of-the-thames-at-eames,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-barges-1865,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-barges-in-bezons,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-big-valley-of-the-optevoz-1857,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-boards-of-cousin-near-avallon-1848,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-bog-in-the-sunset-1861,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,charles-francois-daubigny_the-botin-1855,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-bush,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-channel-in-hollang,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-clump-of-alders,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-crossroads-at-the-eagle-nest-forest-of-fontainebleau,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-dinner-in-boat,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-flood-gate-at-optevoz-1859,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-graves-of-villerville-nemed-also-meadow-with-a-view-on-the-sea-1859,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-hamlet-of-optevoz-in-the-morning,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-harbour-at-honfleur,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-harvest-1851,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_the-isles-vierges-a-bezons-1855,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-meadow-of-graves-in-villerville,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,charles-francois-daubigny_the-mill-of-the-gylieu-1868,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_the-orchard-at-sunset,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_the-park-at-st-cloud-1865,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-peasant-yard-1855-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_the-pond-1870,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-pond-with-a-herons-1857,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,charles-francois-daubigny_the-port-of-dieppe,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-river-meuse-at-dordrecht-1872,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_the-river-seine-at-mantes,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_the-seine-in-bezons-val-d-oise-1851,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-studio-on-the-boat-1861,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-francois-daubigny_the-themse-in-erith-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-turkey-keeper-1858,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_the-village-auvers-sur-oise,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_the-water-s-edge,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_the-woods-and-creek,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_washerwoman-near-valdomdois,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_washerwomen-at-the-oise-river-near-valmondois-1865,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-francois-daubigny_washerwomen-on-the-riverbank,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_wasteland,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-francois-daubigny_wood-fire-in-the-country-1871,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-francois-daubigny_young-corn(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-hermans_at-the-masquerade,"[1.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-hermans_at-the-masquerade-detail,"[10.0, 9.0, 10.0, 13.0, 1.0, 0.0, 2.0, 1.0, 4.0]"
+Realism,charles-hermans_circe-the-temptress-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,charles-hermans_femme-l-ventail,"[1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-hermans_honeymoon-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,charles-hermans_l-aube-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,charles-hermans_l-aube-detail-1875,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,charles-hermans_la-belle-voisine,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-hermans_monks-playing-bowls-1867,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,charles-hermans_orientale-au-tambourin,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,charles-hermans_portrait-of-a-girl-identified-as-the-artist-s-daughter,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,charles-hermans_portrait-of-a-young-lady,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,charles-hermans_spanish-beauty,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,charles-hermans_the-flower-seller,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,charles-hermans_the-onion-sellers,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-hermans_two-dancers,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,charles-sheeler_american-landscape-1930,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,charles-sheeler_criss-crossed-conveyors-river-rouge-plant-ford-motor-company-1927,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,charles-sheeler_doylestown-house-the-stove-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,charles-sheeler_industrial-series-1-1928,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,charles-sheeler_the-open-door-1932,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,charles-sheeler_upper-deck-1928,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,childe-hassam_at-the-florist,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,christoffer-wilhelm-eckersberg_seated-nude-model,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,christoffer-wilhelm-eckersberg_the-marble-staircase-which-leads-up-to-s-maria-in-aracoeli-in-rome-1816,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,claude-monet_a-corner-of-the-studio(1),"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,claude-monet_a-farmyard-in-normandy(1),"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,claude-monet_by-the-sea,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,claude-monet_camille-also-known-as-the-woman-in-a-green-dress,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Realism,claude-monet_camille-with-a-small-dog,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,claude-monet_pont-of-honfleur-sun,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,claude-monet_portrait-of-madame-gaudibert,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,claude-monet_still-life-with-bottles-1863,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,claude-monet_the-chapel-notre-dame-de-grace-at-honfleur,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,claude-monet_the-garden-of-the-princess-1867,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,claude-monet_the-luncheon,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,claude-monet_the-road-from-chailly-to-fontainebleau,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,claude-monet_trophies-of-the-hunt,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,claude-monet_view-at-rouelles-le-havre,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,columbano-bordalo-pinheiro_a-ch-vena-de-ch-1898,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,columbano-bordalo-pinheiro_a-locandeira-1897,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,columbano-bordalo-pinheiro_allegory-of-ceramic-painting-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,columbano-bordalo-pinheiro_assass-nio-de-dona-in-s-de-castro,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 5.0, 3.0, 0.0]"
+Realism,columbano-bordalo-pinheiro_auto-retrato-1904,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,columbano-bordalo-pinheiro_bulh-o-pato-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,columbano-bordalo-pinheiro_five-o-clock-tea,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,columbano-bordalo-pinheiro_portrait-of-antero-de-quintal-1889,"[0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 3.0, 3.0, 0.0]"
+Realism,columbano-bordalo-pinheiro_repolho-1911,"[3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 4.0]"
+Realism,columbano-bordalo-pinheiro_retrato-de-te-filo-braga-1917,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,columbano-bordalo-pinheiro_retrato-do-professor-jo-o-barreira-1900,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Realism,columbano-bordalo-pinheiro_um-concerto-de-amadores-1882,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,constant-troyon_a-cow-in-a-landscape,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_a-view-towards-the-seine-from-suresnes,"[0.0, 4.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_apple-harvest-in-normandy-1865,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_approaching-storm,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,constant-troyon_beach-at-trouville,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_calf-cows-at-the-marl,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,constant-troyon_cow-chased-by-a-dog,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,constant-troyon_cows-at-the-watering-1855,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,constant-troyon_cows-grazing,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_cows-in-a-landscape,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_cows-in-the-field-1852,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,constant-troyon_figures-in-a-farmyard,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_goose-girl,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,constant-troyon_herdsman-1860,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_hillside-with-rocky-outcrops-1852,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_horse-portrait,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_la-vallee,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_on-the-farm,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,constant-troyon_on-the-way-to-the-market-1859,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_outside-the-stable,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_pastoral-scene,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_path-in-a-small-wood,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,constant-troyon_plowing,"[0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_return-of-the-herd,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,constant-troyon_returning-from-pasture,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,constant-troyon_running-dogs-1853,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_the-angler,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,constant-troyon_the-fisherman,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,constant-troyon_the-ford,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constant-troyon_the-white-bull,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,constant-troyon_unloading-the-ferry,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,constant-troyon_water-carriers,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,constant-troyon_watercourse-in-the-woods,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,constantin-artachino_acareturi,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-artachino_almond-bargainer,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,constantin-artachino_boats-on-the-shore-of-danube,"[0.0, 0.0, 10.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-artachino_fishing,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,constantin-artachino_on-the-meadow,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,constantin-artachino_peasant-bakestone,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 5.0, 1.0]"
+Realism,constantin-artachino_street-in-turtucaia,"[0.0, 0.0, 6.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,constantin-artachino_tatar-inn,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,constantin-artachino_turk,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,constantin-artachino_turk-bargainer,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,constantin-artachino_white-headscarf,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,constantin-guys_at-the-theater-au-foyer-du-th-atre-ladies-and-gentlemen,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-guys_bazar-de-la-volupt-1870,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,constantin-guys_carriage-and-three-gentlemen-on-horses,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,constantin-guys_dandies-in-the-park,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,constantin-guys_demi-mondaines-1860,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-guys_deux-grisettes-et-deux-soldats,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,constantin-guys_four-women-on-a-sofa,"[1.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Realism,constantin-guys_girls-on-the-balcony-1860,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,constantin-guys_in-the-street,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Realism,constantin-guys_la-loge-de-l-op-ra,"[0.0, 1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,constantin-guys_leaving-the-theater,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,constantin-guys_officers-of-the-guard,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,constantin-guys_parisienne-seen-from-the-back-1855,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,constantin-guys_portrait-2-1865,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,constantin-guys_portrait-of-a-lady,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,constantin-guys_t-li-re-1864,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,constantin-guys_the-chasseurs-d-afrique-during-the-crimean-war-of-1854,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,constantin-guys_the-croatian-potentate-narguile,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-guys_the-spread,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,constantin-guys_two-grisettes,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,constantin-guys_two-seated-women,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-guys_two-women-1891,"[3.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-guys_two-women-with-fans,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-guys_unknown-title,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-guys_voiture,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,constantin-guys_woman-standing-in-a-doorway,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,constantin-stahi_easter-food-1916,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-stahi_plums-1911,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,constantin-stahi_plums-at-the-edge-of-the-table-1905,"[1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,constantin-stahi_portrait-of-a-girl-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,constantin-stahi_portrait-of-vasile-alecsandri-1892,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,constantin-stahi_queen-elizabeth-and-princess-m-rioara-1877,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-stahi_self-portrait-1871,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Realism,constantin-stahi_still-life-1872,"[0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Realism,constantin-stahi_still-life-1916,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-stahi_still-life-with-christian-artefacts-1919,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,constantin-stahi_still-life-with-fruit-1902,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,constantin-stahi_still-life-with-fruit-1915,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-stahi_still-life-with-fruit-1916,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,constantin-stahi_still-life-with-strawberries-1905,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,constantin-stahi_still-life-with-watermelons-1912,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,constantin-stahi_watermelons-1907,"[0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Realism,corneliu-baba_field-rest-1954,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,corneliu-baba_still-life-1979,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,corneliu-baba_the-chess-player-1948,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,david-bomberg_jerusalem-looking-to-mount-scopus-1925,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_a-draft-for-embroidery-peonies-1937,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,david-burliuk_a-dying-swan,"[2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,david-burliuk_a-lakeshore-1953,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_an-actor-1938,"[0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,david-burliuk_anna-maria-island-florida-1948,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_artist-abraham-manievitch-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,david-burliuk_artist-s-house-in-hampton-bays,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_countryside-at-summer-1946,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_cyclamens-1954,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_dacha-near-saint-petersburg(1),"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,david-burliuk_design-of-an-ex-libris-for-e-f-gollerbach-1932,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_fishing-boat-rockport,"[0.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_florida-1948,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_flowers-and-seashells-in-a-mountain-landscape,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_frank-kleinholtz,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,david-burliuk_gate-of-temple-in-japan-1921,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_great-peconick-bay-l-i-n-y,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,david-burliuk_head-of-a-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,david-burliuk_japanese-village-1921,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_june-g-1950,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,david-burliuk_landscape-near-kingston,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,david-burliuk_landscape-with-a-flowerbed-1906,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_landscape-with-blue-mountain,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_male-portrait-1929,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,david-burliuk_marusia,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,david-burliuk_marusia-1938,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,david-burliuk_marusia-portrait-of-the-artist-s-wife-1928,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,david-burliuk_mount-fuji-1922,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_mountain-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,david-burliuk_noah-s-ark-1954,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,david-burliuk_nude-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,david-burliuk_portrait,"[1.0, 0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_portrait-by-the-castle-under-moonlight-1951,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,david-burliuk_portrait-of-a-man-1960,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 4.0]"
+Realism,david-burliuk_portrait-of-artist-s-wife-1929,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,david-burliuk_portrait-of-marusia-1933,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,david-burliuk_portrait-of-marusia-burliuk,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,david-burliuk_portrait-of-marussia-burliuk-1956,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,david-burliuk_portrait-of-nicholas-roerich-1929-1,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_portrait-of-sergei-eisenstein-1932,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,david-burliuk_still-life-with-industry-1932(1),"[2.0, 6.0, 20.0, 3.0, 1.0, 3.0, 0.0, 4.0, 7.0]"
+Realism,david-burliuk_still-life-with-roses-and-fruits-1933,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,david-burliuk_summer-meadow(4),"[0.0, 8.0, 37.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,david-burliuk_sunflowers,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edgar-degas_a-roman-beggar-woman-1857,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,edgar-degas_achille-de-gas-as-a-naval-cadet-detail-1857,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,edgar-degas_josephine-gaujean-1868,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,edgar-degas_portrait-of-a-woman-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,edgar-degas_portrait-of-james-tissot-1868,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edgar-degas_portrait-of-madame-edmondo-morbilli-1865,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,edgar-degas_portrait-of-rene-de-gas-1855,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,edgar-degas_portrait-of-rene-de-gas-1855-1,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,edgar-degas_portrait-of-rene-hillaire-de-gas-1857,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Realism,edgar-degas_still-life-with-lizard-1860,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edgar-degas_the-belleli-family-1862,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,edouard-manet_a-boy-with-a-dog-1861,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_a-boy-with-a-pitcher-1862,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_a-brioche-1870,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_a-corner-of-the-garden-in-rueil-1882,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_a-good-glass-of-beer-1873,"[3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_a-king-charles-spanie,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_a-matador-1867,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_a-veiled-young-woman-1872,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0, 0.0]"
+Realism,edouard-manet_angelina-1865,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,edouard-manet_artist-s-atelier,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,edouard-manet_asparagus-1880,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,edouard-manet_basket-of-fruits,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_battle-of-kearsage-and-alabama-1864,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,edouard-manet_beach-at-boulogne-1869,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_berthe-morisot-with-a-fan-1872,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_bouquet-of-violets-1872,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_boy-blowing-bubbles-1869,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_boy-with-a-sword-1861,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,edouard-manet_branch-of-white-peonies-and-secateurs-1864,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_brunette-with-bare-breasts-1872,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,edouard-manet_bull-fighting-scene-1866,"[0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,edouard-manet_bundle-of-aspargus-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0]"
+Realism,edouard-manet_eel-and-red-mullet-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_eva-gonzales-1878,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_fishing-boat-coming-in-before-the-wind-the-kearsarge-in-boulogne-1864,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,edouard-manet_guitar-and-hat-1862,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_gypsy-with-a-cigarette,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_head-of-a-dog-1876,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_head-of-jean-baptiste-faure,"[1.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_jesus-mocked-by-the-soldiers-1865,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,edouard-manet_jetty-at-boulogne-1868,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,edouard-manet_lola-de-valence-1862,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_madame-auguste-manet,"[2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,edouard-manet_madame-brunet,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,edouard-manet_madame-manet-at-the-piano-1868,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_moonlight-on-boulogne-harbour-1868,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,edouard-manet_olympia-1863,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_oysters-1862,"[0.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_peonies-in-a-vase-1864,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,edouard-manet_peony-stem-and-shears-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,edouard-manet_pertuiset-lion-hunter-1881,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 1.0, 0.0]"
+Realism,edouard-manet_pierrot-dancing-1849,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_polichinelle-1873,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,edouard-manet_portrait-of-antonin-proust-study-1877,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,edouard-manet_portrait-of-clemenceau-at-the-tribune-1880,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,edouard-manet_portrait-of-emile-zola-1868,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,edouard-manet_portrait-of-ernest-cabaner-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,edouard-manet_portrait-of-eva-gonzales-1870,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_portrait-of-irma-brunner,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,edouard-manet_portrait-of-jeanne-duval-1862,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_portrait-of-lina-campineanu-1878(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,edouard-manet_portrait-of-madame-julles-guillemet,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_portrait-of-monsieur-and-madame-auguste-manet-1860,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,edouard-manet_portrait-of-monsieur-tillet,"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_portrait-of-suzanne-manet-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,edouard-manet_portrait-of-zacharie-astruc-1866,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,edouard-manet_rose-and-tulip-1882,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_roses-in-a-champagne-glass,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_sketch-of-moving-farmer,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,edouard-manet_steamboat-leaving-boulogne-1864,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,edouard-manet_still-life-fruits-on-a-table-1864(1),"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,edouard-manet_still-life-with-brioche,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_still-life-with-melon-and-peaches-1866,"[0.0, 0.0, 3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_street-singer,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,edouard-manet_study-of-trees-1859,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,edouard-manet_study-to-dead-christ-with-angels-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 0.0]"
+Realism,edouard-manet_surprised-nymph-1861,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,edouard-manet_the-absinthe-drinker-1859,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 1.0, 0.0]"
+Realism,edouard-manet_the-artist-portrait-of-gilbert-marcellin-desboutin-1875,"[1.0, 1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,edouard-manet_the-balcony-1869,"[2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,edouard-manet_the-barque-of-dante-copy-after-delacroix-1854,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,edouard-manet_the-barricade-civil-war-1871,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,edouard-manet_the-boy-with-a-sword-1862,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,edouard-manet_the-boy-with-cherries-1859,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_the-bullfight-1864,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,edouard-manet_the-burial,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,edouard-manet_the-dead-christ-with-angels-1864,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0, 0.0]"
+Realism,edouard-manet_the-dead-toreador-1865(1),"[0.0, 3.0, 2.0, 2.0, 1.0, 2.0, 13.0, 27.0, 1.0]"
+Realism,edouard-manet_the-execution-of-the-emperor-maximilian-of-mexico-1868,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Realism,edouard-manet_the-exposition-universelle-1867,"[1.0, 0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_the-fifer-1866,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_the-garden-around-manet-s-house,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,edouard-manet_the-ham-1880,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_the-head-of-christ,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,edouard-manet_the-jetty-at-boulogne-1869,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,edouard-manet_the-journalist-henri-rochefort-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,edouard-manet_the-lemon-1880,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_the-luncheon-on-the-grass-1863,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,edouard-manet_the-monk-at-prayer-1865,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,edouard-manet_the-old-musician-1862,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,edouard-manet_the-philosopher-1867,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_the-port-of-bordeaux-1871,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,edouard-manet_the-port-of-bordeaux-1871-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_the-races-in-the-bois-de-boulogne-1872,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_the-ragpicker-1869,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,edouard-manet_the-salmon,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,edouard-manet_the-spanish-ballet-1862,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_the-spanish-singer-1860,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_the-tragedian-actor-1866,"[0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_theodore-duret-1868,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,edouard-manet_two-roses-on-a-tablecloth,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,edouard-manet_vase-of-peonies-on-a-small-pedestal-1864,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,edouard-manet_victorine-meurent-1862,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,edouard-manet_victorine-meurent-in-the-costume-of-an-espada-1862,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,edouard-manet_view-of-holland-1872,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,edouard-manet_woman-with-a-parrot-1866,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,edouard-manet_woman-writing,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,edouard-manet_young-man-in-the-costume-of-a-majo-1863,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_young-woman-in-oriental-garb-1871,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edouard-manet_young-woman-reclining-in-spanish-costume-1863,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,edouard-manet_young-woman-with-a-book-1875,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,edvard-munch_aunt-karen-in-the-rocking-chair-1883,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,edvard-munch_girl-kindling-a-stove-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,edvard-munch_landscape-maridalen-by-oslo-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edvard-munch_morning-1884,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,edvard-munch_old-aker-church-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,edvard-munch_self-portrait-1882,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,efim-volkov_artists-in-the-open-air,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_autumn,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_cell,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,efim-volkov_cobweb-morning,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_creek-in-the-woods,"[0.0, 5.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_during-haying,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,efim-volkov_farm,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,efim-volkov_field-of-daisies,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_fire,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,efim-volkov_first-snow,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,efim-volkov_forest-landscape-with-watermill,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_grazing,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,efim-volkov_in-forest-after-spring,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,efim-volkov_in-late-winter,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_landscape-with-a-pond,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_landscape-with-an-abandoned-house,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_landscape-with-the-village-children,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_marsh-in-autumn,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,efim-volkov_moonlit-night-in-the-wood,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,efim-volkov_near-the-monastery,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,efim-volkov_noon-in-the-woods,"[1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_october,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,efim-volkov_quiet-river,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_river-in-ukraine,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_rural-landscape,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_seascape,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,efim-volkov_summer-landscape-with-fisherman,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_sunset-over-the-lake,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_the-beach,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_the-party-in-the-summer-garden,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,efim-volkov_the-sea,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,efim-volkov_ukrainian-landscape,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,efim-volkov_warm-evening,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,efim-volkov_winter-landscape,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,emile-claus_charlotte-dufaux-in-her-wedding-dress-1886,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,emile-claus_cow,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,emile-claus_orchard-in-flanders,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,emile-claus_portrait-de-madame-claus-1900,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Realism,emile-claus_the-beet-harvest-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,emile-claus_the-cock-fight-1882,"[0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 3.0, 0.0]"
+Realism,emile-claus_the-old-gardener-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,eugene-boudin_a-hen-and-her-chicks-after-melchior-d-hondecoeter,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,eugene-boudin_a-horse-drinking,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,eugene-boudin_approaching-storm-1864,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,eugene-boudin_beach-scene-trouville-1863,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_beach-scene-trouville-1863-1,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,eugene-boudin_beach-scene-trouville-1864-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,eugene-boudin_cattle-market-at-daoulas-brittany-1861,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_crinolines-on-the-beach-1863,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,eugene-boudin_deauville-low-tide,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,eugene-boudin_douarnenez-fishing-boats-at-dockside-1855,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,eugene-boudin_entrance-to-port-of-havre-1864,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,eugene-boudin_farm-near-quimper,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,eugene-boudin_fine-weather-on-the-estuary,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,eugene-boudin_fishermen-by-the-water,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,eugene-boudin_flowers-and-fruit-in-a-garden-1869,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,eugene-boudin_fruit-and-vegetables-with-a-parrot-1869,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_laundresses-on-the-banks-of-the-touques-11,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,eugene-boudin_le-havre-avent-port-1866,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,eugene-boudin_le-havre-entrance-to-the-port,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,eugene-boudin_le-havre-francais-tower,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_le-havre-the-town-hotel-and-the-francois-i-tower-1859,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,eugene-boudin_low-tide-near-honfleur,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,eugene-boudin_mullet-and-fish,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 2.0, 0.0]"
+Realism,eugene-boudin_near-honfleur,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,eugene-boudin_not_detected_246183,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_park-cordieres-a-trouville-1873,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_pheasant-duck-and-fruit-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_pond-at-sunset,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_portrait-of-the-artist-s-father-leonard-sebastien-boudin-1850,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_portrieux-fishing-boats-at-low-tide,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,eugene-boudin_sailing-boats-at-quay,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_seascape-with-large-sky-1860,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_spray-of-flowers-1858,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,eugene-boudin_spray-of-flowers-hollyhocks-1858,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_still-life-with-skate-1861,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Realism,eugene-boudin_study-of-cows,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_study-of-fishing-boats,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,eugene-boudin_the-beach-at-trouville-1863,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_the-beach-at-trouville-1864,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_the-beach-at-trouville-1864-1,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_the-beach-at-villerville-1864,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_the-fish-market-rotterdam-1876,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,eugene-boudin_the-fisherman-low-tide,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,eugene-boudin_the-francois-ier-tower-at-le-havre-1852,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_the-honfleur-lighthouse,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,eugene-boudin_the-pilgrimage-to-cythera-after-watteau,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,eugene-boudin_the-port-portrieux-1873,"[1.0, 8.0, 13.0, 5.0, 0.0, 2.0, 9.0, 5.0, 4.0]"
+Realism,eugene-boudin_the-port-portrieux-at-low-tide,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,eugene-boudin_the-port-portrieux-at-low-tide-1874,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,eugene-boudin_the-port-portrieux-at-low-tide-unloading-fish-1873,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,eugene-boudin_the-road-from-trouville-to-honfleur,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,eugene-boudin_the-saint-simeon-farm-1860,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,eugene-boudin_the-seashore,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,eugene-boudin_the-valley-of-the-touques,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_trouville-1864,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,eugene-boudin_trouville-shore-and-rocks,"[1.0, 14.0, 21.0, 3.0, 0.0, 0.0, 0.0, 10.0, 2.0]"
+Realism,eugene-boudin_view-from-the-camaret-heights-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,eugene-boudin_white-clouds-blue-sky,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,eugene-boudin_white-clouds-over-the-estuary,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 1.0, 0.0, 0.0]"
+Realism,felix-vallotton_alfred-athis-pseudonym-of-alfred-natanson-1906,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,felix-vallotton_f-lix-stanislas-jasinski-1887,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,felix-vallotton_felix-jasinski-in-his-printmaking-studio-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,felix-vallotton_martello-tower-in-guernsey-1907,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,felix-vallotton_marthe-mellot-wife-of-alfred-natanson-1906,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,felix-vallotton_meat-and-eggs-1918,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,felix-vallotton_moroccan-jug-and-pears-1924,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,felix-vallotton_my-portrait-1885,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 2.0]"
+Realism,felix-vallotton_my-portrait-1891,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,felix-vallotton_my-portrait-1908,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Realism,felix-vallotton_paul-vallotton-the-artist-s-brother-1886,"[2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,felix-vallotton_reclining-female-nude,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,felix-vallotton_reclining-nude-on-a-couch,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,felix-vallotton_seated-black-woman-front-view-1911,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,felix-vallotton_seated-nude-on-a-couch,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,felix-vallotton_self-portrait-1897,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,felix-vallotton_self-portrait-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,felix-vallotton_still-life-with-roses-1920,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,felix-vallotton_the-artist-s-mother-1884,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,felix-vallotton_the-artist-s-parents-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,felix-vallotton_the-ham-1918,"[0.0, 3.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Realism,felix-vallotton_usous-wood,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,felix-vallotton_villa-beaulieu-honfleur-1909,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,felix-vallotton_woman-with-a-black-hat-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,felix-vallotton_young-woman-with-yellow-scarf-1911,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_at-the-foot-of-the-petit-saleve-1890,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_autumn-evening-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_battle-scenes,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Realism,ferdinand-hodler_devotion-1882,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ferdinand-hodler_landscape-at-the-jonction-at-geneva-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_olive-trees-in-spain-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ferdinand-hodler_on-the-banks-of-the-manzanares-1878,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_pastures-at-the-jonction-at-geneva-1878,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_portrait-of-louise-delphine-duchosal-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ferdinand-hodler_portrait-of-louise-delphine-duchosal-1885-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ferdinand-hodler_portrait-of-miss-lina-kyburz,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_self-portrait-in-paris-1891,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ferdinand-hodler_spanish-landscape-1878,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ferdinand-hodler_the-aarekanal-near-thun-1879,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-angry-one,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-beech-forest-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ferdinand-hodler_the-black-lutschina-1905,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-bull-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ferdinand-hodler_the-chestnut-trees-1889,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-cobbler-by-the-window-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ferdinand-hodler_the-convalescent,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Realism,ferdinand-hodler_the-golden-meadow-1890,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-good-samaritan-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,ferdinand-hodler_the-mill-of-sous-terre-in-geneva-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-pastor-1879,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ferdinand-hodler_the-reaper,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ferdinand-hodler_the-road-to-a-particular-interest-1890,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-shoemaker-1878,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ferdinand-hodler_the-small-plantane-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ferdinand-hodler_the-student-self-portrait,"[4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_the-turner-banquet-1878,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ferdinand-hodler_unemployed-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,fernand-khnopff_listening-to-schumann-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,fernand-khnopff_mary-von-stuck-1916,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fernand-khnopff_portrait-of-gabrielle-braun-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,fernand-khnopff_portrait-of-jeanne-kefer-1885,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,fernand-khnopff_portrait-of-marguerite-khnopff-1887,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 2.0]"
+Realism,fernand-khnopff_portrait-of-mrs-botte-1896,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,franz-marc_cottages-on-the-dachau-marsh-1902,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,franz-marc_head-of-the-horse-1906,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,franz-marc_portrait-of-the-artist-s-mother-1902,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,frederic-remington_a-gander-pull-1894,"[0.0, 2.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,frederic-remington_a-misdeal-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+Realism,frederic-remington_attack-on-the-supply-train-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,frederic-remington_bull-fight-in-mexico-1889,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,frederic-remington_buying-polo-ponies-in-the-west-1905,"[2.0, 2.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,frederic-remington_charge-of-the-rough-riders-at-san-juan-hill-1898,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,frederic-remington_cracker-cowboys-of-florida-1895,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,frederic-remington_mule-train-crossing-the-sierras-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,frederic-remington_prospecting-for-cattle-range-1889,"[0.0, 1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,frederic-remington_self-portrait-on-a-horse-1890,"[4.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,frederic-remington_signaling-the-main-command-1885,"[1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,frederic-remington_the-broncho-buster-1909,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,frederic-remington_the-right-of-the-road-1900,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,frederic-remington_the-scream-of-shrapnel-at-san-juan-hill-1898,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 3.0, 5.0, 0.0]"
+Realism,frederic-remington_the-smoke-signal-1905,"[0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,frederic-remington_the-song-of-hiawatha-illustration,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,frederic-remington_what-an-unbranded-cow-has-cost-1895,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 8.0, 0.0]"
+Realism,frits-thaulow_a-factory-building-near-an-icy-river-in-winter,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,frits-thaulow_a-river-in-the-winter,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,frits-thaulow_cottages-by-a-river,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,frits-thaulow_flooding-by-the-seine,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,frits-thaulow_in-the-elbank-hamburg,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,frits-thaulow_the-mill,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,frits-thaulow_the-mill-pond,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,frits-thaulow_winter,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,frits-thaulow_winter-in-paris,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,frits-thaulow_winter-on-the-isle-of-stord,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,fyodor-bronnikov_abandoned-1873,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,fyodor-bronnikov_capuchin-1881,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-bronnikov_cursed-field-the-place-of-execution-in-ancient-rome-crucified-slave-1878,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 5.0, 0.0]"
+Realism,fyodor-bronnikov_exile-in-front-of-the-grave-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,fyodor-bronnikov_masquerade-1870,"[6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-bronnikov_painters-in-the-hall-of-a-rich-man-1876,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,fyodor-bronnikov_portrait-of-a-girl,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-bronnikov_portrait-of-an-italian-ballerina-virginia-zucchi-1889,"[0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-bronnikov_portrait-of-an-old-man,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,fyodor-bronnikov_portrait-of-an-old-man-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,fyodor-bronnikov_portrait-of-the-artist-s-father-1871,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,fyodor-bronnikov_portrait-of-the-artist-s-mother-1871,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,fyodor-bronnikov_reading-the-newspaper-1880,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,fyodor-bronnikov_self-portrait-1858,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,fyodor-bronnikov_servant-of-cardinal-1869,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-bronnikov_square-in-rome,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-bronnikov_the-catholic-mass,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,fyodor-bronnikov_the-catholic-mass-1869,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,fyodor-bronnikov_the-garden-arbor-1880,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,fyodor-bronnikov_the-monk-and-the-beggar-1902,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,fyodor-bronnikov_the-old-beggar-1869,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,fyodor-vasilyev_abandoned-mill-1-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_abandoned-mill-1873,"[1.0, 9.0, 16.0, 2.0, 0.0, 1.0, 11.0, 3.0, 1.0]"
+Realism,fyodor-vasilyev_abandoned-mill-2-1873,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_after-a-heavy-rain,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_after-a-rain,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_after-a-rain-country-road-1869,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,fyodor-vasilyev_after-a-rain-spring-in-st-petersburg,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,fyodor-vasilyev_after-a-thunderstorm,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_apiary,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_at-the-river-windy-day,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_at-the-sink,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_autumn,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_autumn-forest-1873,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_bank-of-the-volga-after-the-storm,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_barges-near-the-bank,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_barges-on-volga,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_barns,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_bay,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,fyodor-vasilyev_before-a-thunderstorm,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,fyodor-vasilyev_before-a-thunderstorm-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_before-a-thunderstorm-1869,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_before-the-rain-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_birch-grove-in-the-evening-1869,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_boat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_bridge-over-a-brook,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,fyodor-vasilyev_brook-in-a-forest,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_cloud,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_cloud-study,"[1.0, 15.0, 10.0, 4.0, 0.0, 1.0, 15.0, 4.0, 0.0]"
+Realism,fyodor-vasilyev_clouds,"[0.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_clouds-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_clouds-over-hills-study,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,fyodor-vasilyev_clouds-the-village-of-krestinskoye,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_crimea-yalta-1873,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_crimean-landscape-1873,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_cumulus-1871,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_cumulus-study,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_cypresses-in-the-crimea,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_dawn,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_dawn-in-st-petersburg,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_dugout,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_early-morning,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_eriklik-the-fountain-crimea,"[0.0, 2.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_evening,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_evening-1871,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_evening-in-the-crimea-1873,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_forest-road-1869,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_horses-at-the-watering-1869,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_hot-summer-day,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_illumination-in-st-petersburg,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_in-an-oak-grove,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_in-the-crimea-after-a-rain-1873,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_in-the-mountain-of-the-crimea-brook-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0]"
+Realism,fyodor-vasilyev_in-the-mountains-of-the-crimea,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_in-the-vicinity-of-st-petersburg,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_landscape-crimea-1873,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_landscape-pargolovo,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_landscape-with-a-rock-and-stream,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_landscape-with-clouds,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_landscape-with-peasant-s-huts-and-pond-near-st-petersburg-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_logs-by-the-road-1869,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_lombardy-poplars-on-the-bank-of-a-lake-evening,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_morning-1873,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_morning-1873-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_morning-in-a-village,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_mountains-in-the-clouds,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_mountains-in-the-crimea-in-winter-1873,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_mountains-of-the-crimea-in-autumn,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_near-a-church-valaam,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_near-a-watering-place,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_near-krasnoye-selo,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_oaks,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_on-the-bank-of-the-volga,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_on-the-beach-1873,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_on-the-island-valaam,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_on-the-neva-1871,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Realism,fyodor-vasilyev_on-the-river-calm,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_on-the-river-windy-day,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_on-valaam-rocks,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_peasant-family-in-a-boat,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_peasant-s-courtyard-1869,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_peasant-s-house,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_peasants-hut,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,fyodor-vasilyev_peasants-with-a-boat-on-a-sandy-beach,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_pine-grove-in-the-swamp-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_pond-at-the-sunset,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_poplars,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,fyodor-vasilyev_poplars-lit-by-the-sun,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_rapid-stream,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_return-of-the-herd,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,fyodor-vasilyev_river-in-krasnoye-selo,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,fyodor-vasilyev_road-through-a-birchwood-1869,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_rye,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_sailboats-study,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_self-portrait,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_street-in-a-village,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_summer-hot-day,"[1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_surf-waves-1873,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_swamp-in-a-forest-mist,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_the-barn,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,fyodor-vasilyev_the-crowns-of-the-trees,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_the-evening-before-the-storm-1869,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,fyodor-vasilyev_the-sea-with-ships-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,fyodor-vasilyev_the-shore-cloudy-day-1869,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_the-thaw,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,fyodor-vasilyev_the-trunk-of-an-old-oak-1869,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,fyodor-vasilyev_tide,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,fyodor-vasilyev_tide-near-the-shore-of-the-crimea,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_trees,"[0.0, 0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_trees-study,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_vassiliev-swamp-in-the-forest-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,fyodor-vasilyev_view-from-eriklik-study,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_village,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_village-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,fyodor-vasilyev_volga-lagoon,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_water-mill-on-a-mountain-river-crimea,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0]"
+Realism,fyodor-vasilyev_wet-meadow,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_wet-meadow-1-study,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,fyodor-vasilyev_winter,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 2.0, 0.0]"
+Realism,fyodor-vasilyev_winter-in-the-crimea-1873,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 4.0]"
+Realism,george-catlin_a-choctaw-woman-1834,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,george-catlin_a-village-of-the-hidatsa-tribe-at-knife-river-1832,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,george-catlin_ah-yaw-ne-tak-o-r-ron-a-warrior-1831,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,george-catlin_attacking-the-grizzly-bear-1844,"[0.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,george-catlin_ball-play-dance-1835,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,george-catlin_ball-play-of-the-choctaw-ball-up-1850,"[1.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,george-catlin_ball-players,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,george-catlin_buffalo-bull-grazing-1845,"[1.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,george-catlin_buffalo-bull-s-back-fat-stu-mick-o-s-cks-head-chief-of-the-blood-tribe-blackfoot-1832,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,george-catlin_co-ee-h-jo-a-seminole-chief-1837,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_dance-to-the-berdache-sac-and-fox,"[2.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_h-l-te-m-l-te-t-z-te-n-ek-ee-sam-perryman-creek-chief-1834,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,george-catlin_h-ra-t-a-a-brave-fort-union-crow-apsaalooke-1832,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,george-catlin_h-tchoo-t-c-knee-snapping-turtle-a-half-breed-1834,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,george-catlin_k-t-tee-o-t-b-bee-how-did-he-kill-a-noted-brave-choctaw-1834,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_kee-o-kuk-the-running-fox-1839,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_kei-a-gis-gis-a-woman-of-the-plains-ojibwa-1832,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_little-bear-hunkpapa-brave-1832,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,george-catlin_m-sho-la-t-b-bee-he-who-puts-out-and-kills-chief-of-the-tribe-1834,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_mah-to-toh-pe-four-bears-mandan-chief-1833,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_osage-warrior-of-the-wha-sha-she-band-a-subdivision-of-hunkah-1834,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,george-catlin_osceola-head-chief-seminole-1838,"[0.0, 4.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_see-non-ty-a-an-iowa-medicine-man-1845,"[1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_sha-k-ka-mint-a-mandan-girl-1832,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_shonka-sabe-black-dog-chief-of-the-hunkah-division-of-the-osage-tribe-1834,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-catlin_sioux-war-council,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,george-catlin_the-white-cloud-head-chief-of-the-iowa-1845,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,george-catlin_tul-lock-ch-sh-ko-drinks-the-juice-of-the-stone-choctaw-1834,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,george-catlin_tul-lock-ch-sh-ko-drinks-the-juice-of-the-stone-in-ball-player-s-dress-choctaw-1834,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-pemba_self-portrait-1980,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,george-pemba_self-portrait-1987,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,george-pemba_young-boy-1957,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,georgios-jakobides_children-s-concert-1900,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,georgios-jakobides_cold-shower-1898,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,georgios-jakobides_drawing-for-the-short-story-the-ugly-sister-by-d-vikelas,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,georgios-jakobides_drawing-for-the-short-story-the-ugly-sister-by-d-vikelas-1,"[3.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,georgios-jakobides_farmhouse-in-bavaria-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,georgios-jakobides_first-steps-1892,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,georgios-jakobides_fragment-from-the-children-s-concert-1899,"[3.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,georgios-jakobides_girl-reading-1882,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,georgios-jakobides_girl-with-distaff-and-spindle-1876,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,georgios-jakobides_grandma-s-favourite-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,georgios-jakobides_grassy-field-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,georgios-jakobides_nikolaos-politis-student-in-munich-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 2.0, 1.0]"
+Realism,georgios-jakobides_old-age,"[0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Realism,georgios-jakobides_old-lady-with-scar-on-her-cheek,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,georgios-jakobides_peek-a-boo,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,georgios-jakobides_plan-for-the-short-story-the-ugly-sister-of-d-vikelas-1901(1),"[1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,georgios-jakobides_platter-with-seashells-roses-pearls-and-earrings-1920,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,georgios-jakobides_portrait-of-young-girl-1902,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,georgios-jakobides_potrait-of-vassilakis-melas-1885,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,georgios-jakobides_reversal-of-roles-1892,"[4.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,georgios-jakobides_the-artist-s-wife-with-their-son-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,georgios-jakobides_the-flower-seller-1900,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,georgios-jakobides_the-insatiable-1884,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,georgios-jakobides_the-smoker-1886,"[4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,georgios-jakobides_the-smoker-1887,"[2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,georgios-jakobides_the-toilette-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,georgios-jakobides_tudy-of-a-nude-youth,"[0.0, 0.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gerard-sekoto_the-artist-s-mother-and-stepfather,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gerard-sekoto_the-proud-father-manakedi-naky-on-bernard-sekoto-s-knee-1947,"[2.0, 0.0, 4.0, 1.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_a-lady-admiiring-a-fan-1878,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_a-portrait-of-emiliana-concha-de-ossa,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,giovanni-boldini_a-portrait-of-john-singer-sargent,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,giovanni-boldini_a-reclining-nude-on-a-day-bed,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_adolf-friedrich-erdmann-von-menzel,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 3.0, 0.0, 0.0]"
+Realism,giovanni-boldini_after-hurricane,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_apples,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,giovanni-boldini_bus-on-the-pigalle-place-in-paris,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_cleo-de-merode,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_confidences,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_consuelo-duchess-of-marlborough-with-her-son-ivor-spencer-churchill-1906,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_conversation-at-the-cafe,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_corner-of-painter-s-table-1890,"[1.0, 10.0, 16.0, 3.0, 1.0, 5.0, 1.0, 3.0, 6.0]"
+Realism,giovanni-boldini_count-robert-de-montesquiou-1897,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_count-robert-de-montesquiou-1897-1,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_countess-de-rasty-seated-in-an-armchair,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_diaz-albertini-1909,"[3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,giovanni-boldini_diego-martelli-1865,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_diego-martielli-in-castiglioncello,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_donna-franca-florio-1921,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,giovanni-boldini_door-in-montmartre,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,giovanni-boldini_duke-marlborough-singer-sargent-and-family,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_elegante-au-chien,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_emiliana-concha-de-ossa-1901,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,giovanni-boldini_french-painter-henri-de-toulouse-lautrec,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_from-robilant-and-voena,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_girl-in-a-black-hat-1890,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_girl-with-black-cat-1885,"[1.0, 1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_girl-with-red-shawl,"[1.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_gossip-1873,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_henri-rochefort(1),"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_in-garden,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_in-the-garden-1875,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_in-the-studio,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Realism,giovanni-boldini_john-lewis-brown-with-wife-and-daughter-1890,"[2.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_john-singer-sargent-1890,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_lady-colin-campbell-1897,"[1.0, 0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_lady-with-a-black-hat,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,giovanni-boldini_lady-with-flowers,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_landscape-with-trees-1900,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,giovanni-boldini_madame-charles-max-1896,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_madame-georges-hugo-and-her-son-jean-1898,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_madame-leclanche-1881,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_madame-michelham-1913,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_madame-pages-in-evening-dress-1912,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_mademoiselle-de-nemidoff,"[1.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_medici-s-portrait,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_miss-bell-1903,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_morning-letter-1884,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,giovanni-boldini_moving-to-the-bois-de-boulogene,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_nude,"[1.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_outskirts-of-paris,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,giovanni-boldini_peaceful-days-1875,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_place-clichy-1874,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-a-girl,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-a-lady,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,giovanni-boldini_portrait-of-a-lady-1889,"[0.0, 2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-a-lady-1912-1,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-a-lady-lina-bilitis-with-two-pekinese-1913,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-a-lady-mrs-lionel-phillips-1903,"[2.0, 0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-a-young-man,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,giovanni-boldini_portrait-of-alaide-banti-in-white-dress-1866,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-alfred-beit-1906,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-alice-regnault-1880,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-anita-de-la-ferie-the-spanish-dancer-1900,"[0.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-cecilia-de-madrazo,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-donna-franca-florio-1912,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,giovanni-boldini_portrait-of-edgar-germain-hilaire-degas,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-emanuele-muzio-1892,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-francesco-boldini,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-giovinetta-errazuriz-1892,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-giuseppe-abbati-1865,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-gladys-deacon-1908,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-guiseppe-verdi-1813-1901,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-guiseppe-verdi-1813-1901-1886,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-james-abbott-mcneil-whistler-1834-1903-1897,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-lady-nanne-schrader-1903,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-lina-cavalieri-1901,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-madame-josephina-a-de-errazuriz,"[0.0, 1.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-madame-josephina-alvear-de-errazuriz-1892,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,giovanni-boldini_portrait-of-madame-juillard-in-red-1912,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-mary-donegan-1869,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-mlle-de-gillespie-la-dame-de-biarritz-1912,"[3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-mme-lina-cavalieri-1901,"[1.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-mrs-howard-johnston-1906,"[0.0, 2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-sarah-bernhardt,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-sem-georges-goursat-1901,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-spanish-general,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-the-artis-lawrence-alexander-harrison-1902,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-the-artist-ernest-ange-duez-1896,"[3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-the-comte-de-rasty,"[2.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-the-contessa-g-tempestini,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-the-countess-zichy-1905,"[1.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-the-marchesa-luisa-casati-with-a-greyhound-1908,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,giovanni-boldini_portrait-of-the-painter-joaquin-araujo-ruano,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_portrait-of-vincenzo-cabianca,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,giovanni-boldini_profile-of-a-young-woman,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_river-landscape,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_rosina-pisani,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_scene-galante,"[0.0, 3.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_seine-in-bougival,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,giovanni-boldini_self-portrait-1892,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,giovanni-boldini_self-portrait-1911,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,giovanni-boldini_self-portrait-while-looking-at-a-painting-1865,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_still-life-with-rose,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,giovanni-boldini_study-of-a-table,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,giovanni-boldini_the-actress-rejane-and-her-dog,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_the-amazon-with-puppy,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_the-black-sash-1905,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_the-countess-ritzer,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_the-gardeners-of-the-veil-picard,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,giovanni-boldini_the-great-road-in-the-villas-combes-1873,"[0.0, 0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_the-head-of-a-horse,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,giovanni-boldini_the-laundry-1874,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,giovanni-boldini_the-marquesa-de-pinar-del-rio,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_the-painter-vincenzo-cabianca-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Realism,giovanni-boldini_the-summer-stroll,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_theater,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,giovanni-boldini_walking-in-the-park-in-naples-capodimonte,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,giovanni-boldini_wall-paintings-of-falconiera,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_wall-paintings-of-falconiera-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,giovanni-boldini_willy,"[3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_woman-at-a-piano,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,giovanni-boldini_young-woman-writing,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gregoire-boonzaier_still-life-with-teapot-1930,"[0.0, 1.0, 5.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,gregoire-boonzaier_still-life-with-tulips-1937,"[0.0, 1.0, 6.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,grigoriy-myasoyedov_autumn-landscape-in-crimea-1884,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,grigoriy-myasoyedov_autumn-morning-1893,"[0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_by-happiness-of-others-two-fates,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,grigoriy-myasoyedov_congratulation-of-betrothed-in-landlord-s-house-1861,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,grigoriy-myasoyedov_creek-in-the-forest,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_enbarkement-in-yalta-1890,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_escape-of-grigory-otrepyev-from-inn-on-the-lithuanian-border-1862,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,grigoriy-myasoyedov_fountain,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,grigoriy-myasoyedov_grandfather-of-the-russian-fleet-1871,"[2.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_in-the-salon-of-zenaida-volkonskaya-1907,"[3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_opahivanie-1876,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_people-burning-themselves-1884,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Realism,grigoriy-myasoyedov_portrait-of-chess-player-a-d-petrova,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,grigoriy-myasoyedov_portrait-of-fiddler-v-g-walter-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,grigoriy-myasoyedov_portrait-of-i-repin-study-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 1.0]"
+Realism,grigoriy-myasoyedov_portrait-of-old-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,grigoriy-myasoyedov_portrait-of-shishkin-1891,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,grigoriy-myasoyedov_prayer-in-time-of-drought,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,grigoriy-myasoyedov_pushkin-and-his-friends-listen-to-mickiewicz-in-the-salon-of-princess-zinaida-volkonskaya-1907,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,grigoriy-myasoyedov_reading-of-the-1861-manifesto-1873,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,grigoriy-myasoyedov_reaper,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,grigoriy-myasoyedov_self-portrait-1878,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,grigoriy-myasoyedov_sower-1888,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,grigoriy-myasoyedov_spaniard,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,grigoriy-myasoyedov_the-burning-of-archpriest-avvakum-1897,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_the-road-in-the-rye-1881,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,grigoriy-myasoyedov_time-of-harvesting-mowers-1887,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,grigoriy-myasoyedov_zemstvo-is-having-their-lunch-1872,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,grigoriy-myasoyedov_zemstvo-is-having-their-lunch-study,"[2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,guntis-strupulis_a-k-avi-a-portrets,"[1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,guntis-strupulis_jauniba,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,guntis-strupulis_pavasaris,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustav-klimt_portrait-of-a-girl-head-slightly-turned-left,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,gustav-klimt_portrait-of-a-lady,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustav-klimt_portrait-of-a-man-with-beard,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,gustav-klimt_portrait-of-a-man-with-beard-in-three-quarter-profil,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustav-klimt_portrait-of-marie-breunig,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_a-family-of-deer-in-a-landscape-with-a-waterfall,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_a-young-woman-reading-1868,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_after-dinner-at-ornans-1849,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_after-the-storm-1872,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,gustave-courbet_basket-of-flowers-1863,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_bay-with-cliffs,"[0.0, 0.0, 3.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_beach-in-normandy,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_boats-on-a-beach-etretat,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,gustave-courbet_bouquet-of-flowers,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_bouquet-of-flowers-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_bouquet-of-flowers-1862,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_branch-of-apple-blossoms-1871,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_burial-at-ornans-1849,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,gustave-courbet_calm-sea-1866,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_calm-seas-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,gustave-courbet_chateau-de-chillon,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_chateau-de-chillon-1873,"[0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_chateau-du-chillon-1874,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,gustave-courbet_chateau-du-chillon-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_cliffs-by-the-sea-in-the-snow-1870,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_cliffs-near-ornans-1865,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,gustave-courbet_crumbling-rocks-1864,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_deer-in-a-snowy-landscape-1867,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_deer-in-the-snow-1867,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,gustave-courbet_deer-s-shelter-in-winter,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,gustave-courbet_deer-shelter-1868,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,gustave-courbet_deer-taking-shelter-in-winter-1866,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_dog-from-ornans-1856,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_dressing-the-dead-girl-dressing-the-bride,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,gustave-courbet_entering-the-forest,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,gustave-courbet_female-nude-with-a-dog-portrait-of-leotine-renaude,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_fishing-boats-on-the-deauville-beach-1866,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,gustave-courbet_forest-brook-with-deer-1868,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_frankfurt,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_girl-with-seagulls-trouville-1865,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_going-fishing-1865,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,gustave-courbet_greyhounds-of-comte-de-choiseul-1866,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,gustave-courbet_head-of-a-woman-with-flowers-1871,"[2.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_head-of-a-young-doe,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_head-of-gazelle,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_hector-berlioz-1850,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Realism,gustave-courbet_henri-rochefort-1874,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 3.0]"
+Realism,gustave-courbet_hollyhocks-in-a-copper-bowl-1872,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_horse-in-the-woods-1863,"[3.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_hunter-on-horseback-redcovering-the-trail-1864,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,gustave-courbet_in-the-forest-1865,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_in-the-woods,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_juliette-courbet-1844,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_juliette-courbet-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Realism,gustave-courbet_la-bacchante,"[2.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_la-bretonnerie-in-the-department-of-indre-1856,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_la-ferme-de-bonnevaux,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Realism,gustave-courbet_la-meuse-a-freyr-1856,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_lake-geneve-before-the-storm,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,gustave-courbet_lake-leman-1874,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_landscape,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_landscape-1868,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,gustave-courbet_landscape-1873,"[1.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_landscape-bald-rock-in-the-valley-of-ornans-1864,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_landscape-near-puit-noir-near-ornans-1872,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_landscape-near-puits-noir-near-ornans-1865,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_landscape-of-the-ornans-region-1866,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_landscape-with-stag,"[0.0, 4.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_landscape-with-tree,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_le-chateau-de-thoraise-1865,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_les-doubs-a-la-maison-monsieur,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,gustave-courbet_locks-on-the-loue-1865,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,gustave-courbet_low-tide-1865,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,gustave-courbet_male-and-female-deer-in-the-woods-1864,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_marc-trapadoux-is-examining-the-book-of-prints-1848,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,gustave-courbet_marine-les-equilleurs,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_mother-gregoire-1855,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,gustave-courbet_paysage-guyere-1876,"[0.0, 1.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_peasant-wearing-madras,"[2.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_pierre-joseph-proudhon-and-his-children-in-1853-1865,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_poachers-in-the-snow-1867,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,gustave-courbet_pomegranates-1871,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,gustave-courbet_poor-woman-of-the-village,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_portrait-of-a-spanish-lady-1855,"[0.0, 1.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_portrait-of-a-young-girl-1857,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_portrait-of-a-young-girl-from-salins-1860,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0]"
+Realism,gustave-courbet_portrait-of-alfred-bruyas-painting-solution-1853,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,gustave-courbet_portrait-of-alphonse-promayet-1847,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,gustave-courbet_portrait-of-amand-gautier-1867,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,gustave-courbet_portrait-of-champfleury-1855,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Realism,gustave-courbet_portrait-of-charles-baudelaire-1849,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,gustave-courbet_portrait-of-gabrielle-borreau,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_portrait-of-jo-the-beautiful-irish-girl-1865,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_portrait-of-jules-antoine-castagnary-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,gustave-courbet_portrait-of-jules-valles-1865,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,gustave-courbet_portrait-of-juliette-courbet-as-a-sleeping-child-1841,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_portrait-of-madthilde-couq-1857,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,gustave-courbet_portrait-of-mlle-jacquet-1857,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,gustave-courbet_portrait-of-monsieur-nicolle-1862,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 2.0]"
+Realism,gustave-courbet_portrait-of-paul-ansout,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_portrait-of-paul-chenavard,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_portrait-of-paul-verlaine,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,gustave-courbet_portrait-of-pierre-joseph-proudhon-1865,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,gustave-courbet_portrait-of-the-artist-s-father,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,gustave-courbet_reclining-nude,"[3.0, 5.0, 9.0, 8.0, 0.0, 9.0, 5.0, 6.0, 6.0]"
+Realism,gustave-courbet_red-apples-1871,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_river-and-cliff-1865,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_river-landscape-1869,"[0.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_riverside,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_rocks-at-mouthier,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_rocky-landscape,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_rocky-landscape-near-flagey-1855,"[1.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_rocky-landscape-with-figure-1865,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0, 2.0]"
+Realism,gustave-courbet_rocky-river-valley-1865,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustave-courbet_rocky-seashore,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,gustave-courbet_sea-coast-in-normandy-1867,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_seacoast-souvenir-of-les-cabanes-1857,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_seascape,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustave-courbet_seascape-1,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,gustave-courbet_seascape-1866,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_seascape-1874,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustave-courbet_seascape-at-etretat-1869,"[0.0, 1.0, 3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_seascape-at-saint-aubin,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_seascape-near-trouville,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,gustave-courbet_seascape-the-poplar,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,gustave-courbet_self-portrait-at-sainte-pelagie-1873,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,gustave-courbet_self-portrait-with-striped-collar-1854,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,gustave-courbet_shelter-of-deers-at-plaisir-fontaine-creek-1866,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustave-courbet_shores-of-normandy-1866,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_sitting-on-cushions-dog-1855,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,gustave-courbet_sleeping-nude,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,gustave-courbet_sleeping-nude-woman-1862,"[0.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_snow-1874,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,gustave-courbet_snow-landscape-in-jura-1866,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_solitude-1866,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_spring-stags-fighting-1861,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_standing-fermale-nude,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_still-life,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 2.0, 0.0, 0.0]"
+Realism,gustave-courbet_still-life-apples-and-pears-1871,"[0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 1.0, 1.0]"
+Realism,gustave-courbet_still-life-apples-pears-and-flowers-on-a-table-saint-pelagie-1871,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_still-life-fruit,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_still-life-of-flowers-1863,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,gustave-courbet_still-life-with-apples-and-pomegranates,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,gustave-courbet_still-life-with-apples-and-pomegranates-1871,"[0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_still-life-with-pears-and-apples,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,gustave-courbet_still-life-with-three-trout-from-the-loue-river-1873,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,gustave-courbet_stormy-sea-the-wave-1870,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,gustave-courbet_stream-in-the-jura-mountains-1873,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_study-for-landscape-with-waterfall,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_study-for-les-demoiselles-des-bords-de-la-seine-1856,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,gustave-courbet_sunset-over-lake-leman-1874,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,gustave-courbet_swiss-landscape-with-flowering-apple-tree,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_ta-the-loue-valley,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,gustave-courbet_the-angry-sea,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-approaching-storm,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-artist-s-studio-1855,"[0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Realism,gustave-courbet_the-bathers-1853,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-bathers-1858,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,gustave-courbet_the-beach-at-palavas-1854,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-beach-at-trouville,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-beach-at-trouville-at-low-tide-1865,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-beach-at-trouville-at-low-tide-1865-1,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,gustave-courbet_the-beach-sunset-1867,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-black-creek-1865,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-calm-sea-1869,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-chateau-d-ornans,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-chateau-de-chillon,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-cliff,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-cliffs-at-etretat-1869,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-cliffs-at-etretat-after-the-storm-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-dead-doe-1857,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,gustave-courbet_the-deer-1876,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 4.0, 0.0]"
+Realism,gustave-courbet_the-embouchment-of-seine-1841,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-english-horse-of-m-duval,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-flood-gate-at-optevoz-1854,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_the-forest-edge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-forest-in-autumn-1841,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-fox-in-the-snow-1860,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-garden-of-the-loos-les-lille-abbacy-1851,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-german-huntsman-1859,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,gustave-courbet_the-giants-cave-from-saillon-switzerland-1873,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-glacier-1873,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-gorge,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-hallali-1869,"[0.0, 1.0, 1.0, 3.0, 10.0, 8.0, 8.0, 15.0, 2.0]"
+Realism,gustave-courbet_the-homecoming,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-houses-of-the-chateau-d-ornans-1853,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-hunted-deer-spring-1867,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-huntsman-s-picnic-1858,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,gustave-courbet_the-man-with-the-leather-belt-a-portrait-of-the-artist,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-meeting-bonjour-monsieur-courbet-1854,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,gustave-courbet_the-mountain-hut,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-oak-of-flagey-the-oak-of-vercingetorix-1864,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-origin-of-the-world-1866,"[0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-ornans-paper-mill,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-peasants-of-flagey-returning-from-the-fair-1855,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-quarry-1857,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,gustave-courbet_the-reflection-1864,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,gustave-courbet_the-rest-during-the-harvest-season-mountains-of-the-doubs-1867,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-return-of-the-deer-to-the-stream-at-plaisir-fontaine-1866,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-river-plaisir-fontaine-1865,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-sleepers-1866,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-sleeping-embroiderer-1853,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-source,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,gustave-courbet_the-source-among-the-rocks-of-the-doubs-1871,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-source-at-ornans-1873,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-source-bather-at-the-source-1868,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-source-of-the-lison-1866,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-source-of-the-loue-1864,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-source-of-the-loue-river-1864,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,gustave-courbet_the-stone-breaker-1849,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_the-stone-breakers-1849,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-stormy-sea-1869,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-stormy-sea-the-wave-1870,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-stream,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-stream-in-bremen-1865,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-stream-of-the-puits-noir-at-ornans-1868,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 2.0]"
+Realism,gustave-courbet_the-trellis-young-woman-arranging-flowers-1862,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-trout-1872,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,gustave-courbet_the-trout-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Realism,gustave-courbet_the-valley-of-the-loue-in-stormy-weather-1849,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-village-girl-with-a-goatling-1860,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-village-maidens-1852,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_the-wave,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-wave-1866,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-wave-1869,"[0.0, 1.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-wave-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-wave-1870-1,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-wave-1871,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-waves-1869,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-white-sail-1877,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-winnowers-1855(1),"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,gustave-courbet_the-woman-in-a-podoscaphe-1865,"[0.0, 1.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-woman-in-the-waves-the-bather-1868,"[1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,gustave-courbet_the-wrestlers-1853,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_the-young-bather,"[2.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_the-young-shepherdess,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_three-english-girls-at-a-window-1865,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_three-red-apples-1871,"[0.0, 0.0, 1.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_two-roe-deers-in-the-forest,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_valley-at-fontcouvert,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_valley-of-ornans-1858,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_valley-of-the-loue-1836,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_view-of-la-tour-de-farges-1857,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_view-of-neuenburger,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,gustave-courbet_view-of-ornans-and-its-church-steeple,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,gustave-courbet_view-of-the-parc-de-crete-over-clarens-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_village-street-in-winter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_waterfall-in-the-jura-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_waterfall-in-the-wood-1863,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 1.0]"
+Realism,gustave-courbet_white-bull-and-blond-heifer-1851,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,gustave-courbet_woman-of-frankfurt-1858,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,gustave-courbet_woman-with-a-parrot-1866,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,gustave-courbet_woman-with-garland-1856,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,gustave-courbet_woman-with-gloves-1858,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_woman-with-white-stockings-1861,"[1.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,gustave-courbet_woods-in-the-snow,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,gustave-courbet_young-ladies-on-the-banks-of-the-seine-summer-1857,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,guy-rose_chrysanthemums-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,guy-rose_from-the-dining-room-window-1910,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,guy-rose_la-mere-pichaud-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,guy-rose_plums-waterglass-and-peaches-1889,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,guy-rose_spring-harvest-also-known-as-still-life-with-asparagus-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Realism,guy-rose_still-life-jug-with-fruit-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,helene-schjerfbeck_a-boy-feeding-his-younger-sister-1881,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,helene-schjerfbeck_dancing-shoes-1882,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,helene-schjerfbeck_girl-fishing-1884,"[1.0, 3.0, 29.0, 0.0, 0.0, 0.0, 0.0, 9.0, 1.0]"
+Realism,helene-schjerfbeck_mother-and-child,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,helene-schjerfbeck_picking-bluebells,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,helene-schjerfbeck_portrait-of-a-girl-1886,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 4.0, 1.0]"
+Realism,helene-schjerfbeck_the-convalescent-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-de-toulouse-lautrec_academic-study-nude,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-de-toulouse-lautrec_allegory-springtime-of-life-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Realism,henri-de-toulouse-lautrec_bust-of-a-nude-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0, 0.0]"
+Realism,henri-de-toulouse-lautrec_old-man-at-celeyran-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,henri-de-toulouse-lautrec_study-of-a-nude-1882,"[3.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-de-toulouse-lautrec_two-bulls-wearing-a-yoke-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-de-toulouse-lautrec_woman-in-prayer-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 2.0]"
+Realism,henri-edmond-cross_corner-of-the-garden-in-monaco,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,henri-edmond-cross_self-portrait-with-cigarette,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_a-basket-of-roses-1890,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_a-bowl-of-fruit-1870,"[0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_a-carafe-of-wine-and-plate-of-fruit-on-a-white-tablecloth-1865,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_a-large-bouquet-of-roses-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_a-plate-of-apples-1861,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,henri-fantin-latour_a-studio-in-the-batignolles-homage-to-manet-1870,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_adolphe-jullien-1887,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_anemones-and-buttercups-1890,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_apples-1876,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,henri-fantin-latour_apples-and-grapes-1870,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_apples-in-a-basket-on-a-table-1888,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_around-the-piano-1885,"[0.0, 1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_asters-and-fruit-on-a-table-1868,"[2.0, 7.0, 32.0, 2.0, 0.0, 1.0, 0.0, 0.0, 6.0]"
+Realism,henri-fantin-latour_asters-in-a-vase-1875,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_autumn-bouquet-1862,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_autumn-flowers-1861,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_basket-of-dahlias,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_basket-of-flowers-1892,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_basket-of-peaches,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_basket-of-roses-1880,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_basket-of-white-grapes-and-peaches-1895,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_bouquet-of-diverse-flowers-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_bouquet-of-flowers-1860,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_bouquet-of-flowers-1882,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_bouquet-of-flowers-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_bouquet-of-flowers-1900,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_bouquet-of-flowers-pansies-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_bouquet-of-peonies-1878,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_bouquet-of-peonies-and-iris-1884,"[1.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_bouquet-of-roses,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_bouquet-of-roses-1902,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_bouquet-of-roses-and-other-flowers-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,henri-fantin-latour_bouquet-of-white-chrysanthemums-1869,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_bowl-of-fruit-1857,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_bowl-of-peaches-1869,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,henri-fantin-latour_bowl-of-roses-1889,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_broom-and-other-spring-flowers-in-a-vase-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_carnations,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_carnations-1,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_carnations-1899,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_carnations-in-a-champagne-glass-1874,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_charlotte-dubourg-1882,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_chrysanthemums-1871,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_chrysanthemums-1871-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_chrysanthemums-1877,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_chrysanthemums-1879,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_chrysanthemums-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_dahlias-1872,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_dahlias-1873,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_dahlias-1878,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_dahlias-queens-daisies-roses-and-corn-flowers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_daisies-1872,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_daisies-and-dahlias-1872,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_dark-roses-on-light-background-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,henri-fantin-latour_diverse-flowers-1864,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_drawing-lesson-in-the-workshop-1879,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_duchess-de-fitz-james-1867,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_fairy-roses-1874,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_flowers,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_flowers-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_flowers-1862,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_flowers-1862-1,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-1863,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-1871,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_flowers-1882,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-and-fruit-1865,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_flowers-and-fruit-1868,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-and-fruit-a-melon-1865,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-and-fruit-on-a-table-1865,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_flowers-camelias-and-tulips-1862,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-chrysanthemums-1876,"[0.0, 3.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-cyclamens-1860,"[1.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-dahlias-and-gladiolas-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_flowers-in-a-bowl-1886,"[0.0, 2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-in-a-clay-pot-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_flowers-in-a-vase-1881,"[0.0, 8.0, 28.0, 1.0, 0.0, 0.0, 0.0, 5.0, 3.0]"
+Realism,henri-fantin-latour_flowers-in-an-earthenware-vase-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_flowers-large-bouquet-with-three-peonies-1879,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-poppies-1883,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-roses-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-roses-1883-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-roses-marechal-neil-1883,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_flowers-white-roses-1871,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_geraniums-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_gladiolas-and-roses-1881,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_head-of-a-young-girl-1870,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_hollyhocks-1892,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_hollyhocks-without-vase-1884,"[0.0, 3.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_homage-to-delacroix-1864,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Realism,henri-fantin-latour_hydrangias-cloves-and-two-pots-of-pansies-1879,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_japanese-anemones-1884,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_jonquils-and-nasturtiums-1881,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_large-bouquet-of-chrysanthemums-1882,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_large-bouquet-of-crysanthemums-1873,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_large-vase-of-dahlias-and-assorted-flowers-1875,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_larkspur-1887,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_larkspur-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_lemons-apples-and-tulips-1865,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_lilacs-1872,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_madame-ditte-1867,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_mademoiselle-de-fitz-james-1867,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_marie-yolande-de-fitz-james-1867,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_mixed-flowers-1887,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_narcisses-hyacinths-and-nasturtiums-1871,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_narcisses-in-an-opaline-glass-vase-1875,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_narcissus-and-tulips-1862,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_nasturtiums,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_nasturtiums-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_nice-roses,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_not-identified,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_not-identified-2,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_pansies,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_pansies-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_pansies-1887,"[0.0, 0.0, 5.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_pansies-1903,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_peaches-1869,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_peaches-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_peaches-and-a-plum-1879,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_peaches-and-grapes-1896,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_peaches-in-a-bowl-1894,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_peonies-1879,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_peonies-in-a-vase-1864,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_petunias-1881,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_plate-of-fruit-1880,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_plate-of-peaches-1862,"[0.0, 0.0, 2.0, 0.0, 0.0, 2.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_plums-and-peaches-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_portrait-of-alphonse-legros,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_portrait-of-manet-1867,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_portrait-of-ruth-edwards-1864,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_portrait-of-sonia-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_portrait-of-young-woman-1873,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_queens-daisies-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_reading-1877,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_rose-trees-white-roses-1875,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses,"[0.0, 0.0, 5.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-1871,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_roses-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_roses-1882,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_roses-1883,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-1884,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_roses-1885-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_roses-1885-2,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_roses-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_roses-1887,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_roses-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-1894-1,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-1894-2,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-2,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-3,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-4,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_roses-5,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-and-clematis-1883,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-and-lilies,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-and-lilies-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-and-nasturtiums,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-and-nasturtiums-in-a-vase-1883,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-in-a-basket-on-a-table-1876,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,henri-fantin-latour_roses-in-a-bowl-1883,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_roses-in-a-glass-vase,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,henri-fantin-latour_roses-in-a-stemmed-glass-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_roses-in-a-tall-glass,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_roses-in-a-vase-1884,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_roses-in-a-vase-1888,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-in-a-vase-1892,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_roses-in-a-white-porcelin-vase-1874,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_roses-lying-on-gold-velvet,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_self-portrait,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_self-portrait-1853,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_self-portrait-1858,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_self-portrait-1859,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_self-portrait-1860,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_self-portrait-1861,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_self-portrait-1861-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_self-portrait-1895,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_small-brunette-bather-1884,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_spring-flowers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_spring-flowers-1879,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_still-life-1866,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-1869,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-apples-and-grapes-1880,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_still-life-chrysanthemums-and-grapes-1872,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_still-life-corner-of-a-table-1873,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_still-life-dahlias-in-a-green-vase-1868,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-fisheries-in-a-glass-cup-a-dark-pink-with-leaf-right,"[0.0, 0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-flowers-bowl-of-fruit-and-pitcher-1865,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_still-life-glass-silver-goblet-and-cup-of-champagn-1871,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_still-life-hyacinths-and-fruit-1865,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-impatiens-peaches-and-apricots,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-of-cherries-and-almonds-1870,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,henri-fantin-latour_still-life-of-four-peaches-1862,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-peach-and-grapes-1870,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-roses-and-fruit-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-vase-of-hydrangeas-and-ranunculus-1866,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-with-a-carafe-flowers-and-fruit,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-with-flowers,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_still-life-with-flowers-1862,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,henri-fantin-latour_still-life-with-flowers-1864,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-with-flowers-1881,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-with-flowers-and-fruit-1866,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-with-grapes-and-a-peach-1895,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-with-pansies-1874,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_still-life-with-peaches-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_still-life-with-peaches-1896,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,henri-fantin-latour_still-life-with-roses-fruit-and-a-glass-of-wine-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_still-life-with-torso-and-flowers-1874,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_study-homage-to-delacroix,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_summer-flowers-1880,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_sweet-peas-in-a-vase,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_the-bethrothal-still-life-1869,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_the-corner-of-the-table-1872,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_the-dubourg-family-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,henri-fantin-latour_the-embroiderers-1895,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_the-embroiderers-no-3-1895,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_the-flowers-of-middle-summer-1890,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_the-reader-marie-fantin-latour-the-artist-s-sister-1861,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_the-rosy-wealth-of-june-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_the-two-sisters-1859,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,henri-fantin-latour_two-peaches-and-two-plums-1899,"[0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_vase-of-dahlias,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_vase-of-flowers,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_vase-of-flowers-queens-daisies-1872,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_vase-of-peonies-1875,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_vase-of-peonies-1881,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_vase-of-peonies-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_vase-of-peonies-and-snowballs-1878,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_vase-of-roses-1872,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_vase-with-apples-and-foliage-1878,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_white-and-pink-roses,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,henri-fantin-latour_white-and-yellow-roses-in-a-tall-vase-1876,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_white-carnations-1904,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_white-cup-and-saucer-1864,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_white-peonies-and-roses-narcissus-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_white-phlox-summer-chrysanthemum-and-larkspur,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_white-rockets-and-fruit-1869,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_white-roses,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_white-roses-1,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henri-fantin-latour_white-roses-1873,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_white-roses-1875,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_white-roses-and-cherries-1865,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-fantin-latour_white-roses-and-roses-in-a-footed-glass,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,henri-fantin-latour_white-roses-chrysanthemums-in-a-vase-peaches-and-grapes-on-a-table-with-a-white-tablecloth-1876,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_white-roses-in-a-green-vase-1871,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_white-roses-in-a-vase-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,henri-fantin-latour_wildflowers-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,henri-fantin-latour_yellow-and-red-roses-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henri-fantin-latour_yellow-flowers-also-known-as-coucous-1873,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_yellow-pink-roses-in-a-glass-vase-1903,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,henri-fantin-latour_zinnias-1891,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_zinnias-1891-1,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-fantin-latour_zinnias-in-a-vase-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,henri-matisse_interior-with-a-top-hat-1896,"[1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,henri-matisse_not-identified,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,henri-matisse_still-life-with-books-and-candle-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,henri-matisse_studio-under-the-eaves,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,henri-matisse_the-dinner-table-1897,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henri-matisse_the-maid-1896,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,henri-matisse_the-study-of-gustave-moreau-1895,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Realism,henri-matisse_woman-reading-1894,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,henrique-pousao_a-casa-de-persianas-azuis-1882,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,henrique-pousao_auto-retrato-1876,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henrique-pousao_casas-brancas-de-caprile-1882,"[0.0, 6.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henrique-pousao_model-painting-1880,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,henry-herbert-la-thangue_a-mission-to-seamen-1891,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,henry-herbert-la-thangue_gathering-bracken-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,henry-herbert-la-thangue_gathering-plums-1901,"[0.0, 6.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henry-herbert-la-thangue_gathering-wool,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,henry-herbert-la-thangue_john-maddocks-1903,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henry-herbert-la-thangue_landscape-study-1889,"[3.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,henry-herbert-la-thangue_leaving-home-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,henry-herbert-la-thangue_nude-study,"[1.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henry-herbert-la-thangue_portrait-of-a-young-girl-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0]"
+Realism,henry-herbert-la-thangue_portrait-of-the-artist-s-wife,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,henry-herbert-la-thangue_r-h-la-thangue-portrait-of-the-artist-s-father-1882,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,henry-herbert-la-thangue_study-of-a-boy-in-a-black-hat-before-a-cornfield,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,henry-herbert-la-thangue_study-of-the-bust-of-a-young-cornishwoman-with-a-window-behind,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,henry-herbert-la-thangue_stumping-the-cow,"[1.0, 1.0, 4.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,henry-herbert-la-thangue_the-boat-builder-s-yard-cancale-brittany-1881,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,henry-herbert-la-thangue_the-connoisseur-1887,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,henry-herbert-la-thangue_the-last-furro-1895,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,henry-herbert-la-thangue_the-young-farmhand-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,homer-watson_before-the-storm,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,homer-watson_down-in-the-laurentides-1882,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,homer-watson_evening-after-the-storm-1887,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,homer-watson_figure-on-the-road-and-farmhouse-at-sunset,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,homer-watson_grand-river-valley,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,homer-watson_grazing-cattle-near-the-river,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,homer-watson_horse-and-cart-with-cottage-under-stormy-sky,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,homer-watson_horse-and-rider-in-a-landscape-1887,"[0.0, 6.0, 14.0, 0.0, 0.0, 1.0, 7.0, 16.0, 2.0]"
+Realism,homer-watson_landscape-with-horse-and-rider,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,homer-watson_near-the-close-of-a-stormy-day-1884,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,homer-watson_returning-to-town,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,homer-watson_the-flood-gate-1901,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0, 0.0]"
+Realism,horia-bernea_flowers-1978,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,horia-bernea_garden-at-v-ratec-1987,"[1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,horia-bernea_hill-1976,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,horia-bernea_house-in-poiana-marului,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,horia-bernea_iconostasis-1988,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,horia-bernea_landscape-1983,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,horia-bernea_landscape-with-column-1987,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,horia-bernea_springtime-1987,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,horia-bernea_still-life-with-apples-food-1985,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Realism,horia-bernea_the-column-1992,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,horia-bernea_the-column-1996,"[1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,horia-bernea_the-garden-1985,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,horia-bernea_the-garden-1992,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,horia-bernea_unknown-title,"[0.0, 2.0, 3.0, 0.0, 0.0, 1.0, 2.0, 3.0, 0.0]"
+Realism,hugo-simberg_boy-from-sakkijarvi-1897,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,hugo-simberg_man-with-red-moustache-1903,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,hugo-simberg_portrait-of-the-sculptor-viktor-malmberg,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,hugo-simberg_self-portrait-1907,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,hugo-simberg_the-artist-s-aunt-1898,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-mashkov_apples-and-pomegranates-1939,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_bouquet-in-a-glass-vessel-1939,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-mashkov_breakfast-still-life-1924,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_cherry-1939,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_eatables-moscow-meat-poultry-1924,"[0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_fruits-from-the-agricultural-exhibition-1939,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-mashkov_grapes,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_kremlin-in-winter,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-mashkov_lemons-and-helichrysum-1938,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-mashkov_lilac,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_motley-bouquet-on-a-dark-background-1936,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_pitcher-with-flowers,"[0.0, 0.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_portrait-1943,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,ilya-mashkov_portrait-of-a-girl,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,ilya-mashkov_portrait-of-major-general-of-medical-services-a-r-zlobin-1943,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,ilya-mashkov_radish-1942,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,ilya-mashkov_roses-and-strawberries-1941,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_rowanberry-1939,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_seated-nude-putting-his-hand-on-her-thigh,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 3.0, 0.0]"
+Realism,ilya-mashkov_still-life-1923,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_still-life-1938,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_still-life-1940,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-mashkov_still-life-4,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_still-life-5,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_still-life-decanter-and-peaches,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-mashkov_still-life-fruits-1939,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-mashkov_still-life-grape-lemon-and-cancer-1924,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_still-life-with-green-jug-and-the-pumpkin-1939,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_still-life-with-oranges-1939,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_still-life-with-red-fish-1923,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-mashkov_still-life-with-statuette,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,ilya-mashkov_still-life-with-strawberries-cherry-and-blue-pitcher-1923,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-mashkov_still-life-with-the-broken-pomegranate,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-mashkov_still-life-with-watermelon-sliced-1937,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_strawberry-and-white-jar-1943,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-mashkov_the-head-of-laocoon-1900,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-mashkov_the-head-of-laocoon-in-the-profile-1900,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-mashkov_the-model-which-lies-behind,"[0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0, 0.0]"
+Realism,ilya-mashkov_watermelon-and-grapes-1920,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_a-beggar-with-a-bag-1879,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_a-bemused-momen,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_a-bouquet-of-flowers-1878,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_a-fisher-girl-1874,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_a-man-in-white-jacket-1913,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_a-newspaper-seller-in-paris-1873,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_a-pushkin-on-the-act-in-the-lyceum-on-jan-8-1815-1910,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_a-pushkin-on-the-act-in-the-lyceum-on-jan-8-1815-1911,"[1.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_a-pushkin-on-the-act-in-the-lyceum-on-jan-8-1815-reads-his-poem-memories-in-tsarskoe-selo-1911,"[1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_a-rider,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_a-shy-peasant-1877,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_a-soldier,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_a-woman-in-a-cap,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_a-young-man-in-military-uniform-1873,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_academic-keeper-efimov-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,ilya-repin_ada-girl-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_admiralty-1869,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_african-motiff,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_aleksander-iii-receiving-rural-district-elders-in-the-yard-of-petrovsky-palace-in-moscow-1886,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_alley-in-the-park-kachanovka-1880,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_andriy-kot-1880,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_apples-and-leaves-1879,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_arrival-tsars-piotr-and-ioann-1900,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_at-dominic-s-1887,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_autumn-bouquet-portrait-of-vera-repina-1892,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_ballet-scene-1875,"[0.0, 2.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_barge-haulers-at-the-fire-1872,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_barge-haulers-by-campfire-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_barge-haulers-on-the-volga-1-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 1.0]"
+Realism,ilya-repin_barge-haulers-on-the-volga-2-1870,"[0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_barge-haulers-pulling-on-the-strap-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0]"
+Realism,ilya-repin_behold-a-man-1867,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_belgian-king-albert-at-the-time-of-the-explosion-of-the-dam-in-1914-1914,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ilya-repin_betrayal-in-the-garden-of-gethsemane-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,ilya-repin_birch-trees-sunny-day,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_black-sea-outlaws,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_blessing-children,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_boots-of-the-prince-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_boris-godunov-with-ivan-the-terrible-1890,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_bridge-in-abramtsevo-1879,"[0.0, 1.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_burlak-1-1870,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_burlak-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_burlak-2-1870,"[0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_calvary-crucifixion-study-1869,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_carrying-horse-1892,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_cavalcade-in-abramtzevo-1879,"[1.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_ceremonial-meeting-of-the-state-council-on-may-7-1901-1903,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_choosing-a-bride-for-a-grand-duke-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 2.0, 0.0, 0.0]"
+Realism,ilya-repin_chopper-litvin-zdravnevo-1897,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,ilya-repin_christ,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_christ-1884,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_christ-and-nicodemus-1887,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_christ-with-a-bowl-1894,"[1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_church-and-bell-tower-in-chuguyev-1880,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_cossack-in-the-steppe,"[0.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,ilya-repin_cossack-s-head,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,ilya-repin_cossacks-on-the-black-sea-1908,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Realism,ilya-repin_cry-of-prophet-jeremiah-on-the-ruins-of-jerusalem-on-a-bible-subject-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_d-v-karakozov-1866,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_dancing-woman,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_david-and-goliath-1915,"[3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_death-of-fedor-chizhov-1-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,ilya-repin_death-of-fedor-chizhov-2-1877,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_demonstration-on-october-17-1905-sketch-1906,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_deserter-1917,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_diogenes-and-the-boy-1867,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,ilya-repin_double-portrait-of-natalia-nordmann-and-ilya-repin-1903,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_dragon-fly-portrait-of-vera-repina-the-artist-s-daughter-1884,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_duel-between-onegin-and-lenski-1899,"[1.0, 0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_emperor-alexander-i-and-emperor-napoleon-in-the-hunt-1908,"[1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,ilya-repin_emperor-nicholas-i-and-empress-alexandra-feodorovna-1908,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_end-of-the-black-sea-freedom,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,ilya-repin_evening-party-1881,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_exit-of-patriarch-hermogenes-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,ilya-repin_female-figure-in-a-landscape-1883,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_figure-of-dancing-man-1900,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_fireman-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,ilya-repin_fishing-nets-shiryaevo-1870,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_follow-me-satan-1891,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Realism,ilya-repin_follow-me-satan-1895,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_general-in-the-form-of-royal-guards-p-a-cherevin-1885,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_get-away-from-me-satan,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_girl-with-flowers-daughter-of-the-artist-1878,"[1.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_hat-man-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,ilya-repin_haulers-cross-wade-1872,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,ilya-repin_haulers-on-the-volga-1873,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_head-of-a-man,"[0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,ilya-repin_head-of-a-man-1882,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_head-of-a-man-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,ilya-repin_head-of-hunchback-1881,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_head-of-peasant,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,ilya-repin_head-of-peasant-study-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_historian-nikolai-kostomarov-in-a-coffin-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,ilya-repin_hopak-1927,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_horse,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_horse-viol-1874,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_hunchback-1-1881,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_hunchback-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_hunchback-2-1881,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_hunchback-study-1880,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0]"
+Realism,ilya-repin_if-all-not-i-1896,"[2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_in-repins-studio-drawing-evening-1882,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_in-the-besieged-moscow-in-1812-1912,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_in-the-hut-1878,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_in-the-hut-1895,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,ilya-repin_in-the-township-board-1877,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_in-the-upper-tier-of-the-theater-1920,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_interior-etude-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,ilya-repin_italian-models-1870,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_ivan-shishkin-at-a-meeting-of-the-academy-of-fine-arts-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_ivan-the-terrible-and-his-son-ivan-on-november-16-1581-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0]"
+Realism,ilya-repin_jesus-christ-in-the-garden-of-gethsemane,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 1.0]"
+Realism,ilya-repin_jesus-in-a-crown-of-thorns-1913,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_jew-praying-1875,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_job-and-his-friends-1869,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_judas-1885,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 6.0, 0.0, 0.0]"
+Realism,ilya-repin_krestny-khod-religious-procession-in-kursk-gubernia-1883,"[0.0, 2.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_kubana-1883,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,ilya-repin_kuzma-minin-1894,"[1.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_landscape-1891,"[0.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_landscape-near-chuguevo,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_landscape-of-the-volga-with-boats-1870,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,ilya-repin_landscape-with-boat-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_landscape-zdravnevo,"[0.0, 2.0, 1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_leisure-1882,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_leo-tolstoy-barefoot-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_leo-tolstoy-barefoot-1901,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_leo-tolstoy-in-his-study-1891,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_leo-tolstoy-in-the-forest-1891,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_leo-tolstoy-reading-1891,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_leo-tolstoy-working-at-the-round-table-1891,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_lord-s-supper-1903,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_m-k-tenisheva-at-work-1897,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_madonna-with-child-1896,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_makar-simak-plastun,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_mallow-1880,"[0.0, 2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_man-and-woman-at-the-table-the-man-who-pulls-the-glove-1873,"[2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_man-s-best-friend-1908,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ilya-repin_manifestation-october-17-1905-1907,"[0.0, 0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_maxim-gorky-reading-in-the-penates-his-drama-children-of-the-sun-1905,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,ilya-repin_men-s-heads,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_monk-filaret-imprisoned-in-the-antonievo-siyskiy-monastery,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 2.0]"
+Realism,ilya-repin_moonlight-1896,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_n-a-mudrogel-in-the-pose-of-pavel-tretyakov-in-halls-of-the-gallery-1904,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_n-wentzell-1879,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_natalia-nordmann-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_nativity-1890,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_negress-1907,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_nevsky-avenue-1887,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_nicholas-of-myra-eliminates-the-death-of-three-innocent-prisoners-1890,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Realism,ilya-repin_not-expected-1898,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_nude-model-from-behind-1896,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_nun-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_nun-1887,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,ilya-repin_old-farmer-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,ilya-repin_old-woman,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_on-a-turf-bench-1876,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_on-the-academic-cottage-1898,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_on-the-boundary-path-v-a-repina-with-children-going-on-the-boundary-path-1879,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_on-the-couch,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_on-the-embankment,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_on-the-platform-of-the-station-street-scene-with-a-receding-carriage,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_on-the-terrace-1908,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_ortrait-of-vice-minister-of-the-interior-cavalry-general-and-member-of-state-council-count-1902,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_peasant-girl-1880,"[1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_peasant-yard-1879,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_peter-the-great-on-the-hunt,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 2.0]"
+Realism,ilya-repin_pilgrim,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_pilgrim-1880,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_poet-futurist-portrait-of-vladimir-vladimirovich-mayakovsky-1916,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_poprishchin-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-bearded-peasant-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-bocharova-artist-s-aunts-1859,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-boy,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-boy-1867,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-boy-1881,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-e-arkhipov-1862,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-gallen-kallela-1920,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-i-shevtsov-1869,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-kalmyk-1871,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 2.0]"
+Realism,ilya-repin_portrait-of-a-man,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-military-engineer-captain-a-shevtsov-brother-of-the-artist-s-wife-1876,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-p-bogolyubov-1882,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-peasant,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-peasant-1889,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 4.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-s-matveev-1881,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-v-zhirkevich-1888,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-woman,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-woman-1874,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-woman-1887,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-woman-e-d-botkina-1881,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-a-woman-olga-shoofs-1907,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-a-young-man-in-a-turban,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-a-young-wife-sitting-on-the-couch-1881,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-academician-a-f-koni-1915,"[0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-actor-and-dramatist-grigory-grigorievich-ghe-1895,"[2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-actress-eleonora-duse-1891,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-actress-lyubov-sazonova-shuvalova-1899,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-aleksandr-zhirkevich-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,ilya-repin_portrait-of-alesha-repin-age-of-pushkin-1916,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-alexander-kerensky-1918,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-alexandra-pavlovna-botkina-1901,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-an-italian-woman,"[0.0, 0.0, 1.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-an-old-woman-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,ilya-repin_portrait-of-an-unknown-woman,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-anton-rubinstein-1915,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-artist-vladimir-samoilov-1902,"[4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-b-a-kaminka-1908,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-baroness-varvara-ikskul-von-hildenbandt-1889,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-bella-gorskaya-1910,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-chuguev-resident-s-l-lyubitskaya-1877,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_portrait-of-composer-and-chemist-aleksander-porfirievich-borodin-1888,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-composer-and-journalist-pavel-ivanovich-blaramberg-1884,"[3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-composer-cesar-antonovich-cui-1890,"[1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-count-d-m-solsky-1903,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-count-k-n-palen-1903,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-countess-natalia-golovina-1896,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-countess-sophia-vladimirovna-panina-1909,"[2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-dante,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-dmitri-sergueyevich-merezhkovsky,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-dmitry-mendeleev-1885,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,ilya-repin_portrait-of-doctor-constantine-franzevich-yanitsky-1865,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-dr-g-kostrov,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-e-d-batasheva-1891,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-e-g-mamontova-1879,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-e-g-mamontova-reading-1879,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-e-l-prahova-and-painter-r-s-levitsky-1879,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-e-mamontova-1879,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-e-zvantseva-1889,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-efim-repin-the-artist-s-father-1879,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-emperor-nicholas-ii-on-the-porch-1896,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-engineer-ivan-yefgrafovich-adadurov-1885,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_portrait-of-folk-story-teller-v-p-schegolenkov-1879,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-g-i-shoofs-1907,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-general-and-statesman-mikhail-ivanovich-dragomirov-1889,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-i-r-tarhanov-1892,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-ivan-ivanovich-shamshin-1902,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-ivan-mikhaylovich-sechenov-russian-physiologist-1889,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-ivan-stepanovich-panov-1867,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-ivan-timofeevich-savenkov-in-his-st-petersburg-university-student,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,ilya-repin_portrait-of-ivan-turgenev-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_portrait-of-ivan-zvetkov-1907,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-j-m-vengerov-1915,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-jelizaveta-zvantseva-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-k-b-boleslavova-1913,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-konstantin-petrovich-pobedonostsev-1903,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-kryuchkov-1908,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-l-i-shestakova-sister-of-composer-mikhail-glinka-1899,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-l-n-yakovleva-1888,"[0.0, 2.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-l-p-steinheil-1895,"[0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-lawyer-anatoly-fyodorovichm-koni-1898,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-lawyer-oskar-osipovich-grusenberg,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-leo-tolstoy,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-leo-tolstoy-1887,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-leo-tolstoy-as-a-ploughman-on-a-field-1887,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-luiza-mersi-d-arzhanto-1890,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-lydia-kuznetsova-1921,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-m-k-tenisheva-1898,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-m-p-shevtsova-wife-of-a-shevtsov-1876,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-mara-konstantinovna-oliv-1906,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-maria-andreeva-1905,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-maria-artsybasheva-1880,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-maria-borisovna-chukovskaya-1909,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_portrait-of-maria-klopushina-1925,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-maria-osipovna-lowenfeld-1913,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-maxim-gorky-1899,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_portrait-of-member-of-state-council-and-grand-chamberlain-prince-mikhail-sergeyevich-volkonsky-1903,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-member-of-state-council-grand-prince-mikhail-aleksandrovich-romanov-study-1901,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-members-of-state-council-ivan-logginovich-goremykin-and-nikolai-nikolayevich-gerard-1903,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-minister-of-ways-of-communication-and-member-of-state-council-prince-mikhail-1903,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-music-editor-and-patron-mitrofan-petrovich-belyayev-1886,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-n-d-ermakov-1914,"[2.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-n-i-repina-1896,"[2.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-n-v-delyarov-1910,"[2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-nadezhda-borisovna-nordman-severova-1909,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-nadezhda-repina-the-artist-s-daughter-1900,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-nadezhda-stasova-1884,"[0.0, 1.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-nadya-repina-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-nicholas-ii-the-last-russian-emperor-1895,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-nicholas-ii-the-last-russian-emperor-1896,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-nikolai-evreinov-1915,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-nikolai-remizov-1917,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-of-julia-bogdanovna-repman-born-krause-wife-of-dr-a-h-repman-1881,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-p-a-stolypin-1910,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-p-p-chistyakov-1870,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-p-schindler,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-painter-and-sculptor-mikhail-osipovich-mikeshin-1888,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-painter-grigory-grigoryevich-myasoyedov-1883,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-painter-viktor-mikhailovich-vasnetsov-study-for-the-picture-sadko-in-the-underwater-1875,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-pavel-tretyakov-founder-of-the-tretyakov-gallery-1883,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-pavel-tretyakov-founder-of-the-tretyakov-gallery-1901,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-pianist-and-professor-of-saint-petersburg-conservatory-sophie-menter-1887,"[3.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-pianist-m-k-benoit-1887,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-poet-and-slavophile-ivan-sergeyevich-aksakov-1878,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-poet-grand-prince-konstantin-konstantinovich-romanov-1891,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-poet-prose-writer-translator-and-dramatist-sergei-mitrofanovich-gorodetsky-with-his-1914,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-polixena-stasova-1879,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,ilya-repin_portrait-of-princess-maria-klavdievna-tenisheva-1896,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-professor-emeritus-of-the-imperial-military-academy-infantry-general-and-member-of-1903,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-professor-ivanov-1882,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0]"
+Realism,ilya-repin_portrait-of-railroad-tycoon-and-patron-of-the-arts-savva-ivanovich-mamontov-1878,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-romanov,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-s-a-repina,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-s-a-repina-1878,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-s-f-mamontova-1879,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-s-mamontov-1879,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-savva-mamontov-1880,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-sculptor-mark-matveevich-antokolski-1866,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-sculptor-mark-matveevich-antokolski-1914,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-secretary-of-state-general-and-member-of-state-council-mikhail-nikolayevich-galkin-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-sergei-witte-minister-of-finance-1903,"[2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-sergey-vitte-1903,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-sidor-shavrov-1892,"[2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-sophia-dragomirova-1889,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-t-a-mamontova-1879,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-t-l-tolstaya-1893,"[2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-t-p-chaplygin-a-cousin-of-ilya-repin-1877,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-t-s-repina-mother-of-the-artist-1879,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-tatiana-rechinskay-1882,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-actor-pavel-samoylov-1915,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-actress-pelagey-strepetova-1882,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-architect-philip-dmitrievich-hloboschin-1868,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1873,"[0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1889,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-art-critic-vladimir-stasov-1900,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-a-p-bogolubov-1876,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-a-p-bogolubov-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-arkhip-kuindzhi-1877,"[1.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-d-n-kardovskiy-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-daughter-nadezhda-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-artist-grigory-myasoedov-1886,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_portrait-of-the-artist-i-s-ostroukhov-1913,"[1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-artist-isaak-brodskiy-1910,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-ivan-kramskoy-1882,"[0.0, 2.0, 1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-artist-ivan-p-pohitonov-1882,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-artist-nikolay-gay-1880,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-artist-r-s-levitsky-1878,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-artist-v-s-svarog-1915,"[0.0, 4.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-valentin-serov-1897,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-artist-valentin-serov-1901,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-vasily-polenov-1877,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-artist-vasily-surikov-1885,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_portrait-of-the-artist-viktor-vasnetsov-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-author-alexey-pisemsky-1880,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-author-ieronim-yasinsky-1910,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-author-leonid-andreev-1904,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_portrait-of-the-author-leonid-andreev-1905,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-author-vladimir-korolemko-1912,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-chairman-of-the-azov-don-commercial-bank-in-st-petersburg-a-b-nenttsel-1908,"[2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-chello-player-alexander-verzhbilovich-1895,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-composer-alexander-glazunov-1887,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-composer-anatoly-konstantinovich-lyadov-1902,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-composer-anton-rubinstein-1887,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-composer-anton-rubinstein-1887-2,"[1.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-composer-mikhail-glinka-1887,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-composer-modest-musorgsky-1881,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-composer-nikolay-rymsky-korsakov-1893,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-historian-and-archaeologist-ivan-egorovich-zabelin-1877,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-honorary-member-of-the-academy-of-sciences-and-academy-of-arts-p-p-semenov-tian,"[0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-the-lawyer-vladimir-spasovitch-1891,"[3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-military-1866,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-military-engineer-andrey-delvig-1882,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-narratorb-of-the-folk-tales-v-tschegolionkov-1879,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-painter-isaak-izrailevich-brodsky-1913,"[2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-philanthropist-olga-sergeyevna-aleksandrova-heinz-1890,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-physiologist-ivan-petrovich-pavlov-1924,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-the-pianist-conductor-and-composer-anton-grigorievich-rubinstein-1881,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-the-poet-afanasy-fet-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-poet-voinov-1926,"[1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-sculptor-e-p-tarhanova-antokolskaya-1893,"[2.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-singer-alexandra-molas-1883,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-surgeon-nikolay-pirogov-1881,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-surgeon-nikolay-pirogov-1881-1,"[1.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-writer-aleksey-konstantinovich-tolstoy-1896,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,ilya-repin_portrait-of-the-writer-n-b-nordman-severova-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-the-writer-n-b-nordman-severova-the-artist-s-wife-1911,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-the-writer-t-l-shchepkina-kupernik-1914,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-v-a-zhirkevich-1891,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-v-d-ratov-s-m-muratov-1910,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-v-e-repin-the-artist-s-brother-1867,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_portrait-of-v-gudovich-1913,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-v-k-menk-1884,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_portrait-of-v-k-pleve-1902,"[1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-v-repin-musician-brother-of-the-artist-1876,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-v-stasov-1905,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-v-v-verevkina-1916,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-vasily-kirillovich-syutayev-1882,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-vengerov-1916,"[1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-vera-repina-1874,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-vera-repina-1925,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-vera-repina-the-artist-s-wife-1876,"[1.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-vera-repinahe-the-artist-s-daughter-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-vera-shevtsova-1869,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-vladimir-aleksandrovich-1910,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-vladimir-bekhterev-1913,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-vladimir-sergeyevich-solovyov-1891,"[0.0, 0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-war-minister-infantry-general-and-member-of-state-council-state-aleksei-1903,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-wilhelm-von-bitner-1912,"[2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-writer-ivan-sergeyevich-turgenev-1874,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-writer-leonid-nikolayevich-andreyev-on-a-yacht-1912,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_portrait-of-writer-vladimir-grigorievich-chertkov-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_portrait-of-writer-vsevolod-mikhailovich-garshin-1884,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_portrait-of-writer-vsevolod-mikhailovich-garshin-study-1883,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,ilya-repin_portrait-of-writer-yevgeny-nikolayevich-chirikov-1906,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_portrait-of-yanitskaya-1865,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_portrait-of-yuriy-repin-the-artist-s-son-1882,"[3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_portrait-of-yurkevich-1879,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_portrait-of-zinaida-nikolayevna-gippius-1894,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_praying-of-the-cup,"[1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_preparation-for-the-examination-1864,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_privy-councillor,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_prophet-1890,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,ilya-repin_pushkin-at-karl-bryullov-s-1912,"[4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_putting-a-propagandist-under-arrest-1-1879,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 2.0]"
+Realism,ilya-repin_putting-a-propagandist-under-arrest-1878,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,ilya-repin_putting-a-propagandist-under-arrest-1892,"[0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ilya-repin_putting-a-propagandist-under-arrest-2-1879,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_railway-guard-hotkovo-1882,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_raising-of-jairus-daughter-1870,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 1.0]"
+Realism,ilya-repin_raising-of-jairus-daughter-1871,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_raising-of-jairus-daughter2-1871,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_raising-of-jairus-daughter3-1871,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_reading-aloud-1878,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_reading-girl-1876,"[1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_reading-portrait-of-natalia-b-nordman-1901,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_reception-for-local-cossack-leaders-by-alexander-iii-in-the-court-of-the-petrovsky-palace-in-1885,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,ilya-repin_refusal-of-confession,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,ilya-repin_refusal-of-confession-1,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,ilya-repin_refusal-of-the-confession-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,ilya-repin_religious-procession-1877,"[0.0, 1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_religious-procession-in-an-oak-forest-appearance-of-the-icon-1878,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_rest-portrait-of-vera-repina-the-artist-s-wife-1882,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_returning-from-the-war-1877,"[1.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_river-bank-1876,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_sadko-1876,"[0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_sadko-in-the-underwater-kingdom-1875,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_scene-from-balet-study-1874,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_seamstress-1882,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,ilya-repin_self-portrait,"[2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_self-portrait-1878,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_self-portrait-1887,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_self-portrait-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_self-portrait-1920,"[1.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_self-portrait-1923,"[1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_self-portrait-at-work-1915,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_seller-of-student-works-at-the-academy-of-arts-1870,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_send-off-of-recruit-1879,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_sermon-of-josaphat-kuntsevich-in-belarus-1893,"[1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_shiryaev-gully-on-the-volga-1870,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_sitting-model-1866,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_sketch-for-the-painting-ceremonial-meeting-of-the-state-council-on-may-7-1901-1903,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,ilya-repin_sketch-for-the-painting-ceremonial-meeting-of-the-state-council-on-may-7-1901-1903-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_sketch-for-the-painting-krestny-khod-religious-procession-in-kursk-gubernia,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_sketch-with-the-icon-of-saviour,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_sketches-of-leo-tolstoy-1891,"[1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_slavic-composers-1872,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,ilya-repin_solokha-and-deacon-1926,"[4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_speech-of-his-imperial-majesty-on-may-18-1896-1897,"[1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_st-nicholas-saves-three-innocents-from-death-1888,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_state-council-hall,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_stone-guest-don-juan-and-donna-anna-1885,"[0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ilya-repin_storm-on-the-volga-1891,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 2.0]"
+Realism,ilya-repin_street-in-tiflis-1881,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_street-of-the-snakes-in-seville-1883,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_student-nihilist-1883,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_study-of-an-old-man-1878,"[0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_summer-day-in-abramtsevo-1880,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_summer-landscape-in-kurskaya-guberniya-1915,"[1.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_taking-christ-into-custody-1886,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 5.0, 0.0, 0.0]"
+Realism,ilya-repin_tatyana-repina-the-artist-s-mother-1867,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_temptation-1891,"[1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_temptation-of-christ-1896,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_the-blond-portrait-of-tevashova-1898,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_the-boys-on-the-grass-1903,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_the-concert-in-the-assembly-of-nobility-1888,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_the-courtyard-of-petrovsky-palace-1885,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_the-delarov-family-portrait-1906,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_the-duel-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0, 0.0]"
+Realism,ilya-repin_the-merchant-kalashnikov-1868,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_the-model,"[0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,ilya-repin_the-model-1895,"[2.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_the-model-in-the-turban,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,ilya-repin_the-piano-1905,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_the-piano-portrait-of-s-v-tarnovskaya-1880,"[0.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_the-reply-of-the-zaporozhian-cossacks-to-sultan-mahmoud-iv-1891,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_the-reply-of-the-zaporozhian-cossacks-to-sultan-mahmoud-iv-1896,"[2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_the-revolutionary-meeting-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,ilya-repin_the-road-from-montmartre-in-paris-1876,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_the-self-immolation-of-gogol-1909,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 4.0, 0.0, 0.0]"
+Realism,ilya-repin_the-sergeant-from-the-back-lit-by-the-sun-1885,"[1.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_the-sitter-s-head-the-second-half-of-the-xix-century,"[0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_the-surgeon-e-pavlov-in-the-operating-theater-1888,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 1.0]"
+Realism,ilya-repin_the-village-of-mokhnachi-1877,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,ilya-repin_the-village-of-mokhnachi-near-chuguyev-1877,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_the-young-soldier-parisian-style,"[2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,ilya-repin_to-his-homeland-the-hero-of-the-last-war-1878,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_tramps-homeless-1894,"[1.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_tsarevna-sophia-alexeevna-in-the-novodevitchy-convent-1879,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,ilya-repin_two-ukrainian-peasants-1880,"[0.0, 0.0, 2.0, 0.0, 0.0, 3.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_two-woman-1878,"[1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_ukrainian-peasant-1880,"[1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_ukrainian-peasant-house-1880,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ilya-repin_ukranian-girl-1875,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,ilya-repin_ukranian-girl-by-a-fence-1876,"[0.0, 2.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_under-escort-on-the-muddy-road-1876,"[0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_unexpected-visitors-1888,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ilya-repin_v-a-repina-1876,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ilya-repin_vera-shevtsova,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_view-of-the-village-varvarino-1878,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_wanderer-1881,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,ilya-repin_warrior-xvii-century-1879,"[1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,ilya-repin_watch-1881,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ilya-repin_wedding-of-nicholas-ii-and-grand-princess-alexandra-fyodorovna-1894,"[0.0, 3.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_woman-playing-with-umbrella-1874,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ilya-repin_woman-s-head-v-a-repina-lying-in-bed-1872,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 1.0]"
+Realism,ilya-repin_woman-study-1875,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_woman-with-dagger,"[1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ilya-repin_wounded-man-1913,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ilya-repin_young-ladys-walk-among-herd-of-cow,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_young-ladys-walk-among-herd-of-cow-1896,"[2.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ilya-repin_youth-portrait-of-sculptor-ilya-yakovlevich-ginzburg-1871,"[0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 3.0, 0.0, 0.0]"
+Realism,ilya-repin_zaporizhian-colonel-1880,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0, 1.0]"
+Realism,ilya-repin_zaporozhets,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,ilya-repin_zaporozhets-1884,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,ilya-repin_zaporozhtsy,"[0.0, 2.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ilya-repin_zaporozhtsy-1878,"[0.0, 0.0, 0.0, 3.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_16b479d8d1c3151ea82e2e630b8a4afa,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_1874,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 6.0, 1.0]"
+Realism,ioannis-altamouras_1874-2,"[0.0, 3.0, 1.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_1877,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,ioannis-altamouras_coast-with-waves,"[2.0, 8.0, 9.0, 5.0, 0.0, 0.0, 11.0, 7.0, 4.0]"
+Realism,ioannis-altamouras_evening-in-the-harbour,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,ioannis-altamouras_ioannis-altamouras-ekthesi-sto-mouseio-mpenaki-11(1),"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_ioannis-altamouras-ekthesi-sto-mouseio-mpenaki-12,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_ioannis-altamouras-ekthesi-sto-mouseio-mpenaki-13,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,ioannis-altamouras_kymata,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,ioannis-altamouras_painting1(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,ioannis-altamouras_port-of-elsinore,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ioannis-altamouras_sailboats,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_sea-battle,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_sea-battle-at-the-bay-of-patrae-1874,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_self-portrait,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ioannis-altamouras_skagerrak,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_study-on-the-ship-esmeralda,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0]"
+Realism,ioannis-altamouras_view-of-the-sea,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ioannis-altamouras_waves,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,ioannis-altamouras_yacht,"[0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,ion-andreescu_beech-forest,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,ion-andreescu_in-the-forest,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ion-andreescu_leafless-forest,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ion-andreescu_mestecanis,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,ion-andreescu_onions,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ion-andreescu_portrait-of-woman-in-a-costume-1882,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,ion-andreescu_self-portrait,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,ion-andreescu_the-oak,"[0.0, 1.0, 3.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ion-andreescu_the-winter,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,ion-andreescu_untitled-view-of-a-field,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ion-andreescu_winter-at-barbizon(1),"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,ion-theodorescu-sion_hackberry-flowers,"[0.0, 3.0, 5.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,ion-theodorescu-sion_peasants-of-abrud-1913,"[2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,iosif-iser_self-portrait,"[3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,iosif-iser_woman-in-yellow-chair-1933,"[2.0, 1.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 2.0]"
+Realism,irma-stern_arab-1939,"[2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0, 4.0, 1.0]"
+Realism,isaac-levitan_a-birch-grove,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-creek,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,isaac-levitan_a-creek-1899,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-day-in-june,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-dry-tree-by-the-road,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_a-dull-day-stubble,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-gray-day-mountains-crimea-1886,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_a-haystack-1894,"[1.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-herd-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_a-hovel,"[1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,isaac-levitan_a-lake-1893,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_a-path,"[1.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-path-1877,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-river,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_a-river-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-river-1888,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_a-river-1897,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_a-yard,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_about-nightfall-grove,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,isaac-levitan_above-the-eternal-tranquility-1894,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_abramtsevo,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_aft-part-of-barge,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,isaac-levitan_after-the-rain-plyos-1889,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_ai-petri-1886,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_alps-1897,"[0.0, 3.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_alps-snow-1897,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 2.0]"
+Realism,isaac-levitan_apiary,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,isaac-levitan_apiary-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,isaac-levitan_apiary-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_apple-trees-in-blossom-1896,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_apple-trees-in-blossom-1896-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_apple-trees-in-blossom-1896-2,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_aspen-spinny-a-gray-day-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-moscow-river-1877,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-the-birch-grove,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-the-field-twilight,"[0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0, 1.0]"
+Realism,isaac-levitan_at-the-lake-como-enbankment-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_at-the-lake-como-italy-1894,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_at-the-lake-tver-region-1893,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-the-park-1880,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-the-seashore,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,isaac-levitan_at-the-summer-house-in-twilight,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-twilight-river-istra-1885,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-volga,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_at-volga-1888,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_at-volga-evening-falls-1888,"[0.0, 0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_autumn-1877,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,isaac-levitan_autumn-1885,"[0.0, 0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,isaac-levitan_autumn-1885-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-1889,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_autumn-1891,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-1896,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-1896-1,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-1899,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-birches-1899,"[0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-day-sokolniki-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-evening-trail-in-the-forest-1894,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_autumn-landscape,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-landscape-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-landscape-2,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_autumn-landscape-3,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-landscape-village,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-landscape-with-church,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-landscape-with-hunter-1880,"[0.0, 1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_autumn-leaves-1879,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_autumn-mill-plyos-1888,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-morning-1887,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_autumn-river-1899,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_autumn-road-in-a-village-1877,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,isaac-levitan_autumn-the-manor-1894,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_barges,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_barges-the-volga-1889,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_barn-twilight,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,isaac-levitan_before-the-storm-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,isaac-levitan_before-the-thunderstorm-1879,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,isaac-levitan_before-the-thunderstorm-1893,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_before-the-thunderstorm-1893-1,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0]"
+Realism,isaac-levitan_big-road-sunny-autumn-day-1897,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_birch-grove-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_birch-grove-1889,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_birches-forest-edge,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,isaac-levitan_bird-cherry-tree,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,isaac-levitan_blessing-of-the-waters-1893,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0, 1.0]"
+Realism,isaac-levitan_boat-on-the-coast,"[1.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_boatmen,"[0.0, 1.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_bonfire,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_boulevard-in-the-evening-1883,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 4.0, 0.0, 0.0]"
+Realism,isaac-levitan_bridge-village-savvinskaya,"[0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0, 0.0]"
+Realism,isaac-levitan_bright-sunny-day,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_brisk-wind-volga-1885,"[0.0, 1.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_building-by-the-water-at-the-edge-of-village,"[0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0, 2.0]"
+Realism,isaac-levitan_by-evening-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_by-the-creek-1899,"[0.0, 0.0, 3.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_by-the-riverside,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_by-the-riverside-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_by-the-seashore-1886,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_by-the-wall-of-church-1885,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_by-the-whirlpool-1891,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_by-the-whirlpool-1891-1,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_by-the-whirlpool-1891-2,"[0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,isaac-levitan_by-the-whirlpool-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,isaac-levitan_calm-summer-evening-1894,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_canal-in-venice-1890,"[0.0, 0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_church-in-plyos-1888,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_church-with-belfry-in-reshma-1890,"[1.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_cloud-1878,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_clouds,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_cloudy-day-1895,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_cloudy-sky-twilight-1893,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,isaac-levitan_coast-of-the-lagoon-1896,"[0.0, 9.0, 14.0, 0.0, 0.0, 0.0, 4.0, 15.0, 2.0]"
+Realism,isaac-levitan_coleus-1894,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,isaac-levitan_conservatory,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_cornflowers-1894,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_corniche-southern-france-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_crimea-in-the-mountains-1886,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_crimea-in-winter,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,isaac-levitan_cypress-trees-at-the-mosque-1886,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,isaac-levitan_dandelions-1889,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_dilapidated-huts-by-the-forested-mountain-1890,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0]"
+Realism,isaac-levitan_draw-1899,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,isaac-levitan_draw-1899-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,isaac-levitan_dull-day,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,isaac-levitan_dull-day-1890,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_dull-day-at-volga-1888,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 2.0, 1.0]"
+Realism,isaac-levitan_early-march-1900,"[0.0, 0.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 3.0]"
+Realism,isaac-levitan_early-spring,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_early-spring-1892,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_early-spring-1898,"[0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_early-spring-1899,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_early-spring-a-young-pine-tree,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_early-spring-botanical-garden-1900,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_early-spring-the-last-snow,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_edge-of-forest,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_edge-of-forest-1891,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_entrance-gate-of-savvinsky-monastery-near-zvenigorod-1884,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,isaac-levitan_entrance-to-the-village-1884,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_evening-1877,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 2.0, 0.0]"
+Realism,isaac-levitan_evening-at-volga-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_evening-at-volga-1888-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_evening-golden-plyos-1889,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_evening-golden-plyos-1889-1,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_evening-in-the-field-1883,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_evening-path-1882,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_evening-shadows,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_evening-sunset-1895,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,isaac-levitan_felling-1898,"[0.0, 1.0, 2.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_felling-firewood-1898,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,isaac-levitan_ferns-by-the-water-1895,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_ferns-in-a-forest-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_field,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0]"
+Realism,isaac-levitan_field-1,"[1.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_fields-1899-1,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_fires,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0, 3.0]"
+Realism,isaac-levitan_flowery-meadow,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_fog-over-water,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_footbridge-savvinskaya-village-1884,"[1.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_footpath-in-a-forest-ferns,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_forest,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_forest-edge,"[1.0, 0.0, 1.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_forest-edge-rising-of-the-moon-forest-edge-sun-behind-the-clouds-1896,"[0.0, 0.0, 1.0, 1.0, 0.0, 2.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_forest-gave,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_forest-in-the-winter,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_forest-lake,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_forest-sunny-day,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_forest-violets-and-forget-me-nots-1889,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_fortress-finland-1896,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_fountain-1886,"[0.0, 2.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_fresh-breeze-volga-1890,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_gloomy-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 1.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_golden-autumn-1895,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_golden-autumn-1896,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_golden-autumn-village-1889,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_gray-day,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,isaac-levitan_gray-day-1,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_gray-day-1895,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_gray-day-forest-over-river-1888,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_gray-day-river,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_gray-day-the-swamp-1898,"[0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_haymaking-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_haystacks,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_high-riverbank-with-boat-and-planned-bridge-1890,"[1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 1.0, 1.0]"
+Realism,isaac-levitan_high-waters-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,isaac-levitan_high-waters-1885-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_high-waters-1885-2,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 1.0]"
+Realism,isaac-levitan_high-waters-1887,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_high-waters-1895,"[1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,isaac-levitan_house-with-broom-trees,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_houses-near-bordiguera-1890,"[0.0, 1.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_hut-on-the-meadow,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_huts-1899,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_huts-1899-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_huts-after-sunset-1899,"[0.0, 0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_in-alps-1897,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_in-alps-at-spring-1897,"[0.0, 4.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_in-plyos,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_in-the-crimea-mountains-1886,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,isaac-levitan_in-the-crimea-mountains-1886-1,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,isaac-levitan_in-the-forest,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,isaac-levitan_in-the-forest-at-autumn-1894,"[0.0, 1.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_in-the-forest-at-winter-1885,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_in-the-north-1896,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_in-the-park-1895,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_in-the-park-1895-1,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 2.0]"
+Realism,isaac-levitan_in-the-vicinity-of-bordiguera-in-the-north-of-italy-1890,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_inside-the-peter-and-paul-church-in-plyos-1888,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_isbas-lighted-by-sun-1889,"[2.0, 0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_italian-houses-with-trees-1890,"[1.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_italian-landscape-1890,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_jewish-woman-with-oriental-shawl-1884,"[0.0, 0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,isaac-levitan_krivoozersky-monastery-monks-following-fish-1890,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 1.0]"
+Realism,isaac-levitan_lake,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-1,"[0.0, 1.0, 6.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-1895,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-autumn,"[0.0, 2.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-barns-at-the-forest-edge,"[0.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 3.0, 0.0]"
+Realism,isaac-levitan_lake-como-1894,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_lake-como-1894-1,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-como-1894-2,"[0.0, 3.0, 0.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-como-1894-3,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-gray-day-1895,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_lake-ladoga-1896,"[1.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_lake-rus,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_lake-spring-1898,"[0.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_lakeshore,"[0.0, 0.0, 4.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-1,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_landscape-1883,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-1892,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 2.0, 1.0]"
+Realism,isaac-levitan_landscape-at-volga-1890,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,isaac-levitan_landscape-at-volga-zhilino-near-kineshma-1890,"[0.0, 0.0, 0.0, 1.0, 1.0, 0.0, 1.0, 2.0, 0.0]"
+Realism,isaac-levitan_landscape-in-crimea-1887,"[0.0, 3.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-near-bordiguera-1890,"[3.0, 3.0, 8.0, 1.0, 4.0, 4.0, 1.0, 7.0, 19.0]"
+Realism,isaac-levitan_landscape-on-volga-boats-by-the-riverbank-1878,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_landscape-with-a-steamboat,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_landscape-with-an-isba-1899,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-with-beehives,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-with-buildings,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-with-fencing,"[0.0, 1.0, 3.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-with-ferns,"[0.0, 0.0, 1.0, 2.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_landscape-with-forest-river,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscape-with-isbas-1885,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_landscape-with-moon,"[0.0, 1.0, 0.0, 1.0, 0.0, 0.0, 2.0, 1.0, 0.0]"
+Realism,isaac-levitan_landscape-with-pink-sunset,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_landscare-distant-view,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_late-autumn,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_late-autumn-1,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 1.0, 1.0, 0.0]"
+Realism,isaac-levitan_lilacs-1893,"[0.0, 0.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_little-forest,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_little-village,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,isaac-levitan_march-1895,"[0.0, 1.0, 2.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_marsh-at-evening-1882,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 0.0]"
+Realism,isaac-levitan_meadow-on-the-edge-of-a-forest-1898,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_mediterranean-seacoast-1890,"[0.0, 2.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_melikhovo-at-spring,"[0.0, 0.0, 2.0, 2.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_mist-autumn-1899,"[0.0, 0.0, 2.0, 1.0, 0.0, 0.0, 1.0, 0.0, 1.0]"
+Realism,isaac-levitan_monastery-gate-and-wall-1885,"[0.0, 0.0, 2.0, 0.0, 0.0, 0.0, 0.0, 1.0, 2.0]"
+Realism,isaac-levitan_monastery-gate-and-wall-1885-1,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 3.0, 1.0, 0.0]"
+Realism,isaac-levitan_moonlit-landscape,"[0.0, 1.0, 1.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0]"
+Realism,isaac-levitan_moonlit-night-1899,"[0.0, 0.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 1.0]"
+Realism,isaac-levitan_moonlit-night-a-village,"[0.0, 2.0, 2.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_moonlit-night-a-village-1897,"[0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0, 4.0, 1.0]"
+Realism,isaac-levitan_moonlit-night-at-park-1885,"[0.0, 1.0, 0.0, 0.0, 0.0, 0.0, 2.0, 2.0, 0.0]"
+Realism,isaac-levitan_mountains-crimea-1886,"[0.0, 1.0, 2.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_near-the-grove,"[0.0, 1.0, 3.0, 0.0, 0.0, 1.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_night-riverbank,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 3.0, 0.0, 0.0]"
+Realism,isaac-levitan_noon,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_oak-1880,"[0.0, 1.0, 4.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_oak-grove-autumn-1880,"[0.0, 2.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_oak-on-the-riverbank-1887,"[0.0, 1.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 3.0]"
+Realism,isaac-levitan_oak-trunk-in-early-summer,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 2.0, 0.0, 0.0]"
+Realism,isaac-levitan_october-autumn-1891,"[0.0, 0.0, 1.0, 0.0, 0.0, 0.0, 1.0, 3.0, 0.0]"
+Realism,isaac-levitan_old-yard-plyos-1890,"[0.0, 8.0, 9.0, 3.0, 1.0, 1.0, 11.0, 17.0, 1.0]"
+Realism,isaac-levitan_on-peaks-of-yaila-1886,"[1.0, 1.0, 3.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_on-the-river-volga-1888,"[0.0, 2.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0, 2.0]"
+Realism,isaac-levitan_ostankino,"[0.0, 0.0, 4.0, 1.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_overgrown-pond,"[0.0, 0.0, 3.0, 1.0, 0.0, 0.0, 0.0, 1.0, 0.0]"
+Realism,isaac-levitan_overgrown-pond-1887,"[0.0, 0.0, 5.0, 0.0, 0.0, 0.0, 0.0, 0.0, 0.0]"
+Realism,isaac-levitan_overgrown-pond-1887-1,"[0.0, 1.0, 3.0, 0.0, 0.0, 0.0, 1.0, 0.0, 0.0]"
+Realism,isaac-levitan_parkway,"[0.0, 2.0, 3.0